diff --git a/.circleci/config.yml b/.circleci/config.yml index fd4dc7f12f..35570dd37e 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -24,7 +24,7 @@ jobs: command: | python -m virtualenv venv source venv/bin/activate - pip install tox + pip install tox --progress-bar off - run: name: Build documentation diff --git a/README.md b/README.md index f8a261a5da..07f01ebdc5 100644 --- a/README.md +++ b/README.md @@ -101,7 +101,7 @@ Documentation - [Tutorial Videos] - [Official API Documentation] - [QuickStart]: https://github.com/RaRe-Technologies/gensim/blob/develop/docs/notebooks/gensim%20Quick%20Start.ipynb + [QuickStart]: https://radimrehurek.com/gensim/gensim_numfocus/auto_examples/core/run_core_concepts.html [Tutorials]: https://github.com/RaRe-Technologies/gensim/blob/develop/tutorials.md#tutorials [Tutorial Videos]: https://github.com/RaRe-Technologies/gensim/blob/develop/tutorials.md#videos [Official Documentation and Walkthrough]: http://radimrehurek.com/gensim/ diff --git a/docs/notebooks/Corpora_and_Vector_Spaces.ipynb b/docs/notebooks/Corpora_and_Vector_Spaces.ipynb deleted file mode 100644 index 0d6c21760b..0000000000 --- a/docs/notebooks/Corpora_and_Vector_Spaces.ipynb +++ /dev/null @@ -1,637 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Tutorial 1: Corpora and Vector Spaces\n", - "See this *gensim* tutorial on the web [here](https://radimrehurek.com/gensim/tut1.html)." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Don’t forget to set:" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "import logging\n", - "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "import os\n", - "import tempfile\n", - "TEMP_FOLDER = tempfile.gettempdir()\n", - "print('Folder \"{}\" will be used to save temporary dictionary and corpus.'.format(TEMP_FOLDER))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "if you want to see logging events.\n", - "\n", - "## From Strings to Vectors\n", - "\n", - "This time, let’s start from documents represented as strings:" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "from gensim import corpora" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "documents = [\"Human machine interface for lab abc computer applications\",\n", - " \"A survey of user opinion of computer system response time\",\n", - " \"The EPS user interface management system\",\n", - " \"System and human system engineering testing of EPS\", \n", - " \"Relation of user perceived response time to error measurement\",\n", - " \"The generation of random binary unordered trees\",\n", - " \"The intersection graph of paths in trees\",\n", - " \"Graph minors IV Widths of trees and well quasi ordering\",\n", - " \"Graph minors A survey\"]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "This is a tiny corpus of nine documents, each consisting of only a single sentence.\n", - "\n", - "First, let’s tokenize the documents, remove common words (using a toy stoplist) as well as words that only appear once in the corpus:" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[['human', 'interface', 'computer'],\n", - " ['survey', 'user', 'computer', 'system', 'response', 'time'],\n", - " ['eps', 'user', 'interface', 'system'],\n", - " ['system', 'human', 'system', 'eps'],\n", - " ['user', 'response', 'time'],\n", - " ['trees'],\n", - " ['graph', 'trees'],\n", - " ['graph', 'minors', 'trees'],\n", - " ['graph', 'minors', 'survey']]\n" - ] - } - ], - "source": [ - "# remove common words and tokenize\n", - "stoplist = set('for a of the and to in'.split())\n", - "texts = [[word for word in document.lower().split() if word not in stoplist]\n", - " for document in documents]\n", - "\n", - "# remove words that appear only once\n", - "from collections import defaultdict\n", - "frequency = defaultdict(int)\n", - "for text in texts:\n", - " for token in text:\n", - " frequency[token] += 1\n", - "\n", - "texts = [[token for token in text if frequency[token] > 1] for text in texts]\n", - "\n", - "from pprint import pprint # pretty-printer\n", - "pprint(texts)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Your way of processing the documents will likely vary; here, I only split on whitespace to tokenize, followed by lowercasing each word. In fact, I use this particular (simplistic and inefficient) setup to mimic the experiment done in [Deerwester et al.’s original LSA article](http://www.cs.bham.ac.uk/~pxt/IDA/lsa_ind.pdf) (Table 2).\n", - "\n", - "The ways to process documents are so varied and application- and language-dependent that I decided to not constrain them by any interface. Instead, a document is represented by the features extracted from it, not by its “surface” string form: how you get to the features is up to you. Below I describe one common, general-purpose approach (called bag-of-words), but keep in mind that different application domains call for different features, and, as always, it’s [garbage in, garbage out](https://en.wikipedia.org/wiki/Garbage_in,_garbage_out)...\n", - "\n", - "To convert documents to vectors, we’ll use a document representation called [bag-of-words](https://en.wikipedia.org/wiki/Bag-of-words_model). In this representation, each document is represented by one vector where a vector element `i` represents the number of times the `i`th word appears in the document.\n", - "\n", - "It is advantageous to represent the questions only by their (integer) ids. The mapping between the questions and ids is called a dictionary:" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Dictionary(12 unique tokens: ['human', 'interface', 'computer', 'survey', 'user']...)\n" - ] - } - ], - "source": [ - "dictionary = corpora.Dictionary(texts)\n", - "dictionary.save(os.path.join(TEMP_FOLDER, 'deerwester.dict')) # store the dictionary, for future reference\n", - "print(dictionary)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Here we assigned a unique integer ID to all words appearing in the processed corpus with the [gensim.corpora.dictionary.Dictionary](https://radimrehurek.com/gensim/corpora/dictionary.html#gensim.corpora.dictionary.Dictionary) class. This sweeps across the texts, collecting word counts and relevant statistics. In the end, we see there are twelve distinct words in the processed corpus, which means each document will be represented by twelve numbers (ie., by a 12-D vector). To see the mapping between words and their ids:" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'human': 0, 'interface': 1, 'computer': 2, 'survey': 3, 'user': 4, 'system': 5, 'response': 6, 'time': 7, 'eps': 8, 'trees': 9, 'graph': 10, 'minors': 11}\n" - ] - } - ], - "source": [ - "print(dictionary.token2id)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To actually convert tokenized documents to vectors:" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 1), (2, 1)]\n" - ] - } - ], - "source": [ - "new_doc = \"Human computer interaction\"\n", - "new_vec = dictionary.doc2bow(new_doc.lower().split())\n", - "print(new_vec) # the word \"interaction\" does not appear in the dictionary and is ignored" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The function `doc2bow()` simply counts the number of occurrences of each distinct word, converts the word to its integer word id and returns the result as a bag-of-words--a sparse vector, in the form of `[(word_id, word_count), ...]`. \n", - "\n", - "As the token_id is 0 for *\"human\"* and 2 for *\"computer\"*, the new document *“Human computer interaction”* will be transformed to [(0, 1), (2, 1)]. The words *\"computer\"* and *\"human\"* exist in the dictionary and appear once. Thus, they become (0, 1), (2, 1) respectively in the sparse vector. The word *\"interaction\"* doesn't exist in the dictionary and, thus, will not show up in the sparse vector. The other ten dictionary words, that appear (implicitly) zero times, will not show up in the sparse vector and , ,there will never be a element in the sparse vector like (3, 0).\n", - "\n", - "For people familiar with scikit learn, `doc2bow()` has similar behaviors as calling `transform()` on [`CountVectorizer`](http://scikit-learn.org/stable/modules/generated/sklearn.feature_extraction.text.CountVectorizer.html). `doc2bow()` can behave like `fit_transform()` as well. For more details, please look at [gensim API Doc](https://radimrehurek.com/gensim/corpora/dictionary.html#gensim.corpora.dictionary.Dictionary.doc2bow)." - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 1), (1, 1), (2, 1)]\n", - "[(2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1)]\n", - "[(1, 1), (4, 1), (5, 1), (8, 1)]\n", - "[(0, 1), (5, 2), (8, 1)]\n", - "[(4, 1), (6, 1), (7, 1)]\n", - "[(9, 1)]\n", - "[(9, 1), (10, 1)]\n", - "[(9, 1), (10, 1), (11, 1)]\n", - "[(3, 1), (10, 1), (11, 1)]\n" - ] - } - ], - "source": [ - "corpus = [dictionary.doc2bow(text) for text in texts]\n", - "corpora.MmCorpus.serialize(os.path.join(TEMP_FOLDER, 'deerwester.mm'), corpus) # store to disk, for later use\n", - "for c in corpus:\n", - " print(c)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "By now it should be clear that the vector feature with `id=10` represents the number of times the word \"graph\" occurs in the document. The answer is “zero” for the first six documents and “one” for the remaining three. As a matter of fact, we have arrived at exactly the same corpus of vectors as in the [Quick Example](https://radimrehurek.com/gensim/tutorial.html#first-example). If you're running this notebook yourself the word IDs may differ, but you should be able to check the consistency between documents comparing their vectors. \n", - "\n", - "## Corpus Streaming – One Document at a Time\n", - "\n", - "Note that *corpus* above resides fully in memory, as a plain Python list. In this simple example, it doesn’t matter much, but just to make things clear, let’s assume there are millions of documents in the corpus. Storing all of them in RAM won’t do. Instead, let’s assume the documents are stored in a file on disk, one document per line. Gensim only requires that a corpus be able to return one document vector at a time:" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "from smart_open import smart_open\n", - "class MyCorpus(object):\n", - " def __iter__(self):\n", - " for line in smart_open('datasets/mycorpus.txt', 'rb'):\n", - " # assume there's one document per line, tokens separated by whitespace\n", - " yield dictionary.doc2bow(line.lower().split())" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The assumption that each document occupies one line in a single file is not important; you can design the `__iter__` function to fit your input format, whatever that may be - walking directories, parsing XML, accessing network nodes... Just parse your input to retrieve a clean list of tokens in each document, then convert the tokens via a dictionary to their IDs and yield the resulting sparse vector inside `__iter__`." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "<__main__.MyCorpus object at 0x10f48a240>\n" - ] - } - ], - "source": [ - "corpus_memory_friendly = MyCorpus() # doesn't load the corpus into memory!\n", - "print(corpus_memory_friendly)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "`corpus_memory_friendly` is now an object. We didn’t define any way to print it, so `print` just outputs address of the object in memory. Not very useful. To see the constituent vectors, let’s iterate over the corpus and print each document vector (one at a time):" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 1), (1, 1), (2, 1)]\n", - "[(2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1)]\n", - "[(1, 1), (4, 1), (5, 1), (8, 1)]\n", - "[(0, 1), (5, 2), (8, 1)]\n", - "[(4, 1), (6, 1), (7, 1)]\n", - "[(9, 1)]\n", - "[(9, 1), (10, 1)]\n", - "[(9, 1), (10, 1), (11, 1)]\n", - "[(3, 1), (10, 1), (11, 1)]\n" - ] - } - ], - "source": [ - "for vector in corpus_memory_friendly: # load one vector into memory at a time\n", - " print(vector)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Although the output is the same as for the plain Python list, the corpus is now much more memory friendly, because at most one vector resides in RAM at a time. Your corpus can now be as large as you want.\n", - "\n", - "We are going to create the dictionary from the mycorpus.txt file without loading the entire file into memory. Then, we will generate the list of token ids to remove from this dictionary by querying the dictionary for the token ids of the stop words, and by querying the document frequencies dictionary (`dictionary.dfs`) for token ids that only appear once. Finally, we will filter these token ids out of our dictionary. Keep in mind that `dictionary.filter_tokens` (and some other functions such as `dictionary.add_document`) will call `dictionary.compactify()` to remove the gaps in the token id series thus enumeration of remaining tokens can be changed." - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Dictionary(12 unique tokens: ['human', 'interface', 'computer', 'survey', 'user']...)\n" - ] - } - ], - "source": [ - "from six import iteritems\n", - "from smart_open import smart_open\n", - "\n", - "# collect statistics about all tokens\n", - "dictionary = corpora.Dictionary(line.lower().split() for line in smart_open('datasets/mycorpus.txt', 'rb'))\n", - "\n", - "# remove stop words and words that appear only once\n", - "stop_ids = [dictionary.token2id[stopword] for stopword in stoplist \n", - " if stopword in dictionary.token2id]\n", - "once_ids = [tokenid for tokenid, docfreq in iteritems(dictionary.dfs) if docfreq == 1]\n", - "\n", - "# remove stop words and words that appear only once\n", - "dictionary.filter_tokens(stop_ids + once_ids)\n", - "print(dictionary)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "And that is all there is to it! At least as far as bag-of-words representation is concerned. Of course, what we do with such a corpus is another question; it is not at all clear how counting the frequency of distinct words could be useful. As it turns out, it isn’t, and we will need to apply a transformation on this simple representation first, before we can use it to compute any meaningful document vs. document similarities. Transformations are covered in the [next tutorial](https://radimrehurek.com/gensim/tut2.html), but before that, let’s briefly turn our attention to *corpus persistency*.\n", - "\n", - "## Corpus Formats\n", - "\n", - "There exist several file formats for serializing a Vector Space corpus (~sequence of vectors) to disk. *Gensim* implements them via the *streaming corpus interface* mentioned earlier: documents are read from (or stored to) disk in a lazy fashion, one document at a time, without the whole corpus being read into main memory at once.\n", - "\n", - "One of the more notable file formats is the [Matrix Market format](http://math.nist.gov/MatrixMarket/formats.html). To save a corpus in the Matrix Market format:" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "# create a toy corpus of 2 documents, as a plain Python list\n", - "corpus = [[(1, 0.5)], []] # make one document empty, for the heck of it\n", - "\n", - "corpora.MmCorpus.serialize(os.path.join(TEMP_FOLDER, 'corpus.mm'), corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Other formats include [Joachim’s SVMlight format](http://svmlight.joachims.org/), [Blei’s LDA-C format](http://www.cs.columbia.edu/~blei/lda-c/) and [GibbsLDA++ format](http://gibbslda.sourceforge.net/)." - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "corpora.SvmLightCorpus.serialize(os.path.join(TEMP_FOLDER, 'corpus.svmlight'), corpus)\n", - "corpora.BleiCorpus.serialize(os.path.join(TEMP_FOLDER, 'corpus.lda-c'), corpus)\n", - "corpora.LowCorpus.serialize(os.path.join(TEMP_FOLDER, 'corpus.low'), corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Conversely, to load a corpus iterator from a Matrix Market file:" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "corpus = corpora.MmCorpus(os.path.join(TEMP_FOLDER, 'corpus.mm'))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Corpus objects are streams, so typically you won’t be able to print them directly:" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "MmCorpus(2 documents, 2 features, 1 non-zero entries)\n" - ] - } - ], - "source": [ - "print(corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Instead, to view the contents of a corpus:" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[(1, 0.5)], []]\n" - ] - } - ], - "source": [ - "# one way of printing a corpus: load it entirely into memory\n", - "print(list(corpus)) # calling list() will convert any sequence to a plain Python list" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "or" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(1, 0.5)]\n", - "[]\n" - ] - } - ], - "source": [ - "# another way of doing it: print one document at a time, making use of the streaming interface\n", - "for doc in corpus:\n", - " print(doc)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The second way is obviously more memory-friendly, but for testing and development purposes, nothing beats the simplicity of calling `list(corpus)`.\n", - "\n", - "To save the same Matrix Market document stream in Blei’s LDA-C format," - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "corpora.BleiCorpus.serialize(os.path.join(TEMP_FOLDER, 'corpus.lda-c'), corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In this way, *gensim* can also be used as a memory-efficient **I/O format conversion tool**: just load a document stream using one format and immediately save it in another format. Adding new formats is dead easy, check out the [code for the SVMlight corpus](https://github.com/piskvorky/gensim/blob/develop/gensim/corpora/svmlightcorpus.py) for an example.\n", - "\n", - "## Compatibility with NumPy and SciPy\n", - "\n", - "Gensim also contains [efficient utility functions](http://radimrehurek.com/gensim/matutils.html) to help converting from/to `numpy` matrices:" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "import gensim\n", - "import numpy as np\n", - "numpy_matrix = np.random.randint(10, size=[5,2])\n", - "corpus = gensim.matutils.Dense2Corpus(numpy_matrix)\n", - "numpy_matrix_dense = gensim.matutils.corpus2dense(corpus, num_terms=10)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "and from/to `scipy.sparse` matrices:" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "import scipy.sparse\n", - "scipy_sparse_matrix = scipy.sparse.random(5,2)\n", - "corpus = gensim.matutils.Sparse2Corpus(scipy_sparse_matrix)\n", - "scipy_csc_matrix = gensim.matutils.corpus2csc(corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "For a complete reference (want to prune the dictionary to a smaller size? Optimize converting between corpora and NumPy/SciPy arrays?), see the [API documentation](https://radimrehurek.com/gensim/apiref.html). Or continue to the next tutorial on Topics and Transformations ([notebook](Topics_and_Transformations.ipynb) \n", - "or [website](https://radimrehurek.com/gensim/tut2.html))." - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 2", - "language": "python", - "name": "python2" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 2 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.6" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/docs/notebooks/FastText_Tutorial.ipynb b/docs/notebooks/FastText_Tutorial.ipynb index ed2d4d522f..937a78a39d 100644 --- a/docs/notebooks/FastText_Tutorial.ipynb +++ b/docs/notebooks/FastText_Tutorial.ipynb @@ -223,40 +223,40 @@ "text": [ "True\n", "False\n", - "[ 0.8314139 0.61584824 -0.22241311 0.07523467 0.5152522 0.07724247\n", - " -0.13744526 0.05606242 -0.09502476 0.45655364 0.51096547 -0.13521144\n", - " -0.7620124 -0.4685431 -0.15228595 -0.03442579 0.20600994 -0.5080321\n", - " -0.6443741 0.605772 -0.30647403 0.41962707 0.06037483 -0.40195057\n", - " -0.11246474 -0.59829116 -0.32052496 -0.48515126 0.2997839 -0.20067295\n", - " -0.20996568 0.12522118 -0.0364657 0.62870216 0.5781912 -0.00992062\n", - " 0.51955134 -0.10997857 0.16197589 0.27111182 -0.06318171 -0.24831475\n", - " 0.09808698 -0.37751442 -0.13298641 -0.15047912 -0.01828656 -0.6400881\n", - " 0.28488973 -0.14948265 0.18325825 0.6458386 -0.00953633 0.13587084\n", - " -0.1961209 -0.42555386 -0.19528134 0.52414805 -0.30868796 -0.5202228\n", - " -0.10896837 0.06696089 0.44607309 0.37719652 0.08233636 0.24584875\n", - " -0.80979943 -0.30543917 -0.15849951 0.16166946 -0.36826986 -0.00906481\n", - " -0.14814071 -0.25263855 -0.41303173 -0.48292273 -0.05554645 -0.00310395\n", - " 0.21415223 -0.27768075 0.7148276 1.3367277 0.33960983 -0.47452113\n", - " 0.27783358 0.09962273 0.04856196 -0.23065457 0.19847827 -0.7086235\n", - " 0.2897328 0.08882508 0.47819164 -0.10128012 0.17164136 -0.08161731\n", - " -0.64568347 -0.04466937 0.04507336 0.4807562 ]\n", - "[ 0.7486652 0.5551642 -0.20113334 0.0694495 0.46116358 0.06881845\n", - " -0.12488337 0.05208117 -0.08345503 0.41118833 0.4612766 -0.12186286\n", - " -0.68638855 -0.4214572 -0.13843313 -0.03139759 0.18622552 -0.45825756\n", - " -0.57948387 0.54435897 -0.27771378 0.3789184 0.05383135 -0.36025965\n", - " -0.10304614 -0.53994924 -0.28970715 -0.43614468 0.26968622 -0.18174443\n", - " -0.19075763 0.11169459 -0.03211116 0.5669812 0.5213458 -0.01047292\n", - " 0.4683945 -0.09853561 0.14416309 0.2458799 -0.05680516 -0.22388494\n", - " 0.08682863 -0.34187067 -0.11945734 -0.1357073 -0.0152749 -0.5779147\n", - " 0.25770664 -0.13402262 0.16518788 0.5821273 -0.00866939 0.12256315\n", - " -0.17704405 -0.38423932 -0.1755833 0.47041836 -0.27653104 -0.46991062\n", - " -0.09599836 0.05943088 0.4017819 0.33958077 0.07508487 0.22090466\n", - " -0.72955 -0.2727049 -0.14109111 0.14624386 -0.33014265 -0.00984893\n", - " -0.13071296 -0.22914156 -0.37331858 -0.43644536 -0.05077597 -0.00315402\n", - " 0.19187897 -0.2513682 0.6448789 1.2039913 0.30247915 -0.4269294\n", - " 0.25062108 0.08874664 0.04146989 -0.20783317 0.17835104 -0.6382346\n", - " 0.26064712 0.08040012 0.43090543 -0.09168535 0.15238702 -0.07426675\n", - " -0.5815522 -0.03998712 0.04137334 0.4317176 ]\n" + "[ 0.6988306 0.7962038 0.04964953 0.11940945 0.45962736 0.02930021\n", + " -0.148752 0.06151627 -0.09016804 0.28291386 0.47263005 -0.07578029\n", + " -0.6577542 -0.27169365 -0.16403204 -0.01813792 0.16956581 -0.4356721\n", + " -0.5964832 0.736336 -0.30984706 0.3427041 0.15378788 -0.5059883\n", + " -0.15675616 -0.5815964 -0.07495894 -0.41970676 0.36809948 -0.26071918\n", + " -0.46826273 0.15298584 -0.04599814 0.6263372 0.52292955 -0.02519639\n", + " 0.65333563 -0.1163021 0.22651657 0.3189898 -0.07596255 -0.22332282\n", + " 0.15195839 -0.39055198 -0.19732887 -0.2747241 0.04130132 -0.63913506\n", + " 0.18559387 -0.15314367 0.26563224 0.71324116 -0.04440507 0.05624504\n", + " -0.11758088 -0.3253568 -0.22081989 0.6120215 -0.35792083 -0.333798\n", + " -0.11835586 -0.0503935 0.3735655 0.49913588 -0.02427495 0.17332387\n", + " -0.6308407 -0.3670084 -0.23201697 0.1555578 -0.3275684 0.0828054\n", + " -0.01972355 -0.27277097 -0.25400817 -0.50337344 0.12651777 0.01878418\n", + " 0.21467368 -0.30219504 0.72938025 1.2315444 0.34624976 -0.7114608\n", + " 0.36338523 0.06543703 0.01345754 -0.15920149 0.13876723 -0.5582751\n", + " 0.38154316 0.18617174 0.4476739 -0.02872563 0.11876874 -0.02085596\n", + " -0.64908224 0.03067067 0.14303452 0.33201975]\n", + "[ 0.6146148 0.70105475 0.04316702 0.10669094 0.4011963 0.02504568\n", + " -0.13186908 0.05575202 -0.07716817 0.24856749 0.41678062 -0.06665172\n", + " -0.5781625 -0.2382541 -0.14530264 -0.01657776 0.1496157 -0.38340995\n", + " -0.52317756 0.64602286 -0.27437162 0.30193132 0.13466597 -0.4432936\n", + " -0.13953276 -0.51243937 -0.06671739 -0.36839843 0.323204 -0.23012711\n", + " -0.4134057 0.13342045 -0.03989897 0.5513306 0.46034276 -0.02355763\n", + " 0.5749811 -0.10196284 0.19741252 0.28229755 -0.06662108 -0.19657284\n", + " 0.1323219 -0.34543604 -0.17333041 -0.24169934 0.03771086 -0.563315\n", + " 0.16434433 -0.13390124 0.2337911 0.6275974 -0.03961363 0.04971414\n", + " -0.10379436 -0.28675792 -0.19387211 0.5369245 -0.3134195 -0.29489765\n", + " -0.10219254 -0.04510017 0.32892984 0.43901965 -0.02051542 0.15215051\n", + " -0.5549378 -0.32053903 -0.20249408 0.1375998 -0.28648633 0.07105823\n", + " -0.01473362 -0.24162163 -0.2248782 -0.44446456 0.11056102 0.01639792\n", + " 0.1877773 -0.2670066 0.6425655 1.083377 0.30128938 -0.6256704\n", + " 0.32030573 0.05688732 0.00961584 -0.1400448 0.12174114 -0.49109733\n", + " 0.3353805 0.16405603 0.39405888 -0.02574553 0.10243315 -0.0189576\n", + " -0.5711417 0.02725987 0.12675735 0.29079968]\n" ] } ], @@ -351,7 +351,7 @@ { "data": { "text/plain": [ - "0.99999416" + "0.9999938" ] }, "execution_count": 7, @@ -387,16 +387,16 @@ { "data": { "text/plain": [ - "[('night', 0.9999646544456482),\n", - " ('flights', 0.9999643564224243),\n", - " ('rights', 0.999963641166687),\n", - " ('night.', 0.9999594688415527),\n", - " ('quarter', 0.9999569654464722),\n", - " ('night,', 0.9999566078186035),\n", - " ('hearing', 0.9999553561210632),\n", - " ('better', 0.9999548196792603),\n", - " ('eight', 0.9999544620513916),\n", - " ('during', 0.999954342842102)]" + "[('night', 0.9999542236328125),\n", + " ('flights', 0.9999502897262573),\n", + " ('rights', 0.9999481439590454),\n", + " ('night.', 0.9999478459358215),\n", + " ('night,', 0.999945878982544),\n", + " ('eight', 0.9999404549598694),\n", + " ('quarter', 0.9999394416809082),\n", + " ('hearing', 0.9999383091926575),\n", + " ('light', 0.9999381303787231),\n", + " ('during', 0.9999378323554993)]" ] }, "execution_count": 8, @@ -417,7 +417,7 @@ { "data": { "text/plain": [ - "0.9999701" + "0.99997056" ] }, "execution_count": 9, @@ -437,7 +437,7 @@ { "data": { "text/plain": [ - "'cereal'" + "'dinner'" ] }, "execution_count": 10, @@ -457,16 +457,16 @@ { "data": { "text/plain": [ - "[('suicide', 0.9997773170471191),\n", - " ('decide', 0.9997694492340088),\n", - " ('side', 0.9997690916061401),\n", - " ('Minister', 0.9997668266296387),\n", - " ('inside', 0.9997666478157043),\n", - " ('Minister,', 0.99976646900177),\n", - " ('ministers', 0.9997649192810059),\n", - " ('Alliance', 0.9997645616531372),\n", - " ('best', 0.9997645020484924),\n", - " ('bombers', 0.9997643232345581)]" + "[('side', 0.999753475189209),\n", + " ('inside', 0.9997509717941284),\n", + " ('suicide', 0.9997484683990479),\n", + " ('administrators', 0.9997476935386658),\n", + " ('administration', 0.9997475743293762),\n", + " ('Alliance', 0.9997474551200867),\n", + " ('Three', 0.9997437000274658),\n", + " ('Police', 0.9997435212135315),\n", + " ('Minister,', 0.9997434616088867),\n", + " ('end', 0.9997432827949524)]" ] }, "execution_count": 11, @@ -512,24 +512,24 @@ " 'correct': [('GOOD', 'BEST', 'GREAT', 'GREATEST'),\n", " ('GOOD', 'BEST', 'LARGE', 'LARGEST'),\n", " ('GOOD', 'BEST', 'BIG', 'BIGGEST'),\n", + " ('GREAT', 'GREATEST', 'LARGE', 'LARGEST'),\n", " ('GREAT', 'GREATEST', 'BIG', 'BIGGEST'),\n", " ('LARGE', 'LARGEST', 'BIG', 'BIGGEST'),\n", " ('LARGE', 'LARGEST', 'GREAT', 'GREATEST')],\n", " 'incorrect': [('BIG', 'BIGGEST', 'GOOD', 'BEST'),\n", " ('BIG', 'BIGGEST', 'GREAT', 'GREATEST'),\n", " ('BIG', 'BIGGEST', 'LARGE', 'LARGEST'),\n", - " ('GREAT', 'GREATEST', 'LARGE', 'LARGEST'),\n", " ('GREAT', 'GREATEST', 'GOOD', 'BEST'),\n", " ('LARGE', 'LARGEST', 'GOOD', 'BEST')]},\n", " {'section': 'gram5-present-participle',\n", " 'correct': [('GO', 'GOING', 'LOOK', 'LOOKING'),\n", + " ('GO', 'GOING', 'SAY', 'SAYING'),\n", " ('PLAY', 'PLAYING', 'SAY', 'SAYING'),\n", " ('PLAY', 'PLAYING', 'LOOK', 'LOOKING'),\n", " ('SAY', 'SAYING', 'LOOK', 'LOOKING'),\n", " ('SAY', 'SAYING', 'PLAY', 'PLAYING')],\n", " 'incorrect': [('GO', 'GOING', 'PLAY', 'PLAYING'),\n", " ('GO', 'GOING', 'RUN', 'RUNNING'),\n", - " ('GO', 'GOING', 'SAY', 'SAYING'),\n", " ('LOOK', 'LOOKING', 'PLAY', 'PLAYING'),\n", " ('LOOK', 'LOOKING', 'RUN', 'RUNNING'),\n", " ('LOOK', 'LOOKING', 'SAY', 'SAYING'),\n", @@ -545,9 +545,7 @@ " {'section': 'gram6-nationality-adjective',\n", " 'correct': [('AUSTRALIA', 'AUSTRALIAN', 'INDIA', 'INDIAN'),\n", " ('AUSTRALIA', 'AUSTRALIAN', 'ISRAEL', 'ISRAELI'),\n", - " ('INDIA', 'INDIAN', 'AUSTRALIA', 'AUSTRALIAN'),\n", - " ('ISRAEL', 'ISRAELI', 'INDIA', 'INDIAN'),\n", - " ('SWITZERLAND', 'SWISS', 'INDIA', 'INDIAN')],\n", + " ('INDIA', 'INDIAN', 'AUSTRALIA', 'AUSTRALIAN')],\n", " 'incorrect': [('AUSTRALIA', 'AUSTRALIAN', 'FRANCE', 'FRENCH'),\n", " ('AUSTRALIA', 'AUSTRALIAN', 'SWITZERLAND', 'SWISS'),\n", " ('FRANCE', 'FRENCH', 'INDIA', 'INDIAN'),\n", @@ -560,8 +558,10 @@ " ('ISRAEL', 'ISRAELI', 'SWITZERLAND', 'SWISS'),\n", " ('ISRAEL', 'ISRAELI', 'AUSTRALIA', 'AUSTRALIAN'),\n", " ('ISRAEL', 'ISRAELI', 'FRANCE', 'FRENCH'),\n", + " ('ISRAEL', 'ISRAELI', 'INDIA', 'INDIAN'),\n", " ('SWITZERLAND', 'SWISS', 'AUSTRALIA', 'AUSTRALIAN'),\n", " ('SWITZERLAND', 'SWISS', 'FRANCE', 'FRENCH'),\n", + " ('SWITZERLAND', 'SWISS', 'INDIA', 'INDIAN'),\n", " ('SWITZERLAND', 'SWISS', 'ISRAEL', 'ISRAELI')]},\n", " {'section': 'gram7-past-tense',\n", " 'correct': [('PAYING', 'PAID', 'SAYING', 'SAID')],\n", @@ -585,16 +585,16 @@ " ('TAKING', 'TOOK', 'PLAYING', 'PLAYED'),\n", " ('TAKING', 'TOOK', 'SAYING', 'SAID')]},\n", " {'section': 'gram8-plural',\n", - " 'correct': [('BUILDING', 'BUILDINGS', 'CHILD', 'CHILDREN'),\n", - " ('CHILD', 'CHILDREN', 'CAR', 'CARS'),\n", - " ('MAN', 'MEN', 'CAR', 'CARS')],\n", + " 'correct': [('MAN', 'MEN', 'CAR', 'CARS')],\n", " 'incorrect': [('BUILDING', 'BUILDINGS', 'CAR', 'CARS'),\n", + " ('BUILDING', 'BUILDINGS', 'CHILD', 'CHILDREN'),\n", " ('BUILDING', 'BUILDINGS', 'MAN', 'MEN'),\n", " ('CAR', 'CARS', 'CHILD', 'CHILDREN'),\n", " ('CAR', 'CARS', 'MAN', 'MEN'),\n", " ('CAR', 'CARS', 'BUILDING', 'BUILDINGS'),\n", " ('CHILD', 'CHILDREN', 'MAN', 'MEN'),\n", " ('CHILD', 'CHILDREN', 'BUILDING', 'BUILDINGS'),\n", + " ('CHILD', 'CHILDREN', 'CAR', 'CARS'),\n", " ('MAN', 'MEN', 'BUILDING', 'BUILDINGS'),\n", " ('MAN', 'MEN', 'CHILD', 'CHILDREN')]},\n", " {'section': 'gram9-plural-verbs', 'correct': [], 'incorrect': []},\n", @@ -605,10 +605,12 @@ " ('GOOD', 'BEST', 'GREAT', 'GREATEST'),\n", " ('GOOD', 'BEST', 'LARGE', 'LARGEST'),\n", " ('GOOD', 'BEST', 'BIG', 'BIGGEST'),\n", + " ('GREAT', 'GREATEST', 'LARGE', 'LARGEST'),\n", " ('GREAT', 'GREATEST', 'BIG', 'BIGGEST'),\n", " ('LARGE', 'LARGEST', 'BIG', 'BIGGEST'),\n", " ('LARGE', 'LARGEST', 'GREAT', 'GREATEST'),\n", " ('GO', 'GOING', 'LOOK', 'LOOKING'),\n", + " ('GO', 'GOING', 'SAY', 'SAYING'),\n", " ('PLAY', 'PLAYING', 'SAY', 'SAYING'),\n", " ('PLAY', 'PLAYING', 'LOOK', 'LOOKING'),\n", " ('SAY', 'SAYING', 'LOOK', 'LOOKING'),\n", @@ -616,11 +618,7 @@ " ('AUSTRALIA', 'AUSTRALIAN', 'INDIA', 'INDIAN'),\n", " ('AUSTRALIA', 'AUSTRALIAN', 'ISRAEL', 'ISRAELI'),\n", " ('INDIA', 'INDIAN', 'AUSTRALIA', 'AUSTRALIAN'),\n", - " ('ISRAEL', 'ISRAELI', 'INDIA', 'INDIAN'),\n", - " ('SWITZERLAND', 'SWISS', 'INDIA', 'INDIAN'),\n", " ('PAYING', 'PAID', 'SAYING', 'SAID'),\n", - " ('BUILDING', 'BUILDINGS', 'CHILD', 'CHILDREN'),\n", - " ('CHILD', 'CHILDREN', 'CAR', 'CARS'),\n", " ('MAN', 'MEN', 'CAR', 'CARS')],\n", " 'incorrect': [('HE', 'SHE', 'HIS', 'HER'),\n", " ('HIS', 'HER', 'HE', 'SHE'),\n", @@ -636,12 +634,10 @@ " ('BIG', 'BIGGEST', 'GOOD', 'BEST'),\n", " ('BIG', 'BIGGEST', 'GREAT', 'GREATEST'),\n", " ('BIG', 'BIGGEST', 'LARGE', 'LARGEST'),\n", - " ('GREAT', 'GREATEST', 'LARGE', 'LARGEST'),\n", " ('GREAT', 'GREATEST', 'GOOD', 'BEST'),\n", " ('LARGE', 'LARGEST', 'GOOD', 'BEST'),\n", " ('GO', 'GOING', 'PLAY', 'PLAYING'),\n", " ('GO', 'GOING', 'RUN', 'RUNNING'),\n", - " ('GO', 'GOING', 'SAY', 'SAYING'),\n", " ('LOOK', 'LOOKING', 'PLAY', 'PLAYING'),\n", " ('LOOK', 'LOOKING', 'RUN', 'RUNNING'),\n", " ('LOOK', 'LOOKING', 'SAY', 'SAYING'),\n", @@ -666,8 +662,10 @@ " ('ISRAEL', 'ISRAELI', 'SWITZERLAND', 'SWISS'),\n", " ('ISRAEL', 'ISRAELI', 'AUSTRALIA', 'AUSTRALIAN'),\n", " ('ISRAEL', 'ISRAELI', 'FRANCE', 'FRENCH'),\n", + " ('ISRAEL', 'ISRAELI', 'INDIA', 'INDIAN'),\n", " ('SWITZERLAND', 'SWISS', 'AUSTRALIA', 'AUSTRALIAN'),\n", " ('SWITZERLAND', 'SWISS', 'FRANCE', 'FRENCH'),\n", + " ('SWITZERLAND', 'SWISS', 'INDIA', 'INDIAN'),\n", " ('SWITZERLAND', 'SWISS', 'ISRAEL', 'ISRAELI'),\n", " ('GOING', 'WENT', 'PAYING', 'PAID'),\n", " ('GOING', 'WENT', 'PLAYING', 'PLAYED'),\n", @@ -689,12 +687,14 @@ " ('TAKING', 'TOOK', 'PLAYING', 'PLAYED'),\n", " ('TAKING', 'TOOK', 'SAYING', 'SAID'),\n", " ('BUILDING', 'BUILDINGS', 'CAR', 'CARS'),\n", + " ('BUILDING', 'BUILDINGS', 'CHILD', 'CHILDREN'),\n", " ('BUILDING', 'BUILDINGS', 'MAN', 'MEN'),\n", " ('CAR', 'CARS', 'CHILD', 'CHILDREN'),\n", " ('CAR', 'CARS', 'MAN', 'MEN'),\n", " ('CAR', 'CARS', 'BUILDING', 'BUILDINGS'),\n", " ('CHILD', 'CHILDREN', 'MAN', 'MEN'),\n", " ('CHILD', 'CHILDREN', 'BUILDING', 'BUILDINGS'),\n", + " ('CHILD', 'CHILDREN', 'CAR', 'CARS'),\n", " ('MAN', 'MEN', 'BUILDING', 'BUILDINGS'),\n", " ('MAN', 'MEN', 'CHILD', 'CHILDREN')]}]" ] @@ -716,7 +716,7 @@ { "data": { "text/plain": [ - "1.1245153746934533" + "1.1133396301045417" ] }, "execution_count": 13, diff --git a/docs/notebooks/Poincare Evaluation.ipynb b/docs/notebooks/Poincare Evaluation.ipynb index d2dd4bfac5..b29486ba84 100644 --- a/docs/notebooks/Poincare Evaluation.ipynb +++ b/docs/notebooks/Poincare Evaluation.ipynb @@ -41,26 +41,35 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 1, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "/home/jayant/Projects/gensim/gensim\n" + "/home/misha/git/gensim\n" ] } ], "source": [ - "% cd ../.." + "%cd ../.." ] }, { "cell_type": "code", - "execution_count": 1, + "execution_count": 2, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[33mYou are using pip version 19.0.1, however version 19.1 is available.\r\n", + "You should consider upgrading via the 'pip install --upgrade pip' command.\u001b[0m\r\n" + ] + } + ], "source": [ "# Some libraries need to be installed that are not part of Gensim\n", "! pip install click>=6.7 nltk>=3.2.5 prettytable>=0.7.2 pygtrie>=2.2" @@ -68,14 +77,14 @@ }, { "cell_type": "code", - "execution_count": 71, + "execution_count": 3, "metadata": {}, "outputs": [ { - "name": "stdout", + "name": "stderr", "output_type": "stream", "text": [ - "[nltk_data] Downloading package wordnet to /home/jayant/nltk_data...\n", + "[nltk_data] Downloading package wordnet to /home/misha/nltk_data...\n", "[nltk_data] Package wordnet is already up-to-date!\n" ] }, @@ -85,7 +94,7 @@ "True" ] }, - "execution_count": 71, + "execution_count": 3, "metadata": {}, "output_type": "execute_result" } @@ -122,24 +131,24 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "/home/jayant/Projects/gensim/gensim/docs/notebooks\n" + "/home/misha/git/gensim/docs/notebooks\n" ] } ], "source": [ - "% cd docs/notebooks/" + "%cd docs/notebooks/" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -148,7 +157,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -162,19 +171,19 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "/home/jayant/Projects/gensim/gensim/docs/notebooks/poincare\n" + "/home/misha/git/gensim/docs/notebooks/poincare\n" ] } ], "source": [ - "% cd {parent_directory}\n", + "%cd {parent_directory}\n", "\n", "# Clone repos\n", "np_repo_name = 'poincare-np-embedding'\n", @@ -196,17 +205,17 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ "# Apply patches\n", "if clone_cpp_repo and not patches_applied:\n", - " % cd {cpp_repo_name}\n", + " %cd {cpp_repo_name}\n", " ! git apply ../poincare_burn_in_eps.patch\n", "\n", "if clone_np_repo and not patches_applied:\n", - " % cd ../{np_repo_name}\n", + " %cd ../{np_repo_name}\n", " ! git apply ../poincare_numpy.patch\n", " \n", "patches_applied = True" @@ -214,31 +223,55 @@ }, { "cell_type": "code", - "execution_count": 69, + "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "/home/jayant/projects/gensim/docs/notebooks/poincare/poincare-cpp-embedding\n", - "/home/jayant/projects/gensim/docs/notebooks/poincare/poincare-cpp-embedding/work\n", + "/home/misha/git/gensim/docs/notebooks/poincare/poincare-cpp-embedding\n", + "/home/misha/git/gensim/docs/notebooks/poincare/poincare-cpp-embedding/work\n", + "-- The C compiler identification is GNU 7.4.0\n", + "-- The CXX compiler identification is GNU 7.4.0\n", + "-- Check for working C compiler: /usr/bin/cc\n", + "-- Check for working C compiler: /usr/bin/cc -- works\n", + "-- Detecting C compiler ABI info\n", + "-- Detecting C compiler ABI info - done\n", + "-- Detecting C compile features\n", + "-- Detecting C compile features - done\n", + "-- Check for working CXX compiler: /usr/bin/c++\n", + "-- Check for working CXX compiler: /usr/bin/c++ -- works\n", + "-- Detecting CXX compiler ABI info\n", + "-- Detecting CXX compiler ABI info - done\n", + "-- Detecting CXX compile features\n", + "-- Detecting CXX compile features - done\n", + "-- Looking for pthread.h\n", + "-- Looking for pthread.h - found\n", + "-- Looking for pthread_create\n", + "-- Looking for pthread_create - not found\n", + "-- Check if compiler accepts -pthread\n", + "-- Check if compiler accepts -pthread - yes\n", + "-- Found Threads: TRUE \n", "-- Configuring done\n", "-- Generating done\n", - "-- Build files have been written to: /home/jayant/projects/gensim/docs/notebooks/poincare/poincare-cpp-embedding/work\n", + "-- Build files have been written to: /home/misha/git/gensim/docs/notebooks/poincare/poincare-cpp-embedding/work\n", + "\u001b[35m\u001b[1mScanning dependencies of target poincare_embedding\u001b[0m\n", + "[ 50%] \u001b[32mBuilding CXX object CMakeFiles/poincare_embedding.dir/src/poincare_embedding.cpp.o\u001b[0m\n", + "[100%] \u001b[32m\u001b[1mLinking CXX executable poincare_embedding\u001b[0m\n", "[100%] Built target poincare_embedding\n", - "/home/jayant/projects/gensim/docs/notebooks\n" + "/home/misha/git/gensim/docs/notebooks\n" ] } ], "source": [ "# Compile the code for the external c++ implementation into a binary\n", - "% cd {parent_directory}/{cpp_repo_name}\n", - "! mkdir -p work\n", - "% cd work\n", - "! cmake ..\n", - "! make\n", - "% cd {current_directory}" + "%cd {parent_directory}/{cpp_repo_name}\n", + "!mkdir -p work\n", + "%cd work\n", + "!cmake ..\n", + "!make\n", + "%cd {current_directory}" ] }, { @@ -250,7 +283,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -269,7 +302,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -284,9 +317,18 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "82115 nouns\n", + "743241 hypernyms\n" + ] + } + ], "source": [ "# Prepare the WordNet data\n", "# Can also be downloaded directly from -\n", @@ -299,7 +341,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": null, "metadata": { "scrolled": true }, @@ -308,32 +350,32 @@ "name": "stdout", "output_type": "stream", "text": [ - "--2017-11-14 11:15:54-- http://people.ds.cam.ac.uk/iv250/paper/hyperlex/hyperlex-data.zip\n", + "--2019-05-10 12:18:20-- http://people.ds.cam.ac.uk/iv250/paper/hyperlex/hyperlex-data.zip\n", "Resolving people.ds.cam.ac.uk (people.ds.cam.ac.uk)... 131.111.3.47\n", "Connecting to people.ds.cam.ac.uk (people.ds.cam.ac.uk)|131.111.3.47|:80... connected.\n", "HTTP request sent, awaiting response... 200 OK\n", "Length: 183900 (180K) [application/zip]\n", - "Saving to: ‘/home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex-data.zip’\n", + "Saving to: ‘/home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex-data.zip’\n", "\n", - "/home/jayant/projec 100%[===================>] 179.59K --.-KB/s in 0.06s \n", + "/home/misha/git/gen 100%[===================>] 179.59K 158KB/s in 1.1s \n", "\n", - "2017-11-14 11:15:54 (2.94 MB/s) - ‘/home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex-data.zip’ saved [183900/183900]\n", + "2019-05-10 12:18:22 (158 KB/s) - ‘/home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex-data.zip’ saved [183900/183900]\n", "\n", - "Archive: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex-data.zip\n", - " creating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/nouns-verbs/\n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/nouns-verbs/hyperlex-verbs.txt \n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/nouns-verbs/hyperlex-nouns.txt \n", - " creating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/\n", - " creating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/\n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/hyperlex_training_all_random.txt \n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/hyperlex_test_all_random.txt \n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/hyperlex_dev_all_random.txt \n", - " creating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/\n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/hyperlex_dev_all_lexical.txt \n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/hyperlex_test_all_lexical.txt \n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/hyperlex_training_all_lexical.txt \n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/hyperlex-all.txt \n", - " inflating: /home/jayant/projects/gensim/docs/notebooks/poincare/data/hyperlex/README.txt \n" + "Archive: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex-data.zip\n", + " creating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/nouns-verbs/\n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/nouns-verbs/hyperlex-verbs.txt \n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/nouns-verbs/hyperlex-nouns.txt \n", + " creating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/\n", + " creating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/\n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/hyperlex_training_all_random.txt \n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/hyperlex_test_all_random.txt \n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/random/hyperlex_dev_all_random.txt \n", + " creating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/\n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/hyperlex_dev_all_lexical.txt \n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/hyperlex_test_all_lexical.txt \n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/splits/lexical/hyperlex_training_all_lexical.txt \n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/hyperlex-all.txt \n", + " inflating: /home/misha/git/gensim/docs/notebooks/poincare/data/hyperlex/README.txt \n" ] } ], @@ -356,7 +398,7 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -402,7 +444,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -426,7 +468,7 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": null, "metadata": { "scrolled": true }, @@ -487,7 +529,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -500,7 +542,38 @@ "metadata": { "scrolled": true }, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_20_threads_8 of size 5\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_20_threads_8 of size 10\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_20_threads_8 of size 20\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_20_threads_8 of size 50\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_20_threads_8 of size 100\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_20_threads_8 of size 200\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_10_threads_8 of size 5\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_10_threads_8 of size 10\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_10_threads_8 of size 20\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_10_threads_8 of size 50\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_10_threads_8 of size 100\n", + "Training model cpp_model_burn_in_0_epochs_50_eps_1e-06_neg_10_threads_8 of size 200\n", + "Training model cpp_model_burn_in_0_epochs_200_eps_1e-06_neg_20_threads_8 of size 5\n", + "Training model cpp_model_burn_in_0_epochs_200_eps_1e-06_neg_20_threads_8 of size 10\n", + "Training model cpp_model_burn_in_0_epochs_200_eps_1e-06_neg_20_threads_8 of size 20\n", + "Training model cpp_model_burn_in_0_epochs_200_eps_1e-06_neg_20_threads_8 of size 50\n", + "Training model cpp_model_burn_in_0_epochs_200_eps_1e-06_neg_20_threads_8 of size 100\n", + "Training model cpp_model_burn_in_0_epochs_200_eps_1e-06_neg_20_threads_8 of size 200\n", + "Training model cpp_model_burn_in_10_epochs_50_eps_1e-06_neg_20_threads_8 of size 5\n", + "Training model cpp_model_burn_in_10_epochs_50_eps_1e-06_neg_20_threads_8 of size 10\n", + "Training model cpp_model_burn_in_10_epochs_50_eps_1e-06_neg_20_threads_8 of size 20\n", + "Training model cpp_model_burn_in_10_epochs_50_eps_1e-06_neg_20_threads_8 of size 50\n", + "Training model cpp_model_burn_in_10_epochs_50_eps_1e-06_neg_20_threads_8 of size 100\n", + "Training model cpp_model_burn_in_10_epochs_50_eps_1e-06_neg_20_threads_8 of size 200\n" + ] + } + ], "source": [ "model_files['c++'] = {}\n", "# Train c++ models with default params\n", @@ -528,7 +601,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -537,7 +610,7 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -584,7 +657,20 @@ "cell_type": "code", "execution_count": null, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training model np_model_epochs_50_neg_20 of size 5\n", + "Training model np_model_epochs_50_neg_20 of size 10\n", + "Training model np_model_epochs_50_neg_20 of size 20\n", + "Training model np_model_epochs_50_neg_20 of size 50\n", + "Training model np_model_epochs_50_neg_20 of size 100\n", + "Training model np_model_epochs_50_neg_20 of size 200\n" + ] + } + ], "source": [ "model_files['numpy'] = {}\n", "# Train models with default params\n", @@ -603,7 +689,7 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -640,7 +726,7 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -656,7 +742,1234 @@ "cell_type": "code", "execution_count": null, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:loading relations from train data..\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Training model gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_reg_0.0 of size 5\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:loaded 743241 relations from train data, 82114 nodes\n", + "INFO:gensim.models.poincare:training model of size 5 with 1 workers on 743241 relations for 50 epochs and 0 burn-in epochs, using lr=0.10000 burn-in lr=0.01000 negative=20\n", + "INFO:gensim.models.poincare:starting training (50 epochs)----------------------------------------\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #9990-#10000, loss: 30.71\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.11 s, 4749.76 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #19990-#20000, loss: 30.62\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4909.96 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #29990-#30000, loss: 30.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4855.20 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #39990-#40000, loss: 30.49\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4912.49 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #49990-#50000, loss: 30.44\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4887.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #59990-#60000, loss: 30.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4700.32 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #69990-#70000, loss: 30.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4834.01 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #79990-#80000, loss: 30.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4806.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #89990-#90000, loss: 30.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5037.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #99990-#100000, loss: 30.24\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5029.46 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #109990-#110000, loss: 30.22\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.96 s, 5111.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #119990-#120000, loss: 30.20\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4915.07 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #129990-#130000, loss: 30.18\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.28 s, 4383.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #139990-#140000, loss: 30.14\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.16 s, 4619.44 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #149990-#150000, loss: 30.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.23 s, 4489.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #159990-#160000, loss: 30.09\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4831.86 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #169990-#170000, loss: 30.06\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.95 s, 5120.16 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #179990-#180000, loss: 30.06\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4864.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #189990-#190000, loss: 30.03\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.23 s, 4480.38 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #199990-#200000, loss: 29.99\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.16 s, 4630.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #209990-#210000, loss: 29.98\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.43 s, 4106.87 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #219990-#220000, loss: 29.96\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4587.86 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #229990-#230000, loss: 29.93\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4963.33 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #239990-#240000, loss: 29.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4701.92 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #249990-#250000, loss: 29.89\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.11 s, 4744.32 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #259990-#260000, loss: 29.88\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.30 s, 4344.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #269990-#270000, loss: 29.86\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.59 s, 3860.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #279990-#280000, loss: 29.84\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.57 s, 3889.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #289990-#290000, loss: 29.81\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.29 s, 4357.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #299990-#300000, loss: 29.78\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4823.16 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #309990-#310000, loss: 29.74\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4990.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #319990-#320000, loss: 29.75\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4864.94 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #329990-#330000, loss: 29.71\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4809.07 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #339990-#340000, loss: 29.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4787.32 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #349990-#350000, loss: 29.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.25 s, 4451.75 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #359990-#360000, loss: 29.65\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.44 s, 4092.97 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #369990-#370000, loss: 29.63\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.59 s, 3867.21 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #379990-#380000, loss: 29.62\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.51 s, 3980.40 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #389990-#390000, loss: 29.59\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.24 s, 4463.61 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #399990-#400000, loss: 29.59\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5001.52 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #409990-#410000, loss: 29.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4754.73 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #419990-#420000, loss: 29.53\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.21 s, 4533.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #429990-#430000, loss: 29.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4778.84 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #439990-#440000, loss: 29.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4586.84 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #449990-#450000, loss: 29.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4713.23 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 1, examples #459990-#460000, loss: 29.43\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4918.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #469990-#470000, loss: 29.41\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4671.67 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #479990-#480000, loss: 29.41\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4679.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #489990-#490000, loss: 29.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.20 s, 4545.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #499990-#500000, loss: 29.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.52 s, 3969.84 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #509990-#510000, loss: 29.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.38 s, 4198.87 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #519990-#520000, loss: 29.32\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.44 s, 4092.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #529990-#530000, loss: 29.27\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.57 s, 3885.30 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #539990-#540000, loss: 29.26\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4838.04 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #549990-#550000, loss: 29.21\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.88 s, 3469.95 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #559990-#560000, loss: 29.18\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.95 s, 3389.43 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #569990-#570000, loss: 29.17\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.67 s, 3742.41 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #579990-#580000, loss: 29.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.98 s, 3351.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #589990-#590000, loss: 29.10\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.95 s, 3387.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #599990-#600000, loss: 29.07\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.27 s, 3054.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #609990-#610000, loss: 29.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.82 s, 3551.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #619990-#620000, loss: 29.00\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.94 s, 3402.01 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #629990-#630000, loss: 29.00\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.53 s, 3948.00 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #639990-#640000, loss: 28.97\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.26 s, 3068.72 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #649990-#650000, loss: 28.91\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.73 s, 3663.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #659990-#660000, loss: 28.94\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.47 s, 2879.20 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #669990-#670000, loss: 28.88\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.73 s, 3662.08 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #679990-#680000, loss: 28.85\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.91 s, 3432.97 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #689990-#690000, loss: 28.84\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.12 s, 3202.25 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #699990-#700000, loss: 28.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.52 s, 2837.12 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #709990-#710000, loss: 28.72\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.91 s, 3437.84 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #719990-#720000, loss: 28.72\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.34 s, 4277.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #729990-#730000, loss: 28.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.27 s, 3056.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #739990-#740000, loss: 28.65\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.59 s, 3862.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #9990-#10000, loss: 28.36\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.32 s, 3015.39 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #19990-#20000, loss: 28.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.44 s, 4098.29 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #29990-#30000, loss: 28.33\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.24 s, 3082.26 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #39990-#40000, loss: 28.24\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.37 s, 4215.99 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #49990-#50000, loss: 28.24\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.26 s, 3065.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #59990-#60000, loss: 28.20\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.47 s, 4056.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #69990-#70000, loss: 28.14\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.92 s, 3424.05 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #79990-#80000, loss: 28.11\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.10 s, 3225.82 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #89990-#90000, loss: 28.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.87 s, 3485.15 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #99990-#100000, loss: 28.07\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.04 s, 3290.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #109990-#110000, loss: 28.01\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.30 s, 4350.37 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #119990-#120000, loss: 27.98\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.93 s, 3410.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #129990-#130000, loss: 27.93\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.88 s, 3476.53 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #139990-#140000, loss: 27.88\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.85 s, 3509.82 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #149990-#150000, loss: 27.86\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.89 s, 3455.85 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #159990-#160000, loss: 27.81\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.47 s, 4049.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #169990-#170000, loss: 27.80\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.89 s, 3462.15 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #179990-#180000, loss: 27.76\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.02 s, 3309.25 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 2, examples #189990-#190000, loss: 27.72\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.40 s, 4170.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #199990-#200000, loss: 27.67\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.29 s, 3041.13 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #209990-#210000, loss: 27.59\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4856.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #219990-#220000, loss: 27.52\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.05 s, 3280.16 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #229990-#230000, loss: 27.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.67 s, 3743.50 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #239990-#240000, loss: 27.49\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.74 s, 3646.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #249990-#250000, loss: 27.43\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.97 s, 3371.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #259990-#260000, loss: 27.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4667.36 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #269990-#270000, loss: 27.34\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.97 s, 3368.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #279990-#280000, loss: 27.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.79 s, 3580.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #289990-#290000, loss: 27.29\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.61 s, 3830.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #299990-#300000, loss: 27.24\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.17 s, 3150.43 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #309990-#310000, loss: 27.21\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.44 s, 4090.56 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #319990-#320000, loss: 27.17\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.84 s, 3520.51 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #329990-#330000, loss: 27.07\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.06 s, 3264.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #339990-#340000, loss: 27.06\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.61 s, 3826.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #349990-#350000, loss: 26.97\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.00 s, 3328.54 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #359990-#360000, loss: 26.94\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.12 s, 3207.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #369990-#370000, loss: 26.87\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.33 s, 4296.87 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #379990-#380000, loss: 26.88\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.11 s, 4729.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #389990-#390000, loss: 26.78\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4997.96 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #399990-#400000, loss: 26.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4942.94 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #409990-#410000, loss: 26.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4938.90 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #419990-#420000, loss: 26.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4861.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #429990-#430000, loss: 26.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5017.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #439990-#440000, loss: 26.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5031.36 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #449990-#450000, loss: 26.53\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5088.95 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #459990-#460000, loss: 26.56\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5020.40 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #469990-#470000, loss: 26.41\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5017.54 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #479990-#480000, loss: 26.40\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4909.68 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #489990-#490000, loss: 26.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4943.52 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #499990-#500000, loss: 26.20\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4794.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #509990-#510000, loss: 26.19\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4875.88 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #519990-#520000, loss: 26.21\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5053.06 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #529990-#530000, loss: 26.08\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5075.26 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #539990-#540000, loss: 26.09\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4992.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #549990-#550000, loss: 26.09\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4949.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #559990-#560000, loss: 25.96\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4884.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #569990-#570000, loss: 25.94\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4952.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #579990-#580000, loss: 25.85\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4944.52 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #589990-#590000, loss: 25.86\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4940.39 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #599990-#600000, loss: 25.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5019.82 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #609990-#610000, loss: 25.73\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4921.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #619990-#620000, loss: 25.66\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4970.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #629990-#630000, loss: 25.61\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4992.80 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #639990-#640000, loss: 25.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4969.25 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #649990-#650000, loss: 25.57\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5024.53 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 2, examples #659990-#660000, loss: 25.53\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4898.76 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #669990-#670000, loss: 25.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5047.43 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #679990-#680000, loss: 25.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4961.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #689990-#690000, loss: 25.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4949.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #699990-#700000, loss: 25.27\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4917.41 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #709990-#710000, loss: 25.24\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5010.41 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #719990-#720000, loss: 25.14\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4948.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #729990-#730000, loss: 25.10\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5015.81 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 2, examples #739990-#740000, loss: 25.10\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4997.04 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #9990-#10000, loss: 24.59\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4983.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #19990-#20000, loss: 24.52\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.94 s, 5148.98 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #29990-#30000, loss: 24.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4915.44 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #39990-#40000, loss: 24.37\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5037.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #49990-#50000, loss: 24.37\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4995.40 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #59990-#60000, loss: 24.29\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5063.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #69990-#70000, loss: 24.23\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4906.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #79990-#80000, loss: 24.14\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5077.38 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #89990-#90000, loss: 24.08\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.96 s, 5107.00 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #99990-#100000, loss: 24.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5035.09 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #109990-#110000, loss: 24.03\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5060.39 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #119990-#120000, loss: 24.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.95 s, 5136.46 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #129990-#130000, loss: 23.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4943.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #139990-#140000, loss: 23.88\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4857.96 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #149990-#150000, loss: 23.83\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.23 s, 4483.37 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #159990-#160000, loss: 23.79\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4960.81 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #169990-#170000, loss: 23.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4685.71 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #179990-#180000, loss: 23.65\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4726.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #189990-#190000, loss: 23.64\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4943.85 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #199990-#200000, loss: 23.56\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4797.30 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #209990-#210000, loss: 23.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.24 s, 4458.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #219990-#220000, loss: 23.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4800.01 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #229990-#230000, loss: 23.41\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4777.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #239990-#240000, loss: 23.37\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5039.90 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #249990-#250000, loss: 23.32\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5003.08 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #259990-#260000, loss: 23.26\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4905.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #269990-#270000, loss: 23.23\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.59 s, 3856.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #279990-#280000, loss: 23.18\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.83 s, 3532.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #289990-#290000, loss: 23.16\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.45 s, 4085.00 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #299990-#300000, loss: 23.10\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.26 s, 4422.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #309990-#310000, loss: 22.97\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.32 s, 4316.61 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #319990-#320000, loss: 22.88\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4681.67 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #329990-#330000, loss: 22.85\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4678.16 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #339990-#340000, loss: 22.82\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4718.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #349990-#350000, loss: 22.81\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4889.15 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #359990-#360000, loss: 22.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4915.44 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #369990-#370000, loss: 22.72\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4908.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #379990-#380000, loss: 22.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4965.93 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 3, examples #389990-#390000, loss: 22.63\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4671.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #399990-#400000, loss: 22.54\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4838.80 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #409990-#410000, loss: 22.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4848.72 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #419990-#420000, loss: 22.50\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.16 s, 4627.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #429990-#430000, loss: 22.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4696.29 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #439990-#440000, loss: 22.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4847.23 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #449990-#450000, loss: 22.29\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4871.52 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #459990-#460000, loss: 22.21\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4969.33 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #469990-#470000, loss: 22.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4919.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #479990-#480000, loss: 22.11\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4782.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #489990-#490000, loss: 22.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4882.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #499990-#500000, loss: 22.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.20 s, 4542.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #509990-#510000, loss: 22.02\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4593.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #519990-#520000, loss: 21.89\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.26 s, 4420.52 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #529990-#530000, loss: 21.98\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.95 s, 5115.37 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #539990-#540000, loss: 21.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4781.64 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #549990-#550000, loss: 21.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4948.20 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #559990-#560000, loss: 21.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4868.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #569990-#570000, loss: 21.76\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4670.71 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #579990-#580000, loss: 21.65\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4693.07 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #589990-#590000, loss: 21.52\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.24 s, 4474.16 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #599990-#600000, loss: 21.50\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4952.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #609990-#610000, loss: 21.52\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.24 s, 4468.84 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #619990-#620000, loss: 21.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.22 s, 4507.36 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #629990-#630000, loss: 21.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.51 s, 3978.63 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #639990-#640000, loss: 21.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4829.42 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #649990-#650000, loss: 21.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4726.57 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #659990-#660000, loss: 21.22\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.25 s, 4453.09 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #669990-#670000, loss: 21.20\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.20 s, 4547.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #679990-#680000, loss: 21.09\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4698.17 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #689990-#690000, loss: 21.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4962.71 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #699990-#700000, loss: 21.07\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4954.70 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #709990-#710000, loss: 21.03\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4977.30 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #719990-#720000, loss: 20.85\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.21 s, 4532.46 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #729990-#730000, loss: 20.99\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.26 s, 4421.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 3, examples #739990-#740000, loss: 20.82\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4812.09 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #9990-#10000, loss: 20.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4880.65 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #19990-#20000, loss: 20.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4995.67 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #29990-#30000, loss: 20.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4995.43 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #39990-#40000, loss: 20.26\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4761.39 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #49990-#50000, loss: 20.22\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4795.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #59990-#60000, loss: 20.10\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.11 s, 4747.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #69990-#70000, loss: 20.02\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4829.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #79990-#80000, loss: 20.11\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5044.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #89990-#90000, loss: 19.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4863.30 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #99990-#100000, loss: 20.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4678.92 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #109990-#110000, loss: 20.00\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4888.53 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 4, examples #119990-#120000, loss: 19.85\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4667.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #129990-#130000, loss: 19.87\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4901.64 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #139990-#140000, loss: 19.87\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5002.31 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #149990-#150000, loss: 19.85\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4938.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #159990-#160000, loss: 19.76\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5070.00 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #169990-#170000, loss: 19.64\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4995.07 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #179990-#180000, loss: 19.64\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4716.83 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #189990-#190000, loss: 19.54\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4864.98 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #199990-#200000, loss: 19.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4698.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #209990-#210000, loss: 19.57\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.19 s, 4563.29 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #219990-#220000, loss: 19.36\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4943.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #229990-#230000, loss: 19.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4871.79 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #239990-#240000, loss: 19.21\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4982.23 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #249990-#250000, loss: 19.27\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4763.58 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #259990-#260000, loss: 19.33\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4789.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #269990-#270000, loss: 19.23\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4979.62 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #279990-#280000, loss: 19.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4865.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #289990-#290000, loss: 19.27\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4861.66 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #299990-#300000, loss: 19.08\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4968.50 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #309990-#310000, loss: 19.09\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4944.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #319990-#320000, loss: 18.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4959.73 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #329990-#330000, loss: 18.94\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4985.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #339990-#340000, loss: 18.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5007.82 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #349990-#350000, loss: 18.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4756.73 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #359990-#360000, loss: 18.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4833.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #369990-#370000, loss: 18.82\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4968.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #379990-#380000, loss: 18.71\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5060.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #389990-#390000, loss: 18.67\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5039.61 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #399990-#400000, loss: 18.61\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5059.70 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #409990-#410000, loss: 18.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5017.67 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #419990-#420000, loss: 18.57\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5007.73 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #429990-#430000, loss: 18.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4954.07 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #439990-#440000, loss: 18.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4969.06 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #449990-#450000, loss: 18.53\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.17 s, 4605.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #459990-#460000, loss: 18.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5060.19 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #469990-#470000, loss: 18.33\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4981.71 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #479990-#480000, loss: 18.37\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4841.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #489990-#490000, loss: 18.26\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4850.45 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #499990-#500000, loss: 18.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4941.40 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #509990-#510000, loss: 18.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4887.96 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #519990-#520000, loss: 18.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5001.63 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #529990-#530000, loss: 18.17\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4822.19 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #539990-#540000, loss: 18.16\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4833.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #549990-#550000, loss: 18.18\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5004.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #559990-#560000, loss: 18.10\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5011.97 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #569990-#570000, loss: 17.88\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4852.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #579990-#580000, loss: 17.93\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4894.56 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 4, examples #589990-#590000, loss: 17.89\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4941.00 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #599990-#600000, loss: 17.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5038.40 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #609990-#610000, loss: 17.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4938.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #619990-#620000, loss: 17.72\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4813.41 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #629990-#630000, loss: 17.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4943.75 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #639990-#640000, loss: 17.75\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4949.58 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #649990-#650000, loss: 17.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4986.85 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #659990-#660000, loss: 17.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4977.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #669990-#670000, loss: 17.66\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5064.44 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #679990-#680000, loss: 17.49\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4986.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #689990-#690000, loss: 17.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4998.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #699990-#700000, loss: 17.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4939.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #709990-#710000, loss: 17.48\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5034.09 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #719990-#720000, loss: 17.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4990.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #729990-#730000, loss: 17.43\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4978.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 4, examples #739990-#740000, loss: 17.44\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4946.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #9990-#10000, loss: 16.98\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4967.11 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #19990-#20000, loss: 17.01\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5006.20 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #29990-#30000, loss: 17.03\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4878.62 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #39990-#40000, loss: 16.97\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4962.48 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #49990-#50000, loss: 16.87\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4861.49 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #59990-#60000, loss: 16.80\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4943.24 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #69990-#70000, loss: 16.74\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5053.07 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #79990-#80000, loss: 16.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5034.57 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #89990-#90000, loss: 16.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4990.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #99990-#100000, loss: 16.80\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4928.06 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #109990-#110000, loss: 16.69\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4864.58 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #119990-#120000, loss: 16.48\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4793.82 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #129990-#130000, loss: 16.78\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5056.86 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #139990-#140000, loss: 16.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4999.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #149990-#150000, loss: 16.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4693.17 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #159990-#160000, loss: 16.58\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5005.50 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #169990-#170000, loss: 16.43\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5064.80 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #179990-#180000, loss: 16.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4995.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #189990-#190000, loss: 16.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4815.94 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #199990-#200000, loss: 16.29\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4911.52 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #209990-#210000, loss: 16.41\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4846.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #219990-#220000, loss: 16.23\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4998.19 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #229990-#230000, loss: 16.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4779.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #239990-#240000, loss: 16.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4753.24 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #249990-#250000, loss: 16.10\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4993.15 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #259990-#260000, loss: 16.15\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4828.99 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #269990-#270000, loss: 16.17\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5063.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #279990-#280000, loss: 16.13\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4863.24 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #289990-#290000, loss: 16.05\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4868.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #299990-#300000, loss: 16.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4842.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #309990-#310000, loss: 15.97\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5016.07 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 5, examples #319990-#320000, loss: 16.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4759.84 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #329990-#330000, loss: 15.98\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4971.92 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #339990-#340000, loss: 16.00\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4928.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #349990-#350000, loss: 15.84\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5048.23 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #359990-#360000, loss: 15.91\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4976.53 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #369990-#370000, loss: 15.83\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4948.23 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #379990-#380000, loss: 15.80\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4957.56 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #389990-#390000, loss: 15.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4904.25 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #399990-#400000, loss: 15.75\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4995.65 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #409990-#410000, loss: 15.78\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4963.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #419990-#420000, loss: 15.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4888.36 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #429990-#430000, loss: 15.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4911.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #439990-#440000, loss: 15.64\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4952.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #449990-#450000, loss: 15.52\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4718.29 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #459990-#460000, loss: 15.54\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4987.42 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #469990-#470000, loss: 15.63\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5033.39 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #479990-#480000, loss: 15.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4838.73 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #489990-#490000, loss: 15.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5000.57 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #499990-#500000, loss: 15.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4689.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #509990-#510000, loss: 15.32\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.15 s, 4652.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #519990-#520000, loss: 15.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4581.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #529990-#530000, loss: 15.21\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4957.70 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #539990-#540000, loss: 15.34\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.11 s, 4730.20 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #549990-#550000, loss: 15.19\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.36 s, 4237.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #559990-#560000, loss: 15.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4771.29 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #569990-#570000, loss: 15.16\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4707.25 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #579990-#580000, loss: 15.26\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4868.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #589990-#590000, loss: 15.25\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4853.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #599990-#600000, loss: 15.19\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4595.38 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #609990-#610000, loss: 15.08\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4916.04 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #619990-#620000, loss: 15.25\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.16 s, 4620.15 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #629990-#630000, loss: 14.94\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.29 s, 4372.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #639990-#640000, loss: 15.02\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.26 s, 4420.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #649990-#650000, loss: 15.05\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4584.97 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #659990-#660000, loss: 15.13\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4846.84 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #669990-#670000, loss: 14.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4919.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #679990-#680000, loss: 14.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4985.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #689990-#690000, loss: 15.05\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5057.07 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #699990-#700000, loss: 14.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5000.94 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #709990-#710000, loss: 14.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4840.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #719990-#720000, loss: 14.87\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4770.30 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #729990-#730000, loss: 14.76\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5007.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 5, examples #739990-#740000, loss: 14.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.94 s, 5149.87 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #9990-#10000, loss: 14.62\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5074.41 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #19990-#20000, loss: 14.57\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5068.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #29990-#30000, loss: 14.56\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4711.80 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #39990-#40000, loss: 14.53\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4901.93 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 6, examples #49990-#50000, loss: 14.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4972.95 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #59990-#60000, loss: 14.40\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4912.06 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #69990-#70000, loss: 14.48\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4845.06 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #79990-#80000, loss: 14.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.19 s, 4567.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #89990-#90000, loss: 14.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4905.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #99990-#100000, loss: 14.27\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4717.66 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #109990-#110000, loss: 14.32\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4583.40 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #119990-#120000, loss: 14.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4773.44 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #129990-#130000, loss: 14.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.11 s, 4737.11 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #139990-#140000, loss: 14.29\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.25 s, 4445.51 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #149990-#150000, loss: 14.21\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5039.20 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #159990-#160000, loss: 14.25\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4890.26 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #169990-#170000, loss: 14.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4938.33 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #179990-#180000, loss: 14.23\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.16 s, 4632.99 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #189990-#190000, loss: 14.20\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4979.41 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #199990-#200000, loss: 14.22\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4762.01 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #209990-#210000, loss: 14.18\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.19 s, 4567.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #219990-#220000, loss: 14.07\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.24 s, 4461.97 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #229990-#230000, loss: 14.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.22 s, 4504.80 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #239990-#240000, loss: 14.14\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.20 s, 4535.80 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #249990-#250000, loss: 14.15\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.57 s, 3890.63 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #259990-#260000, loss: 13.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.19 s, 4569.33 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #269990-#270000, loss: 14.05\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4844.90 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #279990-#280000, loss: 14.12\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4676.96 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #289990-#290000, loss: 14.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4810.09 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #299990-#300000, loss: 13.99\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.21 s, 4519.08 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #309990-#310000, loss: 13.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.16 s, 4638.66 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #319990-#320000, loss: 13.86\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4585.32 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #329990-#330000, loss: 13.90\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.24 s, 4468.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #339990-#340000, loss: 13.89\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4983.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #349990-#350000, loss: 13.86\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.15 s, 4658.19 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #359990-#360000, loss: 13.79\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.14 s, 4673.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #369990-#370000, loss: 13.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.17 s, 4613.05 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #379990-#380000, loss: 13.63\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4992.76 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #389990-#390000, loss: 13.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5000.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #399990-#400000, loss: 13.75\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4716.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #409990-#410000, loss: 13.76\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4762.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #419990-#420000, loss: 13.63\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4856.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #429990-#430000, loss: 13.71\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.43 s, 4115.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #439990-#440000, loss: 13.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.30 s, 4340.13 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #449990-#450000, loss: 13.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.35 s, 4255.26 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #459990-#460000, loss: 13.60\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4991.39 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #469990-#470000, loss: 13.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4979.94 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #479990-#480000, loss: 13.64\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4703.96 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #489990-#490000, loss: 13.60\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.21 s, 4524.26 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #499990-#500000, loss: 13.61\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4815.57 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #509990-#510000, loss: 13.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4812.18 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 6, examples #519990-#520000, loss: 13.45\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5008.45 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #529990-#530000, loss: 13.59\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4808.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #539990-#540000, loss: 13.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4886.71 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #549990-#550000, loss: 13.52\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4789.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #559990-#560000, loss: 13.37\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4941.37 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #569990-#570000, loss: 13.49\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.17 s, 4612.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #579990-#580000, loss: 13.37\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.06 s, 4864.96 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #589990-#590000, loss: 13.26\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5015.37 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #599990-#600000, loss: 13.29\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4871.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #609990-#610000, loss: 13.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4965.43 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #619990-#620000, loss: 13.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4897.68 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #629990-#630000, loss: 13.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.15 s, 4652.29 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #639990-#640000, loss: 13.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.29 s, 4368.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #649990-#650000, loss: 13.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.12 s, 4713.79 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #659990-#660000, loss: 13.22\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.10 s, 4761.11 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #669990-#670000, loss: 13.23\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.01 s, 4979.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #679990-#680000, loss: 13.24\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4903.94 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #689990-#690000, loss: 13.34\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.33 s, 4297.92 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #699990-#700000, loss: 13.18\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.20 s, 4537.09 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #709990-#710000, loss: 13.18\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.77 s, 3613.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #719990-#720000, loss: 13.16\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.74 s, 3655.50 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #729990-#730000, loss: 13.11\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.56 s, 3901.57 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 6, examples #739990-#740000, loss: 13.06\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.11 s, 4740.70 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #9990-#10000, loss: 13.14\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4691.85 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #19990-#20000, loss: 12.79\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.23 s, 4486.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #29990-#30000, loss: 13.03\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.35 s, 4251.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #39990-#40000, loss: 12.81\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.33 s, 4284.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #49990-#50000, loss: 12.94\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.37 s, 4223.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #59990-#60000, loss: 12.86\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.57 s, 3896.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #69990-#70000, loss: 12.85\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.57 s, 3884.71 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #79990-#80000, loss: 12.79\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.72 s, 3671.83 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #89990-#90000, loss: 12.86\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4873.00 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #99990-#100000, loss: 12.80\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4899.85 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #109990-#110000, loss: 12.84\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4777.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #119990-#120000, loss: 12.65\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.99 s, 5014.45 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #129990-#130000, loss: 12.83\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.03 s, 4923.53 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #139990-#140000, loss: 12.74\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.05 s, 4870.12 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #149990-#150000, loss: 12.75\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.07 s, 4834.36 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #159990-#160000, loss: 12.73\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4775.92 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #169990-#170000, loss: 12.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4586.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #179990-#180000, loss: 12.81\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.18 s, 4597.17 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #189990-#190000, loss: 12.60\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.38 s, 4209.51 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #199990-#200000, loss: 12.73\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.49 s, 4012.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #209990-#210000, loss: 12.65\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.43 s, 4123.05 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #219990-#220000, loss: 12.82\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.38 s, 4200.99 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #229990-#230000, loss: 12.62\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.34 s, 4272.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #239990-#240000, loss: 12.67\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.20 s, 4544.30 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 7, examples #249990-#250000, loss: 12.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.79 s, 3585.54 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #259990-#260000, loss: 12.61\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.22 s, 3108.58 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #269990-#270000, loss: 12.61\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.80 s, 3573.95 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #279990-#280000, loss: 12.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.37 s, 2965.71 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #289990-#290000, loss: 12.61\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.00 s, 3337.80 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #299990-#300000, loss: 12.54\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.23 s, 3092.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #309990-#310000, loss: 12.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.15 s, 3174.50 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #319990-#320000, loss: 12.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.00 s, 3337.83 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #329990-#330000, loss: 12.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.90 s, 3451.59 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #339990-#340000, loss: 12.54\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.95 s, 3388.02 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #349990-#350000, loss: 12.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.03 s, 3298.19 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #359990-#360000, loss: 12.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.15 s, 3178.27 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #369990-#370000, loss: 12.46\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.59 s, 3855.54 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #379990-#380000, loss: 12.55\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.41 s, 2929.58 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #389990-#390000, loss: 12.32\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.87 s, 3479.64 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #399990-#400000, loss: 12.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.25 s, 3076.83 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #409990-#410000, loss: 12.44\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.30 s, 3032.67 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #419990-#420000, loss: 12.27\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.46 s, 4070.55 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #429990-#430000, loss: 12.32\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.53 s, 2833.03 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #439990-#440000, loss: 12.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.37 s, 4218.68 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #449990-#450000, loss: 12.31\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.58 s, 2794.56 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #459990-#460000, loss: 12.49\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.74 s, 3653.72 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #469990-#470000, loss: 12.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 4.27 s, 2339.92 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #479990-#480000, loss: 12.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.70 s, 2705.51 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #489990-#490000, loss: 12.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 4.18 s, 2390.35 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #499990-#500000, loss: 12.29\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 4.27 s, 2340.87 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #509990-#510000, loss: 12.27\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.33 s, 2999.75 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #519990-#520000, loss: 12.16\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 4.92 s, 2033.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #529990-#530000, loss: 12.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.98 s, 3354.39 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #539990-#540000, loss: 12.26\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.52 s, 2839.14 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #549990-#550000, loss: 12.20\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.75 s, 3635.44 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #559990-#560000, loss: 12.09\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.15 s, 3171.62 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #569990-#570000, loss: 12.35\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.63 s, 2754.73 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #579990-#580000, loss: 12.28\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.97 s, 3369.52 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #589990-#590000, loss: 12.15\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.81 s, 2627.79 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #599990-#600000, loss: 12.11\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.46 s, 2890.72 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #609990-#610000, loss: 12.08\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.26 s, 3068.25 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #619990-#620000, loss: 11.95\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.61 s, 2772.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #629990-#630000, loss: 12.19\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.43 s, 4116.51 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #639990-#640000, loss: 12.09\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.68 s, 2716.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #649990-#650000, loss: 12.01\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.22 s, 3106.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #659990-#660000, loss: 12.19\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.30 s, 3029.78 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #669990-#670000, loss: 11.92\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.71 s, 2696.68 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #679990-#680000, loss: 11.89\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.76 s, 3623.31 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #689990-#690000, loss: 12.04\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.66 s, 2734.81 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #699990-#700000, loss: 12.01\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.80 s, 3570.62 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #709990-#710000, loss: 11.99\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.94 s, 3395.87 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 7, examples #719990-#720000, loss: 12.01\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 3.05 s, 3275.42 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #729990-#730000, loss: 11.90\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.13 s, 4689.34 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 7, examples #739990-#740000, loss: 11.97\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.96 s, 3380.01 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #9990-#10000, loss: 11.83\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.64 s, 3788.66 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #19990-#20000, loss: 11.96\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.72 s, 3678.58 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #29990-#30000, loss: 11.99\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.90 s, 3446.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #39990-#40000, loss: 11.81\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.39 s, 4183.87 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #49990-#50000, loss: 11.84\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.73 s, 3660.45 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #59990-#60000, loss: 11.78\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.87 s, 3487.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #69990-#70000, loss: 11.79\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.58 s, 3874.98 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #79990-#80000, loss: 11.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.96 s, 5106.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #89990-#90000, loss: 11.50\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.21 s, 4520.77 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #99990-#100000, loss: 11.84\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.69 s, 3712.38 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #109990-#110000, loss: 11.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.09 s, 4776.22 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #119990-#120000, loss: 11.71\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.92 s, 5221.46 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #129990-#130000, loss: 11.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.92 s, 5217.92 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #139990-#140000, loss: 11.77\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.88 s, 5322.30 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #149990-#150000, loss: 11.68\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.98 s, 5061.23 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #159990-#160000, loss: 11.73\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.88 s, 5312.49 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #169990-#170000, loss: 11.58\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.85 s, 5396.36 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #179990-#180000, loss: 11.64\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.89 s, 5283.63 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #189990-#190000, loss: 11.76\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.86 s, 5373.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #199990-#200000, loss: 11.62\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.89 s, 5286.74 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #209990-#210000, loss: 11.66\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.93 s, 5171.18 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #219990-#220000, loss: 11.57\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.88 s, 5317.64 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #229990-#230000, loss: 11.56\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.86 s, 5383.91 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #239990-#240000, loss: 11.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.91 s, 5238.90 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #249990-#250000, loss: 11.43\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.89 s, 5300.40 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #259990-#260000, loss: 11.70\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.89 s, 5288.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #269990-#270000, loss: 11.60\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.97 s, 5083.33 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #279990-#280000, loss: 11.63\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.92 s, 5195.28 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #289990-#290000, loss: 11.42\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 4996.08 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #299990-#300000, loss: 11.59\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.00 s, 5009.45 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #309990-#310000, loss: 11.63\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.90 s, 5264.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #319990-#320000, loss: 11.56\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.88 s, 5316.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #329990-#330000, loss: 11.47\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.94 s, 5167.73 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #339990-#340000, loss: 11.51\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.87 s, 5337.89 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #349990-#350000, loss: 11.54\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.86 s, 5389.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #359990-#360000, loss: 11.49\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.86 s, 5362.69 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #369990-#370000, loss: 11.43\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.04 s, 4896.47 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #379990-#380000, loss: 11.45\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4814.46 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #389990-#390000, loss: 11.48\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.08 s, 4818.25 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #399990-#400000, loss: 11.38\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 2.02 s, 4960.60 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #409990-#410000, loss: 11.45\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.86 s, 5365.93 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #419990-#420000, loss: 11.59\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.92 s, 5206.10 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #429990-#430000, loss: 11.39\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.88 s, 5322.43 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #439990-#440000, loss: 11.45\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.89 s, 5301.80 examples / s\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.poincare:training on epoch 8, examples #449990-#450000, loss: 11.45\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.91 s, 5242.85 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #459990-#460000, loss: 11.30\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.94 s, 5149.58 examples / s\n", + "INFO:gensim.models.poincare:training on epoch 8, examples #469990-#470000, loss: 11.45\n", + "INFO:gensim.models.poincare:time taken for 10000 examples: 1.92 s, 5211.54 examples / s\n" + ] + } + ], "source": [ "model_files['gensim'] = {}\n", "# Train models with default params\n", @@ -683,7 +1996,7 @@ }, { "cell_type": "code", - "execution_count": 34, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -805,7 +2118,7 @@ }, { "cell_type": "code", - "execution_count": 176, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -877,7 +2190,7 @@ }, { "cell_type": "code", - "execution_count": 36, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -911,138 +2224,9 @@ }, { "cell_type": "code", - "execution_count": 148, + "execution_count": null, "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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
WordNet Reconstruction Dimensions
Model DescriptionMetric5102050100200
C++: burn_in=0, epochs=200, eps=1e-06, neg=20, threads=8mean_rank
MAP
191.69
0.34
97.65
0.43
72.07
0.51
55.48
0.57
46.76
0.59
49.62
0.59
C++: burn_in=0, epochs=50, eps=1e-06, neg=10, threads=8mean_rank
MAP
280.17
0.27
129.46
0.40
92.06
0.49
80.41
0.53
71.42
0.56
69.30
0.56
C++: burn_in=0, epochs=50, eps=1e-06, neg=20, threads=8mean_rank
MAP
265.72
0.28
116.94
0.41
90.81
0.49
59.47
0.56
55.14
0.58
54.31
0.59
C++: burn_in=10, epochs=50, eps=1e-06, neg=20, threads=8mean_rank
MAP
252.86
0.26
195.73
0.32
182.57
0.34
165.33
0.36
157.37
0.36
155.78
0.36
Gensim: batch_size=10, burn_in=10, epochs=50, neg=20, reg=0.0mean_rank
MAP
108.01
0.37
100.73
0.47
97.38
0.48
94.49
0.49
94.68
0.48
89.66
0.49
Gensim: batch_size=10, burn_in=0, epochs=50, neg=20, reg=0.0mean_rank
MAP
154.41
0.40
62.77
0.63
27.32
0.72
20.22
0.77
16.15
0.78
13.20
0.79
Gensim: batch_size=10, burn_in=0, epochs=50, neg=10, reg=0.0mean_rank
MAP
211.71
0.33
54.42
0.60
24.90
0.72
21.42
0.76
15.80
0.78
15.13
0.79
Gensim: batch_size=50, burn_in=0, epochs=50, neg=20, reg=0.0mean_rank
MAP
148.51
0.38
63.67
0.62
28.36
0.72
20.23
0.76
15.75
0.78
13.59
0.79
Gensim: batch_size=10, burn_in=10, epochs=200, neg=10, reg=1mean_rank
MAP
61.48
0.38
54.70
0.41
53.02
0.41
50.80
0.42
49.58
0.42
48.56
0.43
Numpy: epochs=50, neg=20mean_rank
MAP
9617.57
0.14
5902.65
0.16
3868.78
0.19
1117.77
0.25
529.92
0.30
377.45
0.35
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "display_results('WordNet Reconstruction', reconstruction_results)" ] @@ -1090,7 +2274,7 @@ }, { "cell_type": "code", - "execution_count": 58, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1154,7 +2338,7 @@ }, { "cell_type": "code", - "execution_count": 59, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1188,17 +2372,9 @@ }, { "cell_type": "code", - "execution_count": 63, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Train and test files already exist, skipping\n" - ] - } - ], + "outputs": [], "source": [ "wordnet_train_file, wordnet_test_file = train_test_split(wordnet_file)" ] @@ -1212,7 +2388,7 @@ }, { "cell_type": "code", - "execution_count": 64, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1288,7 +2464,7 @@ }, { "cell_type": "code", - "execution_count": 89, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1318,138 +2494,9 @@ }, { "cell_type": "code", - "execution_count": 149, + "execution_count": null, "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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
WordNet Link Prediction Dimensions
Model DescriptionMetric5102050100200
C++: burn_in=0, epochs=200, eps=1e-06, neg=20, threads=8mean_rank
MAP
218.26
0.15
99.09
0.24
60.50
0.31
52.24
0.35
60.81
0.36
69.13
0.36
C++: burn_in=0, epochs=50, eps=1e-06, neg=20, threads=8mean_rank
MAP
687.48
0.12
281.88
0.15
72.95
0.31
57.37
0.35
52.56
0.36
61.42
0.36
C++: burn_in=0, epochs=50, eps=1e-06, neg=10, threads=8mean_rank
MAP
230.34
0.14
123.24
0.22
75.62
0.28
65.97
0.31
55.33
0.33
56.89
0.34
C++: burn_in=10, epochs=50, eps=1e-06, neg=20, threads=8mean_rank
MAP
236.31
0.10
214.85
0.13
193.30
0.14
180.27
0.15
169.00
0.16
163.22
0.16
Gensim: batch_size=10, burn_in=0, epochs=50, neg=10, reg=0.0mean_rank
MAP
141.52
0.18
58.89
0.34
31.66
0.46
22.13
0.51
21.29
0.52
19.38
0.53
Gensim: batch_size=10, burn_in=0, epochs=50, neg=20, reg=0.0mean_rank
MAP
121.42
0.19
52.51
0.37
24.61
0.46
19.96
0.52
20.44
0.50
19.55
0.54
Gensim: batch_size=50, burn_in=0, epochs=50, neg=20, reg=0.0mean_rank
MAP
144.19
0.19
53.65
0.35
25.21
0.47
20.68
0.52
21.32
0.51
18.97
0.53
Gensim: batch_size=10, burn_in=10, epochs=50, neg=20, reg=0.0mean_rank
MAP
154.95
0.16
138.12
0.21
122.06
0.24
117.96
0.26
112.99
0.25
110.84
0.26
Gensim: batch_size=10, burn_in=10, epochs=200, neg=10, reg=1mean_rank
MAP
51.72
0.22
39.85
0.28
38.60
0.29
36.55
0.30
35.32
0.31
34.66
0.31
Numpy: epochs=50, neg=20mean_rank
MAP
14526.67
0.01
8411.10
0.02
5749.57
0.04
1873.12
0.07
1639.50
0.10
1350.13
0.13
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "display_results('WordNet Link Prediction', lp_results)" ] @@ -1496,7 +2543,7 @@ }, { "cell_type": "code", - "execution_count": 168, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1526,138 +2573,9 @@ }, { "cell_type": "code", - "execution_count": 170, + "execution_count": null, "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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
Lexical Entailment (HyperLex) Dimensions
Model DescriptionMetric5102050100200
C++: burn_in=0, epochs=200, eps=1e-06, neg=20, threads=8spearman
0.450.460.450.450.450.46
C++: burn_in=0, epochs=50, eps=1e-06, neg=10, threads=8spearman
0.420.410.430.420.430.43
C++: burn_in=0, epochs=50, eps=1e-06, neg=20, threads=8spearman
0.440.430.470.440.450.44
C++: burn_in=10, epochs=50, eps=1e-06, neg=20, threads=8spearman
0.430.420.440.440.440.45
Gensim: batch_size=10, burn_in=10, epochs=50, neg=20, reg=0.0spearman
0.450.460.450.460.450.46
Gensim: batch_size=10, burn_in=0, epochs=50, neg=20, reg=0.0spearman
0.470.450.470.470.480.47
Gensim: batch_size=10, burn_in=0, epochs=50, neg=10, reg=0.0spearman
0.460.460.450.470.470.48
Gensim: batch_size=50, burn_in=0, epochs=50, neg=20, reg=0.0spearman
0.460.460.470.470.480.47
Gensim: batch_size=10, burn_in=10, epochs=200, neg=10, reg=1spearman
0.520.510.510.510.520.51
Numpy: epochs=50, neg=20spearman
0.150.190.200.200.240.26
" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "display_results('Lexical Entailment (HyperLex)', entailment_results)" ] @@ -1728,7 +2646,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.4" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/Poincare Tutorial.ipynb b/docs/notebooks/Poincare Tutorial.ipynb index c7eeb23b3f..800d22bbcb 100644 --- a/docs/notebooks/Poincare Tutorial.ipynb +++ b/docs/notebooks/Poincare Tutorial.ipynb @@ -66,12 +66,12 @@ "name": "stdout", "output_type": "stream", "text": [ - "/home/jayant/projects/gensim\n" + "/home/misha/git/gensim\n" ] } ], "source": [ - "% cd ../.." + "%cd ../.." ] }, { @@ -80,8 +80,8 @@ "metadata": {}, "outputs": [], "source": [ - "%load_ext autoreload \n", - "%autoreload 2\n", + "# %load_ext autoreload \n", + "# %autoreload 2\n", "\n", "import os\n", "import logging\n", @@ -112,8 +112,8 @@ "name": "stderr", "output_type": "stream", "text": [ - "INFO:gensim.models.poincare:Loading relations from train data..\n", - "INFO:gensim.models.poincare:Loaded 2 relations from train data, 3 nodes\n" + "INFO:gensim.models.poincare:loading relations from train data..\n", + "INFO:gensim.models.poincare:loaded 2 relations from train data, 3 nodes\n" ] } ], @@ -130,15 +130,16 @@ }, { "cell_type": "code", - "execution_count": 34, + "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "INFO:gensim.models.poincare:Loading relations from train data..\n", - "INFO:gensim.models.poincare:Loaded 7724 relations from train data, 1182 unique terms\n" + "INFO:gensim.models.poincare:loading relations from train data..\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n", + "INFO:gensim.models.poincare:loaded 7724 relations from train data, 1182 nodes\n" ] } ], @@ -156,20 +157,21 @@ }, { "cell_type": "code", - "execution_count": 35, + "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "INFO:gensim.models.poincare:Loading relations from train data..\n", - "INFO:gensim.models.poincare:Loaded 7724 relations from train data, 1182 unique terms\n", + "INFO:gensim.models.poincare:loading relations from train data..\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n", + "INFO:gensim.models.poincare:loaded 7724 relations from train data, 1182 nodes\n", "INFO:gensim.models.poincare:training model of size 2 with 1 workers on 7724 relations for 1 epochs and 0 burn-in epochs, using lr=0.10000 burn-in lr=0.01000 negative=10\n", - "INFO:gensim.models.poincare:Starting training (1 epochs)----------------------------------------\n", - "INFO:gensim.models.poincare:Training on epoch 1, examples #4990-#5000, loss: 23.57\n", - "INFO:gensim.models.poincare:Time taken for 5000 examples: 0.47 s, 10562.18 examples / s\n", - "INFO:gensim.models.poincare:Training finished\n" + "INFO:gensim.models.poincare:starting training (1 epochs)----------------------------------------\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #4990-#5000, loss: 23.57\n", + "INFO:gensim.models.poincare:time taken for 5000 examples: 0.69 s, 7268.98 examples / s\n", + "INFO:gensim.models.poincare:training finished\n" ] } ], @@ -187,7 +189,7 @@ }, { "cell_type": "code", - "execution_count": 36, + "execution_count": 6, "metadata": {}, "outputs": [ { @@ -195,10 +197,10 @@ "output_type": "stream", "text": [ "INFO:gensim.models.poincare:training model of size 2 with 1 workers on 7724 relations for 1 epochs and 0 burn-in epochs, using lr=0.10000 burn-in lr=0.01000 negative=10\n", - "INFO:gensim.models.poincare:Starting training (1 epochs)----------------------------------------\n", - "INFO:gensim.models.poincare:Training on epoch 1, examples #4990-#5000, loss: 21.98\n", - "INFO:gensim.models.poincare:Time taken for 5000 examples: 0.48 s, 10442.40 examples / s\n", - "INFO:gensim.models.poincare:Training finished\n" + "INFO:gensim.models.poincare:starting training (1 epochs)----------------------------------------\n", + "INFO:gensim.models.poincare:training on epoch 1, examples #4990-#5000, loss: 22.37\n", + "INFO:gensim.models.poincare:time taken for 5000 examples: 0.67 s, 7412.15 examples / s\n", + "INFO:gensim.models.poincare:training finished\n" ] } ], @@ -215,7 +217,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 7, "metadata": {}, "outputs": [ { @@ -223,19 +225,25 @@ "output_type": "stream", "text": [ "INFO:gensim.utils:saving PoincareModel object under /tmp/test_model, separately None\n", + "INFO:gensim.utils:not storing attribute _node_probabilities\n", + "INFO:gensim.utils:not storing attribute _node_counts_cumsum\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n", "INFO:gensim.utils:saved /tmp/test_model\n", "INFO:gensim.utils:loading PoincareModel object from /tmp/test_model\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n", "INFO:gensim.utils:loading kv recursively from /tmp/test_model.kv.* with mmap=None\n", + "INFO:gensim.utils:setting ignored attribute _node_probabilities to None\n", + "INFO:gensim.utils:setting ignored attribute _node_counts_cumsum to None\n", "INFO:gensim.utils:loaded /tmp/test_model\n" ] }, { "data": { "text/plain": [ - "" + "" ] }, - "execution_count": 5, + "execution_count": 7, "metadata": {}, "output_type": "execute_result" } @@ -248,25 +256,27 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "INFO:gensim.models.keyedvectors:storing 3x50 projection weights into /tmp/test_vectors\n", - "INFO:gensim.models.keyedvectors:loading projection weights from /tmp/test_vectors\n", - "INFO:gensim.models.keyedvectors:loaded (3, 50) matrix from /tmp/test_vectors\n" + "INFO:gensim.models.utils_any2vec:storing 1182x2 projection weights into /tmp/test_vectors\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n", + "INFO:gensim.models.utils_any2vec:loading projection weights from /tmp/test_vectors\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n", + "INFO:gensim.models.utils_any2vec:loaded (1182, 2) matrix from /tmp/test_vectors\n" ] }, { "data": { "text/plain": [ - "" + "" ] }, - "execution_count": 7, + "execution_count": 8, "metadata": {}, "output_type": "execute_result" } @@ -286,16 +296,32 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "INFO:gensim.utils:loading PoincareModel object from /home/jayant/projects/gensim/docs/notebooks/poincare/models/gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_dim_50\n", - "INFO:gensim.utils:loading kv recursively from /home/jayant/projects/gensim/docs/notebooks/poincare/models/gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_dim_50.kv.* with mmap=None\n", - "INFO:gensim.utils:loaded /home/jayant/projects/gensim/docs/notebooks/poincare/models/gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_dim_50\n" + "INFO:gensim.utils:loading PoincareModel object from /home/misha/git/gensim/docs/notebooks/poincare/models/gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_dim_50\n", + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: '/home/misha/git/gensim/docs/notebooks/poincare/models/gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_dim_50'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0mmodels_directory\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mos\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpath\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpoincare_directory\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'models'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0mtest_model_path\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mos\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpath\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mmodels_directory\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_dim_50'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 4\u001b[0;31m \u001b[0mmodel\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mPoincareModel\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtest_model_path\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m~/git/gensim/gensim/models/poincare.py\u001b[0m in \u001b[0;36mload\u001b[0;34m(cls, *args, **kwargs)\u001b[0m\n\u001b[1;32m 394\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 395\u001b[0m \"\"\"\n\u001b[0;32m--> 396\u001b[0;31m \u001b[0mmodel\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msuper\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mPoincareModel\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcls\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0margs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 397\u001b[0m \u001b[0mmodel\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_init_node_probabilities\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 398\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mmodel\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/utils.py\u001b[0m in \u001b[0;36mload\u001b[0;34m(cls, fname, mmap)\u001b[0m\n\u001b[1;32m 424\u001b[0m \u001b[0mcompress\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msubname\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mSaveLoad\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_adapt_by_suffix\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 425\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 426\u001b[0;31m \u001b[0mobj\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0munpickle\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 427\u001b[0m \u001b[0mobj\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_load_specials\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmmap\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcompress\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msubname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 428\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"loaded %s\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/utils.py\u001b[0m in \u001b[0;36munpickle\u001b[0;34m(fname)\u001b[0m\n\u001b[1;32m 1379\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1380\u001b[0m \"\"\"\n\u001b[0;32m-> 1381\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0msmart_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1382\u001b[0m \u001b[0;31m# Because of loading from S3 load can't be used (missing readline in smart_open)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1383\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msys\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mversion_info\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36msmart_open\u001b[0;34m(uri, mode, **kw)\u001b[0m\n\u001b[1;32m 437\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mkey\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvalue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 438\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 439\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0muri\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mignore_ext\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mignore_extension\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtransport_params\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mscrubbed_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 440\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 441\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36mopen\u001b[0;34m(uri, mode, buffering, encoding, errors, newline, closefd, opener, ignore_ext, transport_params)\u001b[0m\n\u001b[1;32m 305\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 306\u001b[0m \u001b[0mencoding\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mencoding\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 307\u001b[0;31m \u001b[0merrors\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0merrors\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 308\u001b[0m )\n\u001b[1;32m 309\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mfobj\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36m_shortcut_open\u001b[0;34m(uri, mode, ignore_ext, buffering, encoding, errors)\u001b[0m\n\u001b[1;32m 496\u001b[0m \u001b[0;31m#\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 497\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msix\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mPY3\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 498\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mopen_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 499\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mopen_kwargs\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 500\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: '/home/misha/git/gensim/docs/notebooks/poincare/models/gensim_model_batch_size_10_burn_in_0_epochs_50_neg_20_dim_50'" ] } ], @@ -332,20 +358,9 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "2.9232418343441235" - ] - }, - "execution_count": 11, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# Distance between any two nodes\n", "model.kv.distance('plant.n.02', 'tree.n.01')" @@ -353,49 +368,18 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "5.5111423377921103" - ] - }, - "execution_count": 12, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "model.kv.distance('plant.n.02', 'animal.n.01')" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[('phenomenon.n.01', 2.0296901412261614),\n", - " ('natural_phenomenon.n.01', 2.1052921648852934),\n", - " ('physical_phenomenon.n.01', 2.1084626073820045),\n", - " ('photoelectricity.n.01', 2.4527217652991005),\n", - " ('piezoelectricity.n.01', 2.4687111939575397),\n", - " ('galvanism.n.01', 2.9496409087300357),\n", - " ('cloud.n.02', 3.164090455102602),\n", - " ('electrical_phenomenon.n.01', 3.2563741920630225),\n", - " ('pressure.n.01', 3.3063009504377368),\n", - " ('atmospheric_phenomenon.n.01', 3.313970950348909)]" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# Nodes most similar to a given input node\n", "model.kv.most_similar('electricity.n.01')" @@ -403,53 +387,18 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[('male.n.02', 1.725430794111438),\n", - " ('physical_entity.n.01', 3.5532684790327624),\n", - " ('whole.n.02', 3.5663516391532815),\n", - " ('object.n.01', 3.5885342299888077),\n", - " ('adult.n.01', 3.6422291495399124),\n", - " ('organism.n.01', 4.096498630105297),\n", - " ('causal_agent.n.01', 4.127447093914292),\n", - " ('living_thing.n.01', 4.198756842588067),\n", - " ('person.n.01', 4.371831459784078),\n", - " ('lawyer.n.01', 4.581830548066727)]" - ] - }, - "execution_count": 14, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "model.kv.most_similar('man.n.01')" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['domestic_animal.n.01',\n", - " 'canine.n.02',\n", - " 'terrier.n.01',\n", - " 'hunting_dog.n.01',\n", - " 'hound.n.01']" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# Nodes closer to node 1 than node 2 is from node 1\n", "model.kv.nodes_closer_than('dog.n.01', 'carnivore.n.01')" @@ -457,20 +406,9 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "6" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# Rank of distance of node 2 from node 1 in relation to distances of all nodes from node 1\n", "model.kv.rank('dog.n.01', 'carnivore.n.01')" @@ -478,18 +416,9 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "0.24618276804\n", - "[ 0.20492232 0.21622492 0.22568267 0.20813361 0.26086168]\n" - ] - } - ], + "outputs": [], "source": [ "# Finding Poincare distance between input vectors\n", "vector_1 = np.random.uniform(size=(100,))\n", @@ -518,20 +447,9 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'writer.n.01'" - ] - }, - "execution_count": 17, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# Closest child node\n", "model.kv.closest_child('person.n.01')" @@ -539,20 +457,9 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "'causal_agent.n.01'" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# Closest parent node\n", "model.kv.closest_parent('person.n.01')" @@ -560,18 +467,9 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "0.940798238231\n", - "0.967868985302\n" - ] - } - ], + "outputs": [], "source": [ "# Position in hierarchy - lower values represent that the node is higher in the hierarchy\n", "print(model.kv.norm('person.n.01'))\n", @@ -580,17 +478,9 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "0.027070747071\n" - ] - } - ], + "outputs": [], "source": [ "# Difference in hierarchy between the first node and the second node\n", "# Positive values indicate the first node is higher in the hierarchy\n", @@ -599,24 +489,9 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['carnivore.n.01',\n", - " 'dog.n.01',\n", - " 'hunting_dog.n.01',\n", - " 'terrier.n.01',\n", - " 'sporting_dog.n.01']" - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# One possible descendant chain\n", "model.kv.descendants('mammal.n.01')" @@ -624,26 +499,9 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['canine.n.02',\n", - " 'domestic_animal.n.01',\n", - " 'placental.n.01',\n", - " 'ungulate.n.01',\n", - " 'chordate.n.01',\n", - " 'animal.n.01',\n", - " 'physical_entity.n.01']" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# One possible ancestor chain\n", "model.kv.ancestors('dog.n.01')" @@ -696,7 +554,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.4" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/Similarity_Queries.ipynb b/docs/notebooks/Similarity_Queries.ipynb deleted file mode 100644 index 3bdb84f910..0000000000 --- a/docs/notebooks/Similarity_Queries.ipynb +++ /dev/null @@ -1,351 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Similarity Queries" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Don't forget to set:" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "import logging\n", - "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Folder \"C:\\Users\\chaor\\AppData\\Local\\Temp\" will be used to save temporary dictionary and corpus.\n" - ] - } - ], - "source": [ - "import os\n", - "import tempfile\n", - "TEMP_FOLDER = tempfile.gettempdir()\n", - "print('Folder \"{}\" will be used to save temporary dictionary and corpus.'.format(TEMP_FOLDER))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Similarity Interface" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In the previous tutorials on [Corpora and Vector Space](Corpora_and_Vector_Spaces.ipynb) and [Topics and Transformations](Topics_and_Transformations.ipynb), we covered what it means to create a corpus in the Vector Space Model and how to transform it between different vector spaces. A common reason for such a charade is that we want to determine **similarity between pairs of documents**, or the **similarity between a specific document** and a set of other documents (such as a user query vs. indexed documents).\n", - "\n", - "To show how this can be done in gensim, let us consider the same corpus as in the previous examples (which really originally comes from Deerwester et al.’s [“Indexing by Latent Semantic Analysis”](http://www.cs.bham.ac.uk/~pxt/IDA/lsa_ind.pdf) seminal 1990 article):" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-05-22 14:27:18,911 : INFO : loading Dictionary object from C:\\Users\\chaor\\AppData\\Local\\Temp\\deerwester.dict\n", - "2017-05-22 14:27:18,911 : INFO : loaded C:\\Users\\chaor\\AppData\\Local\\Temp\\deerwester.dict\n", - "2017-05-22 14:27:18,921 : INFO : loaded corpus index from C:\\Users\\chaor\\AppData\\Local\\Temp\\deerwester.mm.index\n", - "2017-05-22 14:27:18,924 : INFO : initializing corpus reader from C:\\Users\\chaor\\AppData\\Local\\Temp\\deerwester.mm\n", - "2017-05-22 14:27:18,929 : INFO : accepted corpus with 9 documents, 12 features, 28 non-zero entries\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "MmCorpus(9 documents, 12 features, 28 non-zero entries)\n" - ] - } - ], - "source": [ - "from gensim import corpora, models, similarities\n", - "\n", - "dictionary = corpora.Dictionary.load(os.path.join(TEMP_FOLDER, 'deerwester.dict'))\n", - "corpus = corpora.MmCorpus(os.path.join(TEMP_FOLDER, 'deerwester.mm')) # comes from the first tutorial, \"Corpora and Vector Space\"\n", - "print(corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To follow Deerwester’s example, we first use this tiny corpus to define a 2-dimensional LSI space:" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-05-22 14:27:19,048 : INFO : using serial LSI version on this node\n", - "2017-05-22 14:27:19,050 : INFO : updating model with new documents\n", - "2017-05-22 14:27:19,054 : INFO : preparing a new chunk of documents\n", - "2017-05-22 14:27:19,057 : INFO : using 100 extra samples and 2 power iterations\n", - "2017-05-22 14:27:19,060 : INFO : 1st phase: constructing (12, 102) action matrix\n", - "2017-05-22 14:27:19,064 : INFO : orthonormalizing (12, 102) action matrix\n", - "2017-05-22 14:27:19,068 : INFO : 2nd phase: running dense svd on (12, 9) matrix\n", - "2017-05-22 14:27:19,070 : INFO : computing the final decomposition\n", - "2017-05-22 14:27:19,073 : INFO : keeping 2 factors (discarding 43.156% of energy spectrum)\n", - "2017-05-22 14:27:19,076 : INFO : processed documents up to #9\n", - "2017-05-22 14:27:19,078 : INFO : topic #0(3.341): 0.644*\"system\" + 0.404*\"user\" + 0.301*\"eps\" + 0.265*\"response\" + 0.265*\"time\" + 0.240*\"computer\" + 0.221*\"human\" + 0.206*\"survey\" + 0.198*\"interface\" + 0.036*\"graph\"\n", - "2017-05-22 14:27:19,081 : INFO : topic #1(2.542): 0.623*\"graph\" + 0.490*\"trees\" + 0.451*\"minors\" + 0.274*\"survey\" + -0.167*\"system\" + -0.141*\"eps\" + -0.113*\"human\" + 0.107*\"response\" + 0.107*\"time\" + -0.072*\"interface\"\n" - ] - } - ], - "source": [ - "lsi = models.LsiModel(corpus, id2word=dictionary, num_topics=2)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now suppose a user typed in the query *“Human computer interaction”*. We would like to sort our nine corpus documents in decreasing order of relevance to this query. Unlike modern search engines, here we only concentrate on a single aspect of possible similarities—on apparent semantic relatedness of their texts (words). No hyperlinks, no random-walk static ranks, just a semantic extension over the boolean keyword match:" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 0.46182100453271535), (1, -0.070027665279000437)]\n" - ] - } - ], - "source": [ - "doc = \"Human computer interaction\"\n", - "vec_bow = dictionary.doc2bow(doc.lower().split())\n", - "vec_lsi = lsi[vec_bow] # convert the query to LSI space\n", - "print(vec_lsi)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In addition, we will be considering [cosine](http://en.wikipedia.org/wiki/Cosine_similarity) similarity to determine the similarity of two vectors. Cosine similarity is a standard measure in Vector Space Modeling, but wherever the vectors represent probability distributions, [different similarity measures](http://en.wikipedia.org/wiki/Kullback%E2%80%93Leibler_divergence#Symmetrised_divergence) may be more appropriate." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Initializing query structures" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To prepare for similarity queries, we need to enter all documents which we want to compare against subsequent queries. In our case, they are the same nine documents used for training LSI, converted to 2-D LSA space. But that’s only incidental, we might also be indexing a different corpus altogether." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-05-22 14:27:19,299 : WARNING : scanning corpus to determine the number of features (consider setting `num_features` explicitly)\n", - "2017-05-22 14:27:19,358 : INFO : creating matrix with 9 documents and 2 features\n" - ] - } - ], - "source": [ - "index = similarities.MatrixSimilarity(lsi[corpus]) # transform corpus to LSI space and index it" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "> Warning:\n", - "> The class `similarities.MatrixSimilarity` is only appropriate when the whole set of vectors fits into memory. For example, a corpus of one million documents would require 2GB of RAM in a 256-dimensional LSI space, when used with this class.\n", - "> Without 2GB of free RAM, you would need to use the `similarities.Similarity` class. This class operates in fixed memory, by splitting the index across multiple files on disk, called shards. It uses `similarities.MatrixSimilarity` and `similarities.SparseMatrixSimilarity` internally, so it is still fast, although slightly more complex.\n", - "\n", - "Index persistency is handled via the standard save() and load() functions:" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-05-22 14:27:52,760 : INFO : saving MatrixSimilarity object under C:\\Users\\chaor\\AppData\\Local\\Temp\\deerwester.index, separately None\n", - "2017-05-22 14:27:52,772 : INFO : saved C:\\Users\\chaor\\AppData\\Local\\Temp\\deerwester.index\n" - ] - } - ], - "source": [ - "index.save(os.path.join(TEMP_FOLDER, 'deerwester.index'))\n", - "#index = similarities.MatrixSimilarity.load(os.path.join(TEMP_FOLDER, 'index'))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "This is true for all similarity indexing classes (`similarities.Similarity`, `similarities.MatrixSimilarity` and `similarities.SparseMatrixSimilarity`). Also in the following, index can be an object of any of these. When in doubt, use `similarities.Similarity`, as it is the most scalable version, and it also supports adding more documents to the index later." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Performing queries" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To obtain similarities of our query document against the nine indexed documents:" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 0.99809301), (1, 0.93748635), (2, 0.99844527), (3, 0.9865886), (4, 0.90755945), (5, -0.12416792), (6, -0.10639259), (7, -0.098794639), (8, 0.050041765)]\n" - ] - } - ], - "source": [ - "sims = index[vec_lsi] # perform a similarity query against the corpus\n", - "print(list(enumerate(sims))) # print (document_number, document_similarity) 2-tuples" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Cosine measure returns similarities in the range *<-1, 1>* (the greater, the more similar), so that the first document has a score of 0.99809301 etc.\n", - "\n", - "With some standard Python magic we sort these similarities into descending order, and obtain the final answer to the query *“Human computer interaction”*:\n", - "\n", - "```\n", - "sims = sorted(enumerate(sims), key=lambda item: -item[1])\n", - "print(sims) # print sorted (document number, similarity score) 2-tuples\n", - "\n", - "[(2, 0.99844527), # The EPS user interface management system\n", - "(0, 0.99809301), # Human machine interface for lab abc computer applications\n", - "(3, 0.9865886), # System and human system engineering testing of EPS\n", - "(1, 0.93748635), # A survey of user opinion of computer system response time\n", - "(4, 0.90755945), # Relation of user perceived response time to error measurement\n", - "(8, 0.050041795), # Graph minors A survey\n", - "(7, -0.098794639), # Graph minors IV Widths of trees and well quasi ordering\n", - "(6, -0.1063926), # The intersection graph of paths in trees\n", - "(5, -0.12416792)] # The generation of random binary unordered trees\n", - "```\n", - "\n", - "(I added the original documents in their “string form” to the output comments, to improve clarity.)\n", - "\n", - "The thing to note here is that documents no. 2 (\"`The EPS user interface management system`\") and 4 (\"`Relation of user perceived response time to error measurement`\") would never be returned by a standard boolean fulltext search, because they do not share any common words with \"`Human computer interaction`\". However, after applying LSI, we can observe that both of them received quite high similarity scores (no. 2 is actually the most similar!), which corresponds better to our intuition of them sharing a “computer-human” related topic with the query. In fact, this semantic generalization is the reason why we apply transformations and do topic modelling in the first place.\n", - "\n", - "## Where next?\n", - "\n", - "Congratulations, you have finished the tutorials – now you know how gensim works :-) To delve into more details, you can browse through the [API documentation](https://radimrehurek.com/gensim/apiref.html), see the [Wikipedia experiments](https://radimrehurek.com/gensim/wiki.html) or perhaps check out [distributed computing](https://radimrehurek.com/gensim/distributed.html) in gensim.\n", - "\n", - "Gensim is a fairly mature package that has been used successfully by many individuals and companies, both for rapid prototyping and in production. That doesn’t mean it’s perfect though:\n", - "\n", - "* there are parts that could be implemented more efficiently (in C, for example), or make better use of parallelism (multiple machines cores)\n", - "* new algorithms are published all the time; help gensim keep up by [discussing them](http://groups.google.com/group/gensim) and [contributing code](https://github.com/piskvorky/gensim/wiki/Developer-page)\n", - "* your **feedback is most welcome** and appreciated (and it’s not just the code!): [idea contributions](https://github.com/piskvorky/gensim/wiki/Ideas-&-Features-proposals), [bug reports](https://github.com/piskvorky/gensim/issues) or just consider contributing [user stories and general questions](http://groups.google.com/group/gensim/topics).\n", - "Gensim has no ambition to become an all-encompassing framework, across all NLP (or even Machine Learning) subfields. Its mission is to help NLP practicioners try out popular topic modelling algorithms on large datasets easily, and to facilitate prototyping of new algorithms for researchers." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - } - ], - "metadata": { - "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.6.0" - } - }, - "nbformat": 4, - "nbformat_minor": 0 -} diff --git a/docs/notebooks/Topic_dendrogram.ipynb b/docs/notebooks/Topic_dendrogram.ipynb index bd537af8b7..4f14f56393 100644 --- a/docs/notebooks/Topic_dendrogram.ipynb +++ b/docs/notebooks/Topic_dendrogram.ipynb @@ -5426,21 +5426,21 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/Topics_and_Transformations.ipynb b/docs/notebooks/Topics_and_Transformations.ipynb deleted file mode 100644 index b8b2ff129f..0000000000 --- a/docs/notebooks/Topics_and_Transformations.ipynb +++ /dev/null @@ -1,504 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Topics and Transformation" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Don't forget to set" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "import logging\n", - "\n", - "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Folder \"C:\\Users\\chaor\\AppData\\Local\\Temp\" will be used to save temporary dictionary and corpus.\n" - ] - } - ], - "source": [ - "import tempfile\n", - "import os.path\n", - "\n", - "TEMP_FOLDER = tempfile.gettempdir()\n", - "print('Folder \"{}\" will be used to save temporary dictionary and corpus.'.format(TEMP_FOLDER))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "if you want to see logging events.\n", - "\n", - "## Transformation interface\n", - "\n", - "In the previous tutorial on [Corpora and Vector Spaces](https://radimrehurek.com/gensim/tut1.html), we created a corpus of documents represented as a stream of vectors. To continue, let’s fire up gensim and use that corpus:" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "from gensim import corpora, models, similarities\n", - "if os.path.isfile(os.path.join(TEMP_FOLDER, 'deerwester.dict')):\n", - " dictionary = corpora.Dictionary.load(os.path.join(TEMP_FOLDER, 'deerwester.dict'))\n", - " corpus = corpora.MmCorpus(os.path.join(TEMP_FOLDER, 'deerwester.mm'))\n", - " print(\"Used files generated from first tutorial\")\n", - "else:\n", - " print(\"Please run first tutorial to generate data set\")" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "human\n", - "interface\n", - "computer\n" - ] - } - ], - "source": [ - "print(dictionary[0])\n", - "print(dictionary[1])\n", - "print(dictionary[2])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In this tutorial, I will show how to transform documents from one vector representation into another. This process serves two goals:\n", - "\n", - "1. To bring out hidden structure in the corpus, discover relationships between words and use them to describe the documents in a new and (hopefully) more semantic way.\n", - "1. To make the document representation more compact. This both improves efficiency (new representation consumes less resources) and efficacy (marginal data trends are ignored, noise-reduction).\n", - "\n", - "### Creating a transformation\n", - "\n", - "The transformations are standard Python objects, typically initialized by means of a training corpus:" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "tfidf = models.TfidfModel(corpus) # step 1 -- initialize a model" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We used our old corpus from tutorial 1 to initialize (train) the transformation model. Different transformations may require different initialization parameters; in case of TfIdf, the “training” consists simply of going through the supplied corpus once and computing document frequencies of all its features. Training other models, such as Latent Semantic Analysis or Latent Dirichlet Allocation, is much more involved and, consequently, takes much more time.\n", - "\n", - "> Note:\n", - "> Transformations always convert between two specific vector spaces. The same vector space (= the same set of feature ids) must be used for training as well as for subsequent vector transformations. Failure to use the same input feature space, such as applying a different string preprocessing, using different feature ids, or using bag-of-words input vectors where TfIdf vectors are expected, will result in feature mismatch during transformation calls and consequently in either garbage output and/or runtime exceptions." - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 0.7071067811865476), (1, 0.7071067811865476)]\n" - ] - } - ], - "source": [ - "doc_bow = [(0, 1), (1, 1)]\n", - "print(tfidf[doc_bow]) # step 2 -- use the model to transform vectors" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Or to apply a transformation to a whole corpus:" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 0.5773502691896257), (1, 0.5773502691896257), (2, 0.5773502691896257)]\n", - "[(2, 0.44424552527467476), (3, 0.44424552527467476), (4, 0.3244870206138555), (5, 0.3244870206138555), (6, 0.44424552527467476), (7, 0.44424552527467476)]\n", - "[(1, 0.5710059809418182), (4, 0.4170757362022777), (5, 0.4170757362022777), (8, 0.5710059809418182)]\n", - "[(0, 0.49182558987264147), (5, 0.7184811607083769), (8, 0.49182558987264147)]\n", - "[(4, 0.45889394536615247), (6, 0.6282580468670046), (7, 0.6282580468670046)]\n", - "[(9, 1.0)]\n", - "[(9, 0.7071067811865475), (10, 0.7071067811865475)]\n", - "[(9, 0.5080429008916749), (10, 0.5080429008916749), (11, 0.695546419520037)]\n", - "[(3, 0.6282580468670046), (10, 0.45889394536615247), (11, 0.6282580468670046)]\n" - ] - } - ], - "source": [ - "corpus_tfidf = tfidf[corpus]\n", - "for doc in corpus_tfidf:\n", - " print(doc)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In this particular case, we are transforming the same corpus that we used for training, but this is only incidental. Once the transformation model has been initialized, it can be used on any vectors (provided they come from the same vector space, of course), even if they were not used in the training corpus at all. This is achieved by a process called folding-in for LSA, by topic inference for LDA etc.\n", - "\n", - "> Note: \n", - "> Calling model[corpus] only creates a wrapper around the old corpus document stream – actual conversions are done on-the-fly, during document iteration. We cannot convert the entire corpus at the time of calling corpus_transformed = model[corpus], because that would mean storing the result in main memory, and that contradicts gensim’s objective of memory-independence. If you will be iterating over the transformed corpus_transformed multiple times, and the transformation is costly, serialize the resulting corpus to disk first and continue using that.\n", - "\n", - "Transformations can also be serialized, one on top of another, in a sort of chain:" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "lsi = models.LsiModel(corpus_tfidf, id2word=dictionary, num_topics=2) # initialize an LSI transformation\n", - "corpus_lsi = lsi[corpus_tfidf] # create a double wrapper over the original corpus: bow->tfidf->fold-in-lsi" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Here we transformed our Tf-Idf corpus via [Latent Semantic Indexing](http://en.wikipedia.org/wiki/Latent_semantic_indexing) into a latent 2-D space (2-D because we set num_topics=2). Now you’re probably wondering: what do these two latent dimensions stand for? Let’s inspect with models.LsiModel.print_topics():" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(0,\n", - " '0.703*\"trees\" + 0.538*\"graph\" + 0.402*\"minors\" + 0.187*\"survey\" + 0.061*\"system\" + 0.060*\"response\" + 0.060*\"time\" + 0.058*\"user\" + 0.049*\"computer\" + 0.035*\"interface\"'),\n", - " (1,\n", - " '-0.460*\"system\" + -0.373*\"user\" + -0.332*\"eps\" + -0.328*\"interface\" + -0.320*\"time\" + -0.320*\"response\" + -0.293*\"computer\" + -0.280*\"human\" + -0.171*\"survey\" + 0.161*\"trees\"')]" - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "lsi.print_topics(2)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "(the topics are printed to log – see the note at the top of this page about activating logging)\n", - "\n", - "It appears that according to LSI, “trees”, “graph” and “minors” are all related words (and contribute the most to the direction of the first topic), while the second topic practically concerns itself with all the other words. As expected, the first five documents are more strongly related to the second topic while the remaining four documents to the first topic:" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(0, 0.066007833960904788), (1, -0.52007033063618524)]\n", - "[(0, 0.19667592859142516), (1, -0.76095631677000508)]\n", - "[(0, 0.089926399724465478), (1, -0.72418606267525021)]\n", - "[(0, 0.075858476521782792), (1, -0.63205515860034234)]\n", - "[(0, 0.10150299184980102), (1, -0.57373084830029564)]\n", - "[(0, 0.70321089393783121), (1, 0.16115180214025845)]\n", - "[(0, 0.87747876731198327), (1, 0.16758906864659459)]\n", - "[(0, 0.90986246868185772), (1, 0.14086553628719056)]\n", - "[(0, 0.61658253505692806), (1, -0.053929075663893752)]\n" - ] - } - ], - "source": [ - "for doc in corpus_lsi: # both bow->tfidf and tfidf->lsi transformations are actually executed here, on the fly\n", - " print(doc)" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "lsi.save(os.path.join(TEMP_FOLDER, 'model.lsi')) # same for tfidf, lda, ...\n", - "#lsi = models.LsiModel.load(os.path.join(TEMP_FOLDER, 'model.lsi'))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The next question might be: just how exactly similar are those documents to each other? Is there a way to formalize the similarity, so that for a given input document, we can order some other set of documents according to their similarity? Similarity queries are covered in the [next tutorial](https://radimrehurek.com/gensim/tut3.html)." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Available transformations\n", - "\n", - "Gensim implements several popular Vector Space Model algorithms:\n", - "\n", - "### [Term Frequency * Inverse Document Frequency](http://en.wikipedia.org/wiki/Tf–idf) \n", - "Tf-Idf expects a bag-of-words (integer values) training corpus during initialization. During transformation, it will take a vector and return another vector of the same dimensionality, except that features which were rare in the training corpus will have their value increased. It therefore converts integer-valued vectors into real-valued ones, while leaving the number of dimensions intact. It can also optionally normalize the resulting vectors to (Euclidean) unit length." - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "model = models.TfidfModel(corpus, normalize=True)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### [Latent Semantic Indexing, LSI (or sometimes LSA)](http://en.wikipedia.org/wiki/Latent_semantic_indexing) \n", - "LSI transforms documents from either bag-of-words or (preferably) TfIdf-weighted space into a latent space of a lower dimensionality. For the toy corpus above we used only 2 latent dimensions, but on real corpora, target dimensionality of 200–500 is recommended as a “golden standard” [1]." - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "model = models.LsiModel(corpus_tfidf, id2word=dictionary, num_topics=300)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "LSI training is unique in that we can continue “training” at any point, simply by providing more training documents. This is done by incremental updates to the underlying model, in a process called online training. Because of this feature, the input document stream may even be infinite – just keep feeding LSI new documents as they arrive, while using the computed transformation model as read-only in the meanwhile!" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "> Example \n", - "> \n", - "> model.add_documents(another_tfidf_corpus) # now LSI has been trained on tfidf_corpus + another_tfidf_corpus\n", - "> lsi_vec = model[tfidf_vec] # convert some new document into the LSI space, without affecting the model\n", - "\n", - "> model.add_documents(more_documents) # tfidf_corpus + another_tfidf_corpus + more_documents\n", - "> lsi_vec = model[tfidf_vec]\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "See the [gensim.models.lsimodel](https://radimrehurek.com/gensim/models/lsimodel.html#module-gensim.models.lsimodel) documentation for details on how to make LSI gradually “forget” old observations in infinite streams. If you want to get dirty, there are also parameters you can tweak that affect speed vs. memory footprint vs. numerical precision of the LSI algorithm.\n", - "\n", - "gensim uses a novel online incremental streamed distributed training algorithm (quite a mouthful!), which I published in [5]. gensim also executes a stochastic multi-pass algorithm from Halko et al. [4] internally, to accelerate in-core part of the computations. See also \n", - " [Experiments on the English Wikipedia](https://radimrehurek.com/gensim/wiki.html) for further speed-ups by distributing the computation across a cluster of computers." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### [Random Projections](http://www.cis.hut.fi/ella/publications/randproj_kdd.pdf)\n", - "RP aim to reduce vector space dimensionality. This is a very efficient (both memory- and CPU-friendly) approach to approximating TfIdf distances between documents, by throwing in a little randomness. Recommended target dimensionality is again in the hundreds/thousands, depending on your dataset." - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "model = models.RpModel(corpus_tfidf, num_topics=500)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### [Latent Dirichlet Allocation, LDA](http://en.wikipedia.org/wiki/Latent_Dirichlet_allocation) \n", - "LDA is yet another transformation from bag-of-words counts into a topic space of lower dimensionality. LDA is a probabilistic extension of LSA (also called multinomial PCA), so LDA’s topics can be interpreted as probability distributions over words. These distributions are, just like with LSA, inferred automatically from a training corpus. Documents are in turn interpreted as a (soft) mixture of these topics (again, just like with LSA)." - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "model = models.LdaModel(corpus, id2word=dictionary, num_topics=100)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "gensim uses a fast implementation of online LDA parameter estimation based on [2], modified to run in distributed mode on a cluster of computers." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### [Hierarchical Dirichlet Process, HDP](http://jmlr.csail.mit.edu/proceedings/papers/v15/wang11a/wang11a.pdf) \n", - "HDP is a non-parametric bayesian method (note the missing number of requested topics):" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "model = models.HdpModel(corpus, id2word=dictionary)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "gensim uses a fast, online implementation based on [3]. The HDP model is a new addition to gensim, and still rough around its academic edges – use with care." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Adding new VSM transformations (such as different weighting schemes) is rather trivial; see the API reference or directly the Python code for more info and examples.\n", - "\n", - "It is worth repeating that these are all unique, incremental implementations, which do not require the whole training corpus to be present in main memory all at once. With memory taken care of, I am now improving Distributed Computing, to improve CPU efficiency, too. If you feel you could contribute (by testing, providing use-cases or code), please let me know.\n", - "\n", - "Continue on to the next tutorial on [Similarity Queries](./Similarity_Queries.ipynb)." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "---\n", - "[1]\tBradford. 2008. An empirical study of required dimensionality for large-scale latent semantic indexing applications. \n", - "[2]\tHoffman, Blei, Bach. 2010. Online learning for Latent Dirichlet Allocation. \n", - "[3]\tWang, Paisley, Blei. 2011. Online variational inference for the hierarchical Dirichlet process. \n", - "[4]\tHalko, Martinsson, Tropp. 2009. Finding structure with randomness. \n", - "[5]\tŘehůřek. 2011. Subspace tracking for Latent Semantic Analysis. " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - } - ], - "metadata": { - "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.6.0" - } - }, - "nbformat": 4, - "nbformat_minor": 0 -} diff --git a/docs/notebooks/Training_visualizations.ipynb b/docs/notebooks/Training_visualizations.ipynb index dfd0d8bb81..088b345b54 100644 --- a/docs/notebooks/Training_visualizations.ipynb +++ b/docs/notebooks/Training_visualizations.ipynb @@ -31,15 +31,24 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using TensorFlow backend.\n" + "ename": "FileNotFoundError", + "evalue": "[Errno 2] File b'fake.csv' does not exist: b'fake.csv'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 7\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mnumpy\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mnp\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 9\u001b[0;31m \u001b[0mdf_fake\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mpd\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mread_csv\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'fake.csv'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 10\u001b[0m \u001b[0mdf_fake\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'title'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'text'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'language'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mhead\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 11\u001b[0m \u001b[0mdf_fake\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mdf_fake\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mloc\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpd\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnotnull\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdf_fake\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtext\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m&\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mdf_fake\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlanguage\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m'english'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36mparser_f\u001b[0;34m(filepath_or_buffer, sep, delimiter, header, names, index_col, usecols, squeeze, prefix, mangle_dupe_cols, dtype, engine, converters, true_values, false_values, skipinitialspace, skiprows, skipfooter, nrows, na_values, keep_default_na, na_filter, verbose, skip_blank_lines, parse_dates, infer_datetime_format, keep_date_col, date_parser, dayfirst, iterator, chunksize, compression, thousands, decimal, lineterminator, quotechar, quoting, doublequote, escapechar, comment, encoding, dialect, tupleize_cols, error_bad_lines, warn_bad_lines, delim_whitespace, low_memory, memory_map, float_precision)\u001b[0m\n\u001b[1;32m 700\u001b[0m skip_blank_lines=skip_blank_lines)\n\u001b[1;32m 701\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 702\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_read\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfilepath_or_buffer\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 703\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 704\u001b[0m \u001b[0mparser_f\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m__name__\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mname\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m_read\u001b[0;34m(filepath_or_buffer, kwds)\u001b[0m\n\u001b[1;32m 427\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 428\u001b[0m \u001b[0;31m# Create the parser.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 429\u001b[0;31m \u001b[0mparser\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mTextFileReader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfilepath_or_buffer\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 430\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 431\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mchunksize\u001b[0m \u001b[0;32mor\u001b[0m \u001b[0miterator\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, f, engine, **kwds)\u001b[0m\n\u001b[1;32m 893\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moptions\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'has_index_names'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mkwds\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'has_index_names'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 894\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 895\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_make_engine\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mengine\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 896\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 897\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mclose\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m_make_engine\u001b[0;34m(self, engine)\u001b[0m\n\u001b[1;32m 1120\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_make_engine\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mengine\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'c'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1121\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mengine\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m'c'\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1122\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_engine\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mCParserWrapper\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mf\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moptions\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1123\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1124\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mengine\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m'python'\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, src, **kwds)\u001b[0m\n\u001b[1;32m 1851\u001b[0m \u001b[0mkwds\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'usecols'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0musecols\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1852\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1853\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_reader\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mparsers\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mTextReader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msrc\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1854\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munnamed_cols\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_reader\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munnamed_cols\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1855\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32mpandas/_libs/parsers.pyx\u001b[0m in \u001b[0;36mpandas._libs.parsers.TextReader.__cinit__\u001b[0;34m()\u001b[0m\n", + "\u001b[0;32mpandas/_libs/parsers.pyx\u001b[0m in \u001b[0;36mpandas._libs.parsers.TextReader._setup_parser_source\u001b[0;34m()\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] File b'fake.csv' does not exist: b'fake.csv'" ] } ], @@ -82,9 +91,8 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": { - "collapsed": true, "scrolled": false }, "outputs": [], @@ -116,19 +124,9 @@ }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "-0.259766196856\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "# to get a metric value on a trained model\n", "print(CoherenceMetric(corpus=training_corpus, coherence=\"u_mass\").get_value(model=model))" @@ -187,102 +185,11 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": { - "collapsed": false, "scrolled": false }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "INFO:gensim.models.ldamodel:using symmetric alpha at 0.02857142857142857\n", - "INFO:gensim.models.ldamodel:using symmetric eta at 1.0996744963490807e-05\n", - "INFO:gensim.models.ldamodel:using serial LDA version on this node\n", - "INFO:gensim.models.ldamodel:running online (multi-pass) LDA training, 35 topics, 2 passes over the supplied corpus of 5000 documents, updating model once every 2000 documents, evaluating perplexity every 0 documents, iterating 50x with a convergence threshold of 0.001000\n", - "WARNING:gensim.models.ldamodel:too few updates, training might not converge; consider increasing the number of passes or iterations to improve accuracy\n", - "INFO:gensim.models.ldamodel:PROGRESS: pass 0, at document #2000/5000\n", - "INFO:gensim.models.ldamodel:merging changes from 2000 documents into a model of 5000 documents\n", - "INFO:gensim.models.ldamodel:topic #5 (0.029): 0.019*\"s\" + 0.007*\"clinton\" + 0.006*\"hillary\" + 0.005*\"t\" + 0.005*\"it\" + 0.005*\"people\" + 0.004*\"trump\" + 0.003*\"2016\" + 0.003*\"state\" + 0.003*\"new\"\n", - "INFO:gensim.models.ldamodel:topic #24 (0.029): 0.024*\"s\" + 0.006*\"it\" + 0.005*\"trump\" + 0.005*\"t\" + 0.004*\"u\" + 0.004*\"clinton\" + 0.003*\"people\" + 0.003*\"world\" + 0.003*\"obama\" + 0.003*\"new\"\n", - "INFO:gensim.models.ldamodel:topic #4 (0.029): 0.012*\"s\" + 0.005*\"people\" + 0.004*\"time\" + 0.003*\"trump\" + 0.003*\"t\" + 0.003*\"email\" + 0.003*\"new\" + 0.003*\"it\" + 0.003*\"war\" + 0.002*\"state\"\n", - "INFO:gensim.models.ldamodel:topic #34 (0.029): 0.011*\"s\" + 0.007*\"trump\" + 0.005*\"people\" + 0.004*\"t\" + 0.004*\"clinton\" + 0.003*\"new\" + 0.003*\"government\" + 0.003*\"said\" + 0.003*\"it\" + 0.003*\"time\"\n", - "INFO:gensim.models.ldamodel:topic #25 (0.029): 0.020*\"s\" + 0.004*\"u\" + 0.004*\"trump\" + 0.004*\"people\" + 0.004*\"government\" + 0.004*\"it\" + 0.003*\"american\" + 0.003*\"t\" + 0.003*\"state\" + 0.003*\"saudi\"\n", - "INFO:gensim.models.ldamodel:topic diff=24.655166, rho=1.000000\n", - "INFO:gensim.models.ldamodel:PROGRESS: pass 0, at document #4000/5000\n", - "INFO:gensim.models.ldamodel:merging changes from 2000 documents into a model of 5000 documents\n", - "INFO:gensim.models.ldamodel:topic #25 (0.029): 0.016*\"s\" + 0.004*\"people\" + 0.003*\"u\" + 0.003*\"saudi\" + 0.003*\"government\" + 0.003*\"daily\" + 0.003*\"trump\" + 0.003*\"stormer\" + 0.003*\"it\" + 0.003*\"2016\"\n", - "INFO:gensim.models.ldamodel:topic #32 (0.029): 0.010*\"s\" + 0.005*\"world\" + 0.005*\"it\" + 0.004*\"horowitz\" + 0.004*\"ice\" + 0.003*\"people\" + 0.003*\"t\" + 0.003*\"like\" + 0.002*\"white\" + 0.002*\"fukushima\"\n", - "INFO:gensim.models.ldamodel:topic #6 (0.029): 0.018*\"s\" + 0.009*\"clinton\" + 0.009*\"trump\" + 0.009*\"t\" + 0.007*\"people\" + 0.007*\"hillary\" + 0.006*\"election\" + 0.005*\"like\" + 0.004*\"new\" + 0.004*\"it\"\n", - "INFO:gensim.models.ldamodel:topic #1 (0.029): 0.009*\"s\" + 0.005*\"comment\" + 0.004*\"facebook\" + 0.004*\"article\" + 0.004*\"account\" + 0.004*\"people\" + 0.003*\"war\" + 0.003*\"goat\" + 0.003*\"t\" + 0.003*\"disqus\"\n", - "INFO:gensim.models.ldamodel:topic #33 (0.029): 0.009*\"s\" + 0.008*\"people\" + 0.005*\"said\" + 0.004*\"t\" + 0.004*\"it\" + 0.004*\"trump\" + 0.003*\"government\" + 0.003*\"clinton\" + 0.003*\"fbi\" + 0.003*\"police\"\n", - "INFO:gensim.models.ldamodel:topic diff=3.855081, rho=0.707107\n", - "INFO:gensim.models.ldamodel:PROGRESS: pass 0, at document #5000/5000\n", - "INFO:gensim.models.ldamodel:merging changes from 1000 documents into a model of 5000 documents\n", - "INFO:gensim.models.ldamodel:topic #7 (0.029): 0.013*\"s\" + 0.007*\"it\" + 0.006*\"nuclear\" + 0.006*\"t\" + 0.006*\"activation\" + 0.005*\"placement\" + 0.004*\"clinton\" + 0.003*\"people\" + 0.003*\"hillary\" + 0.003*\"time\"\n", - "INFO:gensim.models.ldamodel:topic #23 (0.029): 0.008*\"s\" + 0.004*\"people\" + 0.004*\"water\" + 0.003*\"halloween\" + 0.003*\"t\" + 0.003*\"it\" + 0.003*\"silver\" + 0.003*\"jesus\" + 0.003*\"world\" + 0.003*\"flickr\"\n", - "INFO:gensim.models.ldamodel:topic #31 (0.029): 0.014*\"s\" + 0.006*\"t\" + 0.004*\"it\" + 0.004*\"people\" + 0.004*\"new\" + 0.003*\"girl\" + 0.003*\"child\" + 0.003*\"ellison\" + 0.003*\"know\" + 0.003*\"trump\"\n", - "INFO:gensim.models.ldamodel:topic #13 (0.029): 0.014*\"s\" + 0.010*\"t\" + 0.005*\"government\" + 0.004*\"school\" + 0.004*\"i\" + 0.004*\"president\" + 0.003*\"people\" + 0.003*\"trump\" + 0.003*\"like\" + 0.003*\"time\"\n", - "INFO:gensim.models.ldamodel:topic #25 (0.029): 0.111*\"utm\" + 0.015*\"force\" + 0.012*\"s\" + 0.007*\"tzrwu\" + 0.007*\"ims\" + 0.007*\"infowarsstore\" + 0.006*\"dr\" + 0.006*\"25\" + 0.006*\"and\" + 0.005*\"vitamin\"\n", - "INFO:gensim.models.ldamodel:topic diff=2.676513, rho=0.577350\n", - "INFO:gensim.models.ldamodel:Epoch 0: Perplexity (hold_out) estimate: 2891.88630978\n", - "INFO:gensim.models.ldamodel:Epoch 0: Perplexity (test) estimate: 1874.8109115\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 1000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 2000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 3000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 4000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 5000 documents\n", - "INFO:gensim.models.ldamodel:Epoch 0: Coherence (u_mass) estimate: -2.03953260715\n", - "INFO:gensim.models.ldamodel:Epoch 0: Diff (kullback_leibler) estimate: [ 0.93640518 0.95952878 0.64519803 0.78364027 0.50865099 0.90607399\n", - " 0.87627853 0.77941292 0.52529268 0.5848095 0.78475031 0.86041719\n", - " 0.98346917 0.79422948 0.82464972 0.53735652 0.79245303 0.64592471\n", - " 0.89265179 0.78584557 0.66037967 0.613174 0.8009025 0.68748952\n", - " 0.77344932 0.96950451 0.80075146 0.83959967 0.83689681 0.70191726\n", - " 1. 0.69856365 0.60616776 0.81112339 0.54781754]\n", - "INFO:gensim.models.ldamodel:Epoch 0: Convergence (jaccard) estimate: 34.9295467235\n", - "INFO:gensim.models.ldamodel:PROGRESS: pass 1, at document #2000/5000\n", - "INFO:gensim.models.ldamodel:merging changes from 2000 documents into a model of 5000 documents\n", - "INFO:gensim.models.ldamodel:topic #13 (0.029): 0.013*\"s\" + 0.009*\"t\" + 0.006*\"black\" + 0.005*\"school\" + 0.004*\"government\" + 0.004*\"i\" + 0.003*\"people\" + 0.003*\"president\" + 0.003*\"police\" + 0.003*\"like\"\n", - "INFO:gensim.models.ldamodel:topic #12 (0.029): 0.030*\"infowars\" + 0.023*\"brain\" + 0.013*\"force\" + 0.010*\"s\" + 0.009*\"com\" + 0.007*\"life\" + 0.006*\"www\" + 0.005*\"http\" + 0.005*\"content\" + 0.005*\"source\"\n", - "INFO:gensim.models.ldamodel:topic #17 (0.029): 0.012*\"obamacare\" + 0.010*\"people\" + 0.009*\"s\" + 0.007*\"care\" + 0.006*\"health\" + 0.006*\"insurance\" + 0.005*\"t\" + 0.005*\"premiums\" + 0.005*\"brock\" + 0.004*\"it\"\n", - "INFO:gensim.models.ldamodel:topic #10 (0.029): 0.025*\"s\" + 0.009*\"israel\" + 0.005*\"said\" + 0.005*\"jewish\" + 0.004*\"american\" + 0.004*\"muslim\" + 0.004*\"t\" + 0.003*\"it\" + 0.003*\"anti\" + 0.003*\"israeli\"\n", - "INFO:gensim.models.ldamodel:topic #33 (0.029): 0.009*\"s\" + 0.008*\"vaccine\" + 0.007*\"people\" + 0.006*\"flu\" + 0.005*\"vaccines\" + 0.005*\"virus\" + 0.005*\"marijuana\" + 0.005*\"court\" + 0.005*\"medical\" + 0.004*\"zika\"\n", - "INFO:gensim.models.ldamodel:topic diff=1.496938, rho=0.471405\n", - "INFO:gensim.models.ldamodel:PROGRESS: pass 1, at document #4000/5000\n", - "INFO:gensim.models.ldamodel:merging changes from 2000 documents into a model of 5000 documents\n", - "INFO:gensim.models.ldamodel:topic #17 (0.029): 0.017*\"obamacare\" + 0.009*\"people\" + 0.008*\"s\" + 0.008*\"insurance\" + 0.007*\"care\" + 0.007*\"premiums\" + 0.006*\"health\" + 0.005*\"t\" + 0.005*\"godlike\" + 0.004*\"brock\"\n", - "INFO:gensim.models.ldamodel:topic #28 (0.029): 0.018*\"retired\" + 0.016*\"syria\" + 0.016*\"s\" + 0.013*\"general\" + 0.011*\"syrian\" + 0.010*\"russian\" + 0.010*\"air\" + 0.009*\"russia\" + 0.009*\"force\" + 0.009*\"army\"\n", - "INFO:gensim.models.ldamodel:topic #24 (0.029): 0.021*\"s\" + 0.008*\"t\" + 0.006*\"it\" + 0.004*\"people\" + 0.004*\"world\" + 0.004*\"u\" + 0.003*\"that\" + 0.003*\"don\" + 0.003*\"like\" + 0.003*\"i\"\n", - "INFO:gensim.models.ldamodel:topic #4 (0.029): 0.019*\"email\" + 0.015*\"posts\" + 0.011*\"new\" + 0.010*\"subscribe\" + 0.009*\"notify\" + 0.009*\"follow\" + 0.007*\"donate\" + 0.006*\"radioactive\" + 0.005*\"up\" + 0.005*\"receive\"\n", - "INFO:gensim.models.ldamodel:topic #19 (0.029): 0.013*\"s\" + 0.007*\"said\" + 0.006*\"water\" + 0.005*\"pipeline\" + 0.005*\"police\" + 0.004*\"dakota\" + 0.004*\"year\" + 0.004*\"t\" + 0.003*\"2016\" + 0.003*\"north\"\n", - "INFO:gensim.models.ldamodel:topic diff=1.335664, rho=0.471405\n", - "INFO:gensim.models.ldamodel:PROGRESS: pass 1, at document #5000/5000\n", - "INFO:gensim.models.ldamodel:merging changes from 1000 documents into a model of 5000 documents\n", - "INFO:gensim.models.ldamodel:topic #31 (0.029): 0.011*\"s\" + 0.008*\"child\" + 0.008*\"girl\" + 0.007*\"parents\" + 0.006*\"family\" + 0.005*\"old\" + 0.005*\"t\" + 0.005*\"baby\" + 0.005*\"ellison\" + 0.005*\"hospital\"\n", - "INFO:gensim.models.ldamodel:topic #16 (0.029): 0.036*\"trump\" + 0.013*\"white\" + 0.011*\"obama\" + 0.009*\"people\" + 0.008*\"s\" + 0.008*\"president\" + 0.007*\"vote\" + 0.006*\"america\" + 0.006*\"black\" + 0.006*\"right\"\n", - "INFO:gensim.models.ldamodel:topic #12 (0.029): 0.050*\"infowars\" + 0.042*\"brain\" + 0.026*\"force\" + 0.023*\"com\" + 0.015*\"life\" + 0.013*\"wellness\" + 0.011*\"content\" + 0.011*\"www\" + 0.010*\"source\" + 0.010*\"medium\"\n", - "INFO:gensim.models.ldamodel:topic #18 (0.029): 0.015*\"vaccine\" + 0.013*\"s\" + 0.011*\"medical\" + 0.010*\"doctors\" + 0.009*\"dr\" + 0.008*\"vaccines\" + 0.008*\"cdc\" + 0.007*\"children\" + 0.006*\"cancer\" + 0.006*\"autism\"\n", - "INFO:gensim.models.ldamodel:topic #13 (0.029): 0.013*\"s\" + 0.010*\"t\" + 0.007*\"government\" + 0.007*\"school\" + 0.004*\"police\" + 0.004*\"black\" + 0.003*\"law\" + 0.003*\"data\" + 0.003*\"at\" + 0.003*\"youtube\"\n", - "INFO:gensim.models.ldamodel:topic diff=1.217662, rho=0.471405\n", - "INFO:gensim.models.ldamodel:Epoch 1: Perplexity (hold_out) estimate: 1875.59367127\n", - "INFO:gensim.models.ldamodel:Epoch 1: Perplexity (test) estimate: 1369.87404449\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 1000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 2000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 3000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 4000 documents\n", - "INFO:gensim.topic_coherence.text_analysis:CorpusAccumulator accumulated stats from 5000 documents\n", - "INFO:gensim.models.ldamodel:Epoch 1: Coherence (u_mass) estimate: -3.33917142783\n", - "INFO:gensim.models.ldamodel:Epoch 1: Diff (kullback_leibler) estimate: [ 0.09301981 0.71566666 0.67676685 0.35730119 1. 0.54864275\n", - " 0.24120049 0.45830206 0.96709113 0.78362169 0.33318101 0.38479912\n", - " 0.62038738 0.43474664 0.31502652 0.87644947 0.5223633 0.76557247\n", - " 0.41316022 0.40029654 0.84127697 0.76384605 0.13714947 0.64728141\n", - " 0.3992811 0.70301974 0.17202488 0.33375843 0.55556689 0.68845743\n", - " 0.23326017 0.6709471 0.75061125 0.48405455 0.81424992]\n", - "INFO:gensim.models.ldamodel:Epoch 1: Convergence (jaccard) estimate: 22.293262955\n" - ] - } - ], + "outputs": [], "source": [ "import logging\n", "from gensim.models.callbacks import CoherenceMetric, DiffMetric, PerplexityMetric, ConvergenceMetric\n", @@ -315,40 +222,9 @@ }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "defaultdict(list,\n", - " {'Coherence (u_mass)': [-2.0395326071549267, -3.339171427828973],\n", - " 'Convergence (jaccard)': [34.929546723516573, 22.293262954969034],\n", - " 'Diff (kullback_leibler)': [array([ 0.93640518, 0.95952878, 0.64519803, 0.78364027, 0.50865099,\n", - " 0.90607399, 0.87627853, 0.77941292, 0.52529268, 0.5848095 ,\n", - " 0.78475031, 0.86041719, 0.98346917, 0.79422948, 0.82464972,\n", - " 0.53735652, 0.79245303, 0.64592471, 0.89265179, 0.78584557,\n", - " 0.66037967, 0.613174 , 0.8009025 , 0.68748952, 0.77344932,\n", - " 0.96950451, 0.80075146, 0.83959967, 0.83689681, 0.70191726,\n", - " 1. , 0.69856365, 0.60616776, 0.81112339, 0.54781754]),\n", - " array([ 0.09301981, 0.71566666, 0.67676685, 0.35730119, 1. ,\n", - " 0.54864275, 0.24120049, 0.45830206, 0.96709113, 0.78362169,\n", - " 0.33318101, 0.38479912, 0.62038738, 0.43474664, 0.31502652,\n", - " 0.87644947, 0.5223633 , 0.76557247, 0.41316022, 0.40029654,\n", - " 0.84127697, 0.76384605, 0.13714947, 0.64728141, 0.3992811 ,\n", - " 0.70301974, 0.17202488, 0.33375843, 0.55556689, 0.68845743,\n", - " 0.23326017, 0.6709471 , 0.75061125, 0.48405455, 0.81424992])],\n", - " 'Perplexity (hold_out)': [2891.8863097795142, 1875.5936712709661],\n", - " 'Perplexity (test)': [1874.8109114962135, 1369.8740444934508]})" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "model.metrics" ] @@ -356,21 +232,21 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/Varembed.ipynb b/docs/notebooks/Varembed.ipynb index cb6f26126b..300f73aeda 100644 --- a/docs/notebooks/Varembed.ipynb +++ b/docs/notebooks/Varembed.ipynb @@ -32,11 +32,33 @@ }, { "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [], + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "/home/misha/git/gensim/docs/notebooks\n" + ] + }, + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: '../../gensim/test/test_data/varembed_leecorpus_vectors.pkl'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0mvector_file\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m'../../gensim/test/test_data/varembed_leecorpus_vectors.pkl'\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 6\u001b[0;31m \u001b[0mmodel\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvarembed\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mVarEmbed\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload_varembed_format\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mvectors\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mvector_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m~/git/gensim/gensim/models/wrappers/varembed.py\u001b[0m in \u001b[0;36mload_varembed_format\u001b[0;34m(cls, vectors, morfessor_model)\u001b[0m\n\u001b[1;32m 58\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mvectors\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 59\u001b[0m \u001b[0;32mraise\u001b[0m \u001b[0mException\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"Please provide vectors binary to load varembed model\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 60\u001b[0;31m \u001b[0md\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mutils\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munpickle\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mvectors\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 61\u001b[0m \u001b[0mword_to_ix\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0md\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'word_to_ix'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 62\u001b[0m \u001b[0mmorpho_to_ix\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0md\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'morpho_to_ix'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/utils.py\u001b[0m in \u001b[0;36munpickle\u001b[0;34m(fname)\u001b[0m\n\u001b[1;32m 1379\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1380\u001b[0m \"\"\"\n\u001b[0;32m-> 1381\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0msmart_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1382\u001b[0m \u001b[0;31m# Because of loading from S3 load can't be used (missing readline in smart_open)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1383\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msys\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mversion_info\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36msmart_open\u001b[0;34m(uri, mode, **kw)\u001b[0m\n\u001b[1;32m 437\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mkey\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvalue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 438\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 439\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0muri\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mignore_ext\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mignore_extension\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtransport_params\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mscrubbed_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 440\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 441\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36mopen\u001b[0;34m(uri, mode, buffering, encoding, errors, newline, closefd, opener, ignore_ext, transport_params)\u001b[0m\n\u001b[1;32m 305\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 306\u001b[0m \u001b[0mencoding\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mencoding\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 307\u001b[0;31m \u001b[0merrors\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0merrors\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 308\u001b[0m )\n\u001b[1;32m 309\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mfobj\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36m_shortcut_open\u001b[0;34m(uri, mode, ignore_ext, buffering, encoding, errors)\u001b[0m\n\u001b[1;32m 496\u001b[0m \u001b[0;31m#\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 497\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msix\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mPY3\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 498\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mopen_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 499\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mopen_kwargs\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 500\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: '../../gensim/test/test_data/varembed_leecorpus_vectors.pkl'" + ] + } + ], "source": [ "from gensim.models.wrappers import varembed\n", "\n", @@ -53,10 +75,8 @@ }, { "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "morfessor_file = '../../gensim/test/test_data/varembed_leecorpus_morfessor.bin'\n", @@ -72,53 +92,18 @@ }, { "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(u'launch', 0.2694973647594452),\n", - " (u'again', 0.2564533054828644),\n", - " (u'gun', 0.2521245777606964),\n", - " (u'response', 0.24817466735839844),\n", - " (u'swimming', 0.23348823189735413),\n", - " (u'bombings', 0.23146548867225647),\n", - " (u'transformed', 0.2289058119058609),\n", - " (u'used', 0.2224646955728531),\n", - " (u'weeks,', 0.21905183792114258),\n", - " (u'scheduled', 0.2170265018939972)]" - ] - }, - "execution_count": 12, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "model.most_similar('government')" ] }, { "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.022313305789051038" - ] - }, - "execution_count": 4, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "model.similarity('peace', 'grim')" ] @@ -141,21 +126,21 @@ "metadata": { "anaconda-cloud": {}, "kernelspec": { - "display_name": "Python [default]", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/WMD_tutorial.ipynb b/docs/notebooks/WMD_tutorial.ipynb index 8f627c37ce..ff1f608dc5 100644 --- a/docs/notebooks/WMD_tutorial.ipynb +++ b/docs/notebooks/WMD_tutorial.ipynb @@ -80,10 +80,10 @@ "metadata": {}, "outputs": [ { - "name": "stdout", + "name": "stderr", "output_type": "stream", "text": [ - "[nltk_data] Downloading package stopwords to /home/lev/nltk_data...\n", + "[nltk_data] Downloading package stopwords to /home/misha/nltk_data...\n", "[nltk_data] Package stopwords is already up-to-date!\n" ] } @@ -109,14 +109,56 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[==================================================] 100.0% 1662.8/1662.8MB downloaded\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 00:50:23,614 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import gensim.downloader as api\n", + "api.load('word2vec-google-news-300')" + ] + }, + { + "cell_type": "code", + "execution_count": 10, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 09:33:25,029 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "Cell took 259.69 seconds to run.\n" + "Cell took 154.82 seconds to run.\n" ] } ], @@ -124,11 +166,12 @@ "start = time()\n", "import os\n", "\n", - "from gensim.models import KeyedVectors\n", - "if not os.path.exists('/data/w2v_googlenews/GoogleNews-vectors-negative300.bin.gz'):\n", - " raise ValueError(\"SKIP: You need to download the google news model\")\n", - " \n", - "model = KeyedVectors.load_word2vec_format('/data/w2v_googlenews/GoogleNews-vectors-negative300.bin.gz', binary=True)\n", + "# from gensim.models import KeyedVectors\n", + "# if not os.path.exists('/data/w2v_googlenews/GoogleNews-vectors-negative300.bin.gz'):\n", + "# raise ValueError(\"SKIP: You need to download the google news model\")\n", + "# \n", + "# model = KeyedVectors.load_word2vec_format('/data/w2v_googlenews/GoogleNews-vectors-negative300.bin.gz', binary=True)\n", + "model = api.load('word2vec-google-news-300')\n", "\n", "print('Cell took %.2f seconds to run.' % (time() - start))" ] @@ -142,7 +185,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 12, "metadata": {}, "outputs": [ { @@ -155,7 +198,7 @@ ], "source": [ "distance = model.wmdistance(sentence_obama, sentence_president)\n", - "print 'distance = %.4f' % distance" + "print('distance = %.4f' % distance)" ] }, { @@ -167,7 +210,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 13, "metadata": {}, "outputs": [ { @@ -184,7 +227,7 @@ "sentence_orange = [w for w in sentence_orange if w not in stop_words]\n", "\n", "distance = model.wmdistance(sentence_obama, sentence_orange)\n", - "print 'distance = %.4f' % distance" + "print('distance = %.4f' % distance)" ] }, { @@ -204,14 +247,15 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Cell took 32.01 seconds to run.\n" + "distance: %r 1.0174646259300113\n", + "Cell took 3.15 seconds to run.\n" ] } ], @@ -222,8 +266,8 @@ "model.init_sims(replace=True) # Normalizes the vectors in the word2vec class.\n", "\n", "distance = model.wmdistance(sentence_obama, sentence_president) # Compute WMD as normal.\n", - "\n", - "print 'Cell took %.2f seconds to run.' %(time() - start)" + "print('distance: %r', distance)\n", + "print('Cell took %.2f seconds to run.' %(time() - start))" ] }, { @@ -259,18 +303,9 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[nltk_data] Downloading package punkt to /home/lev/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n" - ] - } - ], + "outputs": [], "source": [ "# Pre-processing a document.\n", "\n", @@ -287,17 +322,9 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Cell took 114.53 seconds to run.\n" - ] - } - ], + "outputs": [], "source": [ "start = time()\n", "\n", @@ -343,25 +370,9 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/lev/Dropbox/raretech/os/wmd/wmd_env/lib/python2.7/site-packages/matplotlib/__init__.py:872: UserWarning: axes.color_cycle is deprecated and replaced with axes.prop_cycle; please use the latter.\n", - " warnings.warn(self.msg_depr % (key, alt_key))\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAgEAAAGVCAYAAABn+SKpAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3Xm8VVX9//HXW9Bw6CqSgICKOIUUzl+cvZRTVuaUqYWY\nXzVTi8zKob4omD+H1BwbNC3TcsgxLQccbigqJs7zgBMyJokgoAif3x9r3+vmcO7lXtiXey/7/Xw8\nzgPO2uusvdbeB877rD0cRQRmZmZWPiu0dQfMzMysbTgEmJmZlZRDgJmZWUk5BJiZmZWUQ4CZmVlJ\nOQSYmZmVlEOAFU7Sm5KubOt+LO8kdZN0vaRpkuZL+uEStLFA0vDW6F/ZSPqTpDfauh+LI2m9bL//\nrK37Ym3PIcCaJGlo9h/G/zSy/A5J4yuKFwAtugGFpO0knSqpZkn7WkJnA1/N/hwC3NW23Vm+SDpY\n0rAWvCRo4fu+NS1B/62EOrd1B6xDaOo/tmrLNiEFgZbYHhgO/BH4oIWvLatdgLsj4ty27shy6hBg\nAHBhW3dkCXX0/tsy4BBghYuIeUvwMhXekZasXFoRWBAR89uyHy3UHZjR1p0ws47LhwOscNXOCZB0\njKRnJM2S9L6kJyUdmS07FTgnq/pmdvhhvqSdc68/WtKzkuZImiTpd5K6Vln3sZJelzRb0qOSdpJU\nJ+n+XJ1dsnUcIuk0SW8Bs4HeklaUNELSY5KmZ+2MlfSNKutaIOk3kvaX9FxunZtly4+U9ErW5zpJ\n6zdz+62XHev/T9bmY/n11x+iAVYDDqvfXotpcyVJv5Y0VdIHkm6V1LuRugMl/VPSjGx/PSBpxyr1\naiT9KtvecyVNkPQXSWtny+v7tm7F6+q3f37/1kl6QdIXsr9/mLV7YLZ8R0mPZNvjJUm7V+lPT0l/\nyN4fc7P2jm5k3QdJOkXSO9n+uVfSBrl6D5AOtfTN6i92Gzcme589lvV9uqQbJPWtqFM//v6S7s/G\nP0HST6u0t66kv2f7Zkq2X3fPb9Pm9l/SEZJey7bXY5K2rljePdumb2d1Jmfvjf5Lsi2s/fFMgDXX\n6pK6VZQJWLFK3YUOEUj6X+AS4Abg4uw1A0iHAC4HbgY2Bg4ChgHvZS99MXv9L4CRwL3A74ANgOOA\n/5E0qH7mQdL3s/ZHA+cD6wG3AtOBd6r08xRgPnBBNpZZQA1wJHAdcCXQhTSterOkvSLi7oo2diD9\nZ3tpNu5TgNslnQH8APgNsAZwEulQR22VfuS31VrAI8CqpGnc/wDfydZ/SERcD/wrK7sCGAtc1lSb\nmSuycfwla78W+AeL7qvPAw8BM0nnGnyUbY97Je0aEQ9l9VYhbedNs3GNA7oBewEbApNo+hh5ZXmQ\nttMdpPfJDcDRwDWSRNpHvwH+CvwUuEHSOhExM7fdxpL246XAVODLwG8krRkR/69ifT8DPgF+BawO\nnAhcA2yXLf9lVt4b+BFLOFMl6STgjGw8VwJdSe/dhyRtFhH17/X68f8TuAW4HjgAOEvSM/Xvu2y7\nPwD0zLbJJODbwGAW3qbN6f9BpPfZ77LXngjcJKlfbkbsJtK/1YuBN4G1SIehNib792kdXET44Uej\nD2Ao6fh+U4/xFa95A7gy9/xm4JnFrOcE0gfyuhXlnwPmAncDqtKvY7LnKwLTgH8DnXL1hmT17s+V\n7ZKVvQl0qVifgBUryjoDzwL3VJQvyPrWN1d2ZFY+GVgtV35GNr5+i9kO52f1dsqVdQGeB96tGNvM\n/HZuos2BWZ8urii/KlvX8Ip9NTffT9KH+zTgsVzZadlr91vMe6faPt0lK985V/ZAVnZIrmzjrN+f\nANvmynfLyg/PlV0GTATWrFjXZWThrmLfP1+xLX+QrX/TXNntle/txWznP+brA+sAHwM/r6i3PjAH\n+GWV8X87V7ZiNqYbcmU/zurtkytbCXihyjat2n9SOF5ACko1ufKvZ23slT1fPav34+ZuAz863sOH\nA6w5gvTtZdcqj7HNeP0MoE/lVGMz7Ur6z/DCyP5nylwNTCF9CwfYhvRhdXksfFz/r8B/G2n7qoiY\nmy+IpH5mYUWlQw5rkL71blWljfsj4s3c8/rtcVNEzKpS3q+RvtTbC3giIh7M9Wku6VtwT2DLxby+\nsTaD9A057yJy3xAlrQDsDvw9Ihqu+Ij0bfVPwFbZN26A/YHnI+LmJehPY+ZExF9z630FeB94JSIe\nzdWrti33J81sSOnSyW7ZzNUoYBVgUMW6rqp4nzxI2haL2z8tsT/QiTRrke/TTFKoHFxRf05E/KX+\nSfY+fKyiT3sAkyPi1ly9j0kzai11Y0TkT8Kt3AZzSCGmVlUOvdnywYcDrLkej4jHKgsl/QfosZjX\nng18CXhM6XLCUcD1EVHXjPWul/35Sr4wIhZIehXomxWtS/qge72i3nxJbzbSduWljUA6TkqaQu3P\nwtOo1a54qDzMUH+i3oQq5SJNBzdlPdIUbKUXs9f3Jc12tMR6pG3zWkX5KxXP1yJ9YFaW16+fbP3T\nSIdkbq1Sb2m8W6VsBhXbOCI+SEcI0rbMgklX4HDgf6u0EaSTKPMq91t9UCzyw24j0j57uZE+Vb7/\nqo3/v8AXc8/Xq/I6WHTfNkfldn0/v10j4mNJJ5IOmUyRNJZ0uOLqiKh8f1sH5RBgrS4iXpK0Cekb\n6R6kb+/fk3RpRPygDbs2p7JA0rdJU8i3AWeRpkw/IX3AHFyljcZOFmusvE2vgljGGjsfoFMj5Uu6\nLetnNK8lHXev5vkWtlmEFUjbYM9G1lf5/lvW75nFri8iLpR0K/AN0mGYXwCnSPpqRIxupX7ZMuQQ\nYMtENqV9M+kEtxVIx6OPkfT/IqL+JLJq3iL9p7QJuW872cliGwFPVNTbELgvV68T6dvr083s6gHA\n6xGxb74wO7lxWXiLNNZK/Unb6M0lbLN+27yUK69czzTSVRKNrZ/c+l8HvrCY9dZ/u14DeDtX3ncx\nr2upaaQp9s4Rcf/iKrfA0t74p35W6p2IeKnJms33FtW3+0ZVygq5cVFEvEU6dHSRpF6kf0s/Jx0i\nsw7O5wRYq5O0Zv55RCwAnsuerpH9+WH2Z+V07CjScckfZh/89b5DOgxxe/b8cdJVBUdmH/z5ei2Z\n4q12GVU/YJ8WtLE07gC2lLRDbv2fAb5POtlw3BK0eScpBBxXUf4Dch8U2X65C/i6cpczZvvvUODf\nETEtK74RGCBp/ybW+3q23vylgCsARy3BGBqV9ftGYB9JAyuXS/rcEjb9IZ++P5fETaRDSFVvy1zl\napvmuBvoKakhpErqQjohtdJS9V/SylnbDSJiIml2bI1cvZ6SNqn4d2cdhGcCrDmWdjryHklTSZee\nTSZ9azkOeDoi6o81P56t5yxJfyV98N8XEf+RdDrpEsF7sqnJDYBjgSdJl74REfMknUb6xvKApBtI\nx0+/S5pBaO63or8D+0m6Pft7H9IH8EvA5ku+CZrtbNJhh39Kuoj0LXcI8HnSmfMtvRMjEfG0pGuB\n70taAxhDOimt/ph13i9I075jJF1KukTwCNKZ4ifk6v2KdOLbtZL+RAonXUlT3/8XEQ9GxAuSHiXt\n026kSzUPonW+fJxEOvP/EUmXk6b/uwJbkKayV1mCNh8HDpR0AelkxAWRLtFsloh4I7tE8JzsvgC3\nkk50XD/r03Wk93VL/J70b+ea7P0xkXSJYP2hhfz7fKn6T7o6435JfyNtz49Ih/I+z8LvhbNIIbEv\nC8/4WEfQnEsIgJ1Ix0gnkJLtoU3U/T1VLishXcZyMek/tVlZe70r6qxBOuv7/ezxZ2D1tr6EoswP\nPr3M638aWX47afo8XzYeuCL3/AjgftLZ/HNI3xB/DXyu4nU/I003z2PRy52OIp1RPYd0bfRvga5V\n+nNstv7ZpP/4diCdSPePXJ36S9QObGRMJ5CCw2zgGdL19acC8yvqzQcurShbLyv/aUV5k+us0sZ1\npHsEzCadIb53lXof5LfzYtpcKdvmU7PX3QL0yvr0fxV1v0iakZhBmma/H9ihSpurZ22+Rbqs8O3s\n32zPXJ2+pG+vs0kfWCNJJ4lWu0Tw+SrrGJ/fd4vZ9t1I186/kfVnIunQ0NGL2w+5/XZormxl0mV/\n00jnhcyv7EdFG3+k4t9CVv71bHz12/NF0n0z+jdj/Iu0mfX176T/R6cA5wH7Zf3fZnH9b+w9mtuu\n/5f9fU3SvSqey/r+fvZeHFqlj59QcSmoHx3joWwnNknSV0j/mT6R/SM/JiL+XKXeAaSbpawF/Doi\nzs8t+232j+FQ0jeCX5M+9LeMrBOS7iR98/pf0jeUK7J/AIvcrc2sObJDCNNIl+x9r637Y9YaJP2I\nFAb6RDrHxqxZmnU4ICLuJB1XRNJV1epIWo/0wb4rFb9mpvTLcIeTEuT9WdkQ0jeIXYFR2W0o9wC2\nj+xSNEnfAx6UtFFEvNry4VmZSPpMRHxUUTyU9I3mgTboklnhJHWJ3P0tsuP23wNedQCwlirknIDs\nhJC/AqdHxMsLn78FpJusdCad5AVAREyQ9CLp1rGjgG2BmZG7KUhEjJH0YVbHIcAWZ1tJvwb+RjpJ\ncCtS+HyGdOKY2fLgZklvA0+RZlO/Qzp+f0ib9so6pKJODBwJTI2Ixu5h3pN0POq9ivIp2bL6OtNY\n1NRcHbOmvEk6Lv0D0rf/6aQ73Z0cEZ+0XbfMCnUX6TybQ0j3XHgB+FZEOOhaiy11CJBUS5py3Wyp\ne2O2FCJdz7ysLuUzaxMRcRHpKhizpVbETMAupG/qk3OHATqRLov5UUSsS7osrJOkbhWzAT349IYT\nk0knFFbqni1bhKRCboZhZmbWUUREYXeRLOJ63UtJv1K2We4xkfRraF/O6owjXUKyW/2LJPUh3YVs\nTFb0CLCapG1zdbYnXd/7cGMrb+vLK5b2ceqppzar3oRefZjQq0+b93dpx9HeH8vDOJaHMSwv41ge\nxuBxtK9H0Zo1EyBpVdItR0UKDutK2gyYHhHvkK5nztefR/qlq1eh4Qc/riDNDkwjHas9j3Riy31Z\nnZck3Q38PrsqQKTfub49fGWAmZlZ4Zo7E7A16e5s40i/bT6CdM+AEY3UrxZXhpFuUHId6ScrPyDd\nACVf92DSfanvIl2S+CTpvgJmZmZWsObeJ+BftODQQUQs8pvckX4be1j2aOx1MyjZh35tbW1bd6EQ\nHkf7sTyMAZaPcSwPYwCPY3nWrDsGtleSoiP3vyXe7b0OAL3frfwZdDMzKwtJRDs7MdDMzMw6IIcA\nMzOzknIIMDMzKymHADMzs5JyCDAzMysphwAzM7OScggwMzMrKYcAMzOzknIIMDMzKymHADMzs5Jy\nCDAzMysphwAzM7OScggwMzMrKYcAMzOzknIIMDMzKymHADMzs5JyCDAzMysphwAzM7OScggwMzMr\nKYcAMzOzknIIMDMzKymHADMzs5JyCKjQq8+6SCrs0avPum09JDMzs6o6t3UH2ptJ777DoOF3Fdbe\n2JF7FtaWmZlZkTwTYGZmVlIOAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZmZmJeUQYGZmVlIO\nAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZmZmJdWsECBpJ0m3SZogaYGkQ3PLOks6W9LTkmZJ\nmijpL5LWqWhjJUkXS5qW1btNUu+KOmtIulrS+9njz5JWL2aoZmZmltfcmYDVgGeBHwKzK5atAmwO\nnA5sAewNrAPcKSnf/oXAvsC3gB2BGuAOScrVuTZra3dgD2BL4M8tGI+ZmZk1U7N+Sjgi7gTuBJB0\nVcWyD0gf2A0kfQ94HugPPC+pBjgcGBoR92d1hgBvAbsCoyT1z9rZPiIey7XzoKSNIuLVJR6lmZmZ\nLaK1zglYHQjgv9nzrUiBY1R9hYiYALwIbJ8VbQvMjIhHc3XGAB/m6piZmVlBCg8BklYEzgP+HhET\ns+KewPyIeK+i+pRsWX2daVWanJqrY2ZmZgVp1uGA5pLUCfgL6Xj/14ps28zMzIpVWAjIAsB1wABg\nl4j4b27xZKCTpG4VswE9gNG5OmtVabp7tqyq0047reHvtbW11NbWLkn3zczM2p26ujrq6uparX1F\nRMteIM0Ejo2IP+fKOgPXA5uSAsDUitfUkKb6h0bEdVlZH9KJgXtExL2SPk86mXCH+vMCJG0PPAh8\nvtqJgZKipf1vxvgYNPyuwtobO3JPiujju73TFZe9331nqdsyM7OOSRIRocXXbJ5mzQRIWhXYEBDp\nPIJ1JW0GTAcmAjeSTv77eqquHtlLZ0TE3Ij4QNIVwDmSpmWvOw94CrgPICJeknQ38PvsqgABvwNu\n95UBZmZmxWvuiYFbA08C44AuwAjgiezPPqR7A/TKlk/MPQ7MtTEMuIV0yOBB4ANg74qv8gcDTwN3\nkS5JfBI4FDMzMytcc+8T8C+aDgyLDRMRMY8UBIY1UWcG/tA3MzNbJvzbAWZmZiXlEGBmZlZSDgFm\nZmYl5RBgZmZWUg4BZmZmJeUQYGZmVlIOAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZmZmJeUQ\nYGZmVlIOAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZmZmJeUQYGZmVlIOAWZmZiXlEGBmZlZS\nDgFmZmYl5RBgZmZWUg4BZmZmJeUQYGZmVlIOAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZmZm\nJdW5rTuwtE455eeFtdWnT5/C2jIzM2vvOnwIuPqRCYW1NXH02YW1ZWZm1t51+BDQe+dDCmtr8pjr\nWLBgfmHtmZmZtWc+J8DMzKykHALMzMxKyiHAzMyspBwCzMzMSsohwMzMrKSaFQIk7STpNkkTJC2Q\ndGiVOqdJelfSbEkPSNq0YvlKki6WNE3SrKy93hV11pB0taT3s8efJa2+dEM0MzOzapo7E7Aa8Czw\nQ2B25UJJJwLHA8cCWwNTgVGSVs1VuxDYF/gWsCNQA9whSbk61wKbA7sDewBbAn9uwXjMzMysmZp1\nn4CIuBO4E0DSVVWqDAPOjIhbszpDSUHgEOBySTXA4cDQiLg/qzMEeAvYlRQY+pM++LePiMeyOt8D\nHpS0UUS8uuTDNDMzs0pLfU6ApPWBnsCo+rKImAuMBrbPirYmBY58nQnAi7k62wIzI+LRXJ0xwIe5\nOmZmZlaQIk4M7AkEMKWifEq2DKAHMD8i3muiTk9gWpX2p+bqmJmZWUF8dYCZmVlJFfHbAZMBkb7t\n53/Np0e2rL5OJ0ndKmYDepAOG9TXWatK+91z7SxiQt3VDX+v6TuQmr6btbT/ZmZm7VJdXR11dXWt\n1v5Sh4CIeEPSZGA3YByApC7ATsAJWbVxwCdZneuyOn2A/sCYrM4jwGqStq0/L0DS9sAqwMONrb9P\n7ZClHYKZmVm7VFtbS21tbcPzESNGFNp+s0JAdqnfhqRv/CsA60raDJgeEe8AFwAnS3oZeBX4BTCT\ndMkfEfGBpCuAcyRNA6YD5wFPAfdldV6SdDfw++yqAAG/A273lQFmZmbFa+5MwNbAA6QTAAFGZI+r\ngMMj4pzs2/8lQFdgLLB7RHyYa2MYMI80E7AycC8wJCIiV+dg4GLgruz5bcAPWjooMzMzW7zm3ifg\nXyzmJMKIGAmMbGL5PFIQGNZEnRnAIncjNDMzs+L56gAzM7OScggwMzMrKYcAMzOzknIIMDMzKymH\nADMzs5JyCDAzMysphwAzM7OScggwMzMrKYcAMzOzknIIMDMzKymHADMzs5JyCDAzMysphwAzM7OS\ncggwMzMrKYcAMzOzknIIMDMzKymHADMzs5JyCDAzMysphwAzM7OScggwMzMrKYcAMzOzknIIaGXq\ntCKSlvrR0J5Erz7rtuGIzMxsedG5rTuwvIv58xg0/K6lb+gPRwAwaPhdjB2559K3Z2ZmpeeZADMz\ns5JyCDAzMysphwAzM7OScggwMzMrKYcAMzOzknIIMDMzKymHADMzs5JyCDAzMysphwAzM7OScggw\nMzMrKYcAs6V0zTXXsMUWW7Dyyiuz1lprcdhhhy20/LnnnqO2tpZVVlmFddZZh9NPP32xbR511FFs\nuOGGrLLKKnTv3p199tmHl156qWH5v/71L1ZYYQU6derECiussNDjpptuKnqIZrac8m8HmC2Fiy66\niLPPPptzzz2XQYMGMWfOHF555ZWG5TNnzmS33XajtraWcePG8eKLL3LYYYex2mqrcfzxxzfa7jbb\nbMPQoUNZZ511mD59Oqeeeiq77bYbb775Jp06dWKHHXZg8uTJC73mwgsv5JJLLuErX/lKq43XzJYv\nngmwwgwePJhjjjmGn/zkJ3Tr1o3u3btz8cUX8/HHH3PcccfRtWtX1ltvPa655pqFXjdx4kQOOugg\n1lxzTdZcc02+9rWv8dprrzUsHz9+PPvssw9rr702q622GltttRX/+Mc/Fmpj/fXX54wzzuDoo49m\n9dVXZ5111uHcc89t1fHOmDGDU045hauvvpqDDz6Yfv36MWDAAPbdd9+GOtdccw1z5szhqquuon//\n/uy3336ceOKJnH/++U22feSRR7LDDjuw7rrrsvnmm/PLX/6Sd999l/HjxwPQuXNnunfvvtDjxhtv\n5JBDDmGVVVZp1XGb2fLDIcAK9de//pWamhoee+wxTj75ZIYNG8Y+++zDJptswrhx4xg6dChHHHEE\nU6ZMAWDOnDkMHjyYVVddlQcffJBHH32UXr16seuuuzJ37lwAZs2axV577cV9993HM888wwEHHMD+\n+++/0DdugAsuuICBAwfy5JNPcuKJJ/Kzn/2MsWPHNtrXhx56iM9+9rONPmpqajjrrLMaff0999zD\nggULmDRpEgMGDKBPnz7st99+vPHGGw11Hn30UXbaaSdWWmmlhrI99tiDiRMn8tZbbzVrm3744Ydc\neeWV9O3bl759+1atU1dXx2uvvcZRRx3VrDbNzKCgECBpBUmnSxovaU725+mSVqiod5qkdyXNlvSA\npE0rlq8k6WJJ0yTNknSbpN5F9NGWjQEDBjB8+HA22GADjj/+eD73uc+x0kor8YMf/IB+/foxfPhw\nIoIxY8YAcO211wJwxRVXMGDAADbeeGN++9vfMmvWLO644w4ABg4cyFFHHcWmm25Kv379OPnkk9li\niy248cYbF1r37rvvzjHHHEO/fv047rjj2HDDDbnvvvsa7es222zD008/3ejjqaee4uijj2709ePH\nj2f+/PmcccYZXHDBBdx6663MmzePwYMHNwSYyZMn06NHj4Ve16NHDyJiken8Sr/97W8bAsndd9/N\nvffey4orrli17mWXXcbmm2/OFlts0WSbZmZ5RZ0TcBLwfeBQ4DlgIHAVMBc4A0DSicDxwFDgFeBU\nYJSkjSPiw6ydC4GvA98CpgO/Bu6QtGVEREF9tVY0cODAhZ53796dL37xiw3PO3fuTNeuXZk6dSoA\nTzzxBOPHj+ezn/3sQq+bM2cOr7/+OgCzZ8/mtNNO4x//+AeTJk1i3rx5fPTRR2y22WZNrrtXr14N\n66nmM5/5DP369Wv5IDMLFizgk08+4eKLL+bLX/4yAH/5y1/o2bMnt99+O9/85jeXuG2A73znO+y+\n++5MmjSJc889lwMOOICHH36YLl26LFRv+vTp3HLLLVxwwQVLtT4zK5+iQsB2wO0R8c/s+duSbgcG\n5eoMA86MiFsBJA0FpgKHAJdLqgEOB4ZGxP1ZnSHAW8CuwKiC+mqtqPKbqqSqZQsWLADSB+kWW2zB\n9ddfT2XOW3PNNQE44YQTuOeeezjvvPMazpgfMmQIH3/88WLXXb+eah566KEmT6KTxCmnnMJJJ51U\ndfnaa68NQP/+/RvKampq6NWrF2+//TYAPXv2bDj0UW/KlClIomfPno2uG2iYBdhggw0YNGgQXbt2\n5aabbuLb3/72QvWuuuoqOnfuzCGHHNJke2ZmlYoKAQ8B35e0SUS8nE3zf4lPZwHWB3qS+yCPiLmS\nRgPbA5cDW2f9ydeZIOnFrI5DwHJoyy235LrrrqNbt27U1NRUrTNmzBgOPfRQ9tlnHwDmzp3L66+/\nziabbLJU664/HNCU+iBSzQ477ADAyy+/TK9evYB0/sKkSZMajt1vt912nHTSSXz88ccN5wXcc889\n9OrVi/XWW6/ZfV2wYAERwUcffbTIsiuuuIIDDzxwkdkUM7PFKeScgIg4G7gGeEHSx8CzwJ8i4vdZ\nlZ5AAFMqXjolWwbQA5gfEe81UceWM9/+9rfp0aMH3/jGNxg9ejRvvvkmo0eP5ic/+UnD4YCNN96Y\nW265hSeffJJnn32WIUOGVP0wbKn6wwFNPdZYY41GX7/RRhux9957M2zYMB5++GFeeOEFvvvd79Kj\nRw+++tWvAjScrX/YYYfx/PPPc/PNN3P22WdzwgknNLTz73//m/79+/P4448D8Prrr3POOefwxBNP\n8M477/Dwww/zzW9+ky5duvC1r31toT489NBDvPDCCxx55JFLvT3MrHwKmQmQdBAwBDgIeAHYHLhI\n0hsR8cci1tGYCXVXN/y9pu9Aavpu1kRta02SWly28sorM3r0aE466SQOPPBAZsyYQa9evRg8eDBd\nu3YF4Pzzz+eII45g5513pmvXrvzoRz9aJAQ0d91Fu+aaa/jxj3/M3nvvTUSw4447ct999zUct6+p\nqWHUqFEce+yxbLPNNnTt2pWf/vSn/OhHP2poY/bs2bzyyivMnj0bSOGkrq6O888/n/fff58ePXqw\n884788gjj9C9e/eF1v+HP/yBAQMGsO2227b6WM1s2aurq6Ourq7V2lcR59tJehs4JyIuyZX9nHR8\nf+PscMDrwDYRMS5X5w5gWkR8V9Jg4F6ge342QNJzwN8iYkSV9cag4Xctdf/rjTtzbz6Z9zFFtjl2\n5J6FtHfTH44AYP8j/sDYkXsucvzczMyWf5KIiMK+4RR1n4BVgMozsBbUtx8RbwCTgd3qF0rqAuwE\njMmKxgGfVNTpA/TP1TEzM7OCFHVi4O3ASZLeBJ4HtiRdDvinXJ0LgJMlvQy8CvwCmAlcCxARH0i6\nAjhH0jQRsD8RAAAU7klEQVTSJYLnAU8BjV/sbWZmZkukqBBwHHA6cCnQHZgE/D4rAyAizsm+/V8C\ndAXGArvn7hEA6TLCecB1wMqkwwNDfI8AMzOz4hUSArIP8h9nj6bqjQRGNrF8HikIDCuiX2ZmZtY4\n/3aAmZlZSTkEmJmZlZRDgJmZWUk5BJiZmZWUQ4CZmVlJOQSYmZmVlEOAmZlZSTkEmJmZlZRDgJmZ\nWUk5BJiZmZWUQ4CZmVlJOQSYmZmVlEOAmZlZSTkEmJmZlZRDgJmZWUk5BJiZmZWUQ4CZmVlJOQSY\nmZmVlEOAmZlZSTkEmJmZlZRDgJmZWUk5BJiZmZWUQ4CZmVlJOQSYmZmVlEOAmZlZSTkEmJmZlZRD\ngJmZWUk5BJiZmZWUQ4CZmVlJOQSYmZmVlEOAmZlZSTkEmJmZlZRDgJmZWUk5BJiZmZWUQ4CZmVlJ\nOQSYmZmVlEOAmZlZSRUWAiT1lPQnSVMlzZH0nKSdKuqcJuldSbMlPSBp04rlK0m6WNI0SbMk3Sap\nd1F9NDMzs08VEgIkrQ6MAQL4CvB54AfA1FydE4HjgWOBrbNloyStmmvqQmBf4FvAjkANcIckFdFP\nMzMz+1Tngto5EZgYEd/Nlb1VUWcYcGZE3AogaSgpCBwCXC6pBjgcGBoR92d1hmTt7AqMKqivHZ46\nrUjRuWjt3uswccLbhbZpZmbtW1Eh4BvAnZKuAwYDE4E/RMSlAJLWB3qS+yCPiLmSRgPbA5eTZgc6\nV9SZIOnFrI5DQCbmz2PQ8LsKbXPsyD0Lbc/MzNq/os4J6AccA7wO7A5cAJwl6ZhseU/SoYIpFa+b\nki0D6AHMj4j3mqhjZmZmBSlqJmAF4LGI+Hn2/GlJG5OO//+moHVUNaHu6oa/1/QdSE3fzVpzdWZm\nZstMXV0ddXV1rdZ+USFgEvBiRdmLwA+zv08GRPq2PyFXp0e2rL5OJ0ndKmYDegCjG1txn9ohS9Ft\nMzOz9qu2tpba2tqG5yNGjCi0/aIOB4wBNqko24Ts5MCIeIP0Ib9b/UJJXYCdstcCjAM+qajTB+if\nq2NmZmYFKWom4NfAGEmnANcDW5IuETwpV+cC4GRJLwOvAr8AZgLXAkTEB5KuAM6RNA2YDpwHPAXc\nV1A/zczMLFNICIiIxyXtA5xJ+nB/G/h5RPwuV+ec7Nv/JUBXYCywe0R8mGtqGDAPuA5YGbgXGBIR\nUUQ/zczM7FNFzQQQEXcCdy6mzkhgZBPL55GCwLCi+mVmZmbV+bcDzMzMSsohwMzMrKQcAszMzErK\nIcDMzKykHALMzMxKyiHAzMyspBwCzMzMSsohwMzMrKQcAszMzErKIcDMzKykHALMzMxKyiHAzMys\npBwCzMzMSsohwMzMrKQcAszMzErKIcDMzKykHALMzMxKyiHAzMyspBwCzMzMSsohwMzMrKQcAszM\nzErKIcDMzKykHALMzMxKyiHAzMyspBwCzMzMSsohwMzMrKQcAszMzErKIcDMzKykHALMzMxKyiHA\nzMyspBwCzMzMSsohwMzMrKQcAszMzErKIcDMzKykHALMzMxKyiHAzMyspFolBEg6WdICSRdVlJ8m\n6V1JsyU9IGnTiuUrSbpY0jRJsyTdJql3a/TRzMys7AoPAZK2BY4Enq4oPxE4HjgW2BqYCoyStGqu\n2oXAvsC3gB2BGuAOSSq6n2ZmZmVXaAiQtDpwDfBd4P2KxcOAMyPi1oh4ARgKfBY4JHttDXA48JOI\nuD8ingKGAAOBXYvsp5mZmRU/E3AZcENE/CtfKGl9oCcwqr4sIuYCo4Hts6Ktgc4VdSYAL+bqmJmZ\nWUE6F9WQpCOBfsDBVRb3BAKYUlE+BeiV/b0HMD8i3qtSp2dR/TQzM7OkkBAgaWPgDGCHiFhQRJtm\nZmbWuoqaCdgO6Aa8kDuHrxOws6SjgS8AIn3bn5B7XQ9gcvb3yUAnSd0qZgN6kA4bVDWh7uqGv9f0\nHUhN382WbiQlpU4rUvT5l2v3XoeJE94utE0zszKpq6ujrq6u1dovKgTcAvy7ouxPwCvAGRHxiqTJ\nwG7AOABJXYCdgBOy+uOAT7I612V1+gD9gTGNrbhP7ZCChlBuMX8eg4bfVWibY0fuWWh7ZmZlU1tb\nS21tbcPzESNGFNp+ISEgIj4AXsiXSfoQmB4RL2ZFFwAnS3oZeBX4BTATuLa+DUlXAOdImgZMB84D\nngLuK6KfZmZm9qnCTgysIhZ6EnFO9u3/EqArMBbYPSI+zFUbBswjzQSsDNwLDImIhdoyMzOzpddq\nISAivlSlbCQwsonXzCMFgWGt1S8zMzNL/NsBZmZmJeUQYGZmVlIOAWZmZiXlEGBmZlZSDgFmZmYl\n5RBgZmZWUg4BZmZmJeUQYGZmVlIOAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZmZmJeUQYGZm\nVlIOAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZmZmJeUQYGZmVlIOAWZmZiXlEGBmZlZSDgFm\nZmYl5RBgZmZWUg4B1mrUaUUkFfro1Wfdth6Wmdlyo3Nbd8CWXzF/HoOG31Vom2NH7lloe2ZmZeaZ\nADMzs5JyCDAzMysphwAzM7OScggwMzMrKYcAMzOzknIIMDMzKymHADMzs5JyCDAzMysphwAzM7OS\ncggwMzMrKYcAMzOzkiokBEg6WdJjkmZImirp75IGVKl3mqR3Jc2W9ICkTSuWryTpYknTJM2SdJuk\n3kX00czMzBZW1EzAzsAlwHbAYOAT4F5Ja9RXkHQicDxwLLA1MBUYJWnVXDsXAvsC3wJ2BGqAOySp\noH6amZlZppBfEYyIr+SfSxoCzAB2AP6RFQ8DzoyIW7M6Q0lB4BDgckk1wOHA0Ii4P9fOW8CuwKgi\n+mpmZmZJa50TUJO1/V8ASesDPcl9kEfEXGA0sH1WtDUplOTrTABezNUxMzOzgrRWCLgQeAJ4JHve\nEwhgSkW9KdkygB7A/Ih4r4k6ZmZmVpBCDgfkSTqf9M19h4iIots3MzOzYhQaAiT9GjgQqI2It3KL\nJgMifdufkCvvkS2rr9NJUreK2YAepMMGVU2ou7rh7zV9B1LTd7OlGoOZmVl7UVdXR11dXau1X1gI\nkHQh8E1SAHg1vywi3pA0GdgNGJfV7wLsBJyQVRtHuqpgN+C6rE4foD8wprH19qkdUtQQzMzM2pXa\n2lpqa2sbno8YMaLQ9gsJAZIuBb4DfAOYIalHtmhWRHyY/f0C4GRJLwOvAr8AZgLXAkTEB5KuAM6R\nNA2YDpwHPAXcV0Q/zczM7FNFzQR8n3TiX+WH9QhgJEBEnJN9+78E6AqMBXbPhQRIlxHOI80ErAzc\nCwzxuQVmZmbFK+o+Ac26yiAiRpKFgkaWzyMFgWFF9MvMzMwa598OMDMzKymHADMzs5JyCDAzMysp\nhwDrUNRpRSQV+ujVZ922HpaZWZso/I6BZq0p5s9j0PC7Cm1z7Mg9C23PzKyj8EyAmZlZSTkEmJmZ\nlZRDgJmZWUk5BJiZmZWUQ4CZmVlJOQSYmZmVlEOAmZlZSTkEmJmZlZRDgJVe0Xch9B0Izayj8B0D\nrfSKvguh70BoZh2FZwLMzMxKyiHAzMyspBwCzMzMSsohwMzMrKQcAszMzErKIcDMzKykHALMzMxK\nyiHArGBF33zINyAys9bimwWZFazomw+Bb0BkZq3DMwFmZmYl5RBgZmZWUg4BZmZmJeUQYGZmVlIO\nAWZmZiXlEGBmZlZSDgFmZmYl5RBgZmZWUg4BZh2A70JoZq3Bdww06wBa4y6Ej53xdSQV2ubavddh\n4oS3C23TzFqPQ4BZSfn2xmbmwwFmZmYl5RBgZmZWUu0yBEg6RtJ4SXMkPS5px7buk5ktnk9gNOtY\n2t05AZK+BVwAHA2MAY4F7pTUPyImtGnnzKxJPs/ArGNpjzMBxwNXRsSVEfFyRPwQmAR8v4371So+\nePPptu5CITyO9mN5GAMsH+Ooq6tr6y4UwuNYfrWrECBpRWArYFTFonuA7Zd9j1rfB28+09ZdKITH\n0X4sD2OAT8fRGocYOn9m5WVyyGJ5+dDxOJZf7e1wwOeATsCUivIpwJeXfXfMrK211iGGItts6p4L\nI0aMWKI2fc8FWxbaWwhosXdvOb2wtiKisLbMrDwaCyoT6q6mT+2QJWrTN3MqVq8+6zLp3XeWOJRV\nWl62pdrTB192OGA2cFBE3JQrvwQYEBGDK+q3n86bmZktAxFRWDpsVzMBETFP0jhgN+Cm3KLdgL9V\nqV9sTDYzMyuRdhUCMucDf5b0b9Ilgt8H1gZ+36a9MjMzW860uxAQETdIWhP4OenD/zngKxHxTtv2\nzMzMbPnSrs4JMDMzs2WnXd0noLk60m2FJZ0qaUHFY2JFndMkvStptqQHJG3aVv3N9WknSbdJmpD1\n+dAqdZrst6SVJF0saZqkWVl7vZfdKBY/Dkl/rLJ/Hm5P45B0sqTHJM2QNFXS3yUNqFKv3e6P5oyh\ng+yLYyQ9nY1jhqSHJe1VUafd7ofmjqMj7ItK2XtsgaSLKsrb/f7I9WWRMbT2vuhwIUCf3lb4l8Dm\nwMOk2wr3adOONe0loAfQM3t8sX6BpBNJd0k8FtgamAqMkrRqG/QzbzXgWeCHpCs2FtLMfl8I7At8\nC9gRqAHukAq+7qlpTY4jM4qF989eFcvbehw7A5cA2wGDgU+AeyWtUV+hA+yPxY4h0973xTvAz4At\nSDc2ux+4VdIXoEPsh3pNjiPT3vdFA0nbAkcCT1eUd5T90egYMq23LyKiQz2AR4HfVZS9ApzR1n1r\npL+nAs80sXwicFLueRfgA+DItu57rk8zgUNb0u/sTfgR6XLP+jp9gPnAbu1oHH8E/t7Ea9rjOFYl\nfYh+taPuj0bG0OH2RdaH93LbuUPthybG0WH2BbA68BqwC/AAcFFuWYfYH4sZQ6vuiw41E6COe1vh\nftl01HhJ10paHyD7sye58UTEXGA07Xg8zez31qQTT/N1JgAv0v7GtqOkKZJelnSZpLVyy7ai/Y2j\nhjSL91/osPtjoTHkdJh9IWkFSQeRAs2YDrofFhlHblFH2ReXATdExL/yhR1sf1QdQ06r7Yt2d3XA\nYnTE2wo/ChxGOiTQHfg/0n8YA0hv0KD6eHotwz62VHP63QOYHxHvVanTs3W71yJ3ku5J8QbQFzgD\nuF/SlhExj9TX9jaOC4EngEey5x1xf1SOATrIvsimzB8hfaucCewbES9I2o4OtB8aG0e2uKPsiyOB\nfsDBVRZ3iH8XixkDtPK+6GghoMOJiLvzzyU9StqZQ4GxbdIpaxARN+SePi/pCeAt4KvArW3Tq8ZJ\nOp+U7neIbN6vo2lsDB1oX7wEbEaawj2AdF+TXdq2S0uk6jgi4oWOsC8kbUz6QNwhIha0dX+WRHPG\n0Nr7okMdDgD+QzrO0aOivAcwedl3p+UiYjbwPLARqc+i442nOf2eDHSS1K2JOu1OREwCJpD2D7Sj\ncUj6NenEn8ER8VZuUYfZH02MYRHtdV9ExCcRMT4inoyInwNPkU4+6zD7AZocR7W67XFfbAd0A16Q\nNE/SPNIx9WMlfUw6x6G9748mx5AdAl9I0fuiQ4WAbOqj/rbCebux8LGsdktSF+DzwMSIeIO0k3ar\nWL4T7Xg8zez3ONKJX/k6fYD+tOOxZcfaegOTsqJ2MQ5JF/Lph+er+WUdZX80NYZG6rfLfVHFCsBn\nOsp+aMIKwGeqLWin++IW0pVWm+UejwPXAptFxCu0//2xuDHMq3xB4ftiWZ39WOBZlAcCc4H/JX2Y\nXkg623Odtu5bI/39FenyqL7AIOAO4P36/pIu0/kv6fKOLwDXkVLeqm3c71WzN+TmwIfAL7Lnze43\n8BvgbdL5GluQLkMaR3aTqrYeR7bsV8C2wHpALemS07fa0ziAS4EZWf965B75Prbr/bG4MXSgfXEm\n6RKs9bLtfCbpP+DdO8J+aM44Osq+aGRclWfWd4j90dgYlsW+aJMdVcBGOhoYD8wB/k06ntLm/Wqk\nr9dmb7q5pGtz/wZ8vqLOcOBd0nXsDwCbtoN+7wIsIB1+yT+ubG6/gRVJIW0aMIt0/Kp3exkH6YSo\nu0jfFuaSztW4orKPbT2ORvo/HxjekvdRW45jcWPoQPvij1nf5mR9vQfYtaPsh+aMo6Psi0bGdT+5\nENBR9kdjY1gW+8K3DTYzMyupDnVOgJmZmRXHIcDMzKykHALMzMxKyiHAzMyspBwCzMzMSsohwMzM\nrKQcAszMzErKIcDMlilJ60laIGnLtu6LWdk5BJgtpyT9UdLf22kffJcys3bAIcDM2oLaugNm5hBg\nVkqSaiRdJmmKpA8kPSBpq9zyoZJmSvqSpGclzZJ0v6T1Kto5WdJkSTMkXSHp/yS9kS07FRgKfDWb\n/p8vaefcy/tKukfSh5Kel7TrMhm8mTVwCDArp38CPYG9SL+wOBq4T1L+t9c/A5wEHEb6FbM1gN/V\nL5R0EOnHWU4GtgJeBX7Mp1P95wI3APeSfjFwbdIvoNX7JXABMJD0Q2DXSlqlwDGa2WI4BJiVjKQv\nkT54vxkR4yJifEScSvqFsiG5qp2AY7I6z5E+1Gtzy39I+lXJP0bEaxFxFvBY/cKI+JD0K3UfRcS0\niJgaEZ/kXn9+RPwzIl4HTgG6kQKJmS0jDgFm5bMl6XfK/5NN+c+UNBMYAGyQq/dRRLyWez4RWEnS\nGtnzz5O+weeNbUE/nq3/S0RMzP7avQWvN7Ol1LmtO2Bmy9wKpN8n35FFT9D7IPf3TyqW1U/zF/Xl\nYV6VMn8xMVuGHALMyucJ0jH6iIg3lqKdl4BtgD/lygZV1PmYdFjBzNohhwCz5VuNpM0qyl4DxgC3\nSTqR9GG+NrAHMCoixjTRXn7m4ELgSkmPAw8C+wH/A0zP1XkT2FPSxsB7wIylGIuZFcwhwGz5thPp\nm3/eTaSrAn4JXEY6Dj+FFAyuWkx7DTf5iYjrJa0PnAmsAtxMunpg71z9y4FdgMdJ5yEMBt6i+s2C\nfAMhs2VMEf53Z2bFkHQz0CkivtHWfTGzxfNMgJktEUkrA98H7gLmA/uTZgH2a8t+mVnzeSbAzJaI\npC7A7aRr+1cm3SzorIi4vk07ZmbN5hBgZmZWUr4m18zMrKQcAszMzErKIcDMzKykHALMzMxKyiHA\nzMyspBwCzMzMSur/Azfki/ehAvQDAAAAAElFTkSuQmCC\n" - }, - "output_type": "display_data", - "metadata": {} - } - ], + "outputs": [], "source": [ "from matplotlib import pyplot as plt\n", "%matplotlib inline\n", @@ -397,7 +408,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -423,17 +434,9 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Cell took 51.17 seconds to run.\n" - ] - } - ], + "outputs": [], "source": [ "start = time()\n", "\n", @@ -454,50 +457,9 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Query:\n", - "Very good, you should seat outdoor.\n", - "\n", - "sim = 1.0000\n", - "Very good, you should seat outdoor.\n", - "\n", - "sim = 0.5998\n", - "It's a great place if you can sit outside in good weather.\n", - "\n", - "sim = 0.5798\n", - "It was good I like the outside\n", - "\n", - "sim = 0.5495\n", - "Always a good bet.\n", - "\n", - "sim = 0.5478\n", - "Sat outside under heat lamps. Good service and good food. Wonderful place\n", - "\n", - "sim = 0.5474\n", - "Patio is awesome but can get crowded.\n", - "\n", - "sim = 0.5464\n", - "The steak was good. Prices reasonable for the strip and it was a great view with the outdoor seating.\n", - "\n", - "sim = 0.5453\n", - "Best seat in the house with view of water fountain, good wine, good food n good service.\n", - "\n", - "sim = 0.5443\n", - "nice view, good service\n", - "\n", - "sim = 0.5403\n", - "Good value restaurant on strip! \n", - "Great view take outside seat good food!\n", - "However, be sure you make reservation!\n" - ] - } - ], + "outputs": [], "source": [ "# Print the query and the retrieved documents, together with their similarities.\n", "print 'Query:'\n", @@ -517,50 +479,9 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Query:\n", - "I felt that the prices were extremely reasonable for the Strip\n", - "\n", - "sim = 0.5691\n", - "Reasonable prices. Makes for a nice dinner out in the town.\n", - "\n", - "sim = 0.5485\n", - "The steak was good. Prices reasonable for the strip and it was a great view with the outdoor seating.\n", - "\n", - "sim = 0.5457\n", - "Exceptional food at reasonable prices. Reservations are a must.\n", - "\n", - "sim = 0.5378\n", - "Good food, great atmosphere, reasonable prices. Right in the middle of the Strip. Nothing not to like here.\n", - "\n", - "sim = 0.5376\n", - "Incredible restaurant on the strip! Very reasonable prices, outstanding service, an breathtaking views. Bar none, my favorite meal on the Strip.\n", - "\n", - "sim = 0.5346\n", - "don't let the tourist location throw you. terrific French food on the strip without the strip prices.\n", - "\n", - "sim = 0.5334\n", - "Had lunch here, food price was very reasonable for vegas and the atmosphere was great.\n", - "\n", - "sim = 0.5278\n", - "Nice place to take a date at a reasonable price.\n", - "\n", - "sim = 0.5264\n", - "Really good food at decent prices (for being on the strip). Not a traditional steakhouse but just as good as many of them. Sitting out on the strip is very nice at nighttime.\n", - "\n", - "sim = 0.5253\n", - "Great value on the strip and good quality food.\n", - "\n", - "Cell took 62.98 seconds to run.\n" - ] - } - ], + "outputs": [], "source": [ "start = time()\n", "\n", @@ -590,17 +511,9 @@ }, { "cell_type": "code", - "execution_count": 36, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Notebook took 181.05 seconds to run.\n" - ] - } - ], + "outputs": [], "source": [ "print 'Notebook took %.2f seconds to run.' %(time() - start_nb)" ] @@ -620,23 +533,23 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2.0 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.10" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/Word2Vec_FastText_Comparison.ipynb b/docs/notebooks/Word2Vec_FastText_Comparison.ipynb index b1d3f914e3..012441d913 100644 --- a/docs/notebooks/Word2Vec_FastText_Comparison.ipynb +++ b/docs/notebooks/Word2Vec_FastText_Comparison.ipynb @@ -28,30 +28,42 @@ "execution_count": 1, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package brown to /home/misha/nltk_data...\n", + "[nltk_data] Package brown is already up-to-date!\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "[nltk_data] Downloading package brown to /home/jayant/nltk_data...\n", - "[nltk_data] Package brown is already up-to-date!\n", - "--2016-08-23 03:29:12-- http://mattmahoney.net/dc/text8.zip\n", - "Resolving mattmahoney.net (mattmahoney.net)... 98.139.135.129\n", - "Connecting to mattmahoney.net (mattmahoney.net)|98.139.135.129|:80... connected.\n", - "HTTP request sent, awaiting response... 416 Requested Range Not Satisfiable\n", + "--2019-05-12 19:40:14-- http://mattmahoney.net/dc/enwik9.zip\n", + "Resolving mattmahoney.net (mattmahoney.net)... 67.195.197.75\n", + "Connecting to mattmahoney.net (mattmahoney.net)|67.195.197.75|:80... connected.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: 322592222 (308M) [application/zip]\n", + "Saving to: ‘enwik9.zip’\n", + "\n", + "enwik9.zip 47%[========> ] 145.49M 218KB/s in 10m 2s \n", "\n", - " The file is already fully retrieved; nothing to do.\n", + "2019-05-12 19:50:17 (247 KB/s) - Connection closed at byte 152553031. Retrying.\n", "\n", - "Archive: text8.zip\n", - " inflating: text8 \n", - "--2016-08-23 03:29:15-- http://mattmahoney.net/dc/enwik9.zip\n", - "Resolving mattmahoney.net (mattmahoney.net)... 98.139.135.129\n", - "Connecting to mattmahoney.net (mattmahoney.net)|98.139.135.129|:80... connected.\n", - "HTTP request sent, awaiting response... 416 Requested Range Not Satisfiable\n", + "--2019-05-12 19:50:18-- (try: 2) http://mattmahoney.net/dc/enwik9.zip\n", + "Connecting to mattmahoney.net (mattmahoney.net)|67.195.197.75|:80... connected.\n", + "HTTP request sent, awaiting response... 206 Partial Content\n", + "Length: 322592222 (308M), 170039191 (162M) remaining [application/zip]\n", + "Saving to: ‘enwik9.zip’\n", "\n", - " The file is already fully retrieved; nothing to do.\n", + "enwik9.zip 100%[+++++++++==========>] 307.65M 344KB/s in 8m 38s \n", + "\n", + "2019-05-12 19:58:57 (320 KB/s) - ‘enwik9.zip’ saved [322592222/322592222]\n", "\n", "Archive: enwik9.zip\n", - " inflating: enwik9 \n" + " inflating: enwik9 \n", + "Can't open perl script \"fastText/wikifil.pl\": No such file or directory\n" ] } ], @@ -104,22 +116,18 @@ "output_type": "stream", "text": [ "Training fasttext on brown_corp.txt corpus..\n", - "Read 1M words\n", - "Progress: 100.0% words/sec/thread: 42250 lr: 0.000001 loss: 2.291523 eta: 0h0m \n", - "Train time: 46.000000 sec\n", - "CPU times: user 1.03 s, sys: 152 ms, total: 1.18 s\n", - "Wall time: 54.3 s\n", + "/bin/sh: 1: fastText/fasttext: not found\n", + "CPU times: user 6.02 ms, sys: 314 µs, total: 6.33 ms\n", + "Wall time: 109 ms\n", "\n", "Training fasttext on brown_corp.txt corpus (without char n-grams)..\n", - "Read 1M words\n", - "Progress: 100.0% words/sec/thread: 78714 lr: 0.000001 loss: 2.360077 eta: 0h0m \n", - "Train time: 25.000000 sec\n", - "CPU times: user 908 ms, sys: 124 ms, total: 1.03 s\n", - "Wall time: 32.5 s\n", + "/bin/sh: 1: fastText/fasttext: not found\n", + "CPU times: user 2.12 ms, sys: 12.9 ms, total: 15 ms\n", + "Wall time: 124 ms\n", "\n", "Training word2vec on brown_corp.txt corpus..\n", - "CPU times: user 41.4 s, sys: 0 ns, total: 41.4 s\n", - "Wall time: 18 s\n", + "CPU times: user 19.2 s, sys: 0 ns, total: 19.2 s\n", + "Wall time: 6.71 s\n", "\n", "Saved gensim model as brown_gs.vec\n" ] @@ -195,22 +203,18 @@ "output_type": "stream", "text": [ "Training fasttext on text8 corpus..\n", - "Read 17M words\n", - "Progress: 100.0% words/sec/thread: 33709 lr: 0.000001 loss: 1.833047 eta: 0h0m \n", - "Train time: 926.000000 sec\n", - "CPU times: user 42.1 s, sys: 4.63 s, total: 46.8 s\n", - "Wall time: 15min 42s\n", + "/bin/sh: 1: fastText/fasttext: not found\n", + "CPU times: user 7.37 ms, sys: 0 ns, total: 7.37 ms\n", + "Wall time: 109 ms\n", "\n", "Training fasttext on text8 corpus (without char n-grams)..\n", - "Read 17M words\n", - "Progress: 100.0% words/sec/thread: 66780 lr: 0.000001 loss: 1.878257 eta: 0h0m \n", - "Train time: 479.000000 sec\n", - "CPU times: user 29.8 s, sys: 3.46 s, total: 33.3 s\n", - "Wall time: 8min 16s\n", + "/bin/sh: 1: fastText/fasttext: not found\n", + "CPU times: user 12.3 ms, sys: 0 ns, total: 12.3 ms\n", + "Wall time: 115 ms\n", "\n", "Training word2vec on text8 corpus..\n", - "CPU times: user 16min 16s, sys: 3.91 s, total: 16min 20s\n", - "Wall time: 6min 42s\n", + "CPU times: user 7min 12s, sys: 0 ns, total: 7min 12s\n", + "Wall time: 2min 26s\n", "\n", "Saved gensim model as text8_gs.vec\n" ] @@ -230,24 +234,45 @@ "output_type": "stream", "text": [ "Training fasttext on text9 corpus..\n", - "Read 124M words\n", - "Progress: 100.0% words/sec/thread: 34687 lr: 0.000001 loss: 1.617828 eta: 0h0m \n", - "Train time: 6519.000000 sec\n", - "CPU times: user 5min 38s, sys: 37.4 s, total: 6min 16s\n", - "Wall time: 1h 49min 49s\n", + "/bin/sh: 1: fastText/fasttext: not found\n", + "CPU times: user 8.81 ms, sys: 0 ns, total: 8.81 ms\n", + "Wall time: 111 ms\n", "\n", "Training fasttext on text9 corpus (without char n-grams)..\n", - "Read 124M words\n", - "Progress: 100.0% words/sec/thread: 67558 lr: 0.000001 loss: 1.645820 eta: 0h0m \n", - "Train time: 3465.000000 sec\n", - "CPU times: user 3min 32s, sys: 23.4 s, total: 3min 56s\n", - "Wall time: 59min 10s\n", - "\n", - "Training word2vec on text9 corpus..\n", - "CPU times: user 2h 6min 34s, sys: 36.6 s, total: 2h 7min 10s\n", - "Wall time: 53min 38s\n", + "/bin/sh: 1: fastText/fasttext: not found\n", + "CPU times: user 10.7 ms, sys: 0 ns, total: 10.7 ms\n", + "Wall time: 115 ms\n", "\n", - "Saved gensim model as text9_gs.vec\n" + "Training word2vec on text9 corpus..\n" + ] + }, + { + "ename": "RuntimeError", + "evalue": "you must first build vocabulary before training the model", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mRuntimeError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/word2vec.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, sentences, corpus_file, size, alpha, window, min_count, max_vocab_size, sample, seed, workers, min_alpha, sg, hs, negative, ns_exponent, cbow_mean, hashfxn, iter, null_word, trim_rule, sorted_vocab, batch_words, compute_loss, callbacks, max_final_vocab)\u001b[0m\n\u001b[1;32m 781\u001b[0m \u001b[0mcallbacks\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcallbacks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbatch_words\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbatch_words\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtrim_rule\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtrim_rule\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msg\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0msg\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0malpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0malpha\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mwindow\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mwindow\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 782\u001b[0m \u001b[0mseed\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mseed\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mhs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mhs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnegative\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mnegative\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcbow_mean\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcbow_mean\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmin_alpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mmin_alpha\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcompute_loss\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcompute_loss\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 783\u001b[0;31m fast_version=FAST_VERSION)\n\u001b[0m\u001b[1;32m 784\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 785\u001b[0m def _do_train_epoch(self, corpus_file, thread_id, offset, cython_vocab, thread_private_mem, cur_epoch,\n", + "\u001b[0;32m~/git/gensim/gensim/models/base_any2vec.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, sentences, corpus_file, workers, vector_size, epochs, callbacks, batch_words, trim_rule, sg, alpha, window, seed, hs, negative, ns_exponent, cbow_mean, min_alpha, compute_loss, fast_version, **kwargs)\u001b[0m\n\u001b[1;32m 761\u001b[0m \u001b[0msentences\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0msentences\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcorpus_file\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcorpus_file\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtotal_examples\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcorpus_count\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 762\u001b[0m \u001b[0mtotal_words\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcorpus_total_words\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mepochs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mepochs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mstart_alpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0malpha\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 763\u001b[0;31m end_alpha=self.min_alpha, compute_loss=compute_loss)\n\u001b[0m\u001b[1;32m 764\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 765\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mtrim_rule\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/word2vec.py\u001b[0m in \u001b[0;36mtrain\u001b[0;34m(self, sentences, corpus_file, total_examples, total_words, epochs, start_alpha, end_alpha, word_count, queue_factor, report_delay, compute_loss, callbacks)\u001b[0m\n\u001b[1;32m 908\u001b[0m \u001b[0msentences\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0msentences\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcorpus_file\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcorpus_file\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtotal_examples\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtotal_examples\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtotal_words\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtotal_words\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 909\u001b[0m \u001b[0mepochs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mepochs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mstart_alpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mstart_alpha\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mend_alpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mend_alpha\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mword_count\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mword_count\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 910\u001b[0;31m queue_factor=queue_factor, report_delay=report_delay, compute_loss=compute_loss, callbacks=callbacks)\n\u001b[0m\u001b[1;32m 911\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 912\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mscore\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msentences\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtotal_sentences\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m1e6\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mchunksize\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m100\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mqueue_factor\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m2\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mreport_delay\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/base_any2vec.py\u001b[0m in \u001b[0;36mtrain\u001b[0;34m(self, sentences, corpus_file, total_examples, total_words, epochs, start_alpha, end_alpha, word_count, queue_factor, report_delay, compute_loss, callbacks, **kwargs)\u001b[0m\n\u001b[1;32m 1079\u001b[0m \u001b[0mtotal_words\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtotal_words\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mepochs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mepochs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mstart_alpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mstart_alpha\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mend_alpha\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mend_alpha\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mword_count\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mword_count\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1080\u001b[0m \u001b[0mqueue_factor\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mqueue_factor\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mreport_delay\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreport_delay\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcompute_loss\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcompute_loss\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcallbacks\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcallbacks\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1081\u001b[0;31m **kwargs)\n\u001b[0m\u001b[1;32m 1082\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1083\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_get_job_params\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcur_epoch\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/base_any2vec.py\u001b[0m in \u001b[0;36mtrain\u001b[0;34m(self, data_iterable, corpus_file, epochs, total_examples, total_words, queue_factor, report_delay, callbacks, **kwargs)\u001b[0m\n\u001b[1;32m 534\u001b[0m \u001b[0mepochs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mepochs\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 535\u001b[0m \u001b[0mtotal_examples\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtotal_examples\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 536\u001b[0;31m total_words=total_words, **kwargs)\n\u001b[0m\u001b[1;32m 537\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 538\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mcallback\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcallbacks\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/base_any2vec.py\u001b[0m in \u001b[0;36m_check_training_sanity\u001b[0;34m(self, epochs, total_examples, total_words, **kwargs)\u001b[0m\n\u001b[1;32m 1185\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1186\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mwv\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvocab\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0;31m# should be set by `build_vocab`\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1187\u001b[0;31m \u001b[0;32mraise\u001b[0m \u001b[0mRuntimeError\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"you must first build vocabulary before training the model\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1188\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mwv\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvectors\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1189\u001b[0m \u001b[0;32mraise\u001b[0m \u001b[0mRuntimeError\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"you must initialize vectors before training the model\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mRuntimeError\u001b[0m: you must first build vocabulary before training the model" + ] + }, + { + "ename": "KeyError", + "evalue": "'gs_model'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mtrain_models\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcorpus_file\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'text9'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput_name\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'text9'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m\u001b[0m in \u001b[0;36mtrain_models\u001b[0;34m(corpus_file, output_name)\u001b[0m\n\u001b[1;32m 49\u001b[0m \u001b[0mget_ipython\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mrun_line_magic\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'time'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'gs_model = Word2Vec(Text8Corpus(corpus_file), **params); gs_model'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 50\u001b[0m \u001b[0;31m# Direct local variable lookup doesn't work properly with magic statements (%time)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 51\u001b[0;31m \u001b[0mlocals\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'gs_model'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mwv\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msave_word2vec_format\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mos\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpath\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mMODELS_DIR\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'{:s}.vec'\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mformat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutput_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 52\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'\\nSaved gensim model as {:s}.vec'\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mformat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutput_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 53\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mKeyError\u001b[0m: 'gs_model'" ] } ], @@ -264,27 +289,9 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "--2016-08-21 10:31:16-- https://raw.githubusercontent.com/tmikolov/word2vec/master/questions-words.txt\n", - "Resolving raw.githubusercontent.com (raw.githubusercontent.com)... 151.101.100.133\n", - "Connecting to raw.githubusercontent.com (raw.githubusercontent.com)|151.101.100.133|:443... connected.\n", - "HTTP request sent, awaiting response... 200 OK\n", - "Length: 603955 (590K) [text/plain]\n", - "Saving to: ‘questions-words.txt’\n", - "\n", - "100%[======================================>] 6,03,955 554KB/s in 1.1s \n", - "\n", - "2016-08-21 10:31:17 (554 KB/s) - ‘questions-words.txt’ saved [603955/603955]\n", - "\n" - ] - } - ], + "outputs": [], "source": [ "# download the file questions-words.txt to be used for comparing word embeddings\n", "!wget https://raw.githubusercontent.com/tmikolov/word2vec/master/questions-words.txt" @@ -299,114 +306,9 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:32:14,416 : INFO : loading projection weights from models/brown_gs.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Loading Gensim embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:32:15,938 : INFO : loaded (15173, 100) matrix from models/brown_gs.vec\n", - "2016-08-23 10:32:16,060 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for Word2Vec:\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:32:16,746 : INFO : family: 20.3% (37/182)\n", - "2016-08-23 10:32:21,631 : INFO : gram1-adjective-to-adverb: 0.0% (0/702)\n", - "2016-08-23 10:32:22,421 : INFO : gram2-opposite: 0.0% (0/132)\n", - "2016-08-23 10:32:29,033 : INFO : gram3-comparative: 2.1% (22/1056)\n", - "2016-08-23 10:32:29,698 : INFO : gram4-superlative: 0.0% (0/210)\n", - "2016-08-23 10:32:33,248 : INFO : gram5-present-participle: 0.3% (2/650)\n", - "2016-08-23 10:32:37,647 : INFO : gram7-past-tense: 0.9% (11/1260)\n", - "2016-08-23 10:32:41,156 : INFO : gram8-plural: 5.4% (30/552)\n", - "2016-08-23 10:32:42,238 : INFO : gram9-plural-verbs: 0.9% (3/342)\n", - "2016-08-23 10:32:42,240 : INFO : total: 2.1% (105/5086)\n", - "2016-08-23 10:32:42,247 : INFO : loading projection weights from models/brown_ft.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 37/182, Accuracy: 20.33%\n", - "Syntactic: 68/4904, Accuracy: 1.39%\n", - "\n", - "\n", - "Loading FastText embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:32:45,542 : INFO : loaded (15173, 100) matrix from models/brown_ft.vec\n", - "2016-08-23 10:32:45,636 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText (with n-grams):\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:32:46,240 : INFO : family: 15.4% (28/182)\n", - "2016-08-23 10:32:50,291 : INFO : gram1-adjective-to-adverb: 73.4% (515/702)\n", - "2016-08-23 10:32:50,752 : INFO : gram2-opposite: 81.1% (107/132)\n", - "2016-08-23 10:32:56,089 : INFO : gram3-comparative: 58.7% (620/1056)\n", - "2016-08-23 10:32:57,538 : INFO : gram4-superlative: 67.1% (141/210)\n", - "2016-08-23 10:33:00,715 : INFO : gram5-present-participle: 65.8% (428/650)\n", - "2016-08-23 10:33:06,537 : INFO : gram7-past-tense: 13.9% (175/1260)\n", - "2016-08-23 10:33:10,094 : INFO : gram8-plural: 55.4% (306/552)\n", - "2016-08-23 10:33:11,211 : INFO : gram9-plural-verbs: 74.0% (253/342)\n", - "2016-08-23 10:33:11,212 : INFO : total: 50.6% (2573/5086)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 28/182, Accuracy: 15.38%\n", - "Syntactic: 2545/4904, Accuracy: 51.90%\n", - "\n" - ] - } - ], + "outputs": [], "source": [ "import logging\n", "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)\n", @@ -472,67 +374,9 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:33:57,845 : INFO : loading projection weights from models/brown_ft_no_ng.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Loading FastText embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:33:59,447 : INFO : loaded (15173, 100) matrix from models/brown_ft_no_ng.vec\n", - "2016-08-23 10:33:59,538 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText (without n-grams):\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:34:00,435 : INFO : family: 17.0% (31/182)\n", - "2016-08-23 10:34:02,610 : INFO : gram1-adjective-to-adverb: 0.1% (1/702)\n", - "2016-08-23 10:34:03,012 : INFO : gram2-opposite: 0.8% (1/132)\n", - "2016-08-23 10:34:06,230 : INFO : gram3-comparative: 2.9% (31/1056)\n", - "2016-08-23 10:34:06,876 : INFO : gram4-superlative: 0.5% (1/210)\n", - "2016-08-23 10:34:09,941 : INFO : gram5-present-participle: 1.1% (7/650)\n", - "2016-08-23 10:34:14,521 : INFO : gram7-past-tense: 0.7% (9/1260)\n", - "2016-08-23 10:34:16,379 : INFO : gram8-plural: 5.3% (29/552)\n", - "2016-08-23 10:34:17,978 : INFO : gram9-plural-verbs: 2.0% (7/342)\n", - "2016-08-23 10:34:17,980 : INFO : total: 2.3% (117/5086)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 31/182, Accuracy: 17.03%\n", - "Syntactic: 86/4904, Accuracy: 1.75%\n", - "\n" - ] - } - ], + "outputs": [], "source": [ "print('Loading FastText embeddings')\n", "brown_ft_no_ng = KeyedVectors.load_word2vec_format(MODELS_DIR + 'brown_ft_no_ng.vec')\n", @@ -557,172 +401,9 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:34:18,050 : INFO : loading projection weights from models/text8_gs.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Loading Gensim embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:34:25,739 : INFO : loaded (71290, 100) matrix from models/text8_gs.vec\n", - "2016-08-23 10:34:25,927 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for word2vec:\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:34:28,601 : INFO : capital-common-countries: 67.0% (339/506)\n", - "2016-08-23 10:34:40,531 : INFO : capital-world: 45.3% (658/1452)\n", - "2016-08-23 10:34:42,060 : INFO : currency: 20.9% (56/268)\n", - "2016-08-23 10:34:53,593 : INFO : city-in-state: 23.2% (365/1571)\n", - "2016-08-23 10:34:57,068 : INFO : family: 59.2% (181/306)\n", - "2016-08-23 10:35:03,180 : INFO : gram1-adjective-to-adverb: 14.3% (108/756)\n", - "2016-08-23 10:35:06,024 : INFO : gram2-opposite: 11.4% (35/306)\n", - "2016-08-23 10:35:17,130 : INFO : gram3-comparative: 50.2% (633/1260)\n", - "2016-08-23 10:35:21,890 : INFO : gram4-superlative: 30.8% (156/506)\n", - "2016-08-23 10:35:29,381 : INFO : gram5-present-participle: 26.6% (264/992)\n", - "2016-08-23 10:35:40,566 : INFO : gram6-nationality-adjective: 76.9% (1054/1371)\n", - "2016-08-23 10:35:51,950 : INFO : gram7-past-tense: 29.2% (389/1332)\n", - "2016-08-23 10:36:01,483 : INFO : gram8-plural: 52.0% (516/992)\n", - "2016-08-23 10:36:07,185 : INFO : gram9-plural-verbs: 30.9% (201/650)\n", - "2016-08-23 10:36:07,187 : INFO : total: 40.4% (4955/12268)\n", - "2016-08-23 10:36:07,194 : INFO : loading projection weights from models/text8_ft.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 1599/4103, Accuracy: 38.97%\n", - "Syntactic: 3356/8165, Accuracy: 41.10%\n", - "\n", - "Loading FastText embeddings (with n-grams)\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:36:15,551 : INFO : loaded (71290, 100) matrix from models/text8_ft.vec\n", - "2016-08-23 10:36:15,761 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText (with n-grams):\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:36:20,631 : INFO : capital-common-countries: 57.5% (291/506)\n", - "2016-08-23 10:36:31,906 : INFO : capital-world: 44.6% (647/1452)\n", - "2016-08-23 10:36:34,651 : INFO : currency: 17.2% (46/268)\n", - "2016-08-23 10:36:49,641 : INFO : city-in-state: 18.0% (272/1511)\n", - "2016-08-23 10:36:51,402 : INFO : family: 51.0% (156/306)\n", - "2016-08-23 10:36:59,474 : INFO : gram1-adjective-to-adverb: 76.3% (577/756)\n", - "2016-08-23 10:37:01,244 : INFO : gram2-opposite: 62.7% (192/306)\n", - "2016-08-23 10:37:14,023 : INFO : gram3-comparative: 60.5% (762/1260)\n", - "2016-08-23 10:37:18,805 : INFO : gram4-superlative: 55.3% (280/506)\n", - "2016-08-23 10:37:28,822 : INFO : gram5-present-participle: 55.6% (552/992)\n", - "2016-08-23 10:37:39,523 : INFO : gram6-nationality-adjective: 93.1% (1276/1371)\n", - "2016-08-23 10:37:52,889 : INFO : gram7-past-tense: 38.0% (506/1332)\n", - "2016-08-23 10:38:01,988 : INFO : gram8-plural: 87.8% (871/992)\n", - "2016-08-23 10:38:07,999 : INFO : gram9-plural-verbs: 57.5% (374/650)\n", - "2016-08-23 10:38:08,013 : INFO : total: 55.7% (6802/12208)\n", - "2016-08-23 10:38:08,032 : INFO : loading projection weights from models/text8_ft_no_ng.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 1412/4043, Accuracy: 34.92%\n", - "Syntactic: 5390/8165, Accuracy: 66.01%\n", - "\n", - "Loading FastText embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:38:16,212 : INFO : loaded (71290, 100) matrix from models/text8_ft_no_ng.vec\n", - "2016-08-23 10:38:16,423 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText (without n-grams):\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:38:19,529 : INFO : capital-common-countries: 71.7% (363/506)\n", - "2016-08-23 10:38:31,840 : INFO : capital-world: 49.1% (713/1452)\n", - "2016-08-23 10:38:33,427 : INFO : currency: 25.0% (67/268)\n", - "2016-08-23 10:38:45,850 : INFO : city-in-state: 22.3% (337/1511)\n", - "2016-08-23 10:38:47,491 : INFO : family: 56.5% (173/306)\n", - "2016-08-23 10:38:55,203 : INFO : gram1-adjective-to-adverb: 19.0% (144/756)\n", - "2016-08-23 10:38:56,777 : INFO : gram2-opposite: 13.7% (42/306)\n", - "2016-08-23 10:39:07,522 : INFO : gram3-comparative: 45.1% (568/1260)\n", - "2016-08-23 10:39:12,079 : INFO : gram4-superlative: 28.3% (143/506)\n", - "2016-08-23 10:39:21,022 : INFO : gram5-present-participle: 22.3% (221/992)\n", - "2016-08-23 10:39:32,463 : INFO : gram6-nationality-adjective: 78.6% (1078/1371)\n", - "2016-08-23 10:39:45,108 : INFO : gram7-past-tense: 32.0% (426/1332)\n", - "2016-08-23 10:39:52,383 : INFO : gram8-plural: 54.6% (542/992)\n", - "2016-08-23 10:39:57,698 : INFO : gram9-plural-verbs: 23.2% (151/650)\n", - "2016-08-23 10:39:57,707 : INFO : total: 40.7% (4968/12208)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 1653/4043, Accuracy: 40.89%\n", - "Syntactic: 3315/8165, Accuracy: 40.60%\n", - "\n" - ] - } - ], + "outputs": [], "source": [ "accuracies = []\n", "print('Loading Gensim embeddings')\n", @@ -758,172 +439,9 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:40:04,786 : INFO : loading projection weights from models/text9_gs.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Loading Gensim embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:40:30,884 : INFO : loaded (218316, 100) matrix from models/text9_gs.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for word2vec:\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:40:31,775 : INFO : precomputing L2-norms of word weight vectors\n", - "2016-08-23 10:40:34,765 : INFO : capital-common-countries: 84.2% (426/506)\n", - "2016-08-23 10:40:48,132 : INFO : capital-world: 74.6% (1221/1636)\n", - "2016-08-23 10:40:49,018 : INFO : currency: 21.9% (39/178)\n", - "2016-08-23 10:41:06,134 : INFO : city-in-state: 41.8% (891/2133)\n", - "2016-08-23 10:41:10,016 : INFO : family: 67.1% (255/380)\n", - "2016-08-23 10:41:15,973 : INFO : gram1-adjective-to-adverb: 28.7% (233/812)\n", - "2016-08-23 10:41:19,624 : INFO : gram2-opposite: 33.3% (114/342)\n", - "2016-08-23 10:41:30,799 : INFO : gram3-comparative: 67.1% (846/1260)\n", - "2016-08-23 10:41:35,522 : INFO : gram4-superlative: 51.8% (262/506)\n", - "2016-08-23 10:41:42,860 : INFO : gram5-present-participle: 51.8% (482/930)\n", - "2016-08-23 10:41:58,254 : INFO : gram6-nationality-adjective: 91.2% (1250/1371)\n", - "2016-08-23 10:42:11,573 : INFO : gram7-past-tense: 49.3% (657/1332)\n", - "2016-08-23 10:42:21,335 : INFO : gram8-plural: 75.2% (794/1056)\n", - "2016-08-23 10:42:27,170 : INFO : gram9-plural-verbs: 47.4% (333/702)\n", - "2016-08-23 10:42:27,172 : INFO : total: 59.4% (7803/13144)\n", - "2016-08-23 10:42:27,179 : INFO : loading projection weights from models/text9_ft.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 2832/4833, Accuracy: 58.60%\n", - "Syntactic: 4971/8311, Accuracy: 59.81%\n", - "\n", - "Loading FastText embeddings (with n-grams)\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:42:52,360 : INFO : loaded (218316, 100) matrix from models/text9_ft.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText (with n-grams):\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:42:53,500 : INFO : precomputing L2-norms of word weight vectors\n", - "2016-08-23 10:42:58,763 : INFO : capital-common-countries: 84.6% (428/506)\n", - "2016-08-23 10:43:14,010 : INFO : capital-world: 71.8% (1174/1636)\n", - "2016-08-23 10:43:16,987 : INFO : currency: 22.5% (40/178)\n", - "2016-08-23 10:43:38,323 : INFO : city-in-state: 33.0% (703/2133)\n", - "2016-08-23 10:43:41,400 : INFO : family: 59.5% (226/380)\n", - "2016-08-23 10:43:49,864 : INFO : gram1-adjective-to-adverb: 55.5% (451/812)\n", - "2016-08-23 10:43:53,560 : INFO : gram2-opposite: 50.6% (173/342)\n", - "2016-08-23 10:44:04,678 : INFO : gram3-comparative: 72.9% (919/1260)\n", - "2016-08-23 10:44:09,314 : INFO : gram4-superlative: 58.1% (294/506)\n", - "2016-08-23 10:44:16,302 : INFO : gram5-present-participle: 55.7% (518/930)\n", - "2016-08-23 10:44:29,878 : INFO : gram6-nationality-adjective: 94.5% (1296/1371)\n", - "2016-08-23 10:44:42,831 : INFO : gram7-past-tense: 48.0% (640/1332)\n", - "2016-08-23 10:44:52,464 : INFO : gram8-plural: 83.5% (882/1056)\n", - "2016-08-23 10:44:58,566 : INFO : gram9-plural-verbs: 55.7% (391/702)\n", - "2016-08-23 10:44:58,576 : INFO : total: 61.9% (8135/13144)\n", - "2016-08-23 10:44:58,589 : INFO : loading projection weights from models/text9_ft_no_ng.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 2571/4833, Accuracy: 53.20%\n", - "Syntactic: 5564/8311, Accuracy: 66.95%\n", - "\n", - "Loading FastText embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:45:24,650 : INFO : loaded (218316, 100) matrix from models/text9_ft_no_ng.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText (without n-grams):\n", - "Evaluating...\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2016-08-23 10:45:25,641 : INFO : precomputing L2-norms of word weight vectors\n", - "2016-08-23 10:45:29,053 : INFO : capital-common-countries: 87.7% (444/506)\n", - "2016-08-23 10:45:44,191 : INFO : capital-world: 77.3% (1264/1636)\n", - "2016-08-23 10:45:45,169 : INFO : currency: 19.7% (35/178)\n", - "2016-08-23 10:46:03,906 : INFO : city-in-state: 39.2% (836/2133)\n", - "2016-08-23 10:46:08,098 : INFO : family: 62.9% (239/380)\n", - "2016-08-23 10:46:14,351 : INFO : gram1-adjective-to-adverb: 30.7% (249/812)\n", - "2016-08-23 10:46:18,093 : INFO : gram2-opposite: 32.7% (112/342)\n", - "2016-08-23 10:46:28,567 : INFO : gram3-comparative: 70.2% (885/1260)\n", - "2016-08-23 10:46:33,014 : INFO : gram4-superlative: 49.4% (250/506)\n", - "2016-08-23 10:46:39,864 : INFO : gram5-present-participle: 48.1% (447/930)\n", - "2016-08-23 10:46:52,864 : INFO : gram6-nationality-adjective: 93.1% (1277/1371)\n", - "2016-08-23 10:47:03,413 : INFO : gram7-past-tense: 47.2% (629/1332)\n", - "2016-08-23 10:47:15,591 : INFO : gram8-plural: 78.3% (827/1056)\n", - "2016-08-23 10:47:21,488 : INFO : gram9-plural-verbs: 43.0% (302/702)\n", - "2016-08-23 10:47:21,491 : INFO : total: 59.3% (7796/13144)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 2818/4833, Accuracy: 58.31%\n", - "Syntactic: 4978/8311, Accuracy: 59.90%\n", - "\n" - ] - } - ], + "outputs": [], "source": [ "accuracies = []\n", "print('Loading Gensim embeddings')\n", @@ -946,17 +464,9 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAogAAANwCAYAAACs/5t6AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xl8FdX9//HXhx2BkAQwgEBAwQ1FqqVo1RJQ8Su2glJR\nqwIqUNHWn0ul1goEba34RdG6YFVEsCqKIoj6dUOD1dadvSoihE3ZJEhAZf38/phJvDdmucC9uTfJ\n+/l45JE5Z2bOfG7u5OaTM3POmLsjIiIiIlKkVrIDEBEREZHUogRRRERERKIoQRQRERGRKEoQRURE\nRCSKEkQRERERiaIEUURERESiKEEUkWrNzJabWa9kxyEiUpUoQRQRERGRKEoQRUQAM6ud7BhERFKF\nEkQRqQl+ZmaLzexrM5toZvXMrIeZrTKzEWb2FfAIgJkNNbPPzWyjmc0ws5Zhfa6Z/T1crmNmW83s\ntrDcwMy+M7OmZpZtZnvMbKCZrTCz9WZ2Y9JeuYjIPlCCKCI1wW+A04BDgMOAm8L6lkA60A4YFt6r\neCvwa6AVsBJ4Ktx2DtAjXO4GrI0o/xz41N2/iTjmiUAn4FRglJkdFv+XJSKSGEoQRaQmuMfdv3T3\nzcBfgQvC+t3AaHff6e7bCRLJie4+3913An8CTjCzdsB/gE5mlgH8ApgIHGRmB4TlORHHcyDX3Xe4\n+wJgPnBMJbxOEZG4UIIoIjXB6ojlFUDrcHlDmAgWaR2uB8DdtwFfAwe5+/fAh0AOQUKYB/wbOImg\nJzEyQQRYF7H8LdB4f1+EiEhlUYIoIjVB24jlbODLcNlLbPdluB4AM2sENAPWhFVvAb2ArsAHYfl0\ngkvOb8U9ahGRJFGCKCI1wZVmdpCZZRJcNp4a1luJ7Z4ALjGzLmZWn+B+xHfdfWW4fg4wEPivu+8i\n6EUcAix3968j2inZrohIlaIEUUSqOydI/F4FloZff41Y98OG7m8AI4HpBL2GHYDzIzb5N9CA8HKy\nu/8X+I4fX14u2TNZsiwiktLMXZ9bIiIiIvID9SCKiIiISBQliCIiIiISRQmiiIiIiERRgigiIiIi\nUeokO4B4MjONuBEREZEqw91TclqsapUgAmhUdtWRm5tLbm5ussMQqZDOValKdL5WHWYpmRsCusQs\nIiIiIiUoQRQRERGRKEoQJWlycnKSHYJITHSuSlWi81XioVo9ScXMvDq9HhEREam+zEyDVJKpffv2\nrFixItlhiOyV7Oxs8vPzkx2GiIjUQDWiBzHM0JMQkci+03krIlK9pXIPou5BFBEREZEoShBFRERE\nJIoSRBERERGJogSxhnr77bc54ogjkh2GiIiIpKAaO0jlzjG5FKxZnbBYMg5qw7Wjc2PefurUqdx1\n110sWrSIxo0b06FDBwYOHMjw4cMTFqOkNg1SERGp3lJ5kEqNmOamNAVrVnPjcV0S1v6tHy2Ieds7\n7riDcePGcf/999O7d28aNWrE/PnzGTduHEOGDKFu3boJi1NERESkJF1iTrItW7YwevRoJkyYwNln\nn02jRo0AOOaYY3jssceoW7cuO3bs4A9/+APZ2dm0atWKK664gu3btwMwZ84c2rZty5133klWVhYH\nHXQQjz76aHH7L730Ep07dyYtLa14u8j9inTo0IFx48ZxzDHH0KRJE4YOHcr69evp06cPaWlp9O7d\nm2+++abyfjAiIiKSNEoQk+w///kPO3bs4KyzzipzmxEjRrB06VIWLFjA0qVLWbNmDTfffHPx+rVr\n11JYWMiXX37Jww8/zJVXXlmczA0ZMoSHHnqILVu2sGjRInr16lW8n1l0r/b06dOZPXs2S5Ys4fnn\nn6dPnz7cdtttfP311+zevZu///3vcX71IiIikoqUICbZxo0bad68ObVq/fBWnHjiiWRkZNCoUSPe\neustHn74YcaPH0/Tpk1p1KgRN9xwA08++WTx9vXq1WPkyJHUrl2bM844g8aNG/PZZ58Vr1u8eDGF\nhYU0bdqUrl27lhnL73//e5o3b06rVq04+eST6d69O126dKFu3bqcffbZzJ07N3E/CBEREUkZShCT\nrFmzZmzcuJE9e/YU173zzjsUFBTQrFkz1q9fz7fffstxxx1HZmYmmZmZnHHGGXz99ddRbUQmmAcc\ncABbt24F4Nlnn+XFF18kOzubnj178u6775YZS1ZWVvFyw4YNf1QualNERESqNyWISXbCCSdQv359\nZs6c+aN17k6zZs044IADWLx4MZs2bWLTpk1s3rw55vsBjzvuOGbMmMGGDRvo27cvAwYMiPdLEBER\nkWpGCWKSNW3alFGjRnHFFVfw7LPPsm3bNtydefPm8e2331K7dm2GDh3K1VdfzYYNGwBYs2YNr776\naoVt79y5kyeeeIItW7ZQu3ZtmjRpQp06NXbguoiIiMRICWIKuP7667nzzju5/fbbycrKomXLlgwf\nPpzbb7+dn//859x222107NiR448/nvT0dHr37s2SJUvKbC9y8Mljjz1Ghw4dSE9P58EHH+Txxx+v\ncJ/SyiIiIlJzaKLsBNnbibJFStJE2SIi1VsqT5RdYxNEkVSn81ak+hv/t9EUrE9cZ0W8ZBzYhmv+\nNCbZYVQ7qZwg6oY0ERGRJClYv5qRA45KdhgVuuXpRckOQSqZ7kEUERERkShKEEVEREQkii4xi4iI\niKQQM8sHvgH2ADvd/WdmlgE8BWQD+cAAd49tUuR9oB5EERERkdSyB8hx95+4+8/CuhuA1939MOAN\n4E+JDEAJooiIiEhqMX6co/UFJofLk4F+iQxACaKIiIhIanHgFTP7wMyGhHVZ7r4OwN3XAi0SGUC1\nuwcxLy+PnJyc4uWS64AfrVdZ5VQsF9WlSjwqq6xy/MtF5ny8FIAex3ZMyXL+qq/0eRSHctFyfn4+\nFfi5u681sxbAq2b2GUHSWGlq7ETZiZ6cdG8mFW3fvj3r16+nTp06uDtmxpIlS2jZsuVeH3f27NkM\nGTKE5cuXAzB06FCmTp2KmbF9+3bcnQYNGgDQs2dPZs6cudfHKHLuuefSrVs3RowYsc9tSNk0UbZI\n9TfqmsuqzDyIN4+fmOwwqp1YJso2s9HAVmAIkOPu68ysJfCmux+RqNiqXQ9irBI9OeneTCpqZrz4\n4ov07Nlzv49blGAWeeihh3jooYcAGDlyJGvWrOGRRx7Z7+OIiIhI/JnZAUAtd99qZo2A3sAY4Hlg\nMDAWGATsew9PDHQPYooo2VPk7px77rm0atWKzMxMevXqxaefflq8/oUXXuDII48kLS2Ndu3acffd\nd7NlyxbOOussVq5cSZMmTUhLS2Pjxo0VHnvOnDl0796djIwMunXrxrvvvgvAunXraNmyZXHX+ObN\nm2nXrh0zZsxg/PjxzJgxg9GjR5OWlsaFF14Yvx+GiIhIzZUFvG1mc4F3gVnu/ipBYnhaeLn5VOC2\nRAZRY3sQq4Jf/epXTJ48mTp16vCHP/yBiy++mA8++ACASy+9lFmzZtG9e3c2b95Mfn4+aWlpzJo1\ni6FDh7Js2bKYjrFs2TL69+/Ps88+S48ePXjhhRfo27cvS5cuJSsriwceeIBBgwaxYMEChg8fzmmn\nnUa/fsHAqX//+9+6xCwiIhJH7r4c6FpK/SaCxLBSpGSCmAoTRFa2fv36UadO8Hbk5OQwffp0Bg4c\nWLx+1KhRHHjggXz33Xc0bNiQevXqsXjxYjp37kx6ejpdu/7oXIrJo48+ynnnnUePHj0A+OUvf0mn\nTp14/fXXOfvss+nXrx+zZs3i5JNPZtu2bcyfP3//X6yIiIiktFS9xJz0CSIr28yZM9m0aRObNm1i\n+vTp7NmzhxEjRnDIIYeQnp5Op06dMLPiS8bPPfccM2fOpF27dvTq1Yv3339/n467YsUKJk2aRGZm\nJpmZmWRkZDB//ny+/PLL4m2GDh3KokWLGDZsGI0bN47L6xUREZHUlaoJYtIniKxsJe9BnDJlCi+/\n/DJ5eXls3ryZpUuXRm3XrVs3Zs6cyYYNGzjzzDM5//zzAaIGqMSibdu2DB8+vDg5LSgooLCwkCuv\nvBKAnTt3Mnz4cC655BLGjRvHmjVrivfd22OJiIhI1ZCqCWLSJ4hMtsLCQurXr09GRgbbtm3jxhtv\nLF73/fff8+STT1JYWEjt2rVp3Lhx8eXprKwsNm7cyNatW2M6zuDBg3nyySfJy8vD3fnuu++YPXs2\nGzZsAOCmm26iRYsWTJw4kWHDhjF48ODifbOysmK+11FERESqjlRNEH/u7j8F+gBXmtnJVPIEkZWp\ntJ64Sy65hFatWtG6dWuOPvpoTjrppKj1kydPpn379qSnpzNp0iQee+wxADp37kz//v1p3749mZmZ\nFY5i7tixI9OmTeOmm26iWbNmHHzwwdx77724O2+//TaPPPIIkycHHbdjxoxh06ZN3HPPPQBcfvnl\nvPPOOzRr1oyLL744Hj8KERERSQEpP1H23kwQaWY+evTo4nJOTg45OTkpP1G2SGk0UbZI9aeJsmu2\nWCbKTpaUG8W8vxNE5ubmxnQcJW8iIiIipUu5BJFggsjnzMwJ4nvc3V81sw+Bp83sUmAlcG4ygxQR\nERGprlIuQUyVCSJFREREaqpUHaQiIiIiIkmiBFFEREREoihBFBEREZEoShBFREREJIoSRBERERGJ\nogRRKsVZZ53FG2+8kewwUsa7777LaaedluwwRERESpVy09xUlrv+N5fNXyfuSSrpzdpw9fW5MW3b\nvn171q9fT506dXB3zIwlS5bQsmXLfTr27NmzGTJkCMuXLwdg6NChTJ06FTNj+/btuDsNGjQAoGfP\nnsycWeqc4zE599xz6datGyNGjChzm/fee4+1a9fSq1evfT5OdXP88cezc+dO5syZQ48ePZIdjoiI\nSJQamyBu/no1ucOPTlj7uRMWxrytmfHiiy/Ss2fPuBy7KMks8tBDD/HQQw8BMHLkSNasWcMjjzwS\nl2PFYsKECVXiWc27d++mdu3alXa83/zmNzzwwANKEEVEJOXoEnOKKO2Zu+7OueeeS6tWrcjMzKRX\nr158+umnxetfeOEFjjzySNLS0mjXrh133303W7Zs4ayzzmLlypU0adKEtLQ0Nm7cWOHx58yZQ/fu\n3cnIyKBbt268++67AKxbt46WLVuSl5cHwObNm2nXrh0zZsxg/PjxzJgxg9GjR5OWlsaFF15Yatsv\nv/xyVBJ03333cfrpp/O73/2O9PR0Dj300OL2AVauXEmfPn3IzMzkiCOO4PHHHy8z7sWLF9OwYUMm\nTpxImzZtaNmyJXfddVfx+q1bt3L++eeTkZHBMcccw6233soRR/zwCO8WLVowfvx4OnfuTLNmzYDg\ncY0dOnQgLS2NY445hpdffvlHsV9xxRWkp6dz+OGHM3fuXB544AHatGlD69ateeaZZ4q3nz59Oocf\nfjhpaWlkZ2czYcKE4nU5OTlRbYuIiKQKJYgp7le/+hVffPEFa9eu5aijjorqibv00kuZNGkSW7Zs\nYcGCBfTo0YO0tDRmzZpFu3btKCwsZMuWLTRv3rzcYyxbtoz+/ftz++23U1BQwOjRo+nbty+FhYVk\nZWXxwAMPMGjQIL755huGDx/OaaedRr9+/bjmmmvo168fY8aMYcuWLaUmcuvXr2fDhg0cdthhUfV5\neXmcfPLJFBQU8Nvf/pahQ4cWr+vfvz9HH30069evZ8qUKfz+97/n/fffLzP+HTt2sHDhQpYvX87M\nmTP54x//yKpVqwC44YYb2LJlC6tXr+b5559nypQpUb2rANOmTePNN99k3bp1ABx55JG8//77fPPN\nN1x77bWcd955bN68OSr2U045hU2bNtGnTx/OOeccli1bRn5+Pvfddx+XX345u3btAuCyyy5j6tSp\nbNmyhblz53LiiScWt3PooYeydetW8vPzy31/REREKpsSxBTRr18/MjMzyczM5JxzzgGCS88DBw7k\ngAMOoF69eowaNYqPPvqI7777DoB69eqxePFitm7dSnp6Ol27/ugJhTF59NFHOe+884p7+X75y1/S\nqVMnXn/99eLYTj31VE4++WTef/997r777pjb3rx5M7Vr16Z+/fpR9Z07d+a8884rfo3Lli3j22+/\n5ZNPPuGTTz7hlltuoU6dOnTr1o2LLrqIf/7zn+Ue55ZbbqFu3bp0796djh07snBhcIl/2rRpjBo1\nikaNGpGdnc3w4cN/tO91113HgQceWBzjgAEDaNGiBWbGoEGDOPDAA5k7d27x9kcddRT9+/enVq1a\nDBgwgJUrVzJmzBjq1KnD2WefzdatW1m5ciUAdevWZdGiRWzbto3MzEy6dOkSdexGjRpFJZ8iIiKp\nQAliipg5cyabNm1i06ZNTJ8+HYA9e/YwYsQIDjnkENLT0+nUqRNmVnzJ+LnnnmPmzJm0a9eOXr16\nldvLVp4VK1YwadKk4gQ1IyOD+fPn8+WXXxZvM3ToUBYtWsSwYcNo3LhxzG1nZGSwe/dutm/fHlUf\nOQDngAMOAILLwV999RVZWVnUq1eveH12djZr1qzh22+/pUmTJsWXzgsKCgCoX78+TZo0iWpv69at\n7N69mw0bNtCmTZvidW3btv1RjJHrAR588EG6dOlS/LNYsWJF1GX6rKys4uWGDRvSqFEjGjZsGFW3\ndetWIHhfp06dStu2bTnttNOiEk2Abdu2kZ6eXtaPT0REJCmUIKaI0u5BnDJlCi+//DJ5eXls3ryZ\npUuXRm3brVs3Zs6cyYYNGzjzzDM5//zzAX50CbUibdu2Zfjw4cUJakFBAYWFhVx55ZUA7Ny5k+HD\nh3PJJZcwbtw41qxZU7xvRcdq0aIFWVlZLFmyJKZYWrduzbp169i5c2dx3cqVKznooIM44IADKCws\nLL50npGRUW5btWvXpnnz5qxe/cNo9aKevUiRr+GTTz7huuuuY9KkScU/i+zs7FLfn1iccMIJvPDC\nC6xfv56ePXtG3ae5ZMkSGjduTPv27fepbRERkURRgpjCCgsLqV+/PhkZGWzbto0bb7yxeN3333/P\nk08+SWFhIbVr16Zx48bUqRMMSs/KymLjxo3FvVgVGTx4ME8++SR5eXm4O9999x2zZ89mw4YNANx0\n0020aNGCiRMnMmzYMAYPHly8b1ZWFsuWLSu3/T59+jBnzpxytylKwA4//HAOP/xwRo4cyc6dO/nw\nww95/PHHueiiiyrctzQDBgzgL3/5C4WFheTn5/Pggw+WG8fWrVuLE8tdu3Zx33337fM9glu3bmXa\ntGnFbTZq1Kj4PYJgYNDpp5++T22LiIgkkhLEFFBWL9wll1xCq1ataN26NUcffTQnnXRS1PrJkyfT\nvn170tPTmTRpEo899hgQ3N/Xv39/2rdvT2ZmZoWjmDt27Mi0adO46aabaNasGQcffDD33nsv7s7b\nb7/NI488wuTJkwEYM2YMmzZt4p577gHg8ssv55133qFZs2ZlTmUzbNgwpkyZEvPP4Nlnn2XevHlk\nZWVx0UUXcdddd/Gzn/0spn1Llv/2t7/RqFEj2rZtS9++fTn//POj7ocsuW+3bt247LLL6Nq1K23a\ntOGrr77iJz/5SbmxlxfPgw8+SLt27cjMzOTpp59m0qRJxesef/xxLr/88r1qW0REpDLYvl46S0Vm\n5qW9HjP7US9TKk2UXRP069ePq666KumTZY8bN445c+Ywa9aspMbx3nvvcdNNN/Haa6+VuU1p562I\nVC+jrrmMkQOOSnYYFbrl6UXcPH5issOodsLP+b27L6yS1NiJspW8Va4ZM2Yk5bgrV65k3bp1/PSn\nP2XRokXcc8895ObmJiWWSN27dy83ORQREUmmGpsgSs3w/fffM2jQIFatWkVmZiaDBg1i0KBByQ5L\nREQkpSlBlGrt0EMP5b///W+ywxAREalSNEhFRERERKIoQRQRERGRKEoQRURERCRKjbgHMTs7e6+f\nLiKSbNnZ2ckOQUREaqgakSDu65MwJFBV5ukCzdUlIiISD7rELCIiIiJRlCCKiIiIpBgzq2VmH5vZ\n82G5vZm9a2afmdmTZpbQq8BKEEVERERSz/8DIifyHQvc4e6HAZuByxJ5cCWIIiIiIinEzNoAfYCH\nI6p7Ac+Gy5OBsxMZgxJEERERkdQyHrgecAAzawYUuPuecP1qoHUiA6h2o5jz8vLIyckpXgZU3s9y\nkTkfLwWgx7EdU7acv+qr4nhT5eenssoqq1xWuUgqfH6WV85f9RV5+vsal/c7Ly+v3NlVzOxMYJ27\nzzOznKLq8CuSl9lIHJh7QtuvVGbm1en1pApNcyMikhhV5fNVn62JYWa4u5WouxW4CNgFNASaADOA\n3kBLd99jZscDo939jETFpkvMIiIiIinC3W9093bufjBwPvCGu18EvAmcG242CJiZyDiUIIqIiIik\nvhuAa81sCZAJJLRLNyXvQTSzWsCHwGp3P8vM2gNTgQzgY+Bid9+VvAhFREREEsvd5wBzwuXlQPfK\nOnaq9iAmde4fERERkZos5RLEVJj7R0RERKQmS7kEkRSY+0dERESkJkupexDjMfdPbm5u8XJOTk7x\nHEQiIiIiEpuUShCBE4GzzKwPP8z9cxfQ1Mxqhb2IbYAvy2ogMkEUERERkb2X0EvMZlZ/b7ZPlbl/\nRERERGqyuCaIFhhgZjPNbB2Qb2Zfm9kCM/ubmR28j01X6tw/IiIiIjVZvC8xv0kwX88YYL677wYw\nswOBnsCdZjbN3R+vqKFkzv0jIiIiUpPFO0E83d23l6x09/XAU8BTZlYvzscUERERkTiK6yXmouTQ\nzNoXJYJmdpKZXWFmaeE2O+J5TBERERGJr0QNUpkBuJkdAkwCOgFPJOhYIiIiIhJHiUoQ97j7TuAc\n4B53vwY4KEHHEhEREZE4SlSCuMvMzgUuBl4I6+om6FgiIiIiEkeJmij7UuAK4HZ3X2ZmHYAnE3Qs\nEREREYlgZrWAYwgeT/wdsNjd18W6f0ISRHdfRJAgFpWXA39NxLFEREREJBCO//gjcCrwObABaAAc\nambfAv8AJodPpytTXBNEM5sRHvg1d99VYl02wVNQVrv7I/E8roiIiIgA8BdgAvBbd/fIFeG81L8h\nuAVwcnmNxLsH8UrgOuC+8EkqRVnrwcBK4D53fzbOxxQRERERwN0vKGfdeuCuWNqJa4Lo7muAawke\ni9cRaEVw3fszdy+M57FEREREpHxhPpYLNATGuft/YtkvUYNUcPelwNJEtS8iIiIi0cysgbt/H1F1\nCzAiXJ4FdI2lnURNcyMiIiIilW+WmV0cUd4JtAeygd2xNqIEUURERKT6+B+gqZm9bGYnA38ATgfO\nBi6MtZGEXWIOn8XcLrzULCIiIiIJ5u67gXvN7DFgFMF4kJHu/sXetJOQHkQzOxNYCLwWlrua2XOJ\nOJaIiIiIBMysu5k9QzDVzSRgJPBXMxtnZk1jbSdRPYg3A92BNwHcfV44ikZEREREEucB4EygMTDJ\n3U8EzjezHsDTBJebK5SoBHGnu282s8g6L2tjEREREYmL3QSDUhoBO4oq3X0OMCfWRhKVIH5iZgOA\nWuFzmP8f8G6CjiUiIiIigd8AvyVIDgfuayOJShB/R3Bj5B7gOeAV4MYEHUtEREREAp+7+3XlbWBm\nVvIxfCUlJEF0920ED4r+YyLaFxEREZFSvWlmzwIz3X1lUWU4u8xJwCCCMSKPltdIQhJEMzsWuIHg\nGnjxMdz92EQcT0RERESAYB7ES4Enw9v8NgMNgNrAq8B4d59XUSOJusT8BMEl5YUEl5lFREREJMHC\nx+zdD9xvZnWB5sB37r55b9pJVIL4tbtPT1DbIiIiIlIBd98JfLUv+yYqQRxjZv8AXge2F1W6+/MJ\nOp6IiIiIxEmiEsQLgS4EkzQWXWJ2QAmiiIiISIpLVIJ4vLsflqC2RURERKQcZvY74HF3L9iX/ROV\nIL5nZoe5+2cJal+kVAsWzSX3hiHJDiMm6c3acPX1uckOQ0REUoiZ1QfeAuoR5GnPuPsYM2sPTAUy\ngI+Bi919VzlNtQQ+MLOPgUeAVyqa+zBSohLEnwALzGwpwT2IBrimuZFE893fkTv86GSHEZPcCQuT\nHYKIiKQYd99uZj3d/Vszqw28Y2YvA9cCd7j7NDObAFwG/KOcdm4ys5FAb+AS4F4zexqY6O5fVBRH\nohLEfglqV0RERKRac/dvw8X6BLmaAz2BC8L6yUAu5SSIYTtuZmuBtcAugt7HZ8zsNXcfUd6+cU0Q\nzaxR+BSVDfFsV0RERKSmMLNawEfAIcB9wBfAZncvGvi7GmhdQRtXETw1ZSPwMHC9u+8M2/4cqLwE\nEXgGOANYTJDtWonv7eJ8PBEREZFqJUwEf2JmacBzwBGlbVZBM82Bc9x9Rcm2zeyXFcUQ1wTR3c8I\nv7eNZ7t7Iy8vj5ycnOJlQOX9LBeZ8/FSAHoc2zFlyxsLthXHm/efz4PXc0KnlCznr/xK56vKKtfw\ncpFU+Pwsr5y/Sp9X8SgXLefn5xMLd99iZnOA44F0M6sVJo9tgC8r2P0lYFNRwcyaAEe6+3vu/klF\nx7a9GNASMzN71d17V1RXxr77PHrHzPZmgI7EaNQ1lzFywFHJDiMmv/7zg8ycdHmyw4hJ7oSF5N72\ncLLDEJEkqiqfr7c8vYibx09MdhjVjpnh7lairjmw092/MbOGwCvAbQSXi6e7+1PhIJX57v5AOW3P\nBY4tSozCS8sfxjpguNa+vaQyg6kXdodmmVkTM0sLv9oQ4+Vld98O9HT3nwBdgTPMrDswlmD0zmEE\nD56+LJ6xi4iIiKSAVsCbZjYPeI9gepqXgBuAa81sCZAJVJSxR/WahT2PMV85jvc9iFcSDMM+kOA+\nxKKseAtQZpZbUrxG74iIiIhUJe6+EPhRL5+7Lwe670VTy8KBKhPC8hXAslh3jmsPoruPD+8//KO7\nt3P3tuFXZ3e/K9Z2zKxW2DW6FniNfRi9IyIiIlKDXQ78HFhDkDd1B4bFunNC5kHcm2SwjP33efRO\nbm5u8XJOTk7xDaIiIiIiNYW7rwfO39f9EzVRdlzsy+idyARRREREpCYyswYE4zU6Aw2K6t390lj2\nj+sl5njZLc+LAAAgAElEQVQws+Zm1jRcbgicCvwXeBM4N9xsEDAzORGKiIiIpLzHCJ7HfDowh6Bz\nrTDWnRPSg2hmXUqp/gZYFXEfYVlaAZPD4di1gKfc/SUz+wSYama3AHOpePSOiIiISE3V0d3PNbO+\n7j7ZzJ4A/hXrzom6xDyRYIqaopHMRxD0AjYxs2HuPrusHeM4ekdERESkptoZft9sZkcRDPw9MNad\nE3WJOR84zt27uvsxwHHAEoJuzjsSdEwRERERCTxoZhnATcDzBB11Y2PdOVE9iEe4+4KigrsvNLMj\n3X2pmZW3n4iIiIjsh/A2vS3uXkDwdLqD97aNRPUgfmpm95jZieHX38O6+sCuinYWERERkX0TjvcY\nsT9tJCpBHEgwKeMNwJ8IpqQZRJAcnpKgY4qIiIhI4HUz+4OZtTWzzKKvWHdO1ETZ3xJc5y7tWvc3\niTimiIiIiBQ7L/x+ZUSdE+Pl5kRNc3M8MBrIjjyGux+aiOOJiIiIyA/cvcP+7J+oQSqTCK59fwTs\nTtAxRERERKQUZjawtHp3nxLL/olKELe4+6wEtS0iIiIi5esWsdyAYAzIx0BSE8Q3zOxvwHRge1Fl\n5NQ3IiIiIpIY7v77yHL4GOOnYt0/UQniSSW+Q3Bj5C8SdDwRERERKdu3QMz3JSZqFPPJiWhXRERE\nRCpmZrMIOucgmNbwSODpWPePa4JoZhe4+5NmdlVp69397/E8noiIiIiUalzE8i5ghbuvjnXnePcg\nZoTfW8S5XRERERGJ3UrgK3f/HsDMGppZe3fPj2XnuCaI7n5/+H1kPNsVERERkb0yDfh5RHl3WNet\n9M2jJWqi7ObApUB7oifKHpaI44mIiIhIlDruvqOo4O47zKxezDsnJiZmAu8Cb6OJskVEREQq2wYz\nO8vdnwcws77Axlh3TlSC2Mjdr0tQ2yIiIiJSvsuBx83s3rC8Gij16SqlSVSC+H9m1tvdX01Q+yIi\nIiJSBnf/AjjezBoD5u6Fe7N/rcSExeXAy2a21cw2mVmBmW1K0LFEREREJIKZ3Wpm6e6+1d0LzSzD\nzP4S6/6JShCbA3WBpgRT3jRHU9+IiIiIVJYz3H1zUcHdC4A+se4c74myO7n750DnMjbRs5hFRERE\nEq+2mdV39+0QzIMI1I9153jfg3gDcBlwXynr9CxmERERkcrxT2C2mU0iyMEuBabEunO8J8q+LPyu\nZzGLiIiIJIm7325mC4BTAQNucfdXYt0/UaOYMbPDCR4M3aCozt2fSNTxREREROQH7v4y8DKAmZ1o\nZve5+5Wx7JuoJ6ncBPQGDgdeAU4nmDRbCaKIiIhIJTCzrsAFwHnAcmB6rPsmqgfxPKAr8LG7X2xm\nrYBHE3QsEREREQHM7FDgfILE8GvgKYJ5EHvuTTuJShC/c/fdZrbLzJoAa4HsBB1LRERERAKfAv8C\nfuXuSwHM7Jq9bSRR8yDONbN04BHgQ+D98EtEREREEqc/Qcfcm2b2kJmdQjBIZa/EPUE0MwNy3X2z\nu98HnAn81t1jfv6fiIiISE1kZm3M7A0z+6+ZLTSzq8L6DDN71cw+M7NXzKxpafu7+3Pufh7BOJA8\n4Bogy8wmmFnvWOOIe4Lo7g68FlFe6u4fx/s4IiIiItXQLuBadz8SOAG4MpwZ5gbgdXc/DHgD+FN5\njbj7Nnd/3N1/CbQB5oVtxCRRl5jnmdmxCWpbREREpFpy97XuPi9c3gp8QpDg9QUmh5tNBvrtRZub\n3P0f7t4r1n3i/ai9Ou6+C/gJ8L6ZfQFsI7j27e6upFGkCrpzTC4Fa1YnO4yYZBzUhmtH5yY7DBGR\n/WZm7QlmhXkXyHL3dRAkkWbWIpHHjvco5veBY4Gz9mVnM2tD8BiYlsBu4CF3/7uZZRAM084G8oEB\n7v5NXCIWkQoVrFnNjcd1SXYYMbn1Iz3yXUSqPjNrDDwD/D9332pmXpnHj3eCaADu/sU+7l903X1e\n+IP5yMxeBS4huO5+u5n9keC6e6nX0fPy8sjJySleBlTez3KROR8vBaDHsR1TtryxYFtxvHn/+Tx4\nPSd0Ssly/sqvqtT5+tZnQfy/OKxTSpeLJPvnpbLKsZSLpMLnZ3nl/FVV6/MqVctFy/n5+ZTHzOoQ\nJIePufvMsHqdmWW5+zozawmsL7eR/WTBmJI4NWa2GrizrPXuXua6MtqbAdwbfvWI+KHkufvhpWzv\n8Xw9Ehh1zWWMHHBUssOIya///CAzJ12e7DBikjthIbm3PZzsMGIyctiQKtWDeMuDVePnKlJVPl9v\neXoRN4+fmOwwqh0zw91/NAWNmU0BNrr7tRF1Y4FN7j427CzLcPeYB53srXj3INYGGrMP8+2UlMzr\n7iIiIiLJYGYnAhcCC81sLuDAjcBY4GkzuxRYCZybyDjinSB+5e43728jyb7uLiIiIpIM7v4OQYdb\naU6trDgScg/ifjWwn9fdc3Nzi5dzcnKKr/+LiIiISGzinSCeEoc2HgH+6+53R9Q9Dwwm6F4dBMws\nZT8gOkEUERERkb0X1wTR3Tftz/6pct1dREREpCaLdw/ifkmV6+4iIiIiNVmiHrUnIiIiIlWUEkQR\nERERiaIEUURERESiKEEUERERkSgpNUilJrlzTC4Fa1YnO4yYfLJ0HlSBR0GJiIhIfChBTJKCNaur\nzLNtByx4J9khiFRLd/1vLpu/rhr/KKY3a8PV1+cmOwwRqSRKEEVEkmTz16vJHX50ssOISe6EhckO\nQUQqke5BFBEREZEoShBFREREJIoSRBERERGJogRRRERERKIoQRQRERGRKBrFLCLVyoL/zmXUNZcl\nO4yYfLJkHlA1RjGLSM2iBFFEqpU9u75lZBWZ2P3Xf/53skMQESmVLjGLiIiISBQliCIiIiISRQmi\niIiIiERRgigiIiIiUZQgioiIiEgUJYgiIiIiEkUJooiIiIhEUYIoIiIiIlGUIIqIiIhIFCWIIiIi\nIhJFCaKIiIiIRFGCKCIiIiJRlCCKiIiISBQliCIiIiISRQmiiIiIiERRgigiIiIiUZQgioiIiKQI\nM5toZuvMbEFEXYaZvWpmn5nZK2bWNNFxKEEUERERSR2TgNNL1N0AvO7uhwFvAH9KdBAplyCmSuYs\nIiIiUtnc/W2goER1X2ByuDwZ6JfoOFIuQSRFMmcRERGRFHGgu68DcPe1QItEHzDlEsRUyZxFRERE\naqo6yQ4gRlGZs5mVmTnn5eWRk5NTvAykbPmtzz4H4BeHdUrpcpE5Hy8FoMexHVO2vLFgW3G8ef8J\n4s85oVNKlvNXfqXzNQHlIqlwPlZU1vmqcpFUOB/LK+ev0vsfj3LRcn5+PntpnZllufs6M2sJrN/b\nBvaWuXuij7HXzCwbmOXuXcLyJnfPjFj/tbs3K2U/T8XXU5qRw4Zw43Fdkh1GTAZMmsD08cOSHUZM\nfv3nB5k56fJkhxGT3AkLyb3t4WSHEROdr4mh81VGXXMZIwcclewwKnTL04u4efzEZIdR7ZgZ7m6l\n1LcnyIOODstjgU3uPtbM/ghkuPsNiYytqvQgxpw55+bmFi/n5OQUZ+8iIiIiqc7MngBygGZmthIY\nDdwGTDOzS4GVwLmJjiNVE0QLv4o8DwwGxgKDgJll7RiZIIqIiIhUJe7+mzJWnVqZcaTcIJUwc/43\ncKiZrTSzSwgy59PM7DOCH9BtyYxRREREpDpLuR7EVMmcRURERGqqlOtBFBEREZHkUoIoIiIiIlGU\nIIqIiIhIFCWIIiIiIhJFCaKIiIiIRFGCKCIiIiJRlCCKiIiISBQliCIiIiISRQmiiIiIiERRgigi\nIiIiUZQgioiIiEgUJYgiIiIiEkUJooiIiIhEUYIoIiIiIlGUIIqIiIhIFCWIIiIiIhJFCaKIiIiI\nRFGCKCIiIiJRlCCKiIiISBQliCIiIiISRQmiiIiIiERRgigiIiIiUZQgioiIiEgUJYgiIiIiEkUJ\nooiIiIhEUYIoIiIiIlGUIIqIiIhIFCWIIiIiIhJFCaKIiIiIRKmT7ABEREQktS1YNJfcG4YkO4yY\npDdrw9XX5yY7jCpPCaKIiIiUy3d/R+7wo5MdRkxyJyxMdgjVghJEERGpVu4ck0vBmtXJDiMmnyyd\nBwOOSnYYIj9SpRJEM/sf4C6CeycnuvvYJIckIiIppmDNam48rkuyw4jJgAXvJDsESUGpkO9UmUEq\nZlYLuBc4HegMXGBmhyc3Ktkfcz5emuwQRGKyIj8/2SGIxEzna9WWKvlOlUkQgZ8Bn7v7CnffCUwF\n+iY5JtkPShClqshfkZ/sEERipvO1ykuJfKcqJYgHAasiyqvDOhEREZHqIiXynaqUIFopdV7pUYiI\niIgkTkrkO+ZeNXIsMzseyHX3/wnLNwAeeeOmmVWNFyMiIiICuHtUQhhLvlMZqlKCWBv4DDgF+Ap4\nH7jA3T9JamAiIiIicZIq+U6VmebG3Xeb2e+AV/lh2LeSQxEREak2UiXfqTI9iCIiIiJSOarSIBWJ\nAzPLNLO5ZvaxmX1lZqsjyjH1KJvZRDPrVME2V5jZBXGId2YY2+dmtjki1m6xxCGpw8z+bGaLzGx+\n0XuYpDj6Rs4pZmZjzKzXXrZxjZl9Z2ZN4h+hpIJ4na8lz7e93LepmQ2PKLcys6f3so3aZrbBzP66\nLzFIzaUexBrMzEYBW939zlLWmafQyWFmpwBXuvs5yY5F9l540/UdQA9332VmmUA9d1+bhFgmAS+4\n+7P70cZ7wPcEl36mxC24Hx+nlrvvSVT7Urp4nq/7c76ZWXtglrvv80OQzewM4M9Alrsn7B9qM6vt\n7rsT1b5UPvUg1mzFI6fM7BAzW2xm/zSzRUBLM/uHmb1vZgvN7KaIbf9lZl3C/0wLzOxvZjbPzN4x\ns+bhNreY2VUR2//NzN4zs0/CD1/M7AAzeyb8L32amX1gZjE/H6uUOO4I2/o/M/uZmeWZ2dLwkUVF\n/0nfYWbvhvFeGqefo1SsFbDR3XcBuPumoj+2ZnZs+F59EL53WWH9m2Z2Z1i/2Mx+ambPmtlnZnZL\nUcNm9ly4zUIzGxJRX2hmfwnf63+bWQszOwE4C7g97BXqYGaTzOyccJ9u4Xk8LzxPGpV8IWZ2MNAI\nuAn4TUR9LTP7XzNbEO5/ZVltmtkgM7snYt9ZZvaLiLjHmdlc4HgzGxn+Hi4wswci9jnEzF4L2/0w\nfC1TzOxXEdv808x+uV/vXM1U6vlqZr3MbHrRRmZ2qpk9Ey7Her4NCd/PueHnXoNw/wPNbHq4/9zw\nc/JvwCHhvmPNLNvMFobbl3q+leICgke2rTSz7hGxl3ZelnUOL7cgScbMjjOzN8Pl0eE59zYwJYzv\nrfB8/DB8DUXHGxG2O9fMbjWzg83so4j1Hc3sw/183ySe3F1fNfQLGA1cGy4fAuwCjo1Ynx5+rw28\nBRwelv8FdAnr9wC9w/o7gBHh8i3AVRHb/y1c/hXwf+HyH4F7wuUuwE6gSxmxngJML1FXMo5eYf3z\nwIsE/wAdC3wQ1g+PiK8e8DHQJtnvQ034Ikio5gKfAvcBvwjr6wDvAM3C8gCCXjmANyPOm6uANcCB\n4Xu3CsgocZ42ABZG1O8B+oTLY4Ebw+VJwDkRsU0CzgHqAl8U/Q4AjYFapbyWPwM3EvyDtQxoHtZf\nDkzjhysz6WW0WRsYBPw9os1ZET+TPUD/iHXpEctTgDPD5XeBsyLO5wbAL4Dnwrq08Ng/eg362rfz\nNVz334jz9fGIcyzW8y0jYvkWgisjEDwto+gz04AmQDawIGL74jLB51nU+VbK62hAMMlyA2AIcHdY\nX9Z5+aNzOPy+DMgMl48D3giXRwMfEPSuFh2vaLkjP3z2ngG8DdQv0e5sws984K9FPwt9pcaXehAl\n0hfu/nFE+cLwP7yPgcOBI0vZ51t3fzVc/ghoX0bb0yO2yQ6XTyL4UMTdFwCL9z10vnX3N8LlhUCe\nB5fmFkYcrzdwSdgz8x7QFNA9jJXA3bcRJOvDgA3AVDMbCBwGHAW8Fr4vfwZaR+z6fPh9IbDI3de7\n+w6CP1htw3VXm9k8goSpDT+8p9vd/aVwubxzs8hhwJdFvwPuvtVLv7x7PvCUB3/VngPODetPBR4I\n63H3zWW0WdFluF388PsCcErYw7MA6Al0NrPGQGt3fz5sd4e7f+/ubxH0ODUn6Dl6tozXIOUo53wF\neAy4yMyaAscDL4f1sZ5vR4e9bAsIeqA7h/W9gAnh8d3dCysI8xR+fL6V9EvgTXf/nuBcPdvMjLLP\ny9LOYSh94uYiz4e/kxD8o/Jw+NqmAUdExDrJ3beXaHciwWdyLeA84IkKXrNUoiozzY1Uim1FC2bW\nkaDX5qfuXmhmjxH8d1jSjojl3ZR9Tm0vZZuSHzrlfQhVJDKOPRHH21PieFe4+5v7cRzZR+EfnbeA\nt8LLZAMJ/vlY5O4nlrFb5Pu4PaJ+D1DHzHoQ/GHt7u7bw0tfRefpzojtyzs3i1R4/pnZ0QQJ6GvB\n31nqESSrE8L9S963W1abu4i+xSfyd+v7oj/QZlafoAfrWHf/0sxGh9taOW0/BlxEkMheUtFrktKV\ncb5OAR4l6PHdDkyLSMBjPd8eJej5XWRmg4AeRYfcyxBLO99KugD4uZktC7fPJPgnY8Nethl5vpb8\nO7AtYvkaYK27d7FgLr/vKmj3WYJeyDeBD929oPyXI5VJPYgSKfIPThqwBdhqZq2A02PYZ2+9TfBf\nY9Ef3iPK37xc5cVRtO4V4MrwgwszOzT8AywJFv6sO0ZUdQVWEEwG28J+uC+1jpmV1lNdlqZAQZgc\nHk7Qo1N82DL2KSQ4v0v6FGhlZseFsTQOezYiXQCMdveDw682wEFm1pZgzrLLI86vjDLarA3kA10t\n0Bb4WRlxNyD4w/p12Gv4a4Cwd2mVmfUN261nZg3DfSYDVwebaa7YfVHO+Yq7fwV8SdDb/WjkbmU0\nV/J8awysNbO6wIUR9bOBK8Lj17JghHwhwaXm0pR2vkW+hjSCqzRtw3O1A3AlQa9lWedlWW0uJ7i0\nDNC/jHgg+H38KlweSHDZuijWS4vO0aJ2wx7FVwj+wZpUTruSBEoQJVLxf3jhpYdPwq9HCZK5H21H\nbP/1lrXNPUBrCwbFjCS4t+ebfYm3gjiK1v0D+ByYF14CuR/1oleWxsBkCwYRzSP4ZyDX3XcSJD1j\nw/q5wAnhPrG8py8Ddc1sMXAr8J9StilpKnC9mX1kZh2KtgtjOQ+4N4zlVX7cW3IewaW6SM8R9NY9\nRHBv5ILwcvkFZbRZ393fIUgSFxMMIPgoor3I38NvwnYXA/9H8ESFIgOBq8xsPsF9nFnhPusJfm/1\nB3fflXq+Rqx/HFjl7p9G1MV6vo0keB//RfA+Fbka6Bl+Nn0IHOnum4B/h4M7Sj5m7WFKnG8l1p8N\nzPZwoE3oeYL7wCE4Z6POy3LavBn4u5m9T9CbWJb7gcHhvocS9i66+yvhsT80s4+B6yL2eZzgisCr\nSErRNDeSNOF/qXXC3p+OBP9JdtI9UyL7zswOAOYTXJau6D422QcWjED/2N2VhO8nM7sOSHP30cmO\nRaKp90SSqTEw236YoHuYkkORfWfBfKGPAOOUHCZGOBXLVuDaZMdS1VkwZdDBBPcRS4pRD6KIiIiI\nRNE9iCIiIiISRQmiiIiIiERRgigiIiIiUZQgioiIiEgUJYgiIiIiEkUJooiIiIhEUYIoIiIiIlGU\nIIqIiIhIFCWIIiIiIhJFCaKIiIiIRFGCKCIiIiJRlCCKiIiISBQliCIiIiISRQmiiIiIiERRgigi\nIiIiUZQgioiIiEgUJYgiIiIiEkUJooiIiIhEUYIoIiIiIlGUIIqIiIhIFCWIIiIiIhJFCaKI1Bhm\nttzMesWhnUlmdnOJumwze9HMNpnZl2Z2j5npM1ZEqiR9eImIxMf9wDogC+gK9ACuSGpEIiL7SAmi\niNQIZjYFaAfMMrMtZvYHM+tuZu+YWYGZzTWzHuG2GWa2yszODMuNzOxzM7vIzIYCFwIjwnZmhofo\nADzt7jvdfT3wMtC58l+piMj+M3dPdgwiIpXCzJYDl7r7m2bWGlgAXOjur5jZKcBTwGHu/rWZnQZM\nBo4BbgXS3P28sJ1JwCp3HxXR9jDgROByIJMgQfyzuz9fiS9RRCQu1IMoIjWNhd8vAl5091cA3H02\n8CHQJyy/BkwDZgNnECR+5XmLoMdwC7AS+EDJoYhUVUoQRaSmygYGhINKNplZAUEPYKuIbR4CjgIm\nuXtBWQ2ZmQGvAM8ABwDNgUwzG5uw6EVEEkgJoojUJJH31KwCprh7ZviV4e5N3P12gHAE8j8ILjMP\nN7ODy2gHgkvKbYD7wnsQC4BJBD2PIiJVjhJEEalJ1gJFid4/gV+ZWW8zq2VmDcysR3hvIsCfCRLB\nS4E7gMfCnkIIRisXJ4zu/jWwnCCRrG1m6cAgYF7iX5KISPwpQRSRmuQ2YKSZbQIGAH2BG4ENwArg\nD0AtMzsWuBq42IORfGOBPcANYTsTgc7hpenpYV1/gh7DDcASYCdwbaW8KhGRONMoZhERERGJoh5E\nEREREYmiBFFEREREoihBFBEREZEodZIdQDyZmW6oFBERkSrD3a3irSpftUoQATTopurIzc0lNzc3\n2WGIVEjnqlQlOl+rjh9mzko9usQsIiIiIlGUIIqIiIhIlIQmiGY20czWmdmCiLoMM3vVzD4zs1fM\nrGnEur+b2edmNs/MukbUDzKzJeE+AxMZs1SenJycZIcgEhOdq1KV6Hyt2szsUDOba2Yfh9+/MbOr\nysufEhJHIu/ZM7OTgK0EzzvtEtaNBb5299vN7I9AhrvfYGZnAL9z9zPNrDtwt7sfb2YZwIfAsYAB\nHwHHuvs3pRzPdQ+iiIiIVAVmVu4glfCZ8KuB7sDvKCV/SlRsCR2k4u5vm1l2ieq+QI9weTLwJsHj\nq/oCU8L93jOzpmaWBfQEXi1KCM3sVeB/gKdijaN9+/asWLFiv16LSGXLzs4mPz8/2WGIiEjynAp8\n4e6rzKxk/pTHD4//jLtkjGI+0N3XAbj7WjM7MKw/CFgVsd3qsK5k/ZqwLmYrVqzQ6GapclJ5dJuI\niFSK84AnwuWsEvlTi0QeOJUGqZT8a2iAl1JPWC8iIiJSLZlZXeAsYFpYVam5TzJ6ENeZWZa7rzOz\nlsD6sH410DZiuzbAl2F9Ton6N8tqfPDgwbRv3x6A9PR0unYtHutCXl4e8MMNvCqrnMrlorpUiUdl\nlVVWWeX9Kxctx3j70BnAR+6+MSyXlT8lREIHqQCYWXtglrsfHZbHApvcfayZ3QCkh4NU+gBXhoNU\njgfuKmWQSq1w+Th331zKsUodpBLeBJqgVyiSGDpvRUSqt/IGqZjZk8DL7j45LEfmTwkfpFIrUQ0D\nmNkTwL+BQ81spZldAtwGnGZmnwGnhGXc/SVguZktBf4BXBHWFwC3ECSG7wFjSksOZe+8/fbbHHHE\nEckOQ0REREows4YEA1SmR1SP5Yf86VTC/ClhMVSnHoqq3IM4depU7rrrLhYtWkTjxo3p0KEDAwcO\nZPjw4ckOTZKkKpy3IiKy7yqa5iaZqt2zmGN155hcCtasTlj7GQe14drRuTFte8cddzBu3Djuv/9+\nevfuTaNGjZg/fz7jxo1jyJAh1K1bN2FxioiIiJRUY3sQRw4bwo3HdUlYLLd+tIBbHny4wu22bNlC\n69at+ec//0m/fv1K3WbHjh3ceOONTJs2jR07dnD22Wczfvx46tevz5w5c7jooou45pprGDt2LHXq\n1OGvf/0rgwcPBuCll17i+uuvZ9WqVTRt2pRr/j97dx6n13j/f/z1TiIhyySTYCzZkBBFKF8VRTO2\nKkVSKrRUxJJKtVp8S6rCoAt+WlQ1aksTVXsI2i9qmfjypYpEloaIiCxkk0QWW8jn98c5M+57Msud\nyczc90zez8djHnOu65xznc89c809n/s651znvPM4//zzK/ebNy+ZQWiHHXbgnHPO4c4772T27Nmc\ndNJJle08//zzDBgwgPvvv5/OnRt14nbL4BFEM7OWrZBHEBv1GkSr24svvshnn33GscceW+M2F154\nIbNmzWLKlCnMmjWLBQsWcMUVV1SuX7hwIatWreK9997jtttu45xzzuHDD5MHzZx55pnceuutrFy5\nkmnTpnHIIYdU7ld1nr3x48fz9NNPM3PmTB555BGOOuoorrrqKj744AO++OIL/vCHPzTwqzczM7NC\n5AQxz5YuXcqWW25Jq1Zf/ioOOOAAiouL6dChA8899xy33XYb1113HZ07d6ZDhw6MHDmSu+++u3L7\ntm3bMmrUKFq3bs2RRx5Jx44defPNNyvXTZ8+nVWrVtG5c+esaX+q+slPfsKWW27Jtttuy0EHHcR+\n++1H//792WyzzfjOd77DpEmTGu8HYWZmZgXDCWKedevWjaVLl7Ju3brKuhdeeIHly5fTrVs3Fi9e\nzEcffcQ+++xD165d6dq1K0ceeSQffPBBVhuZCWb79u1ZvXo1AA8++CB///vf6dWrFwcffDAvvfRS\njbGUlJRULm+xxRbrlSvaNDMzs5bNCWKe7b///rRr144JEyasty4i6NatG+3bt2f69OksW7aMZcuW\nsWLFispTyHXZZ599ePjhh1myZAmDBg1iyJAhDf0SzMzMrIVxgphnnTt35tJLL+VHP/oRDz74IGvW\nrCEimDx5Mh999BGtW7fmrLPO4mc/+xlLliwBYMGCBTz55JN1tr127Vr+9re/sXLlSlq3bk2nTp1o\n02aTvXHdzMzMcuQEsQD8/Oc/5/e//z3XXHMNJSUlbLPNNowYMYJrrrmGr3/961x11VX06dOHAQMG\n0KVLF775zW8yc+bMGtvLvPnkzjvvZIcddqBLly7ccsst3HXXXXXuU13ZzMzMNh2b7DQ3hTQPoll1\nPM2NmVnLVsjT3GyyCaJZoXO/NTNr2Qo5QfQFaWZmZnly3W8vY/nixjub1VCKt+7Oeb+4PN9hWBNy\nggOLTHAAACAASURBVGhmZpYnyxfPZ9SQ3fMdRp2uvG9avkOwJuabVMzMzMwsixNEMzMzM8viBNHM\nzMzMsjhBNDMzM7MsThDNzMzMLIsTRDMzMzPL4gSxAPTu3Zv27dtTVFREp06dKCoqYuHChfVq6+mn\nn2aHHXaoLJ911lmVbbZr1462bdtSVFREUVERgwYN2qi4TzjhBK655pqNasPMzMwKzyY7D2JjT066\nIZOKSuLvf/87Bx988EYfNyKynqN86623cuuttwIwatQoFixYwB133LHRxzEzM7OWa5NNEBt7ctIN\nnVS06iPVIoIhQ4bw/PPP8+mnn7LXXnvxpz/9iX79+gHw2GOPceGFFzJ//ny6dOnCBRdcwLBhwzj2\n2GP57LPP6NSpE5KYPXs2W265Za3HnjhxIhdeeCEzZ86kT58+3HjjjQwYMIBFixax5557cs8991Ba\nWsqKFSvo378/f/jDH3jnnXd4+OGHeeyxx/jVr37FMcccw1133bVhPyQzMzMrSD7FXMCOOeYY3n77\nbRYuXMjuu+/OD37wg8p1p59+OmPGjGHlypVMmTKFgQMHUlRUxKOPPkrPnj1ZtWoVK1eurDM5nD17\nNscffzzXXHMNy5cv57LLLmPQoEGsWrWKkpISbr75ZoYOHcqHH37IiBEjOPzwwxk8eDDnnXcegwcP\n5vLLL2flypVODs3MzFoQJ4gFYvDgwXTt2pWuXbty3HHHIYlTTz2V9u3b07ZtWy699FJeffVVPv74\nYwDatm3L9OnTWb16NV26dGGvvfaq13H/8pe/cOKJJzJw4EAAjj76aPr27ctTTz1VGddhhx3GQQcd\nxMsvv8wNN9zQMC/YzMzMCpYTxAIxYcIEli1bxrJlyxg/fjzr1q3jwgsvZKeddqJLly707dsXSSxd\nuhSAhx56iAkTJtCzZ08OOeQQXn755Xod991332XMmDGVyWlxcTGvv/467733XuU2Z511FtOmTWP4\n8OF07NixQV6vmZmZFS4niAWi6jWI48aN4/HHH6e8vJwVK1Ywa9asrO323XdfJkyYwJIlS/j2t7/N\nSSedBJB1g0ouevTowYgRIyqT0+XLl7Nq1SrOOeccANauXcuIESMYNmwY1157LQsWLKjcd0OPZWZm\nZs2DE8QCtWrVKtq1a0dxcTFr1qzh4osvrlz3ySefcPfdd7Nq1Spat25Nx44dadMmud+opKSEpUuX\nsnr16pyOc9ppp3H33XdTXl5ORPDxxx/z9NNPs2TJEgAuueQSttpqK26//XaGDx/OaaedVrlvSUkJ\ns2fPbrgXbWZmZkjqLOl+STMkTZe0n6RiSU9KelPSE5I6N2YMThALQHUjccOGDWPbbbdlu+22Y489\n9uDAAw/MWj927Fh69+5Nly5dGDNmDHfeeScAu+22G8cffzy9e/ema9eulaeka9KnTx/uv/9+Lrnk\nErp168aOO+7IH//4RyKC559/njvuuIOxY8cCcPnll7Ns2TJuvPFGAM4++2xeeOEFunXrlnUDjZmZ\nmW2UG4B/RMSuwJ7AG8BI4KmI2AV4BvhFYwagqqc2mzNJUd3rkbTeKdxCmgfRrDrV9Vsza1kuPe+M\nRp1yraFced80rrju9nyH0eKk7/OqUtcJmBwRO1WpfwMYGBGLJG0DlEdEv8aKbZOdB9HJm5mZmRWg\nHYGlksaQjB6+AvwMKImIRQARsVDSVo0ZhE8xm5mZmRWONsDewE0RsTewhuT0cpOeUmpxI4jl5eWU\nlpZWLlddB6y33mWXC7FcUVco8bjssssNX64w8bVkpoqBe/cpyPKcee/7/agByhXLc+bMoRbzgXkR\n8UpafpAkQVwkqSTjFPPi2hrZWJvsNYhmhc791qzl8zWIm7bqrkFM6ycCZ0XETEmXAe3TVcsi4mpJ\nFwHFETGysWJrcSOIZmZmZs3cucBdkjYDZgPDgNbAfZJOB+YCJzRmAE4QzczMzApIRLwO7FvNqsOa\nKoZWTXUgMzMzM2senCCamZmZWRYniNYkjj32WJ555pl8h1EwXnrpJQ4//PB8h2FmZlYtJ4gFoHfv\n3rRv356ioiI6depEUVERCxcurHd7Tz/9NDvssENl+ayzzqpst127drRt25aioiKKiooYNGjQRsV+\nwgkncM0119S6zb/+9S8WLlzIIYccslHHakkGDBjA2rVrmThxYr5DMTMzW88me5PK9f+vjBUfNN6j\n9rp0687Pfl6W07aS+Pvf/87BBx/cIMeOiKznO996663ceuutAIwaNYoFCxZwxx13NMixcjF69Ohm\n8azmL774gtatWzfZ8b7//e9z8803M3DgwCY7ppmZWS7yNoIo6TxJ0yRNkXSXpLaSekt6SdKbku6W\n1Cbdtq2keyS9JelFST039vgrPphP2Yg9Gu1rQ5PP6ua7iwhOOOEEtt12W7p27cohhxzCG2+8Ubn+\nscce4ytf+QpFRUX07NmTG264gZUrV3Lssccyd+7cylHDpUuX1nn8iRMnst9++1FcXMy+++7LSy+9\nBMCiRYvYZpttKif5XLFiBT179uThhx/muuuu4+GHH+ayyy6jqKiIk08+udq2H3/88awk6KabbuKI\nI47gxz/+MV26dGHnnXfOmkR07ty5HHXUUXTt2pVdd92Vu+66q8a4p0+fzhZbbMHtt99O9+7d2Wab\nbbj++usr169evZqTTjqJ4uJi9txzT37zm9+w6667Vq7faqutuO6669htt93o1q0bAGVlZeywww4U\nFRWx55578vjjj68X+49+9CO6dOlCv379mDRpEjfffDPdu3dnu+2244EHHqjcfvz48fTr14+ioiJ6\n9erF6NGjK9eVlpZmtW1mZlYo8pIgStoO+Amwd0T0JxnJ/B5wNfC7iNgFWAGcke5yBsnkkH2B64Ha\nz2m2IMcccwxvv/02CxcuZPfdd88aiTv99NMZM2YMK1euZMqUKQwcOJCioiIeffRRevbsyapVq1i5\nciVbbrllrceYPXs2xx9/PNdccw3Lly/nsssuY9CgQaxatYqSkhJuvvlmhg4dyocffsiIESM4/PDD\nGTx4MOeddx6DBw/m8ssvZ+XKldUmcosXL2bJkiXssssuWfXl5eUcdNBBLF++nB/+8IecddZZleuO\nP/549thjDxYvXsy4ceP4yU9+wssvv1xj/J999hlTp07lnXfeYcKECVx00UXMmzcPgJEjR7Jy5Urm\nz5/PI488wrhx47JGVwHuv/9+nn32WRYtWgTAV77yFV5++WU+/PBDzj//fE488URWrFiRFfuhhx7K\nsmXLOOqoozjuuOOYPXs2c+bM4aabbuLss8/m888/B+CMM87gnnvuYeXKlUyaNIkDDjigsp2dd96Z\n1atX1zWjvpmZWZPL5zWIrYEO6SjhFsB7wMEkj5QBGAsMTpcHpWWAB4BDmzDOJjF48GC6du1K165d\nOe6444Dk1POpp55K+/btadu2LZdeeimvvvoqH3/8MQBt27Zl+vTprF69mi5durDXXnvV69h/+ctf\nOPHEEytH+Y4++mj69u3LU089VRnbYYcdxkEHHcTLL7/MDTfckHPbK1asoHXr1rRr1y6rfrfdduPE\nE0+sfI2zZ8/mo48+YsaMGcyYMYMrr7ySNm3asO+++3LKKafw17/+tdbjXHnllWy22Wbst99+9OnT\nh6lTpwJJ8nfppZfSoUMHevXqxYgRI9bb94ILLmDrrbeujHHIkCFstdVWSGLo0KFsvfXWTJo0qXL7\n3XffneOPP55WrVoxZMgQ5s6dy+WXX06bNm34zne+w+rVq5k7dy4Am222GdOmTWPNmjV07dqV/v37\nZx27Q4cOWcmnmZlZIchLghgR7wG/I5kJfAHwIfAasCIi1qWbzQe2T5e3B+al+34BrJDUtUmDbmQT\nJkxg2bJlLFu2jPHjxwOwbt06LrzwQnbaaSe6dOlC3759kVR5yvihhx5iwoQJ9OzZk0MOOaTWUbba\nvPvuu4wZM6YyQS0uLub111/nvffeq9zmrLPOYtq0aQwfPpyOHTvm3HZxcTFffPEFn376aVb9Ntts\nU7ncvn3yBKHVq1fz/vvvU1JSQtu2bSvX9+rViwULFvDRRx/RqVOnylPny5cvB6Bdu3Z06tQpq73V\nq1fzxRdfsGTJErp37165rkePHuvFmLke4JZbbqF///6VP4t333036zR9SUlJ5fIWW2xBhw4d2GKL\nLbLqVq9eDSS/13vuuYcePXpw+OGHZyWaAGvWrKFLly41/fjMzMzyIl+nmLuQjAr2ArYDOgBHVrNp\nxYV5VZ9TqIx1WcrKyiq/qj4MvZBVdw3iuHHjePzxxykvL2fFihXMmjUra9t9992XCRMmsGTJEr79\n7W9z0kknAax3CrUuPXr0YMSIEZUJ6vLly1m1ahXnnHMOAGvXrmXEiBEMGzaMa6+9lgULFlTuW9ex\nttpqK0pKSpg5c2ZOsWy33XYsWrSItWvXVtbNnTuX7bffnvbt27Nq1arKU+fFxcW1ttW6dWu23HJL\n5s//8nrQipG9TJmvYcaMGVxwwQWMGTOm8mfRq1evej8Tef/99+exxx5j8eLFHHzwwVnXac6cOZOO\nHTvSu3fverVtZmbWWPJ1ivkwYHZELEtHBB8Cvg50kVQRU3eS086QjCb2AJDUGiiKiOXVNZyZIJaW\nljbma2h0q1atol27dhQXF7NmzRouvvjiynWffPIJd999N6tWraJ169Z07NiRNm2Sm9JLSkpYunRp\n5ShWXU477TTuvvtuysvLiQg+/vhjnn76aZYsWQLAJZdcwlZbbcXtt9/O8OHDOe200yr3LSkpYfbs\n2bW2f9RRR9U5nUtFAtavXz/69evHqFGjWLt2La+88gp33XUXp5xySp37VmfIkCH86le/YtWqVcyZ\nM4dbbrml1jhWr15dmVh+/vnn3HTTTfW+RnD16tXcf//9lW126NCh8ncEyY1BRxxxRL3aNjMza0z5\nShDnAgMkba5k+OZQYDrwLF8+fHooMCFdfiQtk65vUTMu1zQKN2zYMLbddlu222479thjDw488MCs\n9WPHjqV379506dKFMWPGcOeddwLJ9X3HH388vXv3pmvXrnXexdynTx/uv/9+LrnkErp168aOO+7I\nH//4RyKC559/njvuuIOxY5NLQC+//HKWLVvGjTfeCMDZZ5/NCy+8QLdu3Wqcymb48OGMGzcu55/B\ngw8+yOTJkykpKeGUU07h+uuv52tf+1pO+1Yt//a3v6VDhw706NGDQYMGcdJJJ2VdD1l133333Zcz\nzjiDvfbai+7du/P+++/z1a9+tdbYa4vnlltuoWfPnnTt2pX77ruPMWPGVK676667OPvsszeobTMz\ns6ag+p462+gDS5cBJwFrgUnAmSSjhvcAxWndKRGxVlI74E7gq8AHwEkRMaeaNqO61yNpvVGmQpoH\ncVMwePBgzj333LxPln3ttdcyceJEHn300bzG8a9//YtLLrmEf/7znzVuU12/NbOW5dLzzmDUkN3z\nHUadrrxvGldcd3u+w2hx0vf5DbsurInkLUFsDBuSINqmYe7cuSxatIj/+q//Ytq0aRx99NGUlZUx\nbNiwfIdWJ/dbs5bPCeKmrZATxE32SSq2afjkk08YOnQo8+bNo2vXrgwdOpShQ4fWvaOZmdkmzAmi\ntWg777wz//nPf/IdhpmZWbOSz4myzczMzKwAOUE0MzMzsyxOEM3MzMwsixNEMzMzM8uySdyk0qtX\nrw1+/JxZvvXq1SvfIZiZ2SZqk0gQ6/uoNEs0l3m6wHN1mZmZNQSfYjYzMzOzLE4QzczMzCyLE0Qz\nMzMzy7JJXINoZmZm1lxImgN8CKwD1kbE1yQVA/cCvYA5wJCI+LCxYvAIopmZmVlhWQeURsRXI+Jr\nad1I4KmI2AV4BvhFYwbgBNHMzMyssIj1c7RBwNh0eSwwuDEDcIJoZmZmVlgCeELSvyWdmdaVRMQi\ngIhYCGzVmAH4GkQzMzOzwvL1iFgoaSvgSUlvkiSNTabFJYjl5eWUlpZWLgMub2S5wsTXZgEwcO8+\nBVueM+/9yngL5efnsssuu1xTuUIhvH/WVp4z733K/f+1QX7f5eXldT7AIx0hJCKWSHoY+BqwSFJJ\nRCyStA2wuNZGNpIimjQhbVSSoiW9nkLhJ6mYmTWO5vL+6vfWxiGJiFCVuvZAq4hYLakD8CRwOXAo\nsCwirpZ0EVAcESMbK7YWN4JoZmZm1oyVAA9JCpI87a6IeFLSK8B9kk4H5gInNGYQThDNzMzMCkRE\nvAPsVU39MuCwporDdzGbmZmZWRYniGZmZmaWJecEUVK7xgzEzMzMzApDjQmiEkMkTZC0CJgj6QNJ\nUyT9VtKOTRinmZmZmTWR2kYQnwV2I7m1eruI2DYiupFcIDkZ+L2kk5sgRjMzMzNrQrXdxXxERHxa\ntTIiFgP3AvdKattokZmZmZlZXtQ4gliRHErqXZEISjpQ0o8kFaXbfNY0YZqZmZlZU8nlJpWHgZC0\nEzAG6Av8rVGjMjMzM7O8ySVBXBcRa4HjgBsj4jxg+8YNy8zMzMzyJZcE8XNJJwA/AB5L6zZrvJDM\nzMzMLJ9ySRBPBw4GromI2ZJ2AO5u3LDMzMzMLF/qfBZzREwDfpRRfgf4dWMGZWZmZmb1J6kVsCew\nHfAxMD0iFuW6f40JoqSHgT8D/4yIz6us6wUMBeZHxB31CdzMzMzMGlZ6U/FFJPNWvwUsATYHdpb0\nEUluNzYi1tXWTm0jiOcAFwA3pU9SqTjAjsBc4KaIeHBjX4iZmZmZNZhfAaOBH0ZEZK6QtDXwfZL7\nSsbW1kiNCWJELADOB86X1AfYlmSI8s2IWLVxsZuZmZlZQ4uI79WybjFwfS7t1HkNYtrgLGBWbqGZ\nmZmZWSFIB/nKgC2AayPixVz2yylBNDMzM7PCJ2nziPgko+pK4MJ0+VFgr1zayWWaGzMzMzNrHh6V\n9IOM8lqgN9AL+CLXRnJKECW1TYcoG4ykzpLulzRD0nRJ+0kqlvSkpDclPSGpc8b2f5D0lqTJknLK\nfs3MzMw2Md8COkt6XNJBwH8DRwDfAU7OtZE6E0RJ3wamAv9My3tJeqheIWe7AfhHROxKMk/PG8BI\n4KmI2AV4BvhFeswjgZ0ioi/wQ+DmBji+mZmZWYsSEV9ExB+BE4HBJDeljImICyLijVzbyWUE8Qpg\nP2BFeuDJwEaNJkrqBBwUEWPSNj+PiA+BQXx52/XYtEz6fVy67b9IMuOSjYnBzMzMrKVJz8g+QDLV\nzRhgFPBrSddmnpmtSy43qayNiBWSMuuipo1ztCOwVNIYktHDV4CfASUVs3xHxMJ0vh6A7YF5Gfsv\nSOtynhHczMzMbBNwM/BtoCPJyOEBwEmSBgL3kZxurlMuI4gzJA0BWknaQdL1wEv1DLpCG2Bvksm2\n9wbWkJxerinxVDV1G5ukmpmZmbU0X/DlTSmfVVRGxMSIyCk5hNxGEH8MXAqsAx4CngAu3pBIqzEf\nmBcRr6TlB0kSxEWSSiJikaRtgMUZ2/fI2L878F51DZeVlVUul5aWUlpaupGhmpmZmTUb3ye5X+Mz\n4NT6NlJnghgRa0ie6XdRfQ9STZuLJM2TtHNEzAQOBaanX6cBV6ffJ6S7PELy6L97JQ0AVtT0wOnM\nBNHMzMxsE/NWRFxQ2waSVPUxfFXVmSBK2ptkdK935vbpqeGNcS5wl6TNgNnAMKA1cJ+k00me93xC\neqx/SDpK0iyS09HDNvLYZmZmZgVLUiuSezTmR8SxknoD9wDFwGvADyLi82p2fVbSg8CEiJib0V5b\n4EBgKPAs8Jfajp/LKea/kZxSnkpymrlBRMTrwL7VrDqshu1/3FDHNjOzluv3l5exfMH8fIeRkxmz\nJsOQ3fMdhhWmnwL/AYrS8tXA7yLifkmjgTOAP1ez37eA04G7Je1AMgvN5iSDcE8C16Uz0tQqlwTx\ng4gYn8N2Zma2Aa7/f2Ws+KB5JDJdunXnZz8vy3cYOVm+YD4X79M/32HkZMiUF/IdghUgSd2Bo4Bf\nA+en1YcA30uXx5I8X3m9BDF9zN6fgD+lZ2m3BD6OiBUbEkMuCeLlkv4MPAV8mhHAIxtyIDMzy7bi\ng/mUjdgj32HkpGz01HyHYHk0Zdokykaeme8wctKcPszU4jrg50BnAEndgOURUXEmdz6wXV2NRMRa\n4P36BJBLgngy0J9kPp2KwILkxhEzMzNr4eKLj/1hpomkT7BbFBGTJZVWVLP+lH+NOt1fLgnigPTR\nd81CeXl55dQ25eXlAC5vZLnCxNdmATBw7z4FW54z78sPSoXy83PZ5ZrKc+a+DyT/dMtffCtZv3/f\ngizPmfs+5c3o/fW5N5P4v7FL34IuVyiE98/aykuXr6H8xbcKpj/WWS6w/pj5/7S8vJw5c+ZQiwOA\nYyUdBWwBdCJ5XF5nSa3SUcQap/trKKrjLmckjQN+HRFvNmYgDSGHu7atHi497wxGNZOLqK+8bxpX\nXHd7vsMwy0nZyDOb1ahM2VW35TuMnIwafmbzuQZxzGjGXzc832HU6bu/vIUJY87Odxg5aU59VRIR\nUd3DQCrWDwQuSO9ivhcYHxH3pjepvB4RN9ey74+BuyJieX1iy+VJKl8FpkiaLuk1SZMkvVafg5mZ\nmZlZvYwEzpc0E+gK1DUasg3wb0n3SfqWqjwzuS65nGIevCENmlnL05ymDSnevjvnX1aW7zDMzDZa\nREwEJqbL7wD7bcC+l0gaBXyTZP7oP0q6D7g9It6ua/8aE0RJHdKnqCzJNRgza5ma07Qhv3l1Sr5D\nMDMrCBERkhYCC4HPSSbZfkDSPyPiwtr2rW0E8QHgSJLH3wXJ3TOZ33s2QOxmZmZm1sAknUvy1JSl\nwG3AzyNibfqElreA+iWIEXFk+r1Hw4VrZmZmZk1gS+C4iHg3szIi1kk6uq6d67xJRdKTudSZmZmZ\nWcH4B7CsoiCpk6T9ACJiRl0715ggSmorqQgoSRstSr+649PLZmZmZoVsNLA6o7wmrctJbdcgnkPy\n/L+tSa5DrLg9eiVQ47w7ZmZmZpZ3WZNDp6eWc5m9BqhlBDEirkuvP7woInpGRI/0a7eIuH4jgzYz\nMzOzxjNb0rmSNku/fgrMznXnOq9BdDJoZmZm1uycDXwdWADMJ5lDMefH9uQ81GhmZmZmzUNELAZO\nqu/+ThDNzMzMWhhJmwNnALsBm1fUR8TpuexfZ4IoqbrHJ3wIzIuIdTnGaWZmZmZN507gDeAI4Arg\nZKDO6W0q5DKCeDuwF1/eybwr8B+gk6ThEfH0hkZsZmZmZo2qT0ScIGlQRIyV9Dfgf3Pduc6bVIA5\nwD4RsVdE7AnsA8wkyUh/V5+IzczMzKxRrU2/r5C0O9CZZOrCnOQygrhrREypKETEVElfiYhZkmrb\nz8ysyU35zyQuPe+MfIeRkxkzJwN75DsMM2uZbpFUDFwCPAJ0BEblunMuCeIbkm4E7knLJ6Z17YDP\nNzBYs0Y1Zdokykaeme8wctKlW3d+9vOyfIfR4qz7/CNGDdk932Hk5Lu//L98h2BmLZCkVsDKiFgO\nPAfsuKFt5JIgngr8BBhJcg3i88AvSJLDQzf0gGaNKb74mLIRzWNEpmz01HyHYGZmLVD61JQLgfvq\n20adCWJEfARcnX5V9WF9D2xmZmZmjeYpSf8N3EvyHGYAImJZLjvnMs3NAOAyoFfm9hGx8waHamZm\nZmZN4cT0+zkZdUGOp5tzOcU8BrgQeBX4YoNCMzMzM7MmFxE7bMz+uSSIKyPi0Y05iJmZmZk1HUmn\nVlcfEeNy2T+XBPEZSb8FxgOfZhxgSs27mJmZmVke7ZuxvDnJjcWvAQ2WIB5Y5Tsk57C/kcsBzMzM\nzKxpRcRPMsuSOpPcsJKTXO5iPqgecZmZmZlZ4fgIyPm6xBoTREnfi4i7JZ1b3fqI+EM9gjMzMzOz\nRibpUZIzvpA8WvkrbMC8iLWNIBan37eqX2hmZmZmlifXZix/DrwbEfNz3bnGBDEi/pR+z/m5fWZm\nZmZWf+mjjJ8D2pLkaQ9ExOWSepM89riY5GaTH0REbY88ngu8HxGfpO1uIal3RMzJJY5cJsreEjgd\n6E32RNnDczmAmZmZmeUmIj6VdHBEfCSpNfCCpMeB84HfRcT9kkYDZwB/rqWp+4GvZ5S/SOv2rX7z\nbLncxTwBeInkGcyeKNvMzMysEaWPOQZoR5KrBXAw8L20fixQRu0JYpuI+Cyjzc8ktc01hlwSxA4R\ncUGuDZqZmZlZ/UlqRfIEu52Am4C3gRURsS7dZD6wXR3NLJF0bEQ8krY5CFiaawytctjmfyR9M9cG\nzczMzKz+ImJdRHwV6A58Ddi1us3qaOZs4GJJcyXNBS4CfphrDLmMIJ4NXCTpI+AzQEns0TXXgzSl\n8vJySktLK5cBlzeyXGHia7MAGLh3n4ItL12+pjLe8hffSl7P/n0Lsjxn7vvNqr8+92YS/zd26VvQ\n5QqF0B/rKru/ur9WKIT+WFt56fI1lL/4VsH0xzrLBdYfM/+flpeXM2fOHHIRESslTQQGAF0ktUpH\nEbsD79Wx79vAAEkdAUXEqpwOmlJE7QloeoFkdQcuuOsRJUVdr8c23KXnncGoIbvnO4ycfPeXtzBh\nzNn5DiMnZaOnUnbVbfkOIyejhp/Jxfv0z3cYORkyZjTjr2se99C5vzYO99eG577aOCQREapStyWw\nNiI+lLQF8ARwFTAUGB8R96Y3qbweETfX0vZvgGsiYkVaLgYuiIhLcomtxlPMkvqmi7vV8LXRJLWS\n9JqkivPjvSW9JOlNSXdLapPWt5V0j6S3JL0oqWdDHN/MzMyswGwLPCtpMvAv4ImI+AcwEjhf0kyg\nK3B7He0cWZEcAkTEcuCoXIOo7RTzSJJbqG+qZl1DPYv5p8B/gKK0fDXV38J9BrAsIvpKOhG4Bjip\nAY5vZmZmVjAiYiqwdzX17wD7bUBTrSW1i4hPIZkHkeSu6JzUNlH2Gen3RnkWs6TuJJnsr0nmFH4r\nPAAAIABJREFU9gE4hOxbuC8jSRAHpcsADwB/bIyYzMzMzFqIvwJPSxpDMrB3OjAu151zuUkFSf1I\nnuG3eUVdRPxtw+Jcz3XAz4HO6TG6Acur3MK9fbq8PTAvPe4XklZI6hoRyzYyBjMzM7MWJyKukTQF\nOIzkBuMrI+KJXPfP5UkqlwDfBPqRXCh5BMmk2fVOECV9G1gUEZMllVZUp1+ZImNdVhPUcHt3WVlZ\n5XJpaWnlHUSF5veXl7F8Qc6PRMyrGbMmQzO5ScXMzMwSEfE48DiApAMk3RQR5+Syby4jiCcCewGv\nRcQPJG0L/KW+waYOAI6VdBSwBdAJuB7oXMMt3POBHsB76V3VRenFluvJTBAL2fIF85vPXXZTXsh3\nCGZmZraBJO1FcuneicA7wPhc981louyP0yltPpfUCVgI9KpPoBUi4uKI6BkRO5LcbPJMRJwCPAuc\nkG42lOQxfwCPpGXS9c9szPHNzMzMWiJJO0u6VNIMkns25pNMa3hwRNyYazu5jCBOktQFuAN4BVgJ\nvFyfoHMwErhH0pXAJL68hft24E5JbwEf4DuYzczMzKrzBvC/wDERMQtA0nkb2kitCaIkAWXpPDo3\nSXqC5PTua/UIuFoRMRGYmC5Xewt3eov2kIY6ppmZmVkLdTzJQNqzkh4H7mH9eznqVOsp5vSxJP/M\nKM9qyOTQzMzMzBpORDwUESeS3FxcDpwHlEgaLembubaTyzWIkyWtN2GjmZmZmRWmiFgTEXdFxNEk\nN/5OJrmULyc1nmKW1CYiPge+Crws6W1gDekUMxHhpNHMzMyswKXzRv85/cpJbdcgvkzyqJdjNzIu\nMzMzM2tGaksQBRARbzdRLGZmZmZWAGpLELeSdH5NKyPi940Qj5mZmZnlWW0JYmugI/W4NdrMzMzM\nmq/aEsT3I+KKJovEzMzMzApCbdPceOTQzMzMbBNUW4J4aJNFYWZmZmYFo8YEMZ0zx8zMzMw2Mbk8\nScXMzMzMNiFOEM3MzMwsixNEMzMzM8viBNHMzMzMsjhBNDMzM7MsThDNzMzMLIsTRDMzMzPL4gTR\nzMzMrEBI6i7pGUn/kTRV0rlpfbGkJyW9KekJSZ0bMw4niGZmZmaF43Pg/Ij4CrA/cI6kfsBI4KmI\n2AV4BvhFYwbhBNHMzMysQETEwoiYnC6vBmYA3YFBwNh0s7HA4MaMwwmimZmZWQGS1BvYC3gJKImI\nRZAkkcBWjXlsJ4hmZmZmBUZSR+AB4KfpSGI05fHbNOXBmkJ5eTmlpaWVy0DBlp978y0AvrFL34Iu\nV5j42iwABu7dp2DLS5evqYy3/MUk/tL9+xZkec7c991fG6FcoRD6Y11l91f31wqF0B9rKy9dvoby\nF98qmP5YZ7nA+mNFuWJ5zpw51EZSG5Lk8M6ImJBWL5JUEhGLJG0DLK61kY2kiCZNSBuVpGgur2fU\n8DO5eJ/++Q4jJ0PGjGb8dcPzHUZOvvvLW5gw5ux8h5GTstFTKbvqtnyHkRP318bh/to43F8bnvtq\n45BERKia+nHA0og4P6PuamBZRFwt6SKgOCJGNlZsLW4E0czMzKy5knQAcDIwVdIkklPLFwNXA/dJ\nOh2YC5zQmHE4QTQzMzMrEBHxAtC6htWHNVUcvknFzMzMzLI4QTQzMzOzLE4QzczMzCyLE0QzMzMz\ny+IE0czMzMyyOEE0MzMzsyxOEM3MzMwsixNEMzMzM8viBNHMzMzMsjhBNDMzM7MsThDNzMzMLEte\nEkRJ3SU9I+k/kqZKOjetL5b0pKQ3JT0hqXPGPn+Q9JakyZL2ykfcZmZmZpuCfI0gfg6cHxFfAfYH\nzpHUDxgJPBURuwDPAL8AkHQksFNE9AV+CNycn7DNzMzMWr68JIgRsTAiJqfLq4EZQHdgEDA23Wxs\nWib9Pi7d/l9AZ0klTRq0mZmZ2SYi79cgSuoN7AW8BJRExCJIkkhg63Sz7YF5GbstSOvMzMzMrIHl\nNUGU1BF4APhpOpIYNW1aTV1N25qZmZnZRmiTrwNLakOSHN4ZERPS6kWSSiJikaRtgMVp/XygR8bu\n3YH3qmu3rKyscrm0tJTS0tIGjtzMzMysZctbggjcAfwnIm7IqHsEOA24Ov0+IaP+HOBeSQOAFRWn\noqvKTBDNzMzMbMPlJUGUdABwMjBV0iSS08UXkySG90k6HZgLnAAQEf+QdJSkWcAaYFg+4jYzMzPb\nFOQlQYyIF4DWNaw+rIZ9ftx4EZmZmZlZhbzfxWxmZmZmhcUJopmZmZllcYJoZmZmZlmcIJqZmZlZ\nFieIZmZmZpbFCaKZmZlZgZB0u6RFkqZk1BVLelLSm5KekNS5seNwgmhmZmZWOMYAR1SpGwk8FRG7\nAM8Av2jsIJwgmpmZmRWIiHgeWF6lehAwNl0eCwxu7DicIJqZmZkVtq0rHjEcEQuBrRr7gPl8FnOj\nKC8vp7S0tHIZKNjyc2++BcA3dulb0OUKE1+bBcDAvfsUbHnp8jWV8Za/mMRfun/fgizPmfu++2sj\nlCsUQn+sq+z+6v5aoRD6Y23lpcvXUP7iWwXTH+ssF1h/rChXLM+ZM4dCp4jIdwwNRlI0l9czaviZ\nXLxP/3yHkZMhY0Yz/rrh+Q4jJ9/95S1MGHN2vsPISdnoqZRddVu+w8iJ+2vjcH9tHO6vDc99tXFI\nIiJUTX0v4NGI6J+WZwClEbFI0jbAsxGxa2PG5lPMZmZmZoVF6VeFR4DT0uWhwITGDsAJopmZmVmB\nkPQ34P+AnSXNlTQMuAo4XNKbwGFpuVG1uGsQzczMzJqriPh+DasOa8o4PIJoZmZmZlmcIJqZmZlZ\nFieIZmZmZpbFCaKZmZmZZXGCaGZmZmZZnCCamZmZWRYniGZmZmaWxQmimZmZmWVxgmhmZmZmWZwg\nmpmZmVkWJ4hmZmZmlsUJopmZmZllcYJoZmZmZlmcIJqZmZlZFieIZmZmZpbFCaKZmZmZZXGCaGZm\nZmZZnCCamZmZWRYniGZmZmaWxQmimZmZmWVxgmhmZmZmWZwgmpmZmVkWJ4hmZmZmlsUJopmZmZll\ncYJoZmZmZlmaVYIo6VuS3pA0U9JF+Y7HNs7E12blOwSznLw7Z06+QzDLmftr81cI+U6zSRAltQL+\nCBwB7AZ8T1K//EZlG8MJojUXc96dk+8QzHLm/tq8FUq+02wSROBrwFsR8W5ErAXuAQblOSYzMzOz\nhlQQ+U5zShC3B+ZllOendWZmZmYtRUHkO4qIpj5mvUj6LvDNiBielk8B9o2In2Zs0zxejJmZmRkQ\nEcos55LvNIU2TXmwjTQf6JlR7g68l7lB1R+ymZmZWTNTZ77TFJrTKeZ/A30k9ZLUFjgJeCTPMZmZ\nmZk1pILId5rNCGJEfCHpx8CTJInt7RExI89hmZmZmTWYQsl3ms01iGZmZmbWNJrTKWZrAJK6Spok\n6TVJ70uan1HOaURZ0u2S+taxzY8kfa8B4p2QxvaWpBUZse6bSxxWOCT9UtI0Sa9X/A7zFMegzDnF\nJF0u6ZANbOM8SR9L6tTwEVohaKj+WrW/beC+nSWNyChvK+m+DWyjtaQlkn5dnxhs0+URxE2YpEuB\n1RHx+2rWKQqoc0g6FDgnIo7Ldyy24SQNAH4HDIyIzyV1BdpGxMI8xDIGeCwiHtyINv4FfEJy6mdc\ngwW3/nFaRcS6xmrfqteQ/XVj+puk3sCjEbHHhu6b0caRwC+BkohotA/UklpHxBeN1b41PY8gbtoq\n7/qWtJOk6ZL+KmkasI2kP0t6WdJUSZdkbPu/kvqnn0yXS/qtpMmSXpC0ZbrNlZLOzdj+t5L+JWlG\n+uaLpPaSHkg/pd8v6d+S+ucc/Ppx/C5t638kfU1SuaRZkr6Vbt863ealNN7TG+jnaHXbFlgaEZ8D\nRMSyin+2kvZOf1f/Tn93JWn9s5J+n9ZPl/Rfkh6U9KakKysalvRQus1USWdm1K+S9Kv0d/1/kraS\ntD9wLHBNOiq0g6Qxko5L99k37ceT037SoeoLkbQj0AG4BPh+Rn0rSf9P0pR0/3NqalPSUEk3Zuz7\nqKRvZMR9raRJwABJo9K/wymSbs7YZydJ/0zbfSV9LeMkHZOxzV8lHb1Rv7lNU7X9VdIhksZXbCTp\nMEkPpMu59rcz09/npPR9b/N0/60ljU/3n5S+T/4W2Cnd92olNy1MTbevtr9V43vA9cBcSftlxF5d\nv6ypD7+jJElG0j6Snk2XL0v73PPAuDS+59L++Er6GiqOd2Ha7iRJv5G0o6RXM9b3kfTKRv7erCFF\nhL820S/gMuD8dHkn4HNg74z1XdLvrYHngH5p+X+B/mn9OpL5miD5xH1hunwlcG7G9r9Nl48B/idd\nvgi4MV3uD6wF+tcQ66HA+Cp1VeM4JK1/BPg7yQegvYF/p/UjMuJrC7wGdM/372FT+CJJqCYBbwA3\nAd9I69sALwDd0vIQklE5gGcz+s25wAJg6/R3Nw8ortJPNwemZtSvA45Kl68GLk6XxwDHZcQ2BjgO\n2Ax4u+JvAOgItKrmtfwSuJjkA9ZsYMu0/mzgfr48M9OlhjZbA0OBP2S0+WjGz2QdcHzGui4Zy+OA\nb6fLLwHHZvTnzYFvAA+ldUXpsdd7Df6qX39N1/0no7/eldHHcu1vxRnLV5KcGYHkaRkV75kCOgG9\ngCkZ21eWSd7PsvpbNa9jc5IpUzYHzgRuSOtr6pfr9eH0+2yga7q8D/BMunwZyR23bTOOV7Hchy/f\ne48EngfaVWn3adL3fODXFT8LfxXGl0cQLdPbEfFaRvnk9BPea0A/4CvV7PNRRDyZLr8K9K6h7fEZ\n2/RKlw8keVMkIqYA0+sfOh9FxDPp8lSgPJJTc1MzjvdNYFg6MvMvoDPgaxibQESsIUnWhwNLgHsk\nnQrsAuwO/DP9vfwS2C5j14qpHaYC0yJicUR8RvIPq0e67meSJpMkTN358nf6aUT8I12urW9W2AV4\nr+JvICJWR/Wnd08C7o3kv9pDwAlp/WHAzWk9EbGihjbrOg33OV/+vQAcmo7wTAEOBnaT1BHYLiIe\nSdv9LCI+iYjnSEactiQZOXqwhtdgtailvwLcCZwiqTMwAHg8rc+1v+2RjrJNIRmB3i2tPwQYnR4/\nImJVHWEeyvr9raqjgWcj4hOSvvodSaLmflldH4aMs03VeCT9m4Tkg8pt6Wu7H9g1I9YxEfFplXZv\nJ3lPbgWcCPytjtdsTajZTHNjTWJNxYKkPiSjNv8VEask3Uny6bCqzzKWv6DmPvVpNdtUfdPZmInO\nM+NYl3G8dVWO96OIeHYjjmP1lP7TeQ54Lj1NdirJh49pEXFADbtl/h4/zahfB7SRNJDkH+t+EfFp\neuqrop+uzdi+tr5Zoc7+J2kPkgT0n8n/WdqSJKuj0/2rXrdbU5ufk32JT+bf1icV/6AltSMZwdo7\nIt6TdFm6rWpp+07gFJJEdlhdr8mqV0N/HQf8hWTE91Pg/owEPNf+9heSkd9pkoYCAysOuYEhVtff\nqvoe8HVJs9Ptu5J8yFiygW1m9teq/wfWZCyfByyMiP6SWgMf19HugySjkM8Cr0TE8tpfjjUljyBa\npsx/OEXASmC1pG2BI3LYZ0M9T/KpseIf7661b16r2uKoWPcEcE76xoWkndN/wNbI0p91n4yqvYB3\ngTeBrfTldaltJFU3Ul2TzsDyNDnsRzKiU3nYGvZZRdK/q3oD2FbSPmksHdORjUzfAy6LiB3Tr+7A\n9pJ6kMxZdnZG/yquoc3WwBxgLyV6AF+rIe7NSf6xfpCOGn4XIB1dmidpUNpuW0lbpPuMBX6WbOa5\nYuujlv5KRLxP8lSLX5Ike5W71dBc1f7WEVgoaTPg5Iz6p4EfpcdvpeQO+VUkp5qrU11/y3wNRSRn\naXqkfXUH4BySUcua+mVNbb5DcmoZ4Pga4oHk7/H9dPlUktPWFbGeXtFHK9pNRxSfIPmANaaWdi0P\nnCBapspPeOmphxnp119Ikrn1tiO3T701bXMjsJ2Sm2JGkVzb82F94q0jjop1fwbeAianp0D+hEfR\nm0pHYKySm4gmk3wYKIuItSRJz9Vp/SRg/3SfXH6njwObSZoO/AZ4sZptqroH+LmkVyXtULFdGsuJ\nwB/TWJ5k/dGSE0lO1WV6iGS07laSayOnpKfLv1dDm+0i4gWSJHE6yQ0Er2a0l/l3+GHa7nTgf4CX\nM7Y7FThX0usk13GWpPssJvm79T/c+qu2v2asvwuYFxFvZNTl2t9Gkfwe/5fk91ThZ8DB6XvTK8BX\nImIZ8H/pzR1XV2n3Nqr0tyrrvwM8HemNNqlHSK4Dh6TPZvXLWtq8AviDpJdJRhNr8ifgtHTfnUlH\nFyPiifTYr0h6DbggY5+7SM4IPIkVFE9zY3mTfkptk47+9CH5JNnX10yZ1Z+k9sDrJKel67qOzepB\nyR3or0WEk/CNJOkCoCgiLst3LJbNoyeWTx2Bp/XlBN3DnRya1Z+S+ULvAK51ctg40qlYVgPn5zuW\n5k7JlEE7klxHbAXGI4hmZmZmlsXXIJqZmZlZFieIZmZmZpbFCaKZmZmZZXGCaGZmZmZZnCCamZmZ\nWRYniGZmZmaWxQmimZmZmWVxgmhmZmZmWZwgmpmZmVkWJ4hmZmZmlsUJopmZmZllcYJoZmZmZlmc\nIJqZmZlZFieIZmZmZpbFCaKZmZmZZXGCaGZmZmZZnCCamZmZWRYniGZmZmaWxQmimZmZmWVxgmhm\nZmZmWZwgmtkmQ9I7kg5pgHbGSLqiSl0/SU9LWiFppqTBG3scM7N8cYJoZraRJLUGJgCPAMXAD4G/\nSuqT18DMzOrJCaKZbRIkjQN6Ao9KWinpvyXtJ+kFScslTZI0MN22WNI8Sd9Oyx0kvSXpFElnAScD\nF6btTAD6AdtGxA2ReBZ4AfhBfl6tmdnGaZPvAMzMmkJEnCrpIOD0iHhW0nbAFODkiHhC0qHAg5J2\niYgPJJ0OjJW0J/Ab4LWI+CuApK8D8yLi0rS8ezWHFFBdvZlZwfMIopltapR+PwX4e0Q8ARARTwOv\nAEel5X8C9wNPA0cCZ9fS5hvA4nRUso2kbwIDgfaN8xLMzBqXE0Qz21T1AoZIWpZ+LQcOALbN2OZW\nklHAMRGxvKaGIuJzYDBwNPA+cB5wLzC/sYI3M2tMPsVsZpuSyFieB4yLiB9Wt6GkVsCfgbHACElj\nImJ2Ne0kFRHTgNKM/V8A/tIwYZuZNS2PIJrZpmQhsGO6/FfgGEnflNRK0uaSBqbXJgL8kiQRPB34\nHXCnpIrT04sy2gFA0h6S2klqL+m/gW1wgmhmzZQTRDPblFwFjJK0DBgCDAIuBpYA7wL/DbSStDfw\nM+AHERHA1cA6YGTazu3Abump6fFp3Q9ITi8vBA4GDo+ItU3zsszMGpaS9z4zMzMzs4RHEM3MzMws\nixNEMzMzM8viBNHMzMzMsjhBNDMzM7MsLWoeREm+48bMzMyajYhQ3Vs1vRaVIAL4ruzmo6ysjLKy\nsnyHYVYn91VrTtxfm48vp1YtPD7FbGZmZmZZGjVBlLSzpEmSXku/fyjpXEnFkp6U9KakJyR1ztjn\nD5LekjRZ0l4Z9UMlzUz3ObUx4zYzMzPblDVqghgRMyPiqxGxN7APsAZ4iORpBE9FxC7AM8AvACQd\nCewUEX2BHwI3p/XFwKXAvsB+wGWZSaU1T6WlpfkOwSwn7qvWnLi/WkNosiepSPomMCoiDpL0BjAw\nIhZJ2gZ4NiJ2lXRzunxvus8MoJTksVUDI2JEWj8aKK/YLuMY4WsQzczMrDmQ5JtUgBOBv6XLJRGx\nCCAiFkraOq3fHpiXsc/8tK5q/YK0Lie9e/fm3XffrW/cZnnRq1cv5syZk+8wzMxsE9QkCaKkzYBj\ngYvSqpqG+apm0Uq3rS67znmo8N133/XdzdbsFPLdbWZm1jgk7Qzcy5f5z47AKODOtL4XMAcYEhEf\nNlYcTTWCeCTwakQsTcuLJJVknGJenNbPB3pk7NcdeC+tL61S/2x1B8q8tb+0tNTXYpiZmVmzEREz\nga8CSGpFkgNl3r9xjaSLSO7fGNlYcTTJNYiS7gYej4ixaflqYFlEXC1pJNAlIkZKOgo4JyK+LWkA\ncH1EDEhvUnkF2JvkxppXgH0iYkWV41R7DWJ6jr9RX6NZQ3O/NTNr2eq6BrGO+zfKI6Jfo8XW2P+A\nJG0BzAV2jIhVaV1X4D6S0cK5wAkVyZ6kPwLfIrnjeVhEvJbWnwb8kmTI9VcRMa6aYzlBtBbD/dbM\nrGXLIUG8HXglIkZLWh4RxRnrPoiIbo0WW0v6B+QEMXfPP/88Z511FjNmzMh3KFYD91szs5attgQx\nvX/jPWDXiFgqaVlEdM1Y36gJYot71F55eXnldYfl5eXrrYPk2sTfX17GpH//G4De220LwJz33m+w\ncvH23dl7YGnl8aoev2r5nnvu4YorruCdd96hc+fO7LDDDgwYMIBBgwbltP+Glg888EBGjx5d7c/L\n5cIoV9QVSjwuu+yyyy5vXLliOccZKnK9f6NRbLIjiKOGn8nF+/RvtFh+8//bu/P4qqpz/+OfBxBU\nxjDFgUkFoWqRailYryXgTCviBFpbAQUEUa/DLVAUCGLr8KOlahVFlKkISkVB26soGqxehaoog1RA\nRARkkgABFBme3x97n3hOzLATODkn8H2/Xnllr3X2Xvs5yUryZK291/5gISPHjou075/+9CdGjRrF\nY489xgUXXED16tX5+OOPGTVqFE8//TRHHHFE0uKU9KURRBGRQ1sJI4jF3b8xCMhw96TdpFIpWQ1L\nNNu3b2f48OGMGTOGyy67jOrVqwNw+umnM3nyZI444gi+++47/ud//oemTZty7LHHctNNN7F7924A\n5s6dS+PGjfnzn/9MZmYmxx9/PBMmTMhv/5///CennnoqtWrVyt8v/riYE044gVGjRnH66adTs2ZN\n+vTpw8aNG+ncuTO1atXiggsuYNu2pN1NLyIiIqHw/o3zgBlx1Q8A55vZp+Fr9yczBiWIKfbuu+/y\n3Xff0aVLlyL3GThwICtWrGDhwoWsWLGCtWvXcs899+S/vn79evLy8li3bh3jxo1jwIAB+clc7969\nefLJJ9m+fTuLFy+mU6dO+ccVXGdvxowZzJkzh2XLljFr1iw6d+7M/fffz9dff82+fft4+OGHD/K7\nFxERkYLc/Rt3bxC7uTes2+Lu57l7S3c/v+BKLgebEsQU27x5M/Xr16dSpe+/FWeffTYZGRlUr16d\nt956i3HjxjF69Ghq165N9erVGTx4MFOnTs3fv2rVqgwdOpTKlStz8cUXU6NGDT799NP815YsWUJe\nXh61a9emTZs2RcZyyy23UL9+fY499ljOOecc2rVrR+vWrTniiCO47LLLWLBgQfK+ECIiIpI2lCCm\nWL169di8eTP79+/Pr3vnnXfIzc2lXr16bNy4kV27dnHmmWdSt25d6taty8UXX8zXX3+d0EZ8gnn0\n0UezY8cOAJ5//nn+8Y9/0LRpUzp27Mh7771XZCyZmZn520cdddQPyrE2RURE5NCmBDHFzjrrLKpV\nq8bMmTN/8Jq7U69ePY4++miWLFnCli1b2LJlC1u3bo18PeCZZ57Jiy++yKZNm7j00kvp1q3bwX4L\nIiIicohRgphitWvXZtiwYdx00008//zz7Ny5E3fno48+YteuXVSuXJk+ffpw2223sWnTJgDWrl3L\n7NmzS2x7z549PPPMM2zfvp3KlStTs2ZNqlQ55FY2EhERkYPssM0WMo5vxB8/WJjU9qP63e9+R6NG\njXjwwQfp0aMH1atX58QTT+TBBx/k5z//Oe3ateOee+6hffv2fP311xx//PH079+fCy64oND24m8+\nmTx5Mrfccgv79u2jZcuWTJkypcRjCiuLiIjI4eOwXQdRJN2p34qIHNpKetReKh22I4giIiKpNvq+\n4eRuXJPqMEqU0bARt/9+RKrDkHKkBFFERCRFcjeuYWi301IdRolGPrc41SFIOdNNKiIiIiKSQAmi\niIiIiCRQgigiIiIiCZQgioiIiEgCJYgiIiIikkAJooiIiIgkUIIoIiIiIgkO23UQk704aWkWFW3W\nrBkbN26kSpUquDtmxrJlyzjmmGNKfd45c+bQu3dvPv/8cwD69OnDtGnTMDN2796Nu3PkkUcC0LFj\nR2bOnFnqc8RcddVVtG3bloEDB5a5DREREUk/h22CmOzFSUuzqKiZ8Y9//IOOHTse8HljCWbMk08+\nyZNPPgnA0KFDWbt2LU8//fQBn0dEREQOXZpiThMFn7nr7lx11VUce+yx1K1bl06dOvGf//wn//WX\nX36ZU045hVq1atGkSRMeeughtm/fTpcuXVi9ejU1a9akVq1abN68ucRzz507l3bt2pGRkUHbtm15\n7733ANiwYQPHHHMMOTk5AGzdupUmTZrw4osvMnr0aF588UWGDx9OrVq1uPbaaw/eF0NERERSSgli\nGrvkkkv47LPPWL9+Paeddhq//e1v81+7/vrrGT9+PNu3b2fhwoV06NCBWrVq8dJLL9GkSRPy8vLY\nvn079evXL/YcK1eu5IorruDBBx8kNzeX4cOHc+mll5KXl0dmZiaPP/44PXr0YNu2bfTv35/zzz+f\nrl27cvvtt9O1a1dGjBjB9u3bmTJlSrK/HCIiIlJOlCCmia5du1K3bl3q1q3L5Zdfjplx3XXXcfTR\nR1O1alWGDRvGBx98wDfffANA1apVWbJkCTt27KBOnTq0adOmTOedMGEC3bt3p0OHDgD86le/okWL\nFrz++uv5cZ133nmcc845zJ8/n4ceeujgvGERERFJW0oQ08TMmTPZsmULW7ZsYcaMGezfv5+BAwdy\n0kknUadOHVq0aIGZ5U8Zv/DCC8ycOZMmTZrQqVMn5s+fX6bzfvHFF4wfPz4/Oc3IyODjjz9m3bp1\n+fv06dOHxYsX07dvX2rUqHFQ3q+IiIikr6QniGZW28ymm9lSM1tiZu3MLMPMZpvZp2ZKqCF9AAAg\nAElEQVT2qpnVjtv/YTNbbmYfmVmbuPoeZrYsPOa6ZMdd3gpegzhp0iReeeUVcnJy2Lp1KytWrEjY\nr23btsycOZNNmzbxy1/+kquvvhog4QaVKBo3bkz//v3zk9Pc3Fzy8vIYMGAAAHv27KF///706tWL\nUaNGsXbt2vxjS3suERERqRjKYwTxIeCf7v4j4HTgP8Bg4HV3bwm8AfwewMwuBk5y9xbAjcDjYX0G\nMAxoC7QDhscnlYeivLw8qlWrRkZGBjt37mTIkCH5r3377bdMnTqVvLw8KleuTI0aNahSJbghPTMz\nk82bN7Njx45I5+nZsydTp04lJycHd+ebb75hzpw5bNq0CYC7776bBg0a8NRTT9G3b1969uyZf2xm\nZiYrV648eG9aRERE0kJSl7kxs5rAOe7eE8Dd9wLbzOxSoEO420TgTYKk8VJgUrjvvHD0MRPoCMx2\n921hu7OBi4BnyxpbRsNGpVqKpiztR1XYSFyvXr147bXXOO6446hfvz4jRoxg3Lhx+a9PnDiRm2++\nmX379tGqVSsmT54MwKmnnsoVV1xBs2bN2L9/P8uWLSv2RpXmzZszffp0Bg0axCeffEK1atVo3749\nTzzxBG+//TZPP/00CxcuBGDEiBG0a9eORx55hFtuuYV+/fpx9dVXU69ePTp37pwfg4iIiFRsVnBq\n86A2bnY6MBb4hGD08H3gNmCtu2fE7fe1u9czs5eA+9z9/8L614BBBAliNXf/Y1h/N7DL3f9c4Hxe\n2Psxsx9M4YqkO/VbkUPfsNtvSOqavAfLyOcWc8/op1IdxiEn/D2fltdrJXuKuQpwBvCou58B7CQY\nKSzqr17BL5KF+xb2xdNfThERETnklPb+jWRI9pNU1gBfuvv7Yfl5ggRxg5lluvsGMzsG2Bi3f+O4\n4xsB68L6rAL1bxZ2wuzs7PztrKwssrKyCttNREREJF3F7t+4ysyqANWBIQT3bzxoZoMI7t8YnKwA\nkpoghgngl2Z2srsvA84FloQfPYEHws+xBwLPAgYAz5pZe2Br2MarwB/CbLkScD5FfFHiE0QRERGR\niqQU92/kUFETxNCtwBQzOwJYCfQCKgPPmdn1wGrgKgB3/6eZdTazFQTT0b3C+lwzG0lwDaMDI9x9\naznELiIiIlKeTgQ2m9l4Eu/fyHT3DQDuvt7MGiQziKQniO7+McHyNAWdV8T+NxdRPwGYUNL5cnJy\n8qeVY88Qjn8N+MHrKqucjuVYXbrEo7LKKh/8cszcD4O1bjuc0Twty6u+/Eq/jw5COba9atUqihG7\nf2OAu79vZqMp/v6NpEjqXczlTXcxy6FE/VakbP48IpvctWtSHUYkS1csYOoffpPqMEp01bDJtDnz\njFSHEUmdeo247XfZqQ4jksLuYg6X93vX3U8My/9FkCCeBGTF3b/xZrjGdFKUxxSziIhIucldu4Yh\nZ7ZOdRiRdFv4TqpDiMT3fUN2/x+nOoxIsscsSnUIByTi/Rs9+P7+jaRQgigiIiKSXiLfv5EslZLZ\nuEhMly5deOONN1IdRtp47733OP/881MdhoiIpCF3/9jd27p7G3e/3N23ufsWdz/P3Vu6+/nJvln3\nsB1B/Mv/y2br18m7RqU010A0a9aMjRs3UqVKFdwdM2PZsmUcc8wxZTr3nDlz6N27N59//jkAffr0\nYdq0aZgZu3fvxt058sgjAejYsSMzZ5Z9lPqqq66ibdu2DBw4sMh95s2bx/r16+nUqVOZz3Ooad++\nPXv27GHu3Ll06NCh5ANSrCJd05VxfCPuGJ6d6jBERCq0wzZB3Pr1mqReT1GaayDMjH/84x907Njx\noJw7lmTGPPnkkzz55JMADB06lLVr1/L0008flHNFMWbMGH7729+W2/nKat++fVSuXLnczvfrX/+a\nxx9/vEIkiBXpmq4/frAw1SFElux/VA+minThv4gcuMM2QUw3hd2t6u5069aNt99+m927d9OmTRse\ne+wxWrVqBcDLL7/MwIEDWbNmDXXq1OHOO++kV69edOnShe+++46aNWtiZqxcuZL69esXe/65c+cy\ncOBAli1bRvPmzXnkkUdo3749GzZs4PTTT2fatGlkZWWxdetWWrduzcMPP8znn3/Oiy++yMsvv8y9\n997LJZdcwpQpU37Q9iuvvMIdd9yRX3700UeZNWsWLVq04G9/+xsNGzZk7Nix+csBrF69mn79+vHe\ne++RmZnJ3XffzbXXXlto3EuWLOGnP/0pf/3rXxk+fDh79+5l8ODB3HbbbQDs2LGD3r178+qrr9Kk\nSRO6d+/O5MmTWbp0KQANGjRgyJAhjBs3jrVr17J161ays7OZOHEiX3/9NSeccAIPPPAAF110UULs\nJ510Es888wzHHHMMU6dOZd68edx7773s37+fhx9+mCuvvBKAGTNmMGTIENatW0dGRgaDBw+mf//+\nQLD8waBBg4r9vsihLdn/qB5MFf3CfxEpHV2DmOYuueQSPvvsM9avX89pp52WMBJ3/fXXM378eLZv\n387ChQvp0KEDtWrV4qWXXqJJkybk5eWxffv2EpPDlStXcsUVV/Dggw+Sm5vL8OHDufTSS8nLyyMz\nM5PHH3+cHj16sG3bNvr378/5559P165duf322+natSsjRoxg+/bthSaHGzduZNOmTbRs2TKhPicn\nh3POOYfc3FxuvPFG+vTpk//aFVdcwY9//GM2btzIpEmTuOWWW5g/f36R8X/33XcsWrSIzz//nJkz\nZzJo0CC+/PJLAAYPHsz27dtZs2YNs2bNYtKkSQmjqwDTp0/nzTffZMOGDQCccsopzJ8/n23btnHH\nHXfQvXt3tm79/lKPnJwczj33XLZs2ULnzp25/PLLWblyJatWreLRRx+lX79+7N27F4AbbriBadOm\nsX37dhYsWMDZZ5+d387JJ5/Mjh07SloPS0REpNwpQUwTXbt2pW7dutStW5fLL78cCKaer7vuOo4+\n+miqVq3KsGHD+OCDD/jmm28AqFq1KkuWLGHHjh3UqVOHNm3alOncEyZMoHv37vlTnb/61a9o0aIF\nr7/+en5s5513Hueccw7z58/noYceitz21q1bqVy5MtWqVUuoP/XUU+nevXv+e1y5ciW7du1i6dKl\nLF26lJEjR1KlShXatm3Lb37zG/72t78Ve56RI0dyxBFH0K5dO5o3b86iRcFox/Tp0xk2bBjVq1en\nadOm+aN38e68804aNmyYH2O3bt1o0KABZkaPHj1o2LAhCxYsyN//tNNO44orrqBSpUp069aN1atX\nM2LECKpUqcJll13Gjh07WL16NQBHHHEEixcvZufOndStW5fWrROnaatXr56QfIqIiKQDJYhpYubM\nmWzZsoUtW7YwY8YMAPbv38/AgQM56aSTqFOnDi1atMDM2Lx5MwAvvPACM2fOpEmTJnTq1KnYUbbi\nfPHFF4wfPz4/Qc3IyODjjz9m3bp1+fv06dOHxYsX07dvX2rUqBG57YyMDPbt28fu3bsT6uNvwDn6\n6KOBYDr4q6++IjMzk6pVq+a/3rRpU9auXcuuXbuoWbMmNWvWpFatWuTm5gJQrVo1atasmdDejh07\n2LdvH5s2baJRo0b5rzVu3PgHMca/DjB27Fhat26d/7X44osv8r/mAJmZmfnbRx11FNWrV+eoo45K\nqNuxYwcQfF+nTZtG48aNOf/88xMSTYCdO3dSp06dor58IiIiKaEEMU0Udg3ipEmTeOWVV8jJyWHr\n1q2sWLEiYd+2bdsyc+ZMNm3axC9/+UuuvvpqgB9MoZakcePG9O/fPz9Bzc3NJS8vjwEDBgCwZ88e\n+vfvT69evRg1ahRr167NP7akczVo0IDMzEyWLVsWKZbjjjuODRs2sGfPnvy61atXc/zxx3P00UeT\nl5eXP3WekZFRbFuVK1emfv36rFnz/U0AsZG9ePHvYenSpdx5552MHz8+/2vRtGnTMj/R5KyzzuLl\nl19m48aNdOzYMeFaymXLllGjRg2aNWtWprZFRESSRQliGsvLy6NatWpkZGSwc+dOhgwZkv/at99+\ny9SpU8nLy6Ny5crUqFGDKlWCe44yMzPZvHlz/ihWSXr27MnUqVPJycnB3fnmm2+YM2cOmzZtAuDu\nu++mQYMGPPXUU/Tt25eePXvmH5uZmcnKlSuLbb9z587MnTu32H1iCVirVq1o1aoVQ4cOZc+ePbz/\n/vtMmTKF3/ym6EdRFZe8devWjXvvvZe8vDxWrVrF2LFji41jx44d+Ynl3r17efTRR8t8jeCOHTuY\nPn16fpvVq1fP/x5BcGPQhRdeWKa2RUREkumwvYu5Tr1GSb0rr069RiXvFCpqFK5Xr1689tprHHfc\ncdSvX58RI0Ywbty4/NcnTpzIzTffzL59+2jVqhWTJ08Gguv7rrjiCpo1a8b+/ftZtmxZsTeqNG/e\nnOnTpzNo0CA++eQTqlWrRvv27XniiSd4++23efrpp1m4MFg6ZMSIEbRr145HHnmEW265hX79+nH1\n1VdTr149OnfunB9DvL59+3LzzTdz8803R/oaPP/889x4441kZmbSsGFD/vKXv/Czn/0s8tcvvnzf\nfffRu3dvGjduTNOmTbn66qt54YUXijy2bdu23HDDDbRp04Zq1arRu3dvfvKTnxR57pLiGTt2LDfe\neCPuzimnnML48ePzX5syZQrZ2dmlaltERKQ8WFmnztKRmXlh7yd8GHYKIpKYrl27cuutt6Z8sexR\no0Yxd+5cXnrppZTGMW/ePO6++25ee+21IvdJp347tG/vCrUO4six40reMQ1kD+5doZa5yb6/Ynxd\nK1J/7TZ+DDNG9011GCW68q6xzBzfL9VhRFKR+mr4e75014WVE00xS7l48cUXU5Icrl69mn//+9+4\nO4sWLeKRRx7Jv0s8ldq1a1dscigiIpJKh+0Usxwevv32W3r06MGXX35J3bp16dGjBz169Eh1WCIi\nImlNCaIc0k4++WQ++eSTVIchIiJSoWiKWUREREQSKEEUERERkQRKEEVEREQkwWFxDWLTpk1L/XQR\nkVRr2rRpqkMQEZHD1GGRIJb1SRgSGHb7DQztdlqqw4hk5HOLuWf0U6kOQ0REpEI7LBJEETl8LPxk\nAcNuvyHVYUSydNlHQMVYKFtEDi9KEEXkkLJ/764KM+J95V3/l+oQREQKpZtURERERCRB0hNEM1tl\nZh+b2QIzmx/WZZjZbDP71MxeNbPacfs/bGbLzewjM2sTV9/DzJaFx1yX7LhFREREDlflMYK4H8hy\n95+4+8/CusHA6+7eEngD+D2AmV0MnOTuLYAbgcfD+gxgGNAWaAcMj08qRUREROTgKY8E0Qo5z6XA\nxHB7YliO1U8CcPd5QG0zywQuBGa7+zZ33wrMBi5KduAiIiIih6PySBAdeNXM/m1mvcO6THffAODu\n64GGYf3xwJdxx64J6wrWrw3rRERERA4ppb08LxnKI0H8ubv/FOgMDDCzcwiSxsIUXM3awn0LW+W6\nqDZEREREKrLIl+clS9KXuQlHCHH3TWb2IvAzYIOZZbr7BjM7BtgY7r4GaBx3eCNgXVifVaD+zcLO\nl52dnb+dlZVFVlZWYbuJiIiIpKuiLs/rEG5PBHIIksakSGqCaGZHA5XcfYeZVQcuAEYAs4CewAPh\n55nhIbOAAcCzZtYe2Bomka8CfwiHUysB51PEFyU+QRQRERGpgGKX5znwhLuPo8DleWbWIJkBJHsE\nMRN4IXyDVYAp7j7bzN4HnjOz64HVwFUA7v5PM+tsZiuAnUCvsD7XzEYC7xN80UaEN6uIiIiIHGp+\nHpcEzjazTynnS+uSmiC6++dAm0LqtwDnFXHMzUXUTwAmlHTOnJyc/GnlnJwcAJUPsBwz98MVAHQ4\no3nalld9+VV+vOny9TtUym99uhyAX7RskdblmHTojyWVN+fuzI83590g/qyzWqRledXqryrU79d0\n6Y+HSn/dnLuTnHeXp01/LLGcZv0x/u9pTk4Oq1atojilvDwvKcz90LnXw8z8UHo/6WLY7TdUmEeX\njXxuMfeMfirVYRxyhvbtzZAzW6c6jEi6jR/DjNF9Ux1GJFfeNZaZ4/ulOoxIsscsIvv+cakOIxL1\n14NPfTU5zAx3twJ1BS/Pm01wed65wBZ3f8DMBgEZ7l4xr0EUERERkVIp1eV5yaIEUURERCRNlOXy\nvGSIvA6imVVLZiAiIiIikh6KTBAt0M3MZprZBmCVmX1tZgvN7D4zO7Ec4xQRERGRclLcCOKbwKkE\nF0Ye5+7Huns9guHNj4A/m9m15RCjiIiIiJSj4q5BvNDddxesdPeNwLMEi1lXTVpkIiIiIpISRY4g\nxpJDM2sWSwTN7L/M7CYzqxXu8135hCkiIiIi5SXKTSovAm5mJwHjgRbAM0mNSkRERERSJkqCuN/d\n9wCXA4+4++3A8ckNS0RERERSJUqCuNfMrgJ+C7wc1h2RvJBEREREJJWiLJR9PXAT8KC7rzSzE4Cp\nyQ1LRERERMrKzCoBpwPHAd8AS9x9Q9TjS0wQ3X0xQYIYK38O/KH0oYqIiIhIMoX3jAwiWJZwObAJ\nOBI42cx2AU8AE919f3HtFJkgmtmLYSOvufveAq81BXoAa9z96QN5IyIiIiJy0NwLjAFudHePf8HM\nGgK/JrhscGJxjRQ3gjgAuBN4NHySSiwDPZHgIdGPuvvzZQ5fRERERA4qd7+mmNc2An+J0k6RCaK7\nrwXuAO4ws+bAsQRz2J+6e17pwhURERGR8hbmcNnAUcAod383ynFRblLB3VcAK8ocnYiIiIgknZkd\n6e7fxlWNBAaG2y8BbaK0E2WZGxERERGpGF4ys9/GlfcAzYCmwL6ojShBFBERETl0XATUNrNXzOwc\n4H+AC4HLgGujNhJpijl8FnOTcKpZRERERNKQu+8D/mpmk4FhBPeQDHX3z0rTTokjiGb2S2AR8FpY\nbmNmL5Q+ZBERERFJJjNrZ2Z/J1jqZjwwFPiDmY0ys9pR24kygngP0A54E8DdPwrviBERERGR9PI4\n8EugBjDe3c8GrjazDsBzBNPNJYqSIO5x961mFl/nRe0sIiIiIimzj+CmlOrAd7FKd58LzI3aSJQE\ncamZdQMqhc9h/m/gvVKFKiIiIiLl4dfAjQTJ4XVlbSRKgngzwUWO+4EXgFeBIWU9oYiIiIgkzXJ3\nv7O4HczMCj6Gr6ASb1Jx953uPsjdf+LubcLtXaWJ1MwqmdmHZjYrLDczs/fM7FMzm2pmVcL6qmY2\nzcyWm9m7ZtYkro3fh/VLzeyC0pxfRERE5DDxppndEp9DQX6O1cnMJgI9Smokyl3MZ5jZc2Y2P0zy\nPjSzD0sZ7H8Dn8SVHwD+5O4tga3ADWH9DcAWd29B8KzAB8MYTgG6AT8CLgYeswIXRYqIiIgIFxFc\nhzjVzNaZ2SdmthJYDlwDjHb3CSU1EmWh7GeAaQSLK14V9xGJmTUCOgPj4qo7Ac+H2xOBruH2pWEZ\n4O/hfgBdgGnuvtfdVxG8yZ9FjUFERESkIok6+1qQu3/r7o+Fdy83Bc4FznD3pu7ex90/inL+KAni\n1+4+w92Xu/tnsY+obxAYDfyO8M5nM6sH5Lr7/vD1NcDx4fbxwJeQv9DjNjOrG18fWht3jIiIiMih\nJursa5HcfY+7f+XuW0t78igJ4ggze8LMrjKzLrGPKI2Hi2xvCLPV2JSwxW3HeNxrBXkx9SIiIiKH\nlIizr5clM4YodzFfC7QmWHAxNurnwKwIx54NdDGzzsBRQE2Cawtrm1mlcBSxEbAu3H8N0BhYZ2aV\ngdrunmtmsfqY+GMSZGdn529nZWWRlZUVIUwRERGRtBGbfa0NRc6+HpfMAKIkiO3D4cxSc/chhEvi\nhCt43+nuvzGzZwmuY3yW4E6ameEhs8LyvPD1N+Lqp5jZaIKp5ebA/MLOGZ8gioiIiFQk8bOvZpYV\nq6bo2dei2rkZmOLuuWWJI0qCOM/MWrr7p2U5QREGA9PMbCSwAHgqrH8KmGxmy4GvgasB3P0TM3uO\nYC5+D3BTUev35OTk5I8a5uTkAKh8gOWYuR+uAKDDGc3Ttrzqy6/y402Xr9+hUn7r0+UA/KJli7Qu\nx6RDfyypvDl3Z368Oe8G8Wed1SIty6tWf1Whfr+mS388VPrr5tyd5Ly7PG36Y4nlNOuP8X9Pc3Jy\nWLVqFcUo7exrUY4B/h2uPPM08GpJax/Gs5L2NbNFwMnACmA3QQbr7n5G1JOUlwjrPkoZDLv9BoZ2\nOy3VYUQy8rnF3DP6qZJ3lFIZ2rc3Q85sneowIuk2fgwzRvdNdRiRXHnXWGaO75fqMCLJHrOI7PvH\nlbxjGlB/PfjUV5PDzHD3Ipfti5t97RLOvs5w92fNbAzwsbs/XkL7BlwA9AJ+SvAs5qei3GwcZQSx\na8m7iIiIiEgSFTX7WiR3dzNbD6wH9gIZwN/N7DV3H1jcsUUmiGZW3d13AptKE72IiIiIHDh3nwvM\nDbc/B9pFPdbMbiW4r2Mzwd3Qv3P3PWZWiWA96bIliAQLVV8MLOH7pWbiPzcp+lARERERSaH6wOXu\n/kV8pbvvN7NflXRwkQmiu18cfm5c1D4iIiIikpb+CWyJFcysJnCKu89z96UlHRzlWcyzo9SJiIiI\nSNoYA+yIK+8M6yIp7hrEqsCRQGaYdcbusqmFppdFRERE0lnC0i7h1HKUm5OB4q9BHADcATQkuA4x\nliBuB4q9rVpEREREUmpleKNKbNTwJmBl1IOLnGJ299Hh9YeD3L2JuzcOP051978cWMwiIiIikkT9\ngJ8DawkezdcOiLzoZolDjUoGRURERCoWd99I+ES6sog8Fy0iIiIiFYOZHQncAJxKcE8JAO5+fZTj\nS7yLWUREREQqnMkEz2O+kGCx7UZAXtSDSxxBNLPCHmi5DfgyfGC0SNpYuHgB2YN7pzqMSOrUa8Rt\nv8tOdRgiInJoau7uV5nZpe4+0cyeAf4V9eAoU8xPAW34/k7mHwGfADXNrK+7zylL1CLJ4Pu+Ibv/\nj1MdRiTZYxalOgQRETl07Qk/bzWz0wiex9ww6sFRpphXAWe6ext3Px04E1hGMGT5p9LFKiIiIiLl\nYKyZZQB3A7MIBvceiHpwlBHEH7n7wljB3ReZ2SnuvsLMijtORERERMqZmVUCtrt7LvAWcGJp24gy\ngvgfM3vEzM4OPx4O66oBe0t7QhERERFJnvAekYEH0kaUBPE6ggUWBwO/B9YBPQiSw3MP5OQiIiIi\nkhSvm9n/mFljM6sb+4h6cJSFsncRzFkXNm+9rRSBioiIiEj56B5+HhBX50Scbo6yzE17YDjQNH5/\ndz85eowiIiIiUl7c/YQDOT7KTSrjCeaxPwD2HcjJRERERCT5zOy6wurdfVKU46MkiNvd/aVSRSUi\nIiIiqdQ2bvtIgvtGPgQOWoL4hpndB8wAdscq45e+EREREZH04e63xJfNrDbwbNTjoySI/1XgMwQX\nOf4i6knkh/48IpvctWtSHUYkS1d8BN1OS3UYIiIiUna7gMjXJUa5i/mcAwpHCpW7dg1DzizsMdfp\np9vCd1IdgoiIiJSCmb1EMKAHwbKGpwDPRT2+yATRzK5x96lmdmthr7v7w6UJVERERETKzai47b3A\nF+4eeeqyuIWyM8LPDYr4KJGZVTOzeWa2wMwWmdnwsL6Zmb1nZp+a2VQzqxLWVzWzaWa23MzeNbMm\ncW39PqxfamYXRH2DIiIiIoeh1cA8d5/r7u8AX5tZs6gHFzmC6O6PhZ+HljUyd99tZh3dfZeZVQbe\nMbNXgDuAP7n7dDMbA9wAPBF+3uLuLcysO/AgcLWZnQJ0A34ENCJYHbyFu3uhJxYRERE5vE0Hfh5X\n3hfWtS1890QlPmrPzOqb2UAze8zMxsY+okYXPokFoBpBQupAR+D5sH4i0DXcvjQsA/wd6BRudwGm\nufted18FLAd+FjUGERERkYqgtLOvxaji7t/FCuF21ahxRHkW80wgE3gbmBP3EYmZVTKzBcB64DXg\nM2Br+CBpCJ7zfHy4fTzwJYC77wO2hc8NzK8PrY07RkREROSQ4O67gY7u/hOgDXCxmbUjeOTxn9y9\nJbCVYNa1OJvMrEusYGaXApujxhFlmZvq7n5n1AYLChPBn5hZLeAFgmniH+wWfrYiXiuqXkREROSQ\nUszs6zVh/UQgm+DyvKL0A6aY2V/D8hqg0KerFCZKgvi/ZnaBu8+O2mhh3H27mc0F2gN1zKxSmDw2\nAtaFu60BGgPrwmsWa7t7rpnF6mPij0mQnZ2dv52VlUVWVtaBhC0iIiJSrsysEsEjjk8CHqXw2dfj\nimvD3T8D2ptZDcDcPa80MURJEPsBg8xsF/AdwWieu3vdkg40s/rAHnffZmZHAecB9wNvAlcRrOjd\ng2AaG2BWWJ4Xvv5GXP0UMxtNMLXcHJhf2DnjE0QRERGRiqaUs6+FMrM/Ag+6+9awnAHc6e53R4kh\nSoJYP0pDRTgWmBhmwpWAZ939n2a2FJhmZiOBBcBT4f5PAZPNbDnwNXA1gLt/YmbPAZ8Ae4CbirqD\nOScnJ3/UMCcnByBty299uhyAX7RskdblmLkfrgCgwxnN07a8OXdnfrw57wbxZ53VIi3Lq1Z/pf6a\nhHJMOvTHksrqr+qvMenQH4srb87dSc67y9OmP5ZYTrP+GCvHtletWkUUEWdfi3Kxuw+JayvXzDoD\nkRJEK2qlmHAZmeVmVujjPtLxWcxmVmFWvhnat3fFeZLK+DHMGN031WFEcuVdY5k5vl+qw4gke8wi\nsu8fl+owIlF/TQ711+RQfz341FeTw8xwdytQV3D29VWC2dcewAx3fzZcIvBjd3+8mLYXAm3Dm14I\n23rf3U+NEltxI4iDCe6QebSQ1/QsZhEREZGDr7Szr0X5GzDHzMYT5G3XA5OiBlHcQtk3hJ/1LGYR\nERGRcuDui4AzCqn/HGhXinYeDEcRzyO4f2Sku78a9fgo1yBiZq0IHvJ8ZNyJn0/MIcsAABMSSURB\nVIl6EhEREREpX+7+CvAKgJmdbWaPuvuAKMeWmCCa2d3ABUArgnnwCwkWzVaCKCIiIpKmzKwNwdqJ\n3YHPgRlRj40ygtidYCXvD939t2Z2LDChDHGKiIiISBKZ2ckEq8BcQ7AizLMENyV3LE07URLEb9x9\nn5ntNbOaBI/Ma1ragEVEREQk6f4D/Au4xN1XAJjZ7aVtJMqzmBeYWR3gaeB9ggWqC12kWkRERERS\n6gqCwbw3zexJMzuXwh9ZXKxiRxDNzIDscBXuR83sVaCWu39YlohFREREJHnc/QXgBTOrDnQFbgcy\nw7UTX4j66ORiRxDDVadfiyuvUHIoIiIikt7cfae7T3H3XxE8eeUjgjWuI4kyxfyRmf1gPR4RERER\nSX/uvsXdn3D3TlGPKXKK2cyquPte4CfAfDP7DNhJMI/t7q6kUUREROQQVNw1iPMJVvLuUk6xiIiI\niEgaKC5BNAB3/6ycYhERERGRNFBcgtjAzO4o6kV3/3MS4hERERGRFCsuQawM1KAMa+eIiIiISMVV\nXIL4lbvfU26RiIiIiEhaKG6ZG40cioiIiByGiksQzy23KEREREQkbRSZILr7lvIMRERERETSQ5Qn\nqYiIiIjIYUQJooiIiIgkUIIoIiIiIgmUIIqIiIhIAiWIIiIiIpJACaKIiIiIJEhqgmhmjczsDTP7\nxMwWmdmtYX2Gmc02s0/N7FUzqx13zMNmttzMPjKzNnH1PcxsWXjMdcmMW0RERORwluwRxL3AHe5+\nCnAWMMDMWgGDgdfdvSXwBvB7ADO7GDjJ3VsANwKPh/UZwDCgLdAOGB6fVIqIiIgcCsoyuJYMSU0Q\n3X29u38Ubu8AlgKNgEuBieFuE8My4edJ4f7zgNpmlglcCMx2923uvhWYDVyUzNhFREREUqBUg2vJ\nUm7XIJpZM6AN8B6Q6e4bIEgigYbhbscDX8YdtiasK1i/NqwTEREROWSUYnCtazLjKJcE0cxqAH8H\n/jt8s17UroWUvZB6imlDREREpMIrYXCtQTLPXSWZjQOYWRWC5HCyu88MqzeYWaa7bzCzY4CNYf0a\noHHc4Y2AdWF9VoH6Nws7X3Z2dv52VlYWWVlZhe0mIiIikrYKDq6ZWbkOjCU9QQSeBj5x94fi6mYB\nPYEHws8z4+oHAM+aWXtga5hEvgr8IbwgsxJwPsFc/A/EJ4U5OTnk5OQklGP7pEP5rU+XA/CLli3S\nuhwz98MVAHQ4o3naljfn7syPN+fdIP6ss1qkZXnV6q/Sun+qv6q/xpfVXw/v/ro5dyc57y5Pm/5Y\nYjnN+mOsHNtetWoVxSnl4FpSmHvyElIzOxt4C1hEMCXswBBgPvAcwWjhauCq8OYTzOyvBDeg7AR6\nufuHYX1P4K6wjXvdfVIh5/Nkvp+DaWjf3gw5s3Wqw4ik2/gxzBjdN9VhRHLlXWOZOb5fqsOIJHvM\nIrLvH5fqMCJRf00O9dfkUH89+NRXk8PMcPcfXEZnZpOAze5+R1zdA8AWd3/AzAYBGe5e6GDZwZDU\nEUR3fweoXMTL5xVxzM1F1E8AJhyUwERERETSUDi4di2wyMwW8P3g2gPAc2Z2PeHgWjLjKI8pZhER\nERGJoCyDa8mgR+2JiIiISAIliCIiIiKSQAmiiIiIiCRQgigiIiIiCZQgioiIiEgCJYgiIiIikkAJ\nooiIiIgkUIIoIiIiIgmUIIqIiIhIAiWIIiIiIpJACaKIiIiIJFCCKCIiIiIJlCCKiIiISAIliCIi\nIiKSQAmiiIiIiCRQgigiIiIiCZQgioiIiEgCJYgiIiIikkAJooiIiIgkUIIoIiIiIgmUIIqIiIhI\nAiWIIiIiIpJACaKIiIiIJFCCKCIiIiIJkpogmtlTZrbBzBbG1WWY2Wwz+9TMXjWz2nGvPWxmy83s\nIzNrE1ffw8yWhcdcl8yYRURERA53yR5BHA9cWKBuMPC6u7cE3gB+D2BmFwMnuXsL4Ebg8bA+AxgG\ntAXaAcPjk0oRERGRQ0VpB9eSJakJoru/DeQWqL4UmBhuTwzLsfpJ4XHzgNpmlkmQYM52923uvhWY\nDVyUzLhFREREUiTy4FoypeIaxIbuvgHA3dcDDcP644Ev4/ZbE9YVrF8b1omIiIgcUiIOrnVNdhzp\ndJOKFVL2QuoJ60VEREQOBwUH1xok+4RVkn2CQmwws0x332BmxwAbw/o1QOO4/RoB68L6rAL1bxbV\neM+ePWnWrBkAderUoU2bNmRlBYfn5OQApE35rU+XA/CLli3Suhwz98MVAHQ4o3naljfn7syPN+fd\nIP6ss1qkZXnV6q/IyclJm/6o/qr+WlxZ/fXw7q+bc3eS8+7ytOmPJZbTrD/GyrHtVatWke7MPbmD\ncWbWDHjJ3X8clh8Atrj7A2Y2GKjj7oPNrDMwwN1/aWbtgb+4e/vwJpX3gTMIRjzfB84Mr0cseC5P\n9vs5WIb27c2QM1unOoxIuo0fw4zRfVMdRiRX3jWWmeP7pTqMSLLHLCL7/nGpDiMS9dfkUH9NDvXX\ng099NTnMDHf/wUypmTUlyJ1ah+WlQFbc4Nqb7v6jZMaW7GVungH+DzjZzFabWS/gfuB8M/sUODcs\n4+7/BD43sxXAE8BNYX0uMJIgMZwHjCgsORQRERE5RBiJl9jNAnqG2z2AmckOIKlTzO7+6yJeOq+I\n/W8uon4CMOHgRCUiIiKSnsLBtSygnpmtBoYTDKZNN7PrgdXAVcmOIxXXIIqIiIhIIUo7uJYs6XQX\ns4iIiIikASWIIiIiIpJACaKIiIiIJFCCKCIiIiIJlCCKiIiISAIliCIiIiKSQAmiiIiIiCRQgigi\nIiIiCZQgioiIiEgCJYgiIiIikkAJooiIiIgkUIIoIiIiIgmUIIqIiIhIAiWIIiIiIpJACaKIiIiI\nJFCCKCIiIiIJlCCKiIiISAIliCIiIiKSQAmiiIiIiCRQgigiIiIiCZQgioiIiEgCJYgiIiIikkAJ\nooiIiIgkUIIoIiIiIgkqVIJoZheZ2X/MbJmZDUp1PCIiIiIHWzrkOxUmQTSzSsBfgQuBU4FrzKxV\naqOSAzH3wxWpDkEkki9WrUp1CCKRqb9WbOmS71SYBBH4GbDc3b9w9z3ANODSFMckB0AJolQUq75Y\nleoQRCJTf63w0iLfqUgJ4vHAl3HlNWGdiIiIyKEiLfKdipQgWiF1Xu5RiIiIiCRPWuQ75l4xciwz\naw9ku/tFYXkw4O7+QNw+FePNiIiIiADunpAQRsl3ykNFShArA58C5wJfAfOBa9x9aUoDExERETlI\n0iXfqVKeJzsQ7r7PzG4GZhNMjT+l5FBEREQOJemS71SYEUQRERERKR8V6SYVOQjMrK6ZLTCzD83s\nKzNbE1eONKJsZk+ZWYsS9rnJzK45CPHODGNbbmZb42JtGyUOSR9mdpeZLTazj2PfwxTFcWn8mmJm\nNsLMOpWyjdvN7Bszq3nwI5R0cLD6a8H+Vspja5tZ/7jysWb2XCnbqGxmm8zsD2WJQQ5fGkE8jJnZ\nMGCHu/+5kNfM06hzmNm5wAB3vzzVsUjphRdd/wno4O57zawuUNXd16cglvHAy+7+/AG0MQ/4lmDq\nZ9JBC+6H56nk7vuT1b4U7mD21wPpb2bWDHjJ3X9c2mPj2rgYuAvIdPek/UNtZpXdfV+y2pfypxHE\nw1v+nVNmdpKZLTGzv5nZYuAYM3vCzOab2SIzuztu33+ZWevwP9NcM7vPzD4ys3fMrH64z0gzuzVu\n//vMbJ6ZLQ1/+WJmR5vZ38P/0qeb2b/NrHXk4H8Yx5/Ctv7XzH5mZjlmtsLMYneCVQ73eS+M9/qD\n9HWUkh0LbHb3vQDuviX2x9bMzgi/V/8Ov3eZYf2bZvbnsH6Jmf3UzJ43s0/NbGSsYTN7IdxnkZn1\njqvPM7N7w+/1/5lZAzM7C+gCPBiOCp1gZuPN7PLwmLZhP/4o7CfVC74RMzsRqA7cDfw6rr6Smf0/\nM1sYHj+gqDbNrIeZPRJ37Etm9ou4uEeZ2QKgvZkNDX8OF5rZ43HHnGRmr4Xtvh++l0lmdkncPn8z\ns18d0Hfu8FRofzWzTmY2I7aTmZ1nZn8Pt6P2t97h93NB+HvvyPD4hmY2Izx+Qfh78j7gpPDYB8ys\nqZktCvcvtL8V4hrgL8BqM2sXF3th/bKoPvy5BUkyZnammb0Zbg8P+9zbwKQwvrfC/vh++B5i5xsY\ntrvAzP5oZiea2Qdxrzc3s/cP8PsmB5O76+Mw/QCGA3eE2ycBe4Ez4l6vE36uDLwFtArL/wJah/X7\ngQvC+j8BA8PtkcCtcfvfF25fAvxvuD0IeCTcbg3sAVoXEeu5wIwCdQXj6BTWzwL+QfAP0BnAv8P6\n/nHxVQU+BBql+vtwOHwQJFQLgP8AjwK/COurAO8A9cJyN4JROYA34/rNrcBaoGH4vfsSyCjQT48E\nFsXV7wc6h9sPAEPC7fHA5XGxjQcuB44APov9DAA1gEqFvJe7gCEE/2CtBOqH9f2A6Xw/M1OniDYr\nAz2Ah+PafCnua7IfuCLutTpx25OAX4bb7wFd4vrzkcAvgBfCulrhuX/wHvRRtv4avvZJXH+dEtfH\nova3jLjtkQQzIxA8LSP2O9OAmkBTYGHc/vllgt9nCf2tkPdxJMEiy0cCvYGHwvqi+uUP+nD4eSVQ\nN9w+E3gj3B4O/JtgdDV2vth2c77/3Xsx8DZQrUC7cwh/5wN/iH0t9JEeHxpBlHifufuHceVrw//w\nPgRaAacUcswud58dbn8ANCui7Rlx+zQNt/+L4Jci7r4QWFL20Nnl7m+E24uAHA+m5hbFne8CoFc4\nMjMPqA3oGsZy4O47CZL1vsAmYJqZXQe0BE4DXgu/L3cBx8UdOiv8vAhY7O4b3f07gj9YjcPXbjOz\njwgSpkZ8/z3d7e7/DLeL65sxLYF1sZ8Bd9/hhU/vXg0868FftReAq8L684DHw3rcfWsRbZY0DbeX\n739eAM4NR3gWAh2BU82sBnCcu88K2/3O3b9197cIRpzqE4wcPV/Ee5BiFNNfASYDvzGz2kB74JWw\nPmp/+3E4yraQYAT61LC+EzAmPL+7e14JYZ7LD/tbQb8C3nT3bwn66mVmZhTdLwvrw1D4ws0xs8Kf\nSQj+URkXvrfpwI/iYh3v7rsLtPsUwe/kSkB34JkS3rOUowqzzI2Ui52xDTNrTjBq81N3zzOzyQT/\nHRb0Xdz2PoruU7sL2afgL53ifgmVJD6O/XHn21/gfDe5+5sHcB4po/CPzlvAW+E02XUE/3wsdvez\nizgs/vu4O65+P1DFzDoQ/GFt5+67w6mvWD/dE7d/cX0zpsT+Z2Y/JkhAXwv+zlKVIFkdEx5f8Lrd\notrcS+IlPvE/W9/G/kCbWTWCEawz3H2dmQ0P97Vi2p4M/IYgke1V0nuSwhXRXycBEwhGfHcD0+MS\n8Kj9bQLByO9iM+sBdIidspQhFtbfCroG+LmZrQz3r0vwT8amUrYZ318L/h3YGbd9O7De3VtbsJbf\nNyW0+zzBKOSbwPvunlv825HypBFEiRf/B6cWsB3YYWbHAhdGOKa03ib4rzH2h/dHxe9erOLiiL32\nKjAg/MWFmZ0c/gGWJAu/1s3jqtoAXxAsBtvAvr8utYqZFTZSXZTaQG6YHLYiGNHJP20Rx+QR9O+C\n/gMca2ZnhrHUCEc24l0DDHf3E8OPRsDxZtaYYM2yfnH9K6OINisDq4A2FmgM/KyIuI8k+MP6dThq\neCVAOLr0pZldGrZb1cyOCo+ZCNwW7Ka1YsuimP6Ku38FrCMY7Z4Qf1gRzRXsbzWA9WZ2BHBtXP0c\n4Kbw/JUsuEM+j2CquTCF9bf491CLYJamcdhXTwAGEIxaFtUvi2rzc4KpZYAriogHgp/Hr8Lt6wim\nrWOxXh/ro7F2wxHFVwn+wRpfTLuSAkoQJV7+f3jh1MPS8GMCQTL3g/2I9l9vUfs8AhxnwU0xQwmu\n7dlWlnhLiCP22hPAcuCjcArkMTSKXl5qABMtuInoI4J/BrLdfQ9B0vNAWL8AOCs8Jsr39BXgCDNb\nAvwReLeQfQqaBvzOzD4wsxNi+4WxdAf+GsYymx+OlnQnmKqL9wLBaN2TBNdGLgyny68pos1q7v4O\nQZK4hOAGgg/i2ov/OdwWtrsE+F+CJyrEXAfcamYfE1zHmRkes5Hg51Z/cMuu0P4a9/oU4Et3/09c\nXdT+NpTg+/gvgu9TzG1Ax/B30/vAKe6+Bfi/8OaOgo9ZG0eB/lbg9cuAOR7eaBOaRXAdOAR9NqFf\nFtPmPcDDZjafYDSxKI8BPcNjTyYcXXT3V8Nzv29mHwJ3xh0zhWBGYDaSVrTMjaRM+F9qlXD0pznB\nf5ItdM2USNmZ2dHAxwTT0iVdxyZlYMEd6B+6u5LwA2RmdwK13H14qmORRBo9kVSqAcyx7xfo7qvk\nUKTsLFgv9GlglJLD5AiXYtkB3JHqWCo6C5YMOpHgOmJJMxpBFBEREZEEugZRRERERBIoQRQRERGR\nBEoQRURERCSBEkQRERERSaAEUUREREQSKEEUERERkQT/H5Gs6eSKGBlrAAAAAElFTkSuQmCC\n" - }, - "output_type": "display_data", - "metadata": {} - } - ], + "outputs": [], "source": [ "%matplotlib inline\n", "import matplotlib.pyplot as plt\n", @@ -1070,16 +580,16 @@ "language_info": { "codemirror_mode": { "name": "ipython", - "version": 3.0 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.4.3" + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/WordRank_wrapper_quickstart.ipynb b/docs/notebooks/WordRank_wrapper_quickstart.ipynb index f830e71506..d027600429 100644 --- a/docs/notebooks/WordRank_wrapper_quickstart.ipynb +++ b/docs/notebooks/WordRank_wrapper_quickstart.ipynb @@ -19,10 +19,24 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [], + "metadata": {}, + "outputs": [ + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: 'wordrank/glove/vocab_count': 'wordrank/glove/vocab_count'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0mdata\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m'../../gensim/test/test_data/lee.cor'\u001b[0m \u001b[0;31m# sample corpus\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 7\u001b[0;31m \u001b[0mmodel\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mWordrank\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtrain\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mwr_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdata\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mout_dir\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0miter\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m11\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdump_period\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m5\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m~/git/gensim/gensim/models/wrappers/wordrank.py\u001b[0m in \u001b[0;36mtrain\u001b[0;34m(cls, wr_path, corpus_file, out_name, size, window, symmetric, min_count, max_vocab_size, sgd_num, lrate, period, iter, epsilon, dump_period, reg, alpha, beta, loss, memory, np, cleanup_files, sorted_vocab, ensemble)\u001b[0m\n\u001b[1;32m 177\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0msmart_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0minput_fname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mr\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 178\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0msmart_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutput_fname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'wb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mw\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 179\u001b[0;31m \u001b[0mutils\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcheck_output\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mw\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0margs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcommand\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mstdin\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mr\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 180\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 181\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"Deleting frequencies from vocab file\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/utils.py\u001b[0m in \u001b[0;36mcheck_output\u001b[0;34m(stdout, *popenargs, **kwargs)\u001b[0m\n\u001b[1;32m 1907\u001b[0m \u001b[0;32mtry\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1908\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdebug\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"COMMAND: %s %s\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpopenargs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1909\u001b[0;31m \u001b[0mprocess\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0msubprocess\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mPopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mstdout\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mstdout\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m*\u001b[0m\u001b[0mpopenargs\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1910\u001b[0m \u001b[0moutput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0munused_err\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mprocess\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcommunicate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1911\u001b[0m \u001b[0mretcode\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mprocess\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpoll\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/lib/python3.7/subprocess.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, args, bufsize, executable, stdin, stdout, stderr, preexec_fn, close_fds, shell, cwd, env, universal_newlines, startupinfo, creationflags, restore_signals, start_new_session, pass_fds, encoding, errors, text)\u001b[0m\n\u001b[1;32m 773\u001b[0m \u001b[0mc2pread\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mc2pwrite\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 774\u001b[0m \u001b[0merrread\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0merrwrite\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 775\u001b[0;31m restore_signals, start_new_session)\n\u001b[0m\u001b[1;32m 776\u001b[0m \u001b[0;32mexcept\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 777\u001b[0m \u001b[0;31m# Cleanup if the child failed starting.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/lib/python3.7/subprocess.py\u001b[0m in \u001b[0;36m_execute_child\u001b[0;34m(self, args, executable, preexec_fn, close_fds, pass_fds, cwd, env, startupinfo, creationflags, shell, p2cread, p2cwrite, c2pread, c2pwrite, errread, errwrite, restore_signals, start_new_session)\u001b[0m\n\u001b[1;32m 1520\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0merrno_num\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0merrno\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mENOENT\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1521\u001b[0m \u001b[0merr_msg\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;34m': '\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0mrepr\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0merr_filename\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1522\u001b[0;31m \u001b[0;32mraise\u001b[0m \u001b[0mchild_exception_type\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0merrno_num\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0merr_msg\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0merr_filename\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1523\u001b[0m \u001b[0;32mraise\u001b[0m \u001b[0mchild_exception_type\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0merr_msg\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1524\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: 'wordrank/glove/vocab_count': 'wordrank/glove/vocab_count'" + ] + } + ], "source": [ "from gensim.models.wrappers import Wordrank\n", "\n", @@ -42,53 +56,18 @@ }, { "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(u'Bush', 0.7258214950561523),\n", - " (u'world', 0.5512409210205078),\n", - " (u'Iraq,', 0.5380253195762634),\n", - " (u'has', 0.5292117595672607),\n", - " (u'But', 0.5288761854171753),\n", - " (u'Iraq', 0.500893771648407),\n", - " (u'Iraqi', 0.4988182783126831),\n", - " (u'new', 0.47176095843315125),\n", - " (u'U.S.', 0.4699680209159851),\n", - " (u'with', 0.46098268032073975)]" - ] - }, - "execution_count": 2, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "model.most_similar('President')" ] }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.15981575765235229" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "model.similarity('President', 'military')" ] @@ -109,10 +88,8 @@ }, { "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "wr_word_embedding = 'wordrank.words'\n", @@ -132,9 +109,8 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": { - "collapsed": false, "scrolled": true }, "outputs": [], @@ -152,10 +128,8 @@ }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "from tempfile import mkstemp\n", @@ -178,37 +152,11 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": { - "collapsed": false, "scrolled": true }, - "outputs": [ - { - "data": { - "text/plain": [ - "[{'correct': [], 'incorrect': [], 'section': u'capital-common-countries'},\n", - " {'correct': [], 'incorrect': [], 'section': u'capital-world'},\n", - " {'correct': [], 'incorrect': [], 'section': u'currency'},\n", - " {'correct': [], 'incorrect': [], 'section': u'city-in-state'},\n", - " {'correct': [], 'incorrect': [], 'section': u'family'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram1-adjective-to-adverb'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram2-opposite'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram3-comparative'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram4-superlative'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram5-present-participle'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram6-nationality-adjective'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram7-past-tense'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram8-plural'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram9-plural-verbs'},\n", - " {'correct': [], 'incorrect': [], 'section': 'total'}]" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "word_analogies_file = 'datasets/questions-words.txt'\n", "model.accuracy(word_analogies_file)" @@ -216,22 +164,9 @@ }, { "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "((nan, nan), SpearmanrResult(correlation=nan, pvalue=nan), 100.0)" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "word_similarity_file = 'datasets/ws-353.txt'\n", "model.evaluate_word_pairs(word_similarity_file)" @@ -252,21 +187,21 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/Wordrank_comparisons.ipynb b/docs/notebooks/Wordrank_comparisons.ipynb index a3ab167cc1..30257ba10c 100644 --- a/docs/notebooks/Wordrank_comparisons.ipynb +++ b/docs/notebooks/Wordrank_comparisons.ipynb @@ -23,15 +23,13 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { - "name": "stdout", + "name": "stderr", "output_type": "stream", "text": [ - "[nltk_data] Downloading package brown to /Users/parul/nltk_data...\n", + "[nltk_data] Downloading package brown to /home/misha/nltk_data...\n", "[nltk_data] Package brown is already up-to-date!\n" ] } @@ -79,9 +77,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -89,29 +85,21 @@ "text": [ "\n", "Training word2vec on proc_brown_corp.txt corpus..\n", - "CPU times: user 1min 7s, sys: 527 ms, total: 1min 8s\n", - "Wall time: 46.8 s\n", - "\n", - "Saved gensim model as brown_gs.vec\n", - "Training fasttext on proc_brown_corp.txt corpus..\n", - "Read 1M words\n", - "Number of words: 14042\n", - "Number of labels: 0\n", - "Progress: 99.6% words/sec/thread: 58810 lr: 0.000179 loss: 2.348125 eta: 0h0m Progress: 20.1% words/sec/thread: 30702 lr: 0.039934 loss: 2.296231 eta: 0h0m Progress: 100.0% words/sec/thread: 58810 lr: 0.000000 loss: 2.348125 eta: 0h0m \n", - "CPU times: user 842 ms, sys: 284 ms, total: 1.13 s\n", - "Wall time: 41.3 s\n", - "\n", - "Training wordrank on proc_brown_corp.txt corpus..\n", - "CPU times: user 10.8 s, sys: 1.02 s, total: 11.8 s\n", - "Wall time: 8h 24min 25s\n", - "\n", - "Saved wordrank model as brown_wr.vec\n", - "\n", - "Loading ensemble embeddings (vector combination of word and context embeddings)..\n", - "CPU times: user 8.97 s, sys: 279 ms, total: 9.25 s\n", - "Wall time: 13.8 s\n", - "\n", - "Saved wordrank (ensemble) model as brown_wr_ensemble.vec\n" + "CPU times: user 44.6 s, sys: 85.5 ms, total: 44.7 s\n", + "Wall time: 15.2 s\n" + ] + }, + { + "ename": "DeprecationWarning", + "evalue": "Deprecated. Use model.wv.save_word2vec_format instead.", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mDeprecationWarning\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 76\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'\\nUsing existing model file {:s}.vec'\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mformat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutput_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 77\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 78\u001b[0;31m \u001b[0mtrain_models\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcorpus_file\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'proc_brown_corp.txt'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput_name\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'brown'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m\u001b[0m in \u001b[0;36mtrain_models\u001b[0;34m(corpus_file, output_name)\u001b[0m\n\u001b[1;32m 42\u001b[0m \u001b[0;31m# Text8Corpus class for reading space-separated words file\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 43\u001b[0m \u001b[0mget_ipython\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mrun_line_magic\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'time'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'gs_model = Word2Vec(Text8Corpus(corpus_file), **w2v_params); gs_model'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 44\u001b[0;31m \u001b[0mlocals\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'gs_model'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msave_word2vec_format\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mos\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mpath\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mMODELS_DIR\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'{:s}.vec'\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mformat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutput_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 45\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'\\nSaved gensim model as {:s}.vec'\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mformat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0moutput_file\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 46\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/word2vec.py\u001b[0m in \u001b[0;36msave_word2vec_format\u001b[0;34m(self, fname, fvocab, binary)\u001b[0m\n\u001b[1;32m 1305\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1306\u001b[0m \"\"\"\n\u001b[0;32m-> 1307\u001b[0;31m \u001b[0;32mraise\u001b[0m \u001b[0mDeprecationWarning\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"Deprecated. Use model.wv.save_word2vec_format instead.\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1308\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1309\u001b[0m \u001b[0;34m@\u001b[0m\u001b[0mclassmethod\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mDeprecationWarning\u001b[0m: Deprecated. Use model.wv.save_word2vec_format instead." ] } ], @@ -198,30 +186,9 @@ }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Training word2vec on text8 corpus..\n", - "CPU times: user 24min 21s, sys: 8.64 s, total: 24min 29s\n", - "Wall time: 18min 33s\n", - "\n", - "Saved gensim model as text8_gs.vec\n", - "\n", - "Using existing model file text8_ft.vec\n", - "\n", - "Using existing model file text8_wr.vec\n", - "\n", - "Using existing model file text8_wr_ensemble.vec\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "train_models(corpus_file='text8', output_name='text8')" ] @@ -242,10 +209,8 @@ }, { "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "import logging\n", @@ -272,273 +237,9 @@ }, { "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:09,062 : INFO : 'pattern' package found; tag filters are available for English\n", - "2017-01-10 14:53:09,067 : INFO : loading projection weights from models/brown_gs.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Loading Gensim embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:10,730 : INFO : loaded (14042, 100) matrix from models/brown_gs.vec\n", - "2017-01-10 14:53:10,823 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for Word2Vec:\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:11,052 : INFO : capital-common-countries: 0.0% (0/90)\n", - "2017-01-10 14:53:11,259 : INFO : capital-world: 0.0% (0/53)\n", - "2017-01-10 14:53:11,284 : INFO : currency: 0.0% (0/12)\n", - "2017-01-10 14:53:12,010 : INFO : city-in-state: 0.9% (4/457)\n", - "2017-01-10 14:53:12,380 : INFO : family: 20.0% (48/240)\n", - "2017-01-10 14:53:13,614 : INFO : gram1-adjective-to-adverb: 0.1% (1/812)\n", - "2017-01-10 14:53:13,839 : INFO : gram2-opposite: 0.0% (0/132)\n", - "2017-01-10 14:53:15,703 : INFO : gram3-comparative: 1.8% (19/1056)\n", - "2017-01-10 14:53:16,104 : INFO : gram4-superlative: 0.5% (1/210)\n", - "2017-01-10 14:53:17,184 : INFO : gram5-present-participle: 2.6% (17/650)\n", - "2017-01-10 14:53:17,653 : INFO : gram6-nationality-adjective: 11.4% (34/297)\n", - "2017-01-10 14:53:20,023 : INFO : gram7-past-tense: 3.3% (42/1260)\n", - "2017-01-10 14:53:21,215 : INFO : gram8-plural: 6.6% (46/702)\n", - "2017-01-10 14:53:21,984 : INFO : gram9-plural-verbs: 2.0% (7/342)\n", - "2017-01-10 14:53:21,987 : INFO : total: 3.5% (219/6313)\n", - "2017-01-10 14:53:22,044 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: 0.1538\n", - "2017-01-10 14:53:22,046 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.1294\n", - "2017-01-10 14:53:22,047 : INFO : Pairs with unknown words ratio: 0.2%\n", - "2017-01-10 14:53:22,080 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.3242\n", - "2017-01-10 14:53:22,081 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.3164\n", - "2017-01-10 14:53:22,082 : INFO : Pairs with unknown words ratio: 21.8%\n", - "2017-01-10 14:53:22,087 : INFO : loading projection weights from models/brown_ft.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 52/852, Accuracy: 6.10%\n", - "Syntactic: 167/5461, Accuracy: 3.06%\n", - "\n", - "SimLex-999 similarity\n", - "Pearson correlation coefficient: 0.15\n", - "Spearman rank correlation coefficient: 0.13\n", - "\n", - "WordSim-353 similarity\n", - "Pearson correlation coefficient: 0.32\n", - "Spearman rank correlation coefficient: 0.32\n", - "\n", - "Loading FastText embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:23,984 : INFO : loaded (14042, 100) matrix from models/brown_ft.vec\n", - "2017-01-10 14:53:24,006 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText:\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:24,275 : INFO : capital-common-countries: 1.1% (1/90)\n", - "2017-01-10 14:53:24,446 : INFO : capital-world: 0.0% (0/53)\n", - "2017-01-10 14:53:24,487 : INFO : currency: 0.0% (0/12)\n", - "2017-01-10 14:53:25,355 : INFO : city-in-state: 2.4% (11/457)\n", - "2017-01-10 14:53:25,867 : INFO : family: 11.7% (28/240)\n", - "2017-01-10 14:53:27,239 : INFO : gram1-adjective-to-adverb: 79.9% (649/812)\n", - "2017-01-10 14:53:27,477 : INFO : gram2-opposite: 79.5% (105/132)\n", - "2017-01-10 14:53:29,220 : INFO : gram3-comparative: 56.3% (595/1056)\n", - "2017-01-10 14:53:29,618 : INFO : gram4-superlative: 71.4% (150/210)\n", - "2017-01-10 14:53:31,081 : INFO : gram5-present-participle: 65.7% (427/650)\n", - "2017-01-10 14:53:31,749 : INFO : gram6-nationality-adjective: 35.0% (104/297)\n", - "2017-01-10 14:53:34,210 : INFO : gram7-past-tense: 12.1% (153/1260)\n", - "2017-01-10 14:53:35,299 : INFO : gram8-plural: 53.1% (373/702)\n", - "2017-01-10 14:53:35,841 : INFO : gram9-plural-verbs: 69.0% (236/342)\n", - "2017-01-10 14:53:35,842 : INFO : total: 44.9% (2832/6313)\n", - "2017-01-10 14:53:35,928 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: 0.1208\n", - "2017-01-10 14:53:35,929 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.1039\n", - "2017-01-10 14:53:35,930 : INFO : Pairs with unknown words ratio: 0.2%\n", - "2017-01-10 14:53:35,958 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.3789\n", - "2017-01-10 14:53:35,960 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.3791\n", - "2017-01-10 14:53:35,963 : INFO : Pairs with unknown words ratio: 21.8%\n", - "2017-01-10 14:53:35,977 : INFO : loading projection weights from models/brown_wr.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 40/852, Accuracy: 4.69%\n", - "Syntactic: 2792/5461, Accuracy: 51.13%\n", - "\n", - "SimLex-999 similarity\n", - "Pearson correlation coefficient: 0.12\n", - "Spearman rank correlation coefficient: 0.10\n", - "\n", - "WordSim-353 similarity\n", - "Pearson correlation coefficient: 0.38\n", - "Spearman rank correlation coefficient: 0.38\n", - "\n", - "Loading Wordrank embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:37,423 : INFO : loaded (14042, 100) matrix from models/brown_wr.vec\n", - "2017-01-10 14:53:37,437 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for Wordrank:\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:37,666 : INFO : capital-common-countries: 10.0% (9/90)\n", - "2017-01-10 14:53:37,799 : INFO : capital-world: 15.1% (8/53)\n", - "2017-01-10 14:53:37,832 : INFO : currency: 0.0% (0/12)\n", - "2017-01-10 14:53:38,543 : INFO : city-in-state: 8.1% (37/457)\n", - "2017-01-10 14:53:38,921 : INFO : family: 23.8% (57/240)\n", - "2017-01-10 14:53:40,150 : INFO : gram1-adjective-to-adverb: 0.6% (5/812)\n", - "2017-01-10 14:53:40,381 : INFO : gram2-opposite: 0.0% (0/132)\n", - "2017-01-10 14:53:41,979 : INFO : gram3-comparative: 2.0% (21/1056)\n", - "2017-01-10 14:53:42,377 : INFO : gram4-superlative: 1.0% (2/210)\n", - "2017-01-10 14:53:43,498 : INFO : gram5-present-participle: 0.5% (3/650)\n", - "2017-01-10 14:53:44,027 : INFO : gram6-nationality-adjective: 10.8% (32/297)\n", - "2017-01-10 14:53:46,105 : INFO : gram7-past-tense: 1.6% (20/1260)\n", - "2017-01-10 14:53:47,194 : INFO : gram8-plural: 8.3% (58/702)\n", - "2017-01-10 14:53:47,732 : INFO : gram9-plural-verbs: 0.3% (1/342)\n", - "2017-01-10 14:53:47,733 : INFO : total: 4.0% (253/6313)\n", - "2017-01-10 14:53:47,774 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: 0.0901\n", - "2017-01-10 14:53:47,776 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.0974\n", - "2017-01-10 14:53:47,777 : INFO : Pairs with unknown words ratio: 0.2%\n", - "2017-01-10 14:53:47,816 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.3864\n", - "2017-01-10 14:53:47,817 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.3831\n", - "2017-01-10 14:53:47,821 : INFO : Pairs with unknown words ratio: 21.8%\n", - "2017-01-10 14:53:47,832 : INFO : loading projection weights from models/brown_wr_ensemble.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 111/852, Accuracy: 13.03%\n", - "Syntactic: 142/5461, Accuracy: 2.60%\n", - "\n", - "SimLex-999 similarity\n", - "Pearson correlation coefficient: 0.09\n", - "Spearman rank correlation coefficient: 0.10\n", - "\n", - "WordSim-353 similarity\n", - "Pearson correlation coefficient: 0.39\n", - "Spearman rank correlation coefficient: 0.38\n", - "\n", - "Loading Wordrank ensemble embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:49,306 : INFO : loaded (14042, 100) matrix from models/brown_wr_ensemble.vec\n", - "2017-01-10 14:53:49,327 : INFO : precomputing L2-norms of word weight vectors\n", - "2017-01-10 14:53:49,495 : INFO : capital-common-countries: 14.4% (13/90)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for Wordrank:\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:53:49,620 : INFO : capital-world: 18.9% (10/53)\n", - "2017-01-10 14:53:49,649 : INFO : currency: 0.0% (0/12)\n", - "2017-01-10 14:53:50,352 : INFO : city-in-state: 8.3% (38/457)\n", - "2017-01-10 14:53:50,717 : INFO : family: 28.8% (69/240)\n", - "2017-01-10 14:53:51,915 : INFO : gram1-adjective-to-adverb: 0.6% (5/812)\n", - "2017-01-10 14:53:52,122 : INFO : gram2-opposite: 0.0% (0/132)\n", - "2017-01-10 14:53:53,669 : INFO : gram3-comparative: 3.4% (36/1056)\n", - "2017-01-10 14:53:53,992 : INFO : gram4-superlative: 0.0% (0/210)\n", - "2017-01-10 14:53:54,948 : INFO : gram5-present-participle: 1.7% (11/650)\n", - "2017-01-10 14:53:55,404 : INFO : gram6-nationality-adjective: 16.8% (50/297)\n", - "2017-01-10 14:53:57,244 : INFO : gram7-past-tense: 3.8% (48/1260)\n", - "2017-01-10 14:53:58,294 : INFO : gram8-plural: 11.1% (78/702)\n", - "2017-01-10 14:53:58,813 : INFO : gram9-plural-verbs: 0.9% (3/342)\n", - "2017-01-10 14:53:58,814 : INFO : total: 5.7% (361/6313)\n", - "2017-01-10 14:53:58,852 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: -0.0007\n", - "2017-01-10 14:53:58,853 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.0081\n", - "2017-01-10 14:53:58,854 : INFO : Pairs with unknown words ratio: 0.2%\n", - "2017-01-10 14:53:58,880 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.2464\n", - "2017-01-10 14:53:58,881 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.2148\n", - "2017-01-10 14:53:58,882 : INFO : Pairs with unknown words ratio: 21.8%\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 130/852, Accuracy: 15.26%\n", - "Syntactic: 231/5461, Accuracy: 4.23%\n", - "\n", - "SimLex-999 similarity\n", - "Pearson correlation coefficient: -0.00\n", - "Spearman rank correlation coefficient: 0.01\n", - "\n", - "WordSim-353 similarity\n", - "Pearson correlation coefficient: 0.25\n", - "Spearman rank correlation coefficient: 0.21\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "MODELS_DIR = 'models/'\n", "word_analogies_file = './datasets/questions-words.txt'\n", @@ -598,342 +299,9 @@ }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:54:59,108 : INFO : loading projection weights from models/text8_gs.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Loading Gensim embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:55:06,748 : INFO : loaded (71290, 100) matrix from models/text8_gs.vec\n", - "2017-01-10 14:55:06,788 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for word2vec:\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:55:08,624 : INFO : capital-common-countries: 68.6% (347/506)\n", - "2017-01-10 14:55:13,392 : INFO : capital-world: 52.3% (760/1452)\n", - "2017-01-10 14:55:14,287 : INFO : currency: 19.8% (53/268)\n", - "2017-01-10 14:55:19,439 : INFO : city-in-state: 24.8% (389/1571)\n", - "2017-01-10 14:55:20,668 : INFO : family: 47.7% (146/306)\n", - "2017-01-10 14:55:23,721 : INFO : gram1-adjective-to-adverb: 18.0% (136/756)\n", - "2017-01-10 14:55:24,737 : INFO : gram2-opposite: 13.4% (41/306)\n", - "2017-01-10 14:55:28,860 : INFO : gram3-comparative: 37.8% (476/1260)\n", - "2017-01-10 14:55:30,518 : INFO : gram4-superlative: 22.3% (113/506)\n", - "2017-01-10 14:55:33,766 : INFO : gram5-present-participle: 22.9% (227/992)\n", - "2017-01-10 14:55:38,413 : INFO : gram6-nationality-adjective: 86.7% (1188/1371)\n", - "2017-01-10 14:55:42,759 : INFO : gram7-past-tense: 27.0% (359/1332)\n", - "2017-01-10 14:55:45,924 : INFO : gram8-plural: 54.4% (540/992)\n", - "2017-01-10 14:55:48,088 : INFO : gram9-plural-verbs: 25.2% (164/650)\n", - "2017-01-10 14:55:48,091 : INFO : total: 40.3% (4939/12268)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 1695/4103, Accuracy: 41.31%\n", - "Syntactic: 3244/8165, Accuracy: 39.73%\n", - "\n", - "SimLex-999 similarity\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:55:48,307 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: 0.3094\n", - "2017-01-10 14:55:48,308 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.2937\n", - "2017-01-10 14:55:48,309 : INFO : Pairs with unknown words ratio: 0.7%\n", - "2017-01-10 14:55:48,523 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.6865\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Pearson correlation coefficient: 0.31\n", - "Spearman rank correlation coefficient: 0.29\n", - "\n", - "WordSim-353 similarity\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:55:48,524 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.6947\n", - "2017-01-10 14:55:48,525 : INFO : Pairs with unknown words ratio: 0.6%\n", - "2017-01-10 14:55:48,537 : INFO : loading projection weights from models/text8_ft.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Pearson correlation coefficient: 0.69\n", - "Spearman rank correlation coefficient: 0.69\n", - "Loading FastText embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:55:56,320 : INFO : loaded (71290, 100) matrix from models/text8_ft.vec\n", - "2017-01-10 14:55:56,373 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for FastText (with n-grams):\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:55:58,389 : INFO : capital-common-countries: 62.5% (316/506)\n", - "2017-01-10 14:56:03,138 : INFO : capital-world: 43.0% (625/1452)\n", - "2017-01-10 14:56:04,165 : INFO : currency: 12.7% (34/268)\n", - "2017-01-10 14:56:09,344 : INFO : city-in-state: 18.3% (287/1571)\n", - "2017-01-10 14:56:10,342 : INFO : family: 43.5% (133/306)\n", - "2017-01-10 14:56:13,360 : INFO : gram1-adjective-to-adverb: 73.7% (557/756)\n", - "2017-01-10 14:56:14,469 : INFO : gram2-opposite: 53.9% (165/306)\n", - "2017-01-10 14:56:19,780 : INFO : gram3-comparative: 64.8% (816/1260)\n", - "2017-01-10 14:56:21,954 : INFO : gram4-superlative: 53.4% (270/506)\n", - "2017-01-10 14:56:25,950 : INFO : gram5-present-participle: 54.4% (540/992)\n", - "2017-01-10 14:56:31,082 : INFO : gram6-nationality-adjective: 93.9% (1288/1371)\n", - "2017-01-10 14:56:36,499 : INFO : gram7-past-tense: 35.6% (474/1332)\n", - "2017-01-10 14:56:40,886 : INFO : gram8-plural: 90.1% (894/992)\n", - "2017-01-10 14:56:43,304 : INFO : gram9-plural-verbs: 59.4% (386/650)\n", - "2017-01-10 14:56:43,305 : INFO : total: 55.3% (6785/12268)\n", - "2017-01-10 14:56:43,495 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: 0.3005\n", - "2017-01-10 14:56:43,496 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.2872\n", - "2017-01-10 14:56:43,497 : INFO : Pairs with unknown words ratio: 0.7%\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 1395/4103, Accuracy: 34.00%\n", - "Syntactic: 5390/8165, Accuracy: 66.01%\n", - "\n", - "SimLex-999 similarity\n", - "Pearson correlation coefficient: 0.30\n", - "Spearman rank correlation coefficient: 0.29\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:56:43,735 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.6418\n", - "2017-01-10 14:56:43,735 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.6475\n", - "2017-01-10 14:56:43,736 : INFO : Pairs with unknown words ratio: 0.6%\n", - "2017-01-10 14:56:43,748 : INFO : loading projection weights from models/text8_wr.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "WordSim-353 similarity\n", - "Pearson correlation coefficient: 0.64\n", - "Spearman rank correlation coefficient: 0.65\n", - "\n", - "Loading Wordrank embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:56:52,829 : INFO : loaded (71290, 100) matrix from models/text8_wr.vec\n", - "2017-01-10 14:56:52,892 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for Wordrank:\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:56:55,183 : INFO : capital-common-countries: 84.6% (428/506)\n", - "2017-01-10 14:57:00,832 : INFO : capital-world: 70.0% (1016/1452)\n", - "2017-01-10 14:57:02,166 : INFO : currency: 19.0% (51/268)\n", - "2017-01-10 14:57:08,742 : INFO : city-in-state: 36.0% (565/1571)\n", - "2017-01-10 14:57:09,847 : INFO : family: 57.8% (177/306)\n", - "2017-01-10 14:57:12,342 : INFO : gram1-adjective-to-adverb: 15.3% (116/756)\n", - "2017-01-10 14:57:13,343 : INFO : gram2-opposite: 15.4% (47/306)\n", - "2017-01-10 14:57:18,192 : INFO : gram3-comparative: 33.8% (426/1260)\n", - "2017-01-10 14:57:20,238 : INFO : gram4-superlative: 21.1% (107/506)\n", - "2017-01-10 14:57:23,527 : INFO : gram5-present-participle: 23.8% (236/992)\n", - "2017-01-10 14:57:28,243 : INFO : gram6-nationality-adjective: 90.2% (1237/1371)\n", - "2017-01-10 14:57:32,737 : INFO : gram7-past-tense: 26.4% (351/1332)\n", - "2017-01-10 14:57:36,066 : INFO : gram8-plural: 60.9% (604/992)\n", - "2017-01-10 14:57:38,646 : INFO : gram9-plural-verbs: 19.7% (128/650)\n", - "2017-01-10 14:57:38,647 : INFO : total: 44.7% (5489/12268)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 2237/4103, Accuracy: 54.52%\n", - "Syntactic: 3252/8165, Accuracy: 39.83%\n", - "\n", - "SimLex-999 similarity\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:57:38,942 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: 0.2829\n", - "2017-01-10 14:57:38,943 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.2770\n", - "2017-01-10 14:57:38,944 : INFO : Pairs with unknown words ratio: 0.7%\n", - "2017-01-10 14:57:39,047 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.7028\n", - "2017-01-10 14:57:39,048 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.7105\n", - "2017-01-10 14:57:39,049 : INFO : Pairs with unknown words ratio: 0.6%\n", - "2017-01-10 14:57:39,063 : INFO : loading projection weights from models/text8_wr_ensemble.vec\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Pearson correlation coefficient: 0.28\n", - "Spearman rank correlation coefficient: 0.28\n", - "\n", - "WordSim-353 similarity\n", - "Pearson correlation coefficient: 0.70\n", - "Spearman rank correlation coefficient: 0.71\n", - "\n", - "Loading Wordrank ensemble embeddings\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:57:48,289 : INFO : loaded (71290, 100) matrix from models/text8_wr_ensemble.vec\n", - "2017-01-10 14:57:48,355 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy for Wordrank:\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:57:50,393 : INFO : capital-common-countries: 67.0% (339/506)\n", - "2017-01-10 14:57:55,893 : INFO : capital-world: 59.0% (856/1452)\n", - "2017-01-10 14:57:57,069 : INFO : currency: 17.2% (46/268)\n", - "2017-01-10 14:58:03,097 : INFO : city-in-state: 33.0% (519/1571)\n", - "2017-01-10 14:58:04,262 : INFO : family: 32.0% (98/306)\n", - "2017-01-10 14:58:07,506 : INFO : gram1-adjective-to-adverb: 10.3% (78/756)\n", - "2017-01-10 14:58:08,548 : INFO : gram2-opposite: 10.5% (32/306)\n", - "2017-01-10 14:58:12,550 : INFO : gram3-comparative: 24.4% (308/1260)\n", - "2017-01-10 14:58:14,443 : INFO : gram4-superlative: 11.5% (58/506)\n", - "2017-01-10 14:58:18,236 : INFO : gram5-present-participle: 11.7% (116/992)\n", - "2017-01-10 14:58:23,111 : INFO : gram6-nationality-adjective: 71.8% (985/1371)\n", - "2017-01-10 14:58:28,082 : INFO : gram7-past-tense: 17.0% (226/1332)\n", - "2017-01-10 14:58:32,411 : INFO : gram8-plural: 47.8% (474/992)\n", - "2017-01-10 14:58:35,146 : INFO : gram9-plural-verbs: 11.7% (76/650)\n", - "2017-01-10 14:58:35,148 : INFO : total: 34.3% (4211/12268)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Semantic: 1858/4103, Accuracy: 45.28%\n", - "Syntactic: 2353/8165, Accuracy: 28.82%\n", - "\n", - "SimLex-999 similarity\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:58:35,422 : INFO : Pearson correlation coefficient against ./datasets/simlex-999.txt: 0.1945\n", - "2017-01-10 14:58:35,424 : INFO : Spearman rank-order correlation coefficient against ./datasets/simlex-999.txt: 0.1872\n", - "2017-01-10 14:58:35,425 : INFO : Pairs with unknown words ratio: 0.7%\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Pearson correlation coefficient: 0.19\n", - "Spearman rank correlation coefficient: 0.19\n", - "\n", - "WordSim-353 similarity\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-01-10 14:58:35,674 : INFO : Pearson correlation coefficient against ./datasets/ws-353.txt: 0.5338\n", - "2017-01-10 14:58:35,675 : INFO : Spearman rank-order correlation coefficient against ./datasets/ws-353.txt: 0.5107\n", - "2017-01-10 14:58:35,676 : INFO : Pairs with unknown words ratio: 0.6%\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Pearson correlation coefficient: 0.53\n", - "Spearman rank correlation coefficient: 0.51\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "print('Loading Gensim embeddings')\n", "text8_gs = KeyedVectors.load_word2vec_format(MODELS_DIR + 'text8_gs.vec')\n", @@ -986,19 +354,9 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAnYAAATbCAYAAAAUBvjzAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAAPYQAAD2EBqD+naQAAIABJREFUeJzs3Xt8zuX/wPHXeweHMdsY2YYZM6MoJqfCRhF9c8j5SyRF\nUUk51O9b0TlyqL6p7zpRlJwrlUSmqITNISGsLaSMmDOb7fr98bk3222bHe7tvjfv5+NxP+y+Ptfn\nut73Z8x71+dzXZcYY1BKKaWUUqWfm7MDUEoppZRSjqGJnVJKKaVUGaGJnVJKKaVUGaGJnVJKKaVU\nGaGJnVJKKaVUGaGJnVJKKaVUGaGJnVJKKaVUGaGJnVJKKaVUGaGJnVJKKaVUGaGJnVLqqiciHUQk\nXUTaOzuWoiqpz2Lr4+ni7EMpVXCa2CmlABCRJiKyWEQSReSciBwUkW9E5EFnx+YoIvKAiAzN5bDD\n91cUka62BOigo9u+gpLYK9KUUD9KqQIQ3StWKSUibYE1wB/AB8DfQG2gNVDfGBPmxPAcRkR+AY4Y\nYzrmcKycMSbFwf3NA9oAdYFbjTFrHNl+Ln12wPpeRhljvi/GfsoBF40x6cXVh1Kq4DycHYBSyiX8\nB0gGWhhjTmU9ICL+zgmpZBVDUucF9AAeB4YBg7ASrjLB0ddLKeUYeitWKQVQD/jVPqkDMMYctS8T\nkcEisllEzorIPyIyX0Rq2dVZKyLbbbd414rIGRHZKyK9bcc7iMgGWxu7RaST3fl1RORN27GzInJU\nRBaKSLBdvaG2251tRWSGiCSJyGkRWZo1KRWRBOBaINJWP11E1mSJ5bLn0kSklYh8JSLHbG1uE5GH\n83lN7wQqAIuABcCdtlEu+2uZLiKvi0gPEflFRM6LyA4R6VKY65EbEemb5Xt2RETmikhgLvV+td2O\n3y4iPUVkju362cf9tF1ZoIi8LyJ/Z/kc9+TQx0O2Y2ds13aTiAzIz+dQSuVNEzulFFi3YCNE5Nor\nVRSR/2Ddrv0NGAvMBDoB34lIlSxVDVAVWA5sAMYD54H5ItIPmA98AUwEKgGLRKRSlvNvxLoVPB94\nCHjL1k+MiFTIIbT/Ak2AycCbwB22sgxjgIPALqzRs8HAC3bxZv2ctwLfAeHAq8CjWCNut+dxebL6\nNxBjjEkCPgGq2GLKSTtgFtZnHQ+UBxaLSNUsdQp6PbJ+lruxkstUrBHEt7ESz3VZv2cicrst1gu2\nekuB94DmXOF5OhGpAfwMdAReBx4G9gLvZk2GReQ+4DVgB9b35GlgC9Aqr/aVUvlkjNGXvvR1lb+A\nW4AUrP/4fwBeBm4FPOzq1bHVmWhX3th2/uNZymKANKBflrIwIN3Wxo1Zym+1lQ/JUlY+hzhb2uoN\nylI21Fb2tV3d6baYvLOU/QKsyaHdDrZY29veuwG/A/FZzy/A9axu63tYlrL1wNIc6qYD54C6Wcqa\n2MpHFeJ62H8WD6xnJrcC5bLU62Y7d1KWsu1YSX7FLGXtbPV+zyHup7O8fxcrcfa1q/cxcCwjfmAZ\nsN3Zf+f1pa+y+tIRO6UUxpjVQFvgM6Ap1qjRSuBPEck6ytQbEKzRtWoZLyAJa3Qmyq7p08aYhVn6\n2YP1LN8uY8ymLPV+tv1ZL0vdCxlfi4iHbfTqd+A41ghSto+ANQqV1TrAHcjXrUo7zbAmPLxqcrg9\nnQ8DsRKfpVnK5gNdRcQnh/qrjDGJGW+MMb8AJyn89ciqBVADeNNkeS7OGPMVsBvbCKSIBADXAR8Y\nY85lqbcOKyG+kjuxRmfd7f5ufAP4ZokxGaglIi3y0aZSqoA0sVNKAWCM2WyM6QP4YY0EvQhUxkri\nwm3VQrF+buwDjmR5JWHdsqxh12xOy3ycAA7Y9X3S9qVfRpmIVBCRZ0VkP9atwaO2fnyBnJKjA3bv\nj9u3WQD1sZLFXwtxLli3en8G/EWkvojUxxoxKw/0zaG+fexgxV+U65EhGOuz7Mnh2G4uJb4Zf8bn\nUG9fHu0jItVtcYwg+9+LI8D7tv4z/m5MAU4DG0Vkj4i8IdasbKWUA+isWKVUNsaYi0AsECsie4HZ\nWMnIc1hJXTpwm+1Pe6ft3qfl0k1u5ZLl6zewbrPOxHpG7wRWgrCAnH8pzU+b+VWYc6wTRUKxnocz\nWKOYWRmspO9du/LiuB45tVFcMvqfh/X8ZU62AxhjdotIQ+BfWH+P7gRGicgzxphnij1Spco4TeyU\nUnnZbPszwPZnPFaikGiMyXMUxwF6A3OMMRMyCkSkPNbIUGHld+HOfVif8zoKvkTJYKzn6wZzefLb\nDnhIRGoZYwq6aHFhr0ci1mdpCKy1O9YQ65k6svwZmkMbOZVldQQ4BbibfKzVZ7vVuwhrNNgD67m7\n/4jIS0aXUVGqSPRWrFIKEYnM5VDGDNDdtj+XYnvgPpd2quZUXkhpXP4z6mGs5+YK6wz5SwzjgATg\nkVyeicvLv4F1xpjFxpilWV/AVKwka2AB24TCX4/NWLds7xcRz4xCEekKNMKamYwx5i+smapDxFqD\nL6NeB6zJHLky1iLFS4DeOc2stlt2pqrduRexZiq7AZ4opYpER+yUUgD/tf1nvgwriSsH3AT0w3pA\nfw6AMeZ3EXkSeFFEQoBPsUZq6gE9gWhghoNi+gK4S0ROAjuxdnDohPVsmb3cbjfal8diJTj/wRqV\nSzLGxNjXNcYYERmFNZlkq4jMBv7Ceo6wsTGma46dibTCGt16Pafjxpi/RCQO63bsK7nEnJtCXQ9j\nzEURmYj1rNv3IjIfqImVFP6OtZRLhv/D+p7+aPvMVYHRWJMnKl8hvseBSOBnEXnHFmNVIAJrCZSM\n5O4bEfkba/b1YawZ1aOB5caYM1e+DEqpvGhip5QCeAzrObquwH1Yid1+rOe6XswyuQFjzBQRyVjD\nLmOB2gPA18Dndu3mdOsztz1G7csfBi5ijYBVwFou5Bas2br25+d2i9W+/FmsJVvGA95Y69TF5FTX\nGLNSRKKwRicfxRpRiufy2bdZ/dvWzhd51FkOTBKR64wxOyiB62GM+UBEzmAlXy9jjVwuwVqeJuv3\n9gsRGYi1FuDLWBMuhgJ3YyVgucZnjEkSkZZYfyd6AQ8A/2BNQJmQ5bz/YSW2Y7GSxYNYyWXWNQWV\nUoWke8UqpZTKk4hswRrd7HLFykopp3KZZ+xEZLSIJNi2sdkgIjfm87wBtq1tltqVz5ZL2wZlvL4q\nnuiVUqr0ExF3EXGzK4sErufSyKZSyoW5xK1YEemPtUr8CGAj1hD9ShEJMznsU5nlvGCs51S+z6XK\nCqxbCBnPm1zIpZ5SSimoBawSkY+AQ1iTK0bavo52ZmBKqfxxlRG7sUC0MeZDY8xu4H7gLHDZ5tEZ\nbL9VzsN6niMhl2oXjDFHjDFJttcJRweulFJlyHGsCSbDsSaADMF6JrCdMeZ4XicqpVyD00fsbNPv\nI7BWuQcyZ6Stxpr1lZtJWM98zBaR9rnUiRSRw1g/rNYATxpjjjkodKWUKlNsEykKsxSLUspFOD2x\nw5oC74417T2rw1iLZ15GRG4ChmE995GbFVizvhKwtgd6CfhKRNqYHGaM2PY07IK1mOf5gn0EpZRS\nSqkCq4C1L/VKY8w/jmjQFRK73Ag5LAEgIpWBucB9ed0ayLrxOPCriPyCtVRBJDk/BNwF+KgoASul\nlFJKFcIg4GNHNOQKid1RrBXVr7Err8Hlo3hgjb4FA8tFJGNShBuAiKQADY0xlz1zZ4xJEJGjWIuH\n5pTYJQLMmzePRo0aFeJjXL3Gjh3LzJkznR1GqaLXrHD0uhWcXrPC0etWcHrNCm7Xrl0MHjwYbDmI\nIzg9sTPGpIpILNYK6p8D2BK2TuS8evsuLt/e5gWshS4fxloo9TIiUguohrV6fE7OAzRq1IjmzZsX\n8FNc3Xx8fPSaFZBes8LR61Zwes0KR69bwek1KxKHPQLm9MTOZgbwgS3By1juxAvbNkYi8iFw0Bjz\nf7YNondmPVlEkrHmXOyyva+ENbliCfA31ijdFKxV1FeWxAdSSimllCppLpHYGWMW2jaJfhbrluxW\noIsx5oitSi2srXTyKw1oijVV3xdrDaaVwNPGmFSHBa6UUkop5UJcIrEDMMa8CbyZy7GOVzh3mN37\n88BtjotOKaWUUsr1uUxip0qvgQN12auC0mtWOHrdCk6vWeGU1HXbv38/R4/musFSqdK6dWvi4uKc\nHYZL8vf3p06dOiXSl+SwpNtVSUSaA7GxsbH68KdSSqlit3//fho1asTZs2edHYoqZl5eXuzateuy\n5C4uLo6IiAiACGOMQ7JiHbFTSimlnODo0aOcPXtWl9kq4zKWNDl69GiJjNppYqeUUko5kS6zpRzJ\nzdkBKKWUUkopx9DETimllFKqjNDETimllFKqjNDETinlUt6Ne5cDJ3LcGVAppQCIiori0UcfdXYY\nLkkTO6WUyzhx/gT3Lb+POq/W4VzqOWeHo5TKQXR0NFWqVCE9PT2z7MyZM3h6etKpU6dsdWNiYnBz\ncyMxMbHY4rl48SITJ06kadOmVK5cmaCgIIYOHcpff1lbwyclJVGuXDkWLlyY4/nDhw+nRYsWxRZf\nSdPETinlMhKSEwC4MfBG3ER/PCnliqKiojhz5gybN2/OLFu3bh0BAQFs2LCBlJSUzPLvvvuO4OBg\n6tatW+B+Ll7M306iZ8+eZevWrUyaNIktW7awbNkyfvvtN3r06AFAjRo1uP3223n//fdzPHfx4sXc\ne++9BY7PVelPTqWUy0g4biV2ywcup7xHeSdHo5TKSVhYGAEBAaxduzazbO3atfTs2ZOQkBA2bNiQ\nrTwqKgqAAwcO0KNHD7y9vfHx8aF///4kJSVl1n3mmWdo1qwZ7733HvXq1aNChQqAlXwNGTIEb29v\ngoKCmDFjRrZ4qlSpwsqVK+nduzcNGjSgZcuWvPHGG8TGxnLw4EHAGpX79ttvM99nWLhwIRcvXsy2\n00h0dDSNGjWiYsWKXHvttbz99tvZzjlw4AD9+/enWrVqVK5cmVatWhEbG1uEK+pYmtgppVxGQnIC\nXp5e1KhUw9mhKKXyEBkZSUxMTOb7mJgYIiMj6dChQ2b5hQsX+Pnnn+nY0druvUePHiQnJ7Nu3TpW\nr15NfHw8AwYMyNbuvn37WLp0KcuWLWPr1q0AjBs3jnXr1rF8+XK++eYb1q5de8VEKjk5GRHB19cX\ngG7dulGjRg3mzJmTrd6cOXO488478fHxAeCDDz7ghRdeYMqUKezevZvnn3+eJ554gvnz5wNw+vRp\n2rdvz9GjR/nyyy/Zvn0748aNy3Zb2tl0gWKllMtITE6krm9dRMTZoSjlOs6ehd27HdtmeDh4eRX6\n9MjISB599FHS09M5c+YMW7dupX379qSkpBAdHc2kSZP44YcfSElJITIyklWrVrFjxw4SExMJDAwE\nYO7cuVx77bXExsZmbKtFamoqc+fOpWrVqoD17N7777/Pxx9/TGRkJGAlX7Vq1co1tgsXLvD444/z\n73//m8qVKwPg5ubGkCFDmDNnDk8++SQA8fHxrFu3jjVr1mSeO3nyZGbOnEn37t0BCA4OZvv27URH\nRzNw4EA+/PBDTpw4waeffoq3tzcA9erVK/R1LA6a2CmlXEZCcgIhviHODkMp17J7N9gSH4eJjYUi\n7HaR8Zzdpk2bOHbsGGFhYfj7+9OhQwfuueceUlJSWLt2LfXr16dWrVosW7aM2rVrZyZ1YO244evr\ny65duzITu+Dg4MykDqzkKzU1lZYtW2aW+fn50bBhwxzjunjxIn379kVEePPNN7MdGz58OFOmTGHt\n2rVERkYye/ZsQkJC6NChAwCnTp3ijz/+YOjQodx9992Z56WlpeHv7w/Atm3biIiIyEzqXJEmdkop\nl+Hv5U+wT7Czw1DKtYSHW4mYo9ssgvr16xMUFERMTAzHjh3LTI4CAgKoXbs2P/zwQ7bn64wxOY7E\n25dXqlTpsuNAvkbxM5K6AwcOsGbNmszRugyhoaG0a9eO2bNn06FDB+bOncvIkSMzj586dQqwbs/a\nb/Hm7u4OQMWKFa8Yh7NpYqeUchmze8zO9Vhaehr7ju2joX/Ov6krVWZ5eRVpdK24REVFERMTw/Hj\nx5kwYUJmefv27VmxYgUbN25k1KhRADRu3Jj9+/fz559/EhQUBMDOnTs5ceIEjRs3zrWP0NBQPDw8\n2LBhA7179wbg+PHj7NmzJ/PWLFxK6n7//XdiYmLw8/PLsb3hw4czatQo7rjjDg4dOsTQoUMzjwUG\nBnLNNdcQHx9Pnz59cjy/adOmzJ07l5MnT1KlSpX8XagSppMnlFKlwuS1k7np/ZvYf2K/s0NRSmEl\nduvXr2fbtm2ZI3ZgJXbR0dGkpqZmJl+33HILTZo0YdCgQWzZsoWNGzcydOhQoqKiaNasWa59VKpU\nieHDhzN+/HhiYmLYsWMHw4YNyxxBA+tWae/evYmLi2PevHmkpqZy+PBhDh8+TGpqarb2+vbti4eH\nByNHjqRz586ZSWaGyZMn88ILLzBr1iz27t3LL7/8wvvvv8/rr78OwODBg6lWrRq9evXip59+IiEh\ngSVLlmRb+sXZNLFTSpUKY1qPoVK5SvRd1JcLFy84OxylrnpRUVGcP3+eBg0aUL169czyDh06cPr0\nacLDw6lZs2Zm+WeffYafnx8dOnSgc+fOhIaG8sknn1yxn1deeYV27drRvXt3OnfuTLt27TKfyQM4\nePAgX3zxBQcPHuSGG24gMDCQgIAAAgMD+emnn7K1VbFiRQYMGEBycjLDhw+/rK+RI0fy1ltv8d57\n79G0aVM6duzIvHnzCAmxnv0tV64cq1evxs/Pj65du9K0aVNeeeWVbImms0nG/eurnYg0B2JjY2Mv\nu7eulHINm/7cxM2zb+a+5vfxRrc3nB2OUkUSFxdHREQE+v9O2ZbX9znjGBBhjIlzRH86YqeUKjVu\nDLqR1257jVmbZvHR9o+cHY5SSrkcTeyUUqXKyIiRDLl+CCO+GMGOpB3ODkcppVyKJnZKqVJFRHjr\n9reo71efOxfcyckLJ50dklJKuQxN7JRSLqEgz/t6eXqxpN8SKperzN+n/y7GqJRSqnTRxE4p5XTp\nJh2/KX58uO3DfJ/ToFoDYkfEElYtrBgjU0qp0kUTO6WU0/116i9OXDhB1YpVr1w5C91TVimlstPE\nTinldAnJCQC6T6xSShWRJnZKKadLTE4EoK5vXafGoZRSpZ3LJHYiMlpEEkTknIhsEJEb83neABFJ\nF5GlORx7VkQOichZEVklIqGOj1wpVVQJxxOoUakGlcpVunJlpZRSuXKJxE5E+gPTgUlAM2AbsFJE\n/K9wXjDwCvB9DscmAg8CI4GWwBlbm+UcG71SqqgSkhMcOlp36sIph7WllHI9UVFRPProo07pOyQk\nJHPvWFfkEokdMBaINsZ8aIzZDdwPnAXuye0EEXED5gFPAwk5VBkDPGeMWW6M2QEMAQKBno4OXilV\nNAnJCQ57vu6b+G8IeS2E347+5pD2lFLZRUdHU6VKFdLT0zPLzpw5g6enJ506dcpWNyYmBjc3NxIT\nE4s1psjISNzc3HBzc6NixYo0bNiQl19+uVj7dFVOT+xExBOIAL7NKDPWglargTZ5nDoJSDLGzM6h\nzRCgpl2bJ4Gfr9CmUsoJEo47LrFrU6sN1StVp/fC3pxJOeOQNpVSl0RFRXHmzBk2b96cWbZu3ToC\nAgLYsGEDKSkpmeXfffcdwcHB1K1bt8D9XLx4Md91RYQRI0Zw+PBh9uzZwxNPPMHTTz9NdHR0gfst\n7Zye2AH+gDtw2K78MFZydhkRuQkYBtybS5s1AVOQNpVSzjOr2yz+3eTfDmnLu7w3S/otITE5kRFf\njCjQwsdKqSsLCwsjICCAtWvXZpatXbuWnj17EhISwoYNG7KVR0VFAXDgwAF69OiBt7c3Pj4+9O/f\nn6SkpMy6zzzzDM2aNeO9996jXr16VKhQAYCzZ88yZMgQvL29CQoKYsaMGTnG5eXlRfXq1alduzZ3\n3303TZs2ZdWqVZnH09PTuffee6lXrx5eXl6Eh4dfdkt12LBh9OrVi+nTpxMYGIi/vz8PPvggaWlp\nuV6Pd999Fz8/P2JiYvJ/EYuRh7MDyINgJWfZC0UqA3OB+4wxxx3RZlZjx47Fx8cnW9nAgQMZOHBg\nAbtSSuXX7WG3O7S9xtUb8273dxm4ZCBta7VldMvRDm1fqatdZGQkMTExTJgwAbBuuU6cOJG0tDRi\nYmJo3749Fy5c4Oeff+bee60xmIykbt26daSmpvLAAw8wYMAA1qxZk9nuvn37WLp0KcuWLcPd3R2A\ncePGsW7dOpYvX0716tV54okniI2NpVmzZrnGt27dOnbv3k1Y2KUFzNPT06lduzaLFy+mWrVq/Pjj\nj4wYMYLAwED69OmTWS8mJobAwEDWrl3Lvn376NevH82aNWP48OGX9TN16lSmTZvGqlWraNGiRZ7X\n7Ouvv2by5MnZyk6cOJHnOYVijHHqC/AEUoHuduVzgGU51L8eSANSbOel2t5nlIXYXulAU7tz1wIz\nc4mjOWBiY2ONUqpsePirh43ns57mpwM/OTsUpS4TGxtr8vv/zqGTh0zsodhcX78m/XrFNn5N+tXE\nHoo1h04eKnLs77zzjvH29jZpaWnm5MmTply5cubIkSNm/vz5JjIy0hhjzLfffmvc3NzMgQMHzDff\nfGM8PT3Nn3/+mdnGzp07jYiYzZs3G2OMmTx5silfvrz5559/MuucPn3alC9f3ixZsiSz7NixY8bL\ny8uMHTs2sywyMtKUK1fOVK5c2ZQrV86IiPHy8jIbNmzI83M8+OCDpm/fvpnv7777bhMSEmLS09Mz\ny/r162cGDhyY+b5u3brmtddeMxMnTjRBQUFm586defaR1/c54xjQ3Dgor3L6iJ0xJlVEYoFOwOcA\nYi0n3wnIadrJLqCJXdkLQGXgYeCAMeaiiPxta2O7rc0qQCtgVnF8DqWU63ml8yts/mszfRf1JW5E\nHNUrVXd2SEoVSnRsNM9890yuxxtXb8yvo37Ns42+i/qy88hOJnWYxOTIyUWKJ+M5u02bNnHs2DHC\nwsLw9/enQ4cO3HPPPaSkpLB27Vrq169PrVq1WLZsGbVr1yYwMDCzjUaNGuHr68uuXbuIiIgAIDg4\nmKpVL+1AEx8fT2pqKi1btsws8/Pzo2HDhpfFNHjwYJ588kmOHTvGpEmTaNu2La1atcpWZ9asWcye\nPZv9+/dz7tw5UlJSLhv5u/baa7PtahMQEMCOHTuy1Zk2bRpnz55l8+bNhXp+sDg5PbGzmQF8YEvw\nNmLNkvXCGrVDRD4EDhpj/s8YkwLszHqyiCRjzbnYlaX4VeBJEdkHJALPAQeBz4r3oyilXEU593Is\n7LOQFu+0YPXvqxnYRB+pUKXTyIiRdG/YPdfjFTwqXLGNRX0Xcf7ieQIqBxQ5nvr16xMUFERMTAzH\njh2jQ4cOgJUE1a5dmx9++CHb83XGmBy3ALQvr1Sp0mXHIX/bB/r4+BASEkJISAgLFiwgNDSU1q1b\n07FjRwA++eQTxo8fz8yZM2ndujXe3t5MnTqVjRs3ZmvH09Mz23sRyTYDGKB9+/Z8+eWXLFiwgIkT\nJ14xtpLkEomdMWahbc26Z4FrgK1AF2PMEVuVWkD+p8dYbU4VES8gGvAF1gFdbYmhUuoqEVQliN8e\n/I0q5as4OxSlCi3AO4AA76IlZI2rN3ZQNJaoqChiYmI4fvx45rN2YCU9K1asYOPGjYwaNcrqu3Fj\n9u/fz59//klQUBAAO3fu5MSJEzRunHtcoaGheHh4sGHDBnr37g3A8ePH2bNnD5GRkbmeV6lSJcaM\nGcNjjz3Gli1bAPjxxx+56aabGDlyZGa9+Pj4Qn32li1b8tBDD9G5c2fc3d0ZN25codopDq4wKxYA\nY8ybxpi6xpiKxpg2xpjNWY51NMbkuqadMWaYMebOHMonG2MCjTFexpguxph9xRW/UsoBjIFRo2Db\nNoc2q0mdUo4XFRXF+vXr2bZtW+aIHViJXXR0NKmpqZnJ1y233EKTJk0YNGgQW7ZsYePGjQwdOpSo\nqKg8J0FUqlSJ4cOHM378eGJiYtixYwfDhg3LnFiRl5EjR7Jnzx6WLrU2pmrQoAGbN2/mm2++Ye/e\nvTz99NNs2rSp0J+/VatWrFixgueee45XX3210O04msskdkopxeHD8NZb8MQTzo5EKXUFUVFRnD9/\nngYNGlC9+qXnVzt06MDp06cJDw+nZs1LK4x99tln+Pn50aFDBzp37kxoaCiffPLJFft55ZVXaNeu\nHd27d6dz5860a9cu85m8DDndqvXz82PIkCGZM1FHjhzJnXfeyYABA2jdujXHjh1j9OiCz5jP2lfb\ntm354osvePrpp3njjTcK3FZxkIz711c7EWkOxMbGxtK8eXNnh6PUVeH8xfO8E/sOPcN7UtunNvzw\nA9x8s3Vw2zZo2tS5ASpVjOLi4oiIiED/3ynb8vo+ZxwDIowxcY7oT0fslFJO80fyHzz89cP8fvx3\nqyDjeZegIJg61XmBKaVUKaWJnVLKaRKSrW2e6/rWtQri4yEgACZMgE8+gWLeX1LvWCilyhpN7JRS\nTpNwPAEPNw9qVallFezbB/Xrw/Dh4OsLuWwd5AiHTh2izXttiD0UW2x9KKVUSdPETinlNAnJCdTx\nqYO7m22GW3y8ldhVqgQPPgjvvgtHjxZL31UrViXNpNFnUR+OnTtWLH0opVRJ08ROKeU0icmJl27D\nwqXEDqzEDqCYZppV8KjAor6LOHnhJHctu4t0k37lk5RSysVpYqeUcpqE5ARCfEOsNydOWKNzoaHW\ne39/uPde+O9/4cyZYum/rm9dPrrzI1bsXcEL379QLH0opVRJ0sROKeU0CcezJHYZM2IzRuwAHn3U\nSvjee6/YYrgt9DYmdZjEpLWT+Cb+m2LrRymlSoImdkopp7hw8QJVK1alQbUGVkFOiV3dujBgAEyf\nDqmpxRbLUx2eoktoF/695N/sP7G/2PpRSqnipomdUsopynuUZ89De+h3bT+rID7emglbtWr2iuPH\nw/79sGB9y8gsAAAgAElEQVRBscXiJm7M6zWPyuUq89x3zxVbP0opVdw8nB2AUkoBl5Y6sd8a6Prr\n4bbbrAWLBw26/LiDVPOqxuohqy8tvaKUUqWQjtgppVxD1hmx9iZOhF9+gRUrijWE0KqhVPCoUKx9\nKFUWDBs2DDc3N9zd3XFzc8v8+vfffy9Su2lpabi5ufHVV19llrVr1y6zj5xenTt3LurHAeDLL7/E\nzc2N9PTSPUNeR+yUUq4hPh7ats35WIcO0LKlNWrXrVvJxqWUylHXrl2ZM2dOth1cqlevXqQ2c9oN\nZvny5aSkpACQkJBA27Zt+e677wgLCwOgfPnyReoza98iUup3pNERO6WU850/DwcP5j5iJ2KN2n33\nHfz8c8nGppTKUfny5alevTo1atTIfIkIX331FTfffDN+fn74+/vTvXt3EhISMs9LSUnhgQceIDAw\nkIoVK1KvXj2mTZsGQEhICCLCv/71L9zc3AgLC8PX1zezfX9/f4wxVK1aNbPMx8cHgKNHjzJ06FD8\n/f3x8/OjS5cu7N69G4D09HRuuukm+vTpkxnH4cOHueaaa5g+fTq//vor3bt3B8DT0xN3d3cefvjh\nkrqUDqWJnVLK+RISwJjcEzuAHj0gLAymTCm5uJRSBXbu3DnGjx9PXFwc3377LcYYevfunXl8xowZ\nrFy5kiVLlrBnzx7mzp1LnTp1ANi0aRPGGD766CP+/vtvNmzYkO9+e/ToQUpKCmvWrGHjxo00aNCA\nW2+9lTNnzuDm5sa8efNYtWoVs2fPBuCee+6hSZMmPPbYY4SHhzN37lwADh06xF9//cVLL73kwKtS\ncvRWrFLK+XJa6sSeu7s1Q3bECPjtN2jYsGRiU8oF/PWXtX53kybZy7duhYAAuOaaS2VHj1oTyZs3\nz153506oUgVqOWh+0PLly/H29s58361bNxYsWJAtiQN45513CAwMZM+ePYSFhXHgwAHCwsJo06YN\nALVr186sm3Er18fHhxo1auQ7lpUrV5KQkMC6detwc7PGrF5//XWWLVvG8uXLGTBgACEhIbz22ms8\n9NBD7Nq1i59++olffvkFAHd3d3x9fQGoUaNGZhulUemNXClVdsTHQ4UKEBiYd7277oKaNeGVV0om\nLiAtPY2nY55mbeLaEutTKXvR0dC16+Xl7dvDRx9lL/v0U4iIuLxu374wY4bjYurYsSPbt29n27Zt\nbNu2jddffx2AvXv3MmDAAOrVq0eVKlVo0KABIsL+/dYakcOGDWPjxo2Eh4fzyCOP8O233xY5lm3b\ntpGUlISPjw/e3t54e3vj4+NDUlIS8Rm/OAJ33303HTt2ZNq0acyaNYugoKAi9+1qdMROKVXi4v6K\no9eCXnwz+Bsa+je0ljqpVw+u9Fty+fLwyCPw1FPw7LNXTgQdwGBYv389b8e+TdzIOAK9i79PpeyN\nHAl2A2EAfP+9NWKXVc+el4/WASxaZI3YOUqlSpUICQm5rPz2228nLCyM999/n4CAAFJSUrj++usz\nJ0C0aNGCP/74gxUrVrB69Wp69+5N165dmT9/fqFjOX36NKGhoaxYseKyyQ9Vs6yNefLkSbZv346H\nhwd79uwpdH+uTEfslFIlLv5YPPtP7Mffy99WkMdSJ/ZGjrRG9159tfgCzMLDzYP5vefj7uZO/8X9\nSU0rvh0wlMpNQMDlt2EBbrgh+21YsLZZzimxa9zYcbdhc5OUlMS+fft46qmniIyMpGHDhvzzzz+I\n3fqT3t7e9OvXj7fffpuPP/6YBQsWcPr0adzd3XF3dyctLS3XPuzbAmjevDn79++nUqVK1KtXL9sr\n4xYrwOjRo6lWrRqffvopL7zwAhs3bsw8Vq5cOYA8+y4NNLFTSpW4xOREvMt5U7Wi7Tfp+HgIDc3f\nyT4+8MAD8L//QXJy8QWZxTWVr2FR30VsOLiBx1c/XiJ9KlUaVatWDT8/P6Kjo/n999/59ttvGT9+\nfLY606dPZ+HChezZs4c9e/awaNEiatWqReXKlQGoU6cOq1ev5vDhwyTn8G88p+VI7rjjDq677jq6\nd+/OmjVrSExMZP369UycOJFdu3YBsHDhQpYuXcpHH31Et27deOCBBxg0aBBnz54FoG7dugB8/vnn\nHD16NLO8tNHETilV4hKSEwjxs5Y1IC3NmhWb3xE7gDFj4MIFK7krIW1rt2V65+nM2DCDRb8uKrF+\nlSpN3N3dWbBgAT///DPXXXcd48ePz1zKJEPlypV58cUXadGiBa1ateLQoUN8+eWXmcdnzpzJ119/\nTZ06dWjZsuVlfeQ0Yufu7s6qVato3rw5d911F40aNWLIkCEcOXIEf39/Dh06xKhRo3jllVdoaJt4\nNXXqVCpUqMCYMWMAaNCgAY8//jijR4+mZs2aPP546fwlTkr7QnyOIiLNgdjY2Fia5zSGrZRymK4f\ndaWcezk+G/AZJCZCSIi1q8Rtt+W/kREj4PPPrfMrlMxuEcYYBi4ZyJd7v2TTfZsI9w8vkX5V2RQX\nF0dERAT6/07Zltf3OeMYEGGMiXNEfzpip5QqcQnHEwjxtT10nZ+lTnIybhwkJcGHHzo2uDyICO92\nf5faVWozaOmgUr9CvVKq7NFZsUqpEpVu0klMTryU2O3bZ61RFxxcsIbCwuDOO62lT4YPt9ooAZXL\nVWZp/6WcSz2X4y0hpZRyJh2xU0qVqMOnD3Mh7QIhfllG7OrUAduMtAKZONFKDJctc2yQVxDuH06z\ngGYl2qdSSuWHJnZKqRLl5elF9L+iaRHYwiooyFIn9m68EaKirG3G9LaoUkq5TmInIqNFJEFEzonI\nBhG5MY+6vURkk4gcF5HTIrJFRAbb1ZktIul2r6+K/5MopfLiU8GHEREjLi30W5ClTnIyYQJs3gwx\nMY4JUCmlSjGXSOxEpD8wHZgENAO2AStFxD+XU/4BngdaA02A2cBsEbnVrt4K4Bqgpu010PHRK6UK\nzRjrVmphR+wAunSB66+3Ru2UUuoq5yqTJ8YC0caYDwFE5H7gduAeYKp9ZWPM93ZFr4vIUOBmYFWW\n8gvGmCPFE7JSqsiSkuDMmaIldiLWqN2gQdaO6Dfc4Lj4lCoBGQvoqrKppL+/Tk/sRMQTiABezCgz\nxhgRWQ20yWcbnYAw4Du7Q5Eichg4DqwBnjTGHHNI4EqpostY6qQot2IB+vWD//wHpk6Fjz8uelyF\ntOnPTRw7d4wuoV2cFoMqPfz9/fHy8mLw4MFXrqxKNS8vL/z9c7sJ6VhOT+wAf8AdOGxXfhhomNtJ\nIlIF+BMoD1wERhlj1mSpsgJYAiQA9YGXgK9EpI3RxaeUcg379ll/1qtXtHY8POCxx6wdKV54wVrw\n2Amm/TSNlftWEjsilvpVizAKqa4KderUYdeuXRw9etTZoahi5u/vT506dUqkL6fvPCEiAVgJWhtj\nzM9ZyqcCNxtj2uZyngAhQGWgE/A00COH27QZ9UOAeKCTMeayp6wzdp5o3749Pj4+2Y4NHDiQgQP1\n8TylHG7SJHj7bfjrr6K3dfastRZe//7wxhtFb68QTpw/QYt3WlDJsxI/Df+Jip4VnRKHUsr1zJ8/\nn/nz52crO3HiBN9//z04cOcJV0jsPIGzQG9jzOdZyucAPsaYXvls5x2gljGmax51koD/GGPeyeGY\nbimmVEkbPNjaEmz9ese09+yz8PLL8McfUL26Y9osoO2Ht9P63db0v64/73d/XxcxVkrlqkxuKWaM\nSQVisUbdgMzRuE7AjwVoyg3rtmyORKQWUA1wwNCAUqow/kj+g0W/LuLCxQtWQVGXOrE3erQ1meK/\n/3VcmwXU9JqmRP8rmjlb5/DelvecFodS6urk9MTOZgYwQkSGiEg48D/AC5gDICIfikjm5AoReVxE\nbhGREBEJF5HHgMHAXNvxSiIyVURaiUiwbXLFp8AeYGXJfjSlVIY1CWvot7gfBtudgqIudWKvWjW4\n7z7rVuzp045rt4Duuv4u7o+4nwe/epDYQ7FOi0MpdfVxicTOGLMQeAx4FtgCNAW6ZFmqpBbWOnQZ\nKgGzgB3AeqAXMMgYM9t2PM3WxmfAb8A7wCagvW2EUCnlBAnJCQRUDqCCRwU4eRKOHnVsYgfw6KNw\n6hS8+65j2y2gV297lSbXNKH3wt4kn092aixKqauHK8yKBcAY8ybwZi7HOtq9fwp4Ko+2zgO3OTRA\npVSRJSQnZN8jFhx7KxasfWcHDoQZM6xbs56ejm0/n8p7lGdx38XM3zGfKuWrOCUGpdTVxyVG7JRS\nV4eE4wmE+NoSu4ylThw9YgfWgsUHDoDdDLSSFuwbzOM3P46b6I9apVTJ0J82SqkSk5iceCmxi48H\nHx+oWtXxHV13Hdx+u7VgcXq649tXSikXpYmdUqpEXLh4gUOnDmW/FVu/vjWLtThMnAi//gpffVU8\n7SullAvSxE4pVSL+OPEHBkNd37pWgaOXOrF3883Qpg1MmVJ8fSillIvRxE4pVSKOnDmCdznv7M/Y\nFcfzdRlErFG79evhx4IsiamUUqWXJnZKqRJxU52bOPH4CWvE7sIFOHiweBM7gDvugPBwlxu1O5d6\njh/2/+DsMJRSZZAmdkqpEiMi1hZbCQlgTPHeigVwc4Px4+Hzz2HnzuLtqwCm/DCFW+feyvbD250d\nilKqjNHETilV8opzqRN7gwZBYCBMm1b8feXThJsmEFYtjN4Le3Pi/Alnh6OUKkM0sVNKlbz4eChf\n3kq4ilv58jB2LMybZ93+dQFenl4s7reYI2eOcPdnd2OMcXZISqkyQhM7pVTJy1jqxK2EfgSNGAFe\nXvDqqyXTXz6EVg3lw14f8unuT5n2o+uMJiqlSjdN7JRSJS8jsSspVarAqFEQHQ3Hj5dcv1fQvWF3\nnrj5CR7/9nHWJq51djhKqTJAEzulVMkr7qVOcjJmDKSmwltvlWy/V/Bs1LNE1o1kwOIBHDp1yNnh\nKKVKOU3slFIlKy3NmhVb0ondNdfA3XfDa6/BuXMl23cePNw8mN97Pi2DWpKalurscJRSpZwmdkqp\nYvf+lvdpP7u9NUng4EFr5Ky4lzrJybhxcPQofPBByfedhxqVavD5wM8J9g12dihKqVJOEzulVLHb\nkbSDw2cOW2vYleRSJ/ZCQ6F3b2vpk7S0ku9fKaWKmSZ2Sqlil5CccGkrsfh4azZssJNGpyZOtGJY\nssQ5/SulVDHSxE4pVewSjtsldsHBUK6cc4KJiIBOnaxtxnT9OKVUGaOJnVKq2CUmJ1p7xELJL3WS\nk4kTIS4Ovv3WuXEopZSDaWKnlCpWx88d58SFE4T42UbsnLHUib1bboFmzaxROxd38KRr7JahlCod\nNLFTShWrhOQEAOtWrDGuMWInYo3arV4NsbHOjSUPX+/7mvqv1+fHAz86OxSlVCmhiZ1SqlglJicC\nWCN2R47A6dPOWerEXu/eUK8eTJ3q7Ehy1SmkEzcG3kjfRX1JOpPk7HCUKpSUtBTSTbqzw7hqaGKn\nlCpW4f7hPB/1PNUqVnPuUif2PDzgscdg8WJrFNEFebp7srDvQtLS0xiweAAX0y86OySl8uV0ymkW\n71zMoKWDqPFKDTb+udHZIV01NLFTShWrxtUb85/2/7HWsMtIoOrVc25QGYYNg2rVYPp0Z0eSq0Dv\nQBb0WcD3f3zPU2uecnY4SuXq6NmjvL/lfe6Yfwf+U/3pu6gvO5J28EjrRwjyDnJ2eFcND2cHoJS6\nisTHQ82aULmysyOxVKwIDz8ML7wAkydDjRrOjihHHep24KVOLzFh9QRa12pNj/Aezg5JqWzGrBjD\nG5vewBjDTXVu4sVOL9IzvCf1/Fzkl7iriCZ2SqmS4woTJ+yNGgUvvwyvvw7PP+/saHI1ru04fjr4\nE0M+HULsiFhCq7rAc4pK2UTWjeS6GtfRvWF3rql8jbPDuarprVilVMlxhaVO7FWtCiNGwKxZcOqU\ns6PJlYgwu8dsgn2C2fb3NmeHo64i6Sad8xfP51mnV6Ne3BdxnyZ1LkATO6VUyYmPd40ZsfbGjrVm\n677zjrMjyZNPBR/iRsbRu3FvZ4eiyrgLFy+wYu8KRi4fSeD0QN7c9KazQ1L55DKJnYiMFpEEETkn\nIhtE5MY86vYSkU0iclxETovIFhEZnEO9Z0XkkIicFZFVIuKC/6ModZU4edJa7sTVRuwAateGQYNg\nxgxISXF2NHnycNMnaFTxOHXhFAt/XcjAJQOpMa0G3T7uxuqE1QxuOphOIZ2cHZ7KJ5f4CSEi/YHp\nwAhgIzAWWCkiYcaYozmc8g/wPLAbSAHuAGaLyGFjzCpbmxOBB4GhQIKt/koRaWSMce2f3EqVRRkz\nYl0xsQOYMAE++AA+/hjuvtvZ0ShVol5e/zKT1k4iJS2FZjWb8Vibx+gV3ovralxnzWhXpUaBEzsR\nmQO8b4z53oFxjAWijTEf2vq4H7gduAe4bPXQHPp+XUSGAjcDq2xlY4DnjDHLbW0OAQ4DPYGFDoxd\nKZWLHUk7OJ1ymta1Wrt+Yte4Mdxxh7Vg8ZAh4OYyNzSUKnY3Bt7IlFum0DO856V9nVWpVJifXH7A\nKhHZKyL/JyJFWpxGRDyBCCBzN25jjAFWA23y2UYnIAz4zvY+BKhp1+ZJ4Of8tqmUKrrXf36dB796\n0HoTHw8+Pta6ca5q4kTYtQu++MLZkSjlMMaYK05+6FSvE4+0fkSTujKgwImdMaYHUAt4C+gPJIrI\nChHpY0vSCsofcMcaTcvqMFZyliMRqSIip0QkBVgOPGSMWWM7XBMwBW1TKeVYCckJl/6jyFjqxJVv\n69x0k/WaMsXZkRRYSpo+YaIuSUtPY/3+9Ty28jFC/xvKk2uedHZIqoQU6hk7Y8wRYAYwQ0SaA8OA\nucBpEZkHvGmM2VvE2AQrOcvNKeB6oDLQCZgpIr9f4Rbxldpk7Nix+Pj4ZCsbOHAgAwcOzFfQSqlL\nEo4n0Cu8l/XGFZc6ycnEidC9O6xfDzff7Oxo8uXgyYN0mNOBWd1mcVvobc4ORznJ+YvnWZOwhmW7\nlvH5ns9JOpNEzco16dGwBz0a6qLWzjZ//nzmz5+frezEiRMO76dIkydEJAC4FegMpAFfAU2AnSIy\nwRgzMx/NHLWda7/4TQ0uH3HLZLtd+7vt7XYRaQw8AXwP/I2VxF1j10YNYEtewcycOZPmzZvnI2yl\nVF7S0tPYf2I/IX4hVkF8PLRu7dyg8uP2263n7aZMKTWJXaB3IOH+4QxaOoi4EXEE+wY7OyRVwuZs\nncNDKx7idMppQquGMvT6ofQK70WrWq1wE31e1BXkNEgUFxdHRESEQ/sp8HdbRDxFpLeIfAH8AfQF\nZgIBxpihxphbgH7A0/lpzxiTCsRijbpl9CG29z8WIDQ3oLytzQSs5C5rm1WAVgVsUylVSIdOHSI1\nPZUQ3xC4cAEOHCgdI3ZubtYM2S++gB07nB1NvriJG3N7zaVK+Sr0WdSHCxcvODskVcKuq3EdE2+a\nyI4HdrDnwT1MvXUqbWq30aTuKlSY7/hfwDtYSV1LY0wLY8z/jDFZl2yPAZIL0OYMYISIDBGRcOB/\ngBcwB0BEPhSRFzMqi8jjInKLiISISLiIPAYMxrodnOFV4EkRuUNEmgAfAgeBzwr6gZVSBZeQnABg\njdglJIAxpSOxAxg4EGrVgldecXYk+Va1YlUW913ML4d/YczXY5wdjnKwKyXrLQJb8GT7J7m2xrW6\nPMlVrjCJ3Vgg0Bgz2hizNacKxphkY0xIfhs0xiwEHgOexbpV2hToYnuWD6zJGlknPVQCZgE7gPVA\nL2CQMWZ2ljanAv8ForFmw1YEuuoadkqVjITjVmIX7BPs+kud2CtXDh591FrTbv9+Z0eTbxGBEbzR\n7Q2iY6P5YOsHzg5HFYExhi1/bWFSzCSavtWUYZ8Nc3ZIqpQozDN2n2ONpmWbOy0iVYGLtmVFCswY\n8yaQ454lxpiOdu+fAp7KR5uTgcmFiUcpVTSHzxwmoHIAFT0rWold+fIQVKTVkUrWfffBc8/BzJnW\nq5QY3mw4Px74kfu/vJ8bat7A9TWvd3ZIKp/S0tP44cAPLNu1jE9/+5TE5ER8K/jyr7B/MeDaAc4O\nT5UShRmx+wTI6W9YP9sxpZRiwk0TSBhjjdoRHw/16pWuRX8rV4ZRo6z9Y48dc3Y0+SYizOo2i4bV\nGvLW5recHY7KpxV7V1Bzek06zOnAgl8X0DW0K98M/oakcUnM7TWX28Nud3aIqpQozIhdK+DRHMrX\nAi8UKRqlVJlS3qO89UVpWerE3sMPw/Tp8Oab8GTpWQesomdFVt21iqoVqzo7FJVPYdXCGN5sOL3C\ne3Fj0I066UEVWmH+5pQn54TQE+s5NqWUyi4+HkJDnR1FwdWoAcOGweuvw7lzzo6mQKpXqo67m7uz\nw1A2qWmpeR6vX7U+L9/ysi5PooqsMH97NgIjcii/H2vZEqWUuiQtzZoVWxpH7ADGjYN//oHZs69c\nV6ks9v6zl6k/TKXNe23oMq+Ls8NRV4nC3Ip9ElgtItdzaS/WTsCNWAsVK6XUJQcPQkpK6U3s6tWD\nvn1h2jQYMQI8irSuuyrDjDHE/RXHst3L+HT3p/x65FcqelSkS2gX+jTq4+zw1FWiwD+hjDE/iEgb\nYDzWhIlzwHZguAO2EVNKlTUZS52UxluxGSZOhObNYfFiGKCzE9XlNh/aTO+Fvdl/Yj9+Ffy4o+Ed\nPBf1HF1Cu+Dl6eXs8NRVpLB7xW4FBjk4FqVUWRQfb82GDS7F21w1awa33mptM9a/P+gCsMpOfb/6\n3BF2B73Ce9E+uD2e7p7ODkldpYr0hKaIVBSRKllfjgpMKVVG7NsHdepYi/6WZhMnwtatsGqVsyMp\ntNS0VO77/D4W7Fjg7FBKnYvpF/M87lfRjze6vUGnep00qVNOVZi9Yr1E5A0RSQJOA8ftXkqpq9wT\nq5/gP9/+x3oTH196n6/LqmNHiIiwRu1KKQ83D86knmH458PZdWSXs8NxeYdOHeLNTW/SeW5nbvjf\nDRhjnB2SUldUmBG7V4COwAPABeBeYBJwCBjiuNCUUqVVTGIMf57603pTWpc6sSdijdqtWQObNzs7\nmkIREd654x3q+tblzoV3curCqSufdJX57ehvvLz+ZVq/25qgGUGM+XoMBsMDLR4g3aQ7Ozylrqgw\nid0dwChjzBLgIrDOGPM88H/oc3dKKSAxOZEQ3xAwpuyM2AHceaeVpJbiUbtK5SqxpN8SDp48yL3L\n79VRKJuE4wk0ntWY8FnhPPf9cwRVCeLDnh+SNC6JVXetYnTL0bouoCoVCjN5oipg2yeIk7b3AOsB\n3b9Gqavc2dSzHD5zmBC/EDhyBE6dKjuJnbu7ta7dAw/A3r3QoIGzIyqUhv4Nmd1jNn0X9aVtrbaM\naT3G2SE5Xa0qtWgf3J6XOr3ErfVv1ZmsqtQqzIjd70Bd29e7sZY8AWskL9kBMSmlSrHE5EQA6vrW\nLRtLndgbOtTakWLaNGdHUiR9Gvfh0daPMm7VOH7Y/4Ozwyl2aelpeR73dPfkf//6Hz3Ce2hSp0q1\nwiR2s4HrbV+/DIwWkQvATKzn75RSV7GE49aAfohvyKXErl49J0bkYBUqwJgx8MEH8Pffzo6mSF6+\n5WVa12rNyC9Glsnnx46dO8aH2z6k14JeBL8afMVtvZQqCwqzQPHMLF+vFpFwIALYZ4zZ7sjglFKl\nT2JyIp5ungR6B1pLnVxzDVSu7OywHOuBB+Cll+C116w/SylPd08W9lnIuYvnysz+pAdPHuTT3Z+y\nbPcyvkv8jjSTRutarXm41cOkpKXoUiSqzCtQYicinsDXwP0Zu0wYY/4A/iiG2JRSpVBCcgLBvsHW\ng+ZlaeJEVr6+MHIkvPUWPPEEVCm9S3gGeAc4OwSHOHH+BLfMvYXNhzbj4eZBx5COvNHtDbo37G79\nkqHUVaJAiZ0xJlVEmhZXMEqp0q99cHuCfWy7TMTHl9oJBlf0yCPWiN3bb1sTKpRT+VTwoXVQax5p\n9Qi3h92ObwVfZ4eklFMUZlbsPGA48LiDY1FKlQHdG3a/9CY+Hm67zXnBFKegIBg8GGbOhIcegvLl\nnR1RmZZu0q94u/i/3f5bQtEo5boK81CFB/CAiMSKSLSIzMj6cnSASqlS6tQpSEoqm7diM4wfD4cO\nwUcfOTuSMulMyhmW7lrKXcvuoua0mhw7d8zZISnl8gozYncdEGf7OszumK50qZSylMWlTuw1agQ9\nesDUqXD33eBWNiYgONM/Z/9h+Z7lLNu9jG/iv+H8xfM0qdGE+1vcXyZn7irlaIWZFRtVHIEopcqY\njMSuLI/YgbXNWNu28Pnn0LOns6NxmK/3fc3h04cZesPQEukvLT2Nrh91ZU3CGtJNOm1qt+G5qOfo\nGd6T0Kpl+JcDpRysMCN2Sil1Zfv2WbNFq1VzdiTFq00baNfO2masRw9rT9ky4Is9X/BO3Ds0rt6Y\nG4NuLPb+3N3ciQiIoE/jPnRv2J2alWsWe59KlUUFTuxEJIY8brkaYzoWKSKlVNkQH2/dhi0jiU6e\nJk6Ef/0L1q2D9u2dHY1DTO88nU2HNtFnUR/iRsRRzatoCXp+Jj+8dEvpXRNQKVdRmAdCtgLbsrx2\nAuWA5sAvjgtNKVWqldU17HLSrRtcd501aldGlPcoz6K+iziTcoZBSwddcUuunKSkpbBy30ru/+J+\ngmYE8dvR34ohUqVUVoV5xm5sTuUiMhkoY8vLK6UKYstfW6heqTq1qtSyEruWLZ0dUskQgQkTYMgQ\n+OUXaNLE2RE5RB2fOnzc+2Num3cbz3//PJMiJ13xnNMpp1mxdwWf/vYpX+75khMXTlDXty4DrxtI\nBY8KJRC1Ulc3R07hmgfc48D2lFKlzF3L7mLK+ilw4QLs33/1jNgBDBgAdepYM2TLkM71O/Ns1LM8\n890zfL3v6zzrDlk2BP+p/vRb3I8dSTt4pPUjbB25ld8f/p0ZXWYQ7BtcQlErdfVyZGLXBjjvwPaU\nUgHJ/q4AACAASURBVKWIMYaE5ATq+taFxEQwpmwvdWLP0xMefRTmz4c/ytYui//X7v/o2qArg5YO\n4siZI7nWC/cP58VOLxL/cDzb7t/G5MjJXF/zeuRqeM5SKRdR4MRORJbavZaJyAZgNhBd2EBEZLSI\nJIjIORHZICK5TsMSkXtF5HsROWZ7rbKvLyKzRSTd7vVVYeNTSuXtyNkjnE09S4hfyNWz1Im9e+8F\nHx+YUbbWancTN+b2msvMLjPx9/LPtd7/s3ff4VFVWwOHfzsh9BJ6KAIB6UWqiApoAFEUQUUxFrxI\nEQVFauwIKF6QIiBFUUTQGz4EBLEhTWwgHaVLSELvJAIJpO3vjz2BSSOZyWTOTGa9zzOPZM+ZMwuI\nzMoua73W9jWGthlKzdI13RidEMKeMzN2seke54GfgS5a69HOBKGU6glMAkYBzTCHMlYqpbL6F6Q9\n8D/gLuA24Ajwk1IqfTfrH4CKQJDtEepMfEKI7EVeiAQgODDYlDopVMi03fIlxYrBoEHwySdw7pzV\n0bhUmSJl6HVLL5l9E8LDOZzYaa17p3v00Vq/orX+KRdxDAE+0lrP11rvAwYAcWSxZ09r/bTWerbW\n+i+t9QGgr+330iHdpVe11me01qdtj9hcxCiEuIGomCiA6zN2NWv6ZieGF180y9Affmh1JEIIH+TM\nUmwrpVTrTMZbK6VaOnG/AKAFsCZ1TGutgdWYfXs5UQwIwMwe2rtLKXVKKbVPKTVTKVXG0fiEEDkT\nGRNJYOFAAgsH+lapk/TKlYM+fWD6dLh82epohBA+xpkfp2cAN2UyXsX2nKPKAf7AqXTjpzDLpzkx\nHjiGSQZT/QD0AkKAkZjl2++VrCMIkSciL9gOToBvJ3YAw4ZBTAzMnWt1JEIIH+NMS7EGwLZMxrfb\nnnMVxQ06XFy7SKlXgMeA9lrrhNRxrfUiu8t2K6X+BiIw+/LWZXW/IUOGUKpUqTRjoaGhhIbK9jwh\nbiQ6Ntrsr0tOhkOHfDuxq1EDHnsMJk2C55+HAtK9UQhfFx4eTnh4eJqx2FjX7xBz5l+bq5gDCYfS\njVcCkpy431kg2XZPexXIOIuXhlJqOGY2roPWeveNrtVaRyqlzgI3c4PEbsqUKTRv3jwncQsh7KwI\nXcHlxMtw7BgkJPhWqZPMjBwJzZrBokXwxBNWRyOEsFhmk0Tbtm2jRYsWLn0fZ5ZifwLeU0pdm9ZS\nSgUC44BVjt5Ma50IbMXu4INtubQD8EdWr1NKjQBeBzprrbdn9z5KqapAWeCEozEKIbIX4B9wfX8d\n+PaMHUDTptC5sylYrLNdfBBCCJdwJrEbjtljF62UWqeUWgdEYvbDDXMyjslAf6VUL6VUPWA2UBSY\nB6CUmq+UGpd6sVJqJDAWc2r2sFKqou1RzPZ8MaXUBNuBjupKqQ7AMuAAsNLJGIUQOXHwoDkNW6OG\n1ZFYLywMdu6ElfLPjhDCPZwpd3IMaIJZAt2DmW0bDDTWWh9xJgjbfrhhwBjMXr0mmJm41BLnVUl7\nkOJ5zCnYxcBxu0dqYplsu8dyYD8wB9gMtLPNEAoh8kpEhGmtVbCg1ZFY7667oFUrGD/e6kiEED7C\nqR29WuvLwMeuDERrPROYmcVzIem+Ds7mXleAe10XnRAix3z9RKw9pcysXY8esGkT3Hqr1REJIfI5\nZ+rYvaqUylA4WCn1rFIqzDVhCSG8liR2aXXvDrVry6ydEMItnNlj9xywL5Px3ZiOEUIIX6W12WMn\nid11/v4wYgR8/TXs3291NEKIfM6ZxC6IzE+WnsGUPBFC+KqzZ+HiRSl1kt7TT0PFijBxotWRCCHy\nOWcSuyPAHZmM34E5wCCE8DFPLX2Kr/d+LaVOslK4MLz8MsyfDyek4pIQIu84k9jNAT5QSvW2lRKp\nbttzN8X2nBDChyQmJxK+K5wzcWfMMixAzZrWBuWJBgwwCd4HH1gdiRAiH3MmsXsf+BRzgvWQ7TEd\nmKa1fs+FsQkhvMCRf4+QolNMO7GICLPkWKKE1WF5nlKlTHI3ezbkQRshIYQA5+rYaa11GFAeuA24\nBSijtR7j6uCEEJ4v8kIkADUCa8iJ2Oy8/DJcuWKSOyGEyAPOzNgBoLW+pLXerLXepbW+6sqghBDe\nIzImEoWiWqlqkthlp1Il6NXLLMdeuWJ1NEKIfMipxE4p1crWsmuhUmqp/cPVAQohPFvkhUiqlKxC\noQKFzB47ORF7YyNGwKlTsGCB1ZEIIfIhZwoUPw78DtQHHsK09moAhACycUQIHxMVG2X21128CKdP\ny4xddurUgYceMqVPkpOtjkYIkc84M2P3GjBEa90VSMD0ia0PLAIOuzA2IYQXiLwQSXDpYDh0yAxI\nYpe9kSPhwAFYvtzqSIQQ+YwziV0t4DvbrxOAYlprjSl30t9VgQkhvEOX2l3ocnOX66VOJLHLXuvW\n0L69aTOmtdXRCCHyEWcSu/NAai2DY0Aj268DgaKuCEoI4T3eaPcGPRv1NAcnSpaEcuWsDsk7hIXB\npk2wfr3VkQgh8hFnErtfgU62X38FTFVKzQHCgTWuCkwI4WVST8QqZXUk3uHee6FJEzNrJ4QQLuJM\nYjcIWGj79bvAZKAisATo46K4hBDeRkqdOEYps9fuxx9h506roxFC5BPOFCg+r7U+bvt1itb6v1rr\nB7XWw7TWF1wfohDCK0ipE8f17AnVq8OECVZHIoTIJ5wuUCyEENckJMCRIzJj56gCBWDYMPi//4Oo\nKKujEULkA5LYCSFyLyoKUlIksXPGs89CYCBMmmR1JEKIfEASOyFE7kmpE+cVKwYvvgiffgpnzlgd\njRDCy0liJ4Rw2q7Tu4hLjDMHJwoVgqpVrQ7JOw0aZA5TfPih1ZEIIbyc04mdUupmpVRnpVQR29dS\n40AIH3Lx6kUaz2rMsn3LTGIXHAx+8rOiU8qWhb59TWJ3+bLV0QghvJgzvWLLKqVWAweA74FKtqc+\nVUrJJhEhfERkTCSA6RMrpU5yb+hQiI2FTz6xOhIhhBdz5sfrKUASUA2Isxv/P+BeVwQlhPB8kRds\niV3pYCl14grVq0NoKEyeDImJVkcjhPBSziR29wBhWuuj6cb/AarnPiQhhDeIiomiSIEiVCxSHiIj\nZcbOFUaOhMOHYeHC7K8VQohMOJPYFSPtTF2qMsDV3IUjhPAWkTGR1AisgTp+HK5elcTOFRo3hi5d\nTMFira2ORgjhhZztFdvL7mutlPIDRgLrXBKVEMLjpSZ210qdyFKsa4SFwa5d8MMPVkcihPBCziR2\nI4H+SqkfgILABGAX0A4Ic2FsQggPFnkh8vrBCT8/qFHD6pDyh7Zt4bbbYPx4qyMRQnghZ3rF7gLq\nAL8ByzFLs0uBZlrrCGcDUUoNVEpFKqXilVIblVKtbnBtX6XUL0qp87bHqsyuV0qNUUodV0rF2a6R\nKQUhXEBrTVRMlDk4EREBN90EBQtaHVb+oJTZa/fLL7Bxo9XRCCG8jFNFp7TWsVrrd7XWj2mtu2it\n39Ban3A2CKVUT2ASMApoBuwEViqlymXxkvbA/4C7gNuAI8BPSqnU0isopcKAQcBzwK3AZds95dNH\nCBfYP2g/zzZ71izFyv461+rWDerWlVk7IYTDCjj6AqVUkyye0sAV4LDW2tFDFEOAj7TW823vMQC4\nH3gWs9Sb9o20fjpdTH2BR4AOwBe24cHAWK31Cts1vYBTQHdgkYPxCSHsKKWoVML2c1REBLTKcoJd\nOMPPD0aMgH79YN8+qFfP6oiEEF7CmRm7HcB222OH3dc7gH1ArFLqc6VU4ZzcTCkVALQA1qSOaa01\nsBpok8OYigEBwHnbPYOBoHT3/Bf404F7CiGyo7UUJ84rTz0FlSrB++9bHYkQwos4k9g9hKlZ1x+4\nBWhq+/V+4AmgDxACvJPD+5UD/DGzafZOYZKznBgPHMMkg9hep3N5TyFEds6dg3//lcQuLxQqBC+/\nDAsWwLFjVkcjhPASDi/FAq8Dg7XWK+3G/lJKHcUsfd6qlLqM2TM3PBexKUxyduOLlHoFeAxor7VO\nyO09hwwZQqlSpdKMhYaGEhoaml0oQvgeKXWSt557Dt59Fz74QGbuhPBy4eHhhIeHpxmLjY11+fs4\nk9g1BqIzGY+2PQdmWbZSJtdk5iyQDFRMN16BjDNuaSilhmPKr3TQWu+2e+okJomrmO4eFTDLxlma\nMmUKzZs3z1nkQvi6CNtB+Jo1rY0jvypZEp5/HmbMgNdfh8BAqyMSQjgps0mibdu20aJFC5e+jzNL\nsfuAV+xPl9r2yb1iew6gCtkkZam01onAVszBh9T7KdvXf2T1OqXUCMzsYWetdZpkTWsdiUnu7O9Z\nEmh9o3sKIRwUEQEVKkCJElZHkn8NHgwJCTBrltWRCCG8gDOJ3UDgAeCoUmq1UmoVcNQ29rztmprA\nTAfuORlT9LiXUqoeMBsoCswDUErNV0qNS71YKTUSGIs5NXtYKVXR9ihmd88PgDeUUl2VUo2B+bY4\nlzv8OxZCZE5KneS9oCB45hmYOhWuXLE6GiGEh3OmQPEfQA3gLeAvTNeJt4BgrfVG2zULtNY53hCi\ntV4EDAPGYJZKm2Bm4s7YLqlK2kMPz2NOwS4Gjts9htndcwIwHfgIcxq2CHBfDvbhCSFu4PTl0/T6\nuhf7z+43M3ayvy7vDR8Op0/D559bHYkQwsM5s8cOrfUlzKyay2itZ5LFLJ/WOiTd18E5vOfbwNu5\njU0Icd3B8wdZ8NcCRtw+wiR299xjdUj5X+3a8MgjMHEi9O0L/v5WRySE8FBOJXYASqkGQDVMv9hr\ntNbf5DYoIYTnirwQCUCNgHJw6pQsxbpLWJgpBL10KTz6qNXRCCE8lDOdJ2oCX2NOwGrM6VO4XkZE\nfpQUIh+LjImkbJGylDhy2gzIUqx7tGwJISGmzViPHqanrBBCpOPM4YmpQCSmlEgc0BBoB2zB9G4V\nQuRjkRciCS4dfL3UiczYuU9YGGzdCmvXWh2JEMJDOZPYtQHesh1sSAFStNa/Aa8C01wZnBDC80TF\nRhEcaEvsSpSAcuWsDsl3dOoEzZrBhAwttIUQAnAusfMHLtl+fRaobPt1NFDXFUEJITxX5IVIk9gd\nPGiWYWVJ0H2UgpEj4aefYPsNa60LIXyUM4ndLkw5EjBlREYqpe7AlDw55KrAhBCeJyklicOxh68v\nxcoyrPv16AHBwTJrJ4TIlDOJ3Tt2r3sLCAZ+BboAL7koLiGEB4pLjOPxRo/TLKiZJHZWKVAAhg2D\nRYvgkPwsLYRIy5kCxSu11kttvz6ota4HlAMqaK1lR68Q+VjJQiX54uEvaF2hGRw+LImdVXr3hjJl\nYNIkqyMRQngYhxI7pVQBpVSSUqqR/bjW+rzWWmf1OiFEPhMVBSkpUurEKkWLwksvwdy5piOFEELY\nOJTYaa2TgMNIrTohfJuUOrHewIGmA8X06VZHIoTwIM7ssXsXGKeUKuPqYIQQXiIiAgoWhCpVrI7E\nd5UpA/36wYwZcOlS9tcLYaXkZKsj8BnOJHaDMAWJjyul9iulttk/XByfEMITHTwINWtKz1KrDR0K\nFy/CnDlWRyJE5rZsMXtCW7YE2bHlFs70il3m8iiEyAOL9yzmk22f8P2T3+OnnPkZRmRJTsR6hptu\ngieegMmTzdJswYLZv0aIvHb1Knz1FXz4Ifz5J1SrBs8/DwkJUKiQ1dHlew4ndlrr0XkRiBCutuPk\nDnaf2S1JXV6IiDBdEIT1Ro6E+fMhPByeecbqaIQvO3IEZs82M8hnzph/I5YtgwcekNl9N3LqE08p\nFaiU6quUei91r51SqrlSSjbcCI8RHRtN9VLVrQ4j34hPjOf05dPo5GRTP01m7DxDw4bmg3PCBHNS\nWQh30tr0Ln74YahRwxzmefxx2LvXdEjp1k2SOjdzOLFTSjUBDgBhwHAg0PbUw8B7rgtNiNyJiomi\nRmANq8PIN36J/oWKEysStX+jWWqRUieeIywM9uyB776zOhLhKy5eNAd3GjaEDh1g/36z9HrsGEyb\nBvXqWR2hz3Jmxm4yME9rXRu4Yjf+PeZQhRAeITomWhI7F4qMicRf+XPTKdv/9jJj5znuvBNuvx3G\nj7c6EpHf7d0LL75oTsQPHgwNGsC6dbBrl9lHV6KE1RH6PGcSu1bAR5mMHwOCcheOEK6RmJzIsYvH\nZCnWhaJiorip1E0UOBRlmtHXqGF1SMJeWBj8/rt5COFKSUnw9dfQsaNJ5BYtMkldVBQsXgx33WX+\nTRAewZnE7ipQMpPxOsCZ3IUjhGsc/fcoKTpFZuxcKDImkuDAYFPqpFo1Od3maR54wHzoTphgdSQi\nvzhzBt57z5Q2evhhiIuDL7807QTHjoWqVa2OUGTCmcTuG+AtpVSA7WutlKoGjAeWuCwyIXIhKiYK\ngOqBZsZu6saphK0KszAi7xd5wZbYSakTz+TnByNGwDffmP12Qjhr0ybo1cskbmPGmJm6LVvgjz9M\neR35oc6jOZPYDQOKA6eBIsB64CBwEXjddaEJ4byg4kEMazOMaqWqARBzJYbZW2dzNemqxZF5r8iY\nSDMDKomd53riCfNh/P77VkcivM2VK/D553DrrdC6Nfz6K7zzDhw9anoSt2hhdYQihxxO7LTWsVrr\nTkBX4CXgQ6CL1rq91vqyqwMUwhn1y9dn4j0TKVygMAA9GvTg36v/svrQaosj806XEi5xNu4swamJ\nnZyI9UwFC8KQIWa57OhRq6MR3iA6Gl55xfxA8J//mFZ1K1aYLRcjRkDZslZHKBzkTLmTmwC01r9p\nrWdqrSdoreXTUni0BuUbUK9cPRbvXWx1KF4pdWk72K8MxMbKjJ0n69cPihWDKVOsjkR4Kq1h9Wro\n3t3sn5s9G55+2pQs+fFHKSjs5ZxZio1SSv1sK1AcmP3lQlhPKUWP+j1Ytm8ZCckJVofjdWqXqc32\n57bT7GJxMyCJnecqUQJeeAE+/hguXLA6GuFJ/v3XFBCuX990hTh0CGbNMrXnpkyBOnWsjlC4gLPl\nTjYDo4CTSqmvlVKPKKVkN6XwaD0a9CDmSgzrItdZHYrXKVSgEE2DmlI06pgZkMTOs730EiQmwsyZ\nVkciPMHu3SbZr1zZLNU3aQLr18POndC/v5nhFfmGM3vstmmtRwDVgPuAs8Ac4JRSaq6L4xPCZZpU\nbMLNZW5m8R5ZjnXawYNQoYIUIfV0FStC794wdSrEx1sdjbBCUhIsWQJ33w2NGpk6dMOGmT11ixZB\nu3ZSey6fcro7ujbWaa37AR2BSEA6UAuPpZTikfqP8PW+r0lKSbI6HO8kJ2K9x/DhcO4czJtndSTC\nnU6dMqdZg4OhRw8zcxsebhK60aNNxwg3W7YM/vnH7W/rs5xO7JRSNymlRiqldmCWZi8Dg3Jxv4FK\nqUilVLxSaqNSqtUNrm2glFpsuz5FKfVSJteMsj1n/5DiTj6uf4v+LO25FD/l9Le+b5PEznvUqmU+\n2CdONLM3Iv/SGjZsgKeegptugnHj4N57Yft2+O03ePxxc2LaTdJ/u4WEQEyM297e5zlzKra/Umo9\n12foFgG1tNZ3aq1nOROEUqonMAmzb68ZsBNYqZQql8VLigIRQBhw4ga33gVUxLQ6CwLudCY+4V2O\nxB7hr1N/ZfpczdI1aVe9nSR2N3A+/jzfHciimbyUOvEuYWFmg/wSqR2fL8XHw2efQcuWplfwhg3w\n3/+awxBz5kDTpm4P6bPPoGHDtMldyZLQKsupGuFqzny6vQlsAlpqrRtqrcdpraNyGccQ4COt9Xyt\n9T5gABAHPJvZxVrrLVrrMK31IuBGRxyTtNZntNanbY/zuYxTeIHPdnxGpwWdrA4jWxuObGDR7kVo\nrdOMp//aXRKSE/hg4wfcPO1mei/vTVxiXNoLLl2Ckydlxs6bNG9uugaMH29mdUT+EBkJI0ea2nN9\n+kBQEHz3nVnvHDoUSpe2LLQWLcz2zsREy0Lwec4kdtW01iO01jvSP6GUauTozWytyVoAa1LHtPlk\nWw20cSI+e7WVUseUUhFKqS9Sa/CJ/C06JprqpapbHUa2pm+aznu/vYey28B86MIhWs1pxe7Tu90W\nh9aar/d+TcOZDRn20zAebfAofz//N0UDiqa98NAh819J7LxLWJhZklst5Ua9WkoKrFwJXbua/wfn\nzDEFhQ8cMEldly6mrZwbffyxCcFekyam3nGRIm4NRdhx5lRsmh/7lFIlbMuzmzBLqI4qB/gDp9KN\nn8IsnzprI/AfoDNmBjAY+EUpJee687mo2CjT+sqDJSYn8v0/39Otbrc04yULlSQpJYm7P7+bv0/9\nnedxbDm+hfbz2vPwooepVboWOwfs5KOuH1GxeMWMF0dEmP9KYuddOnQwM3fjx1sdiXBGTAx88AHU\nq2f2zR05YjKqY8dg0iRLt0aULAmlSpmcU3iOAs6+UCnVDrNU2gM4DiwFBrooLgAFOL12oLVeaffl\nLlviGQ08BnyW1euGDBlCqVKl0oyFhoYSGhrqbCjCzaJjomlRybP7Gq6PXk/s1dgMiV25ouVY02sN\nnRZ04u7P72Z1r9U0DcqbfTLjfh3H62tfp1GFRvz45I90vrnzjV9w8KApc1K+fJ7EI/KIUmbWrmdP\n2LpVen56i7//hhkzYMECSEgwB2E++8zspbOgTMm8eXD5Mgy0+5R//HHzEDkTHh5OeHh4mrHY2FiX\nv49DiZ1SqhLmwEQfoCTm4EQhoLvW2tkTp2eBZMwhB3sVyDiL5zStdaxS6gBwwx9vpkyZQvPmzV31\ntsLNUnQKh2MPe/xS7PJ9y6lWqlqmSVvZomVZ02sN93xxDyGfh7C612qaV3L992RIcAgfP/AxvZv1\npoBfDv4pSD0RK7WvvM8jj5i/u/HjTQ0z4ZkSE029uRkz4JdfoFIlk5T362d+baFdu+DiRUtD8HqZ\nTRJt27aNFi7+YSvHS7FKqW+AfUAT4GWgstb6xdwGoLVOBLYCHezeS9m+/iO397e7Z3GgFjc+RSu8\n3ImLJ0hMSczxUqwVBxW01izfv5wH6zyYZn+dvdJFSrPq6VXUKVuHDvM7sPnYZpfHcVvV2+jXol/O\nkjqQUifezN/f1LVbssTMvArPcuIEjBkDNWqYmVUwCXh0NLz1ltuTuuXL4eef0469/z589JFbwxBO\ncmSPXRfgU2CU1vo7rXWyC+OYDPRXSvVSStUDZmNKmswDUErNV0qNS71YKRWglLpFKdUUKAhUsX1d\ny+6a95VS7ZRS1ZVStwNfA0lA2nlQka+kNquvHpj9jN28HfNoPKsxKdq9G0R2nNzBkX+P0K1etxte\nF1g4kJ+e/okG5RvQcUFHt+y5uyEpdeLdnnkGypUz+7KE9bSG33+H0FCoVs3MpnbtCn/9Zdp9Pfoo\nBARYEtqUKfDVV2nHZKLeeziS2LUFSgBblFJ/KqUGKaVcstnGVrZkGDAG2I6ZFeystT5ju6QqaQ9S\nVLZdt9U2PhzYhmltht1r/oeZZVwInAFu01qfc0XMwjNFx0YD5GgptkZgDXaf2Z0ns2E3snz/ckoV\nKkX76u2zvbZkoZL8+OSPDGgxgJvLOJZU7TmzhytJV5wNM62EBDN7IDN23qtIERg82OzTOuWyXS7C\nUXFx8Mkn0KwZ3Hmn2ff4/vvmMMTs2dC4sVvD2bQJoqLSjn37rVkNFt4px4md1nqDrX1YJeAj4HHg\nmO0enZRSuWoeqbWeqbWuobUuorVuo7XeYvdciNb6Wbuvo7XWflpr/3SPELtrQrXWVW33q6a1fkJr\nHZmbGIXne7zR45wYdoIShbL/dmxbrS3li5Z3e+/Ym8vczLA2wwjwz9lP4yUKlWB8p/EUCchZ/YBT\nl04x4NsBNJ7VmE+2fZKbUK+LjjZH3ySx827PP29mgaZNszoS3xMRYXq1VqkC/fubDhE//gj79sHL\nL0NgoNtDSkiABx4wlVPsFS/u9lCECzlT7iROaz1Xa30n0BjTMeIV4LRtH54QlvFTfgQVz1mVHH8/\nfx6u/zBL9i5x6167p5o8xZvt33T5feMT4xn36zhqT6/Not2LmHTPJPq36O+am6eWOpGlWO9WurRJ\nKmbOlJ3w7pCSAt9/D/ffD7Vrm6Ol/fqZ/59WrIDOnd1aey462kwYpipY0HQcGzPGbSEIN8jVd5TW\ner/WeiRm2VPqgQiv06NBDyJjItl+crvVoTgtRafw5V9fUvfDuoz6eRR9mvXh4EsHefm2lyno76L+\nkAcPmk8BCxqICxcbMsTUrfj4Y6sjyb8uXIDJk6FOHZPUnTwJn34KR4/ChAkQHOz2kE6fNj+Xpau2\nQZ065myNyD+crmNnz3aQYpntIYTXaF+9PWWKlGHxnsV5UlIkrx2/eJzuC7uz+fhmHqr3EOM7jqd2\n2dquf6OICPNhJJ8A3q9qVXjySbND/sUX3docPt/bscNsTvvyS9Ms9bHH4IsvoHVrt58+uHwZitmV\n469QAZYtg/bZb+0VXk46oQufFuAfQLe63fhmv3fuIqhQrAK1y9Zm/X/Ws7Tn0rxJ6sB8YMkybP4x\ncqTZrP/ll1ZH4v0SEmDhQnMQolkz+OEHeP110yHiiy/gttvcntT9/bdpH7tlS9rx+++X/XO+QBI7\n4fNaV2nNvrP7SEhOsDoUhxXwK8CXD39Ju+rt8u5Ndu82Ra2kxHz+Ub8+PPigWRaUflDOOX4cRo2C\n6tVNyZKAAFi82Bwxff11qJhJW748kn6LcIMG8MYb5nyG8D2S2Amf16NBD/YP2p/zQr2+ZsoUqFzZ\nLCuJ/CMszJzIXLHC6ki8h9amI0TPniahmzQJHnrItGVYt850+Cjg3n9Hfv3V5OkxMdfH/P3NX68b\nc0vhQSSxEz6vbNGy1CpTCz8l/ztkcOqUWU566SXZi5Xf3H67WT4cPz7jlI9IK/WwyS23mE1qO3ea\nwxHHjpkTxg0bWhZa7drQti3Ex1sWgvAw8kkm8o3//f0/XvjuBavDyNSmY5uYsmEKicmJVofiSu/U\nvAAAIABJREFUmFmzzI///V1UNkV4lrAw2LDB1LwQGf3zjzlFXKWKqQFYsyasWgV795qDJ6VKuTWc\ntWvNqq99Hh4UZOrQWdxKVngQSexEvvFr9K/8ccRl7YVdat6OeUzbNM27lnvj480Jv2efNfXPRP7T\npYuZbRo/3upIPEdysmm9cO+9phbIggUmqTt0yBwr7djRsv5aSkFsrHkIkRVJ7ES+ERUbRY3AGlaH\nkYHWmm/2f0O3ut1Q3tRw8Ysv4Nw5UxVf5E9+fuaE7HffmX1ivuzcOdPa6+abTc/Wc+dMQeGjR+G9\n98yeOjf69VezvdXe3XebescWNKkQXkQSO5FvRMdE56hHrLttPbGVYxeP0a1uN6tDybmUFPOp0r27\ntBHL70JDzfHJCROsjsQa27ZBnz6mvt8bb5gNa3/+CZs3wzPPQOHCloS1ZYspJpyUZMnbCy8miZ3I\nF7TWRMV45ozd8n3LKV24NG2rt7U6lJxbudLsIxo61OpIRF4LCDB/z+HhcPiw1dG4x9Wrpobf7bdD\nixZm39xbb5nZufnz4dZb3RrO33/DTz+lHXvxRZNfuvmQrcgHJLET+cLZuLPEJ8V7ZGL3zYFvuL/O\n/d61v27SJGjVCu64w+pIhDv07QslSmRc+8tvjh6FN9+EatXgqaegaFH4+muzf+7VV6F8eUvCmjgR\nRo9OO1aggGVb+YSXk8RO5AtRMVEAVA90fil25KqRLNq9yEURGZEXIvnr1F/etQy7cyesWQPDhskn\ni68oXhwGDTLHK8+ftzoa19LaFNju0QNq1IAPPjA1GffsgdWrzXYDN06LnTxpDtvamzzZhCiEK0hi\nJ/KF6NhogFzN2K2NXMvKgytdFJHxzf5vKOhfkM61Orv0vnlqyhQzo/HII1ZHItzpxRfN3soZM6yO\nxDUuXTLleho3NqcO9uyBadNMx4jp001VXwt07WomB+2VLWtWxIVwBUnsRL4QVDyI3k17U7qw82U5\nGpRvwJ6ze1wYFTSs0JBR7UdRolAJl943z5w4Af/7nylILJt7fEv58qa0zbRpEBdndTTO27/ffP9W\nqWJmIevWNTPQu3fDCy+YJWc3iYvLWJpk7lz45BO3hSB8kCR2Il+4s9qdzO02N1flROqXq8/eM3vR\nLqzC37FmR15r+5rL7pfnPvzQnALs29fqSIQVhg0zS7GffWZ1JI5JTobly+Gee6BePVi40CR1kZGw\nZAmEhLh9W0FyspkUnDQp7XjjxlKuROQtSeyEx0lOSeZC/AW3v2/98vWJvRrLyUsn3f7eHuHyZZg9\n2yR1bq6oLzxEcLDZfzZxonfU2Th71hRXrlXL7JX7919TUPjIEXj3XbOlwE1SUkwyl8rfH6ZOhd69\n3RaCEIAkdsIDjV4/mvoz6pOU4t4PlvrlzJ6bvWf3uvV9Pcb8+aaT+EsvWR2JsNLIkRAVBV99ZXUk\nWduyBf7zH1N7btQos4du82bYuNGcdi1UyK3hXLhgVnyXL0873r27yZWFcCdJ7IRHuXj1ItM3TefU\n5VP8fvh3t753rTK1CPALYO8ZH0zsUgsSP/KIOTkofFezZmZJc/z4tE1JrXblipmNa93alOL5+WcY\nM8aUMPnsM2jZ0rLQSpc2+aTU8haeQBI74VE2H99Mik6hTJEyrDiwwq3vXcCvALXL1vbNGbtvvzU1\nGKQgsQAICzNlb9JXzbXC4cPw2mumO0avXmaD2vLlEBFhZhfLlXNrOFFR0K4dHDiQdnzUKLjlFreG\nIkSmJLETHiUkOIQTw07wSP1H3J7YAfRq0otbKvrgv86TJ5sq/LfdZnUkwhPcfbeZARs/3pr319qc\nZH34YbOWOWMGPPEE7NtnuqI8+KDZxGaBoCAoU8ZsSRXCE0liJzxO0YCidK3TlQPnDnDg3IHsX+BC\nYXeG0a9FP7e+p+W2boX162W2TlynlJm1W7fO7F1zl3//NUlcw4bQsaOZFpsxA44dMycR6tZ1XyyY\nt+/d26wCpypcGJYtMyvWQngiSeyER+pQswOFCxRmfdT6bK89dekUpy6dckNUObPz5E5G/DSCf6/+\na3UoOTN5spkV6d7d6kiEJ3noIahd2z2zdnv3mvIkVarA4MEmsfv5Z9NEdcAA0xnDAkqZ8xhRUZa8\nvRBOkcROeKSiAUWJHByZo9mzcb+O4+7P73ZDVDmzaPci5u6YS9GAolaHkr0jR2DRIvNhatHSlvBQ\n/v4wfDgsXZpxQ5krJCWZPq0dOkCDBrB4MQwZcv1Ebvv2bq09Fxlpuo3Zq13bNKyoV89tYQiRa5LY\nCY8VVDwoR9dFxUblqpWYqy3fv5wH6jxAAT8v6Nzw4YdQrJjpOCBEer16QYUKpq6dq5w+DePGQc2a\nZg/dlSum28nhw+aUa9WqrnsvB2zfDu+8Y8KzJ+2ShbeRxE54veiYaI9J7CLOR7D7zG661e1mdSjZ\nu3QJPvoI+vd3a5sl4UUKF4aXX4bPPzft5pylNfz5Jzz9tDndOnasKamybRv8/juEhkLBgq6LOxvn\nzsHq1WnHHnzQVE6pUMFtYQiRJzwmsVNKDVRKRSql4pVSG5VSrW5wbQOl1GLb9SlKqUwrqjpyT+G9\nomKiqF6qutVhAGa2rpB/Ie6pdY/VoWRv7lyT3L34otWRCE82YIAp+DttmuOvjY+HefPg1lvNievf\nfzcdIY4dMw1TLTqBMG0aPP44JCRcHytQwOSxQng7j0jslFI9gUnAKKAZsBNYqZTKqkBRUSACCAMy\n/THSiXsKCxy/eJzey3tz4qJzswExV2KIvRrrMTN2y/cvp2PNjhQvaM1m7xxLTjYbih57zMygCJGV\nwECT3M2aZU6t5kRUFLzyivne6t3b1JpLrZU4fLipF+ImV6+aknf2Bg82e+fcOEkohNt4RGIHDAE+\n0lrP11rvAwYAcUCmG3+01lu01mFa60VAQmbXOHpPYY3pf05nyZ4lTh80iI6JBnBpYnc16So7Tu4g\nITmrb63MnY07y2+Hf/OOZdjly81ucSlxInLi5ZfN7NtHH2V9TUoKrFoF3bqZ/XOzZ5s9egcOwA8/\nwP33W3JAp29f01DFvolGmTKy5CryL8sTO6VUANACWJM6prXWwGqgjafcU7jexasXmbVlFs+1eI5S\nhZ1rOh8daxK76oGuW4rddmIbzT5qxp4zexx63XcHvkNrTde6XV0WS56ZPNmUz7ewDZPwIpUrm/1x\nU6aYKTB7sbFmbbN+fbNvLirKJIDHjpnvs9q13Ram1mZ3gb2wMAgPl0MQwndYntgB5QB/IH0hslNA\nzo5FuueewsU+3f4plxMv81Lr7JvOn48/j86kb2VUTBSFCxSmYrGKLourfvn6AA73jG0a1JT3O72f\n49O8lvnzT7PXSWbrhCNGjICTJ+GLL8zXu3bB88+b2nPDhpn9cr/8Ajt2QL9+5rS1m3XtCgMHph1r\n1MjknEL4Ck+ux6AAV3egzvaeQ4YMoVSptLNHoaGhhIaGujgU76S15uD5g9Qum7ufwhOTE5mycQqP\nN3qcm0rdeI/X74d/p928dux6fte1pCvVs82epVPNTigX/jgeWDiQoOJBDveMvSXoFm4J8oJ2ZJMn\nw803m09BIXKqbl1TxPqdd0xy9/PPpr/WiBEmkatc2e0haZ12Jq5fPyjl3OS/EHkuPDyc8PDwNGOx\nsbEufx9PSOzOAslA+imXCmScccvze06ZMoXmzZs7+bY5k5icyEs/vETnmzvTvZ53Vfufvmk6g38c\nzCddP6FP8z5O32fxnsUcjj3M8DbDs722eaXmFPIvxIoDKzIkdsULFs8w5goNyjdwOLHzClFRphDs\n9Ong5wkT9jf2xBNmtuXNN6+PJSSY7VxygtECr74KbdqYWnMLF5ruFBacQEhJMeVJOnY02/9SdfOC\n7a3Cd2U2SbRt2zZatGjh0vex/F92rXUisBXokDqmzPRLB+APT7mnKwX4BxAVG8WIVSMc3qBvtaZB\nTQEY9MMg/jr1l1P30FozccNEOtXslKMZriIBRehUqxMrDqxw6v2cUb9cfYf32HmF6dPNlMYzz1gd\nSQZam4YDycnXx5o1y7hFa906KFrU1LO1t3UrREfnfZw+rVUrs6fu11+hZ0/LjpX6+UHr1lCrliVv\nL4RHszyxs5kM9FdK9VJK1QNmY0qazANQSs1XSo1LvVgpFaCUukUp1RQoCFSxfV0rp/e02sROEzl0\n4RAzN8+0OhSHtKvejrjX4qhTtg6PfvUoF69edPgeO0/tZNuJbYy4fUSOX9O1Tlf+OPIH5+LOOfx+\nzqhfrj7/nPuHpJQkt7yfW8TGwpw5pnSFBfufsrNhg8kVNm68PjZihKk3Zq9RI/PbqFIl7Xjfvqah\ngb3oaLPfPw9WO3yXm793Ll2C//wH1qdrG/3mm7KbQIjMeERiZytbMgwYA2wHmgCdtdZnbJdUJe2h\nh8q267baxocD24A5DtzTUg0rNKRf836MWT+G8/HnrQ7HIUUCivDVo19x/OJxnvv2uUwPNdxI06Cm\n7Bu4j441O+b4NffXvp8UncL3/3zvaLhOqV++PokpiUScj8j+Ym/x6aemfdOgQVZHkqnbb4f9++GO\nO258XZUq0KdPxsoZ332XdskWTK2y1183S3f2XnvN1McVnq9YMThzBmJirI5ECO/gEYkdgNZ6pta6\nhta6iNa6jdZ6i91zIVrrZ+2+jtZa+2mt/dM9QnJ6T08w+q7RJKYkMnb9WKtDcVidsnWY03UO4bvC\nmbNtTvYvSKduuboOHXioVKISrSq3cttybP1yZt/evrP73PJ+eS4pCaZONa2bLNjknlO5qYxRuXLG\nNqP33WdmfEqXTjseEwOXL6cdW7/eLO0dO5Z2/PRpSEx0Pi6Rc+fPm6TbvnuZUiZpl/1zQuSMxyR2\nvqhi8Yq8euerzNg8g4PnD1odjsMeb/Q4A1oMYPCPgzl56WSev98DdR7gx4M/umVfYlDxII4PPc6D\ndR/M8/dyiyVLzKa0IUOsjsTtMjsjMnOm6T5gr0IFcxagfPm04w88AM89l3bszBlTczc+3rWx+jo/\nP9OWdudOqyMRwntJYmexIbcNIah4EGGrw6wOxSlT7p3CitAVbqnd1rVOV+KT4p0+tOEIpRSVSlTK\n0axi2KowNhzZkOcxOU1rmDQJQkKgaVOro0lDa1NAdv9+qyMxp28nTsx4HmDSpIztdH/9Fbp0gYvp\ntph+9JGZXRLZu3jRLIfbH5YJDDT7Iu+917q4hPB2kthZrEhAEd7r8B6XEi5xJemK1eE4rHCBwg7t\nlcuNpkFNOTviLC0rm24JC3YuYMLvE9zy3lk5fvE4E/6YwOHYw9lfbJU//oDNm00RWQ9z8qSZTPTk\n06xt22bsVd+tm+nIln52b/lyk/TZ27rVdNM6la7QkoNbU/Od/fvNOZ5t29KOF/CEIlxCeDFJ7DzA\nE42fYOVTKylcwLMKcw1bOYw5Wx3fP5dXlFJpWo99c+Abfor4ycKIYF3kOgDuqnGXpXHc0OTJUK+e\nR06DVKoEe/eaTlTexN8fatTI2Kbq++/hv/9NO5aUZK5LXzi3Qwdz6tfepUsmYUx/2MPbJSWZZif2\nWrY0+xlbtbImJiHyK0nsPIAruya4ys9RPzN542SPLvcRHRNN9VKu6xHrjLWRa2lUoREVi7uupZlL\nRUTA11+bvXUeWpA4IMDqCPJW69bw7bcZCyo/84wpsGtv3TqoWTPt4QGAH3+E7dvzNs689L//mZnP\n9AdTKnro/zZCeDPP/JdeWCo+MZ5+K/rRtlpbnmv5XPYvyEZiciLjfxvP2bizLojuuqiYKGoE1nDp\nPR21NmotHYI7ZH+hVaZOhbJlTQN3D+Lry5BgErvOndOO3XGHOZSR/uByWBjMnZt2bN8+GD7cnCT1\nJFpnTEx79IAtWzLWHhRCuJ4kdiKDt39+myOxR5jTdQ5+KvffIov3LOaVNa9w7N9j2V+cQ5cTLnMm\n7oylid2hC4eIiokiJDgk+4utcOGCyQZeeAGKFLE6mmu0Ni1H582zOhLPU6aMWTFPP4m/ZUvG4svH\njsGyZRkPezz7rDkEYi852X3LuxMmmDM6V69eHytaFPK4U6MQwkYSO5HG1uNbmbhhIqPaj6JuubpO\n3+dI7BEW71mM1pr3/3ife2rdk6P2YTmVeliheqB1S7FrI9fip/xoV72dZTHc0Jw5pgDbCy9YHUka\niYlmf1pQ3h+kzjcCAqBEibRjHTrAwYNQvHja8ZtuyrjEuWqVKfSbfil09+6Mhzoclb7GX48e5ueJ\n/L7ELoSnkvNH4prE5ET6fNOHJhWbMPz24bm616wts5j4x0TG3j2W7Se389NTrj3kEBUTBZDnM3az\nt8xmx8kdzH5gdobn1kaupWXllgQWDszTGJySkADTpsFTT3ncRqaCBc0Kscgbo0dnHKtb1xzqSJ9M\nP/kk3HYbzLb79j5yBFauNO3d0ieT6b35pjl0vWbN9bFataSHqxBWkhk7DxV7JZYjsUfc+p7v//E+\nu07v4tMHPyXAP3c/br9919s0DWrKK2te4ZaKt7i8JEpqYle5RN52UTh9+TRL9i7J9Ll21dsxoMWA\nPH1/p331lZme8cGCxCKj4GBTkDl9G7avvoKRI9OObdtmCjLb15cDGDMGvvwy7Vi7dqaXr+yZFMJz\nyIydh+ryvy6ULFSSH578wW3v2ahCI6bfN53mlXK/Gaagf0EWPbqIjvM7Mvqu0S4/+Xsx4SLVSlWj\ngF/efgs3KN+As3FnOXP5DOWLpS1aNqClhyZ1WpsSJ507Q6NGVkdzTUwMlCzpsYdzfVJmLdy6dYO4\nOChUKO14RETGrZqdOuVdbEII50hi56GGtxnOw4seZuXBlXS+uXP2L3ABV7fPqhFYg39e/CdPyrmM\nvGMkI+8Ymf2FuZTaM3bv2b0ZEjuP9csvZtpl5UqrI0mjZ08oVy7jrI/wPOmTOjCtvoQQnk9+dvZQ\n3et1p221tgxfNZzklOTsX+ChPLFGnyNql62Nv/Jn75m9VoeSc5MmQcOGHjed8uqr0Lev1VEIIUT+\nJomdh1JKMbnzZHad3sXc7XOzf4HIEwX9C1KrTC32nvWSxO7AAVixAoYOzVgzw2J33QV33211FEII\nkb9JYufBWlZuyVNNnuLNdW9y8erF7F8g8kT9cvW9J7H74ANzCvbJJ62ORAghhAUksfNw40LGEXs1\nlvG/j7c6FJ/VoHwD71iKPXfOVP0dODDzTVIWiIqCQ4esjkIIIXyHJHYe7qZSNzH0tqFM2jCJ4xeP\nWx2OT7rv5vvo27wv2tNrOsyebU7EDvCc07pvvw0PPJD/mtoLIYSnklOxXuCVO1/hlqBbqFS8kkvv\nm5ySjEbneckQb9e2elvaVm8LQEJyAh9u+pDQRqFUKuHav49cuXoVPvwQevWC8p5zenfGDIiMlBIn\nQgjhLvLPrRcoUagEjzV8zOUnTL/Z/w3BU4M5G3fWpffNz/48+ifDfhrGiUsnsr/YnRYuhJMnPa4g\ncbFiHlVKTwgh8j1J7HzYzC0zqVqyKuWKlrM6FK+xNnItpQuX5paKrut7m2tamxIn998P9epZHY0Q\nQggLSWLnow6cO8DqQ6t5oaVnNYj3dGsi13BXjbvw9/PP/mJ3WbMG/v7blDjxABERZgk2fUsqIYQQ\neU8SOx81e8tsyhYpy6MNH7U6FK9xOeEyG49upENwB6tDSWvyZGja1GOKxK1cCRMnmm1/Qggh3EsS\nOx8UlxjHZzs+o0+zPhQuUNjqcLzG70d+JzElkZDgEKtDuW7PHvjhB48qSPzCC2YCsWhRqyMRQgjf\nI4mdD1q4ayGxV2J5ruVzVofiVdZGriWoeBD1ynnQPrYpU6BSJdOI1YMUL251BEII4ZsksfNSS/Ys\nYfxvjhct1lozY/MM7qt9HzVL18yDyDzPrFmwbl3asQMHYNw4uHw5Z/fQWjP+9/EEBwZ7Tv/b06dh\nwQJ48UUoWNDqaIQQQngASey81L6z+3hz3ZscPH/QodedjTvLubhzPnVoYt48+OOPtGORkTB1KsTH\n5+weSinuuOkOhrUZ5vL4nDZ5MgQEoPs/x7JlkJRkXSiRkeZQ7tGj1sUghBAClMdX03cTpVRzYOvW\nrVtp3ry51eFkKy4xjrof1qV1ldYsfmyxQ69NTklGKYWfkrzentYes00te6dPQ3AwDBnCtoffoUUL\nWLUKOna0JpxNmyAsDFaskGVYIYTIqW3bttGiRQuAFlrrba64p8d8siulBiqlIpVS8UqpjUqpVtlc\n/6hSaq/t+p1KqfvSPf+ZUiol3eP7vP1duE/RgKKMCxnHkr1L+O3wbw691t/PP18ndYmJcOmSY68Z\nPNijOnFlK/r1jxmaNJ4zvYbRvLk5Q9HBwsO6t95qlrslqRNCCGt5xKe7UqonMAkYBTQDdgIrlVKZ\nVs5VSrUB/gfMAZoCy4BlSqkG6S79AagIBNkeoXnyG7DIk02epEWlFgz7aRgpWppxppo+HRo3zvn+\nOTDVQlrd8EcJD3LiBAc//51lRZ+kcKXSANSvn3a28fhxGDgQzp+3KEYhhBCW8IjEDhgCfKS1nq+1\n3gcMAOKAZ7O4fjDwg9Z6stZ6v9Z6FLANGJTuuqta6zNa69O2R2ye/Q4s4Kf8mHTPJDYd28TCXQut\nDsdjPPwwvPGGaWeVU717Q9++eReTS/33v3QotpGIQ4oSJTK/ZPduWL0a/PO4jvKVK3l7fyGEEI6x\nPLFTSgUALYA1qWPabPxbDbTJ4mVtbM/bW5nJ9XcppU4ppfYppWYqpcq4KGyP0b5Ge7rX686ra14l\nPjGHJwHyuRo1oE8fq6PII0ePwkcfwbBhqNKBWV7WqZNZni1V6vpYSop5uEp0NFSrlvHEsRBCCOtY\nntgB5QB/4FS68VOY5dPMBOXg+h+AXkAIMBJoD3yvPKZWheuM7zie5JRk9p3dZ3UoIq+9956Zinzp\npWwvTT9b98UX0Lo1xMW5JpTAQOjXD1q2dM39hBBC5F4BqwO4AQU4cmQ3zfVa60V2z+1WSv0NRAB3\nAVnOMQwZMoRS9tMcQGhoKKGhnrs9r07ZOkQOjiTAP8DqUCxz+TJs2QLt2zt/j7g4+O9/oVs3MIeU\nPMzhwzBnDst6hhNCSUo6+PLateG++1zXEaJUKXj3XdfcSwgh8rvw8HDCw8PTjMXGun6HmCckdmeB\nZMwhB3sVyDgrl+qkg9ejtY5USp0FbuYGid2UKVO8otxJejdK6uZun0vpwqV5qP5DbozIvT77DEaO\nNMuD5cs7d4/ChWHJEqhXz0MTu3ff5XCJhjz0xSMsfRgecvCvs00b87B3/Lj5fZfJd5sUhBDCs2Q2\nSWRX7sRlLF+K1VonAluBa8UabMulHYA/snjZBvvrbTrZxjOllKoKlAVO5CZeb3M16SqvrnmVdVH5\neyPUwIGwcaPzSR2Anx/s2gVPPOG6uFwmMhLmzqXaa09x5IiZeXOF4cNNmRRHyln+/bdr9+oJIYRw\nHcsTO5vJQH+lVC+lVD1gNlAUmAeglJqvlBpnd/1U4D6l1FClVF2l1NuYAxgf2q4vppSaoJRqrZSq\nrpTqgCmJcgBzyMJnLN27lNOXT/N8y+etDiVPKQVNmrjmPh5p7FgoWxaef56qVc0smytMmWJaruX0\n933hgpn1mzrVNe8vhBDCtTxhKRat9SJbzboxmCXWHUBnrfUZ2yVVgSS76zcopUKBd22Pf4BuWus9\ntkuSgSaYwxOBwHFMQveWbYbQZ8zcMpO7a9xN/fL1rQ5FOOuff2D+fJg0yXUb5GwqVjQPe0uXmtOu\nmR2KKF0afvgBbrnFpWEIIYRwEY9I7AC01jOBmVk8F5LJ2BJgSRbXXwHudWmAXujvU3/z2+Hf+OrR\nr6wOJU+cOQPjx8Obb6Yt65FbcXHwyy9wr6d8B40dCxUrcu6R/pTJ47ZnWsO0aeagRVanXdu2zbv3\nF0IIkTueshQrXExrzVs/v0Wl4pXoVreb1eHkie3bYfFiSEhw7X3XrjV72P75x7X3dcq+ffDll+hX\nX+OOjkV45ZW8fTulTGHjyZPz9n2EEELkDY+ZsfM1K1aY8hyjR6cdHzLElNu4667rY7/+Cl99ZWZS\n7I0ebZbEune/PrZrF8yeDaW6TGDZvmW80faNfFsG5Z57TPIVkNvf3s6d8Mkn104QdEouwP4ny1B7\n6um01/n5mfpxN9+c4RYpKeZplxszBqpUgb59mVwTKlfOg/dIp0AB0nS00Np8P06f7pp9jEIIIfKO\nJHYWiY42iV16Gzeahur2Tp6EDZmc9922LeMS5Pnz8PvvMG/oU+yI+YWBtw50XdBAcjIMHWpOUj74\noEtv7ZRcJ3UXL5pM+upVCDL1rQsBdTK79sABU/V3ypQMT73xhvk7/eILFy6V7t4NCxfC7NmowoXo\n0sVF93XQlSsml/3pJ0nshBDC0yntSJ2DfEwp1RzYunXrVq+sY+dOPXpAly7wbFadfL3JoEGmCN6u\nXRAcfONrn30Wtm41M3zpLFoEp07Biy+6MLbHHoPNm2H/fihY0IU3FkII4Qns6ti10Fpvc8U9ZcYu\nH0tJgW++MfmKK08xLl7suns5Y8cOM7P57LO5zHd++QVmzDC1O7JI6uLjoUgR2xchISYJPHMmQ8G8\nxx7LRRyZ+esvs/7+6aeS1AkhhMgxOTyRz40Y4bpE7O+/zWqk1X77zbRMLZCbH0vi4qBPH7jjDjNr\nl4mhQ6FjR7uBENvh7J9/zvK28fFm9TTXE+Fvvw21asHTTzN6tItnAoUQQuRbMmOXj/n5wZ9/uq5d\n1OjRcOKE2cNnpUGDoH//XB5WGDUKjhyBb7/N8kbdu6drwVW5suk3tmYNPPooYE7k2k+orV8PTz4J\njRtDw4ZOxrZtG3z9NXz+OQQEEBQEhQo5eS8hhBA+RRK7fM6VPUDnzzeJHUBiovm6ZUtritXmanXy\nzz9NPY/33oO6dbO8rF27TAZDQmDVKgAiIuD2281yd+vW5unOnc14jRq5iG/UKKhT51o4tRRWAAAg\nAElEQVRvs+eey8W9hBBC+BRZihU5VrSoWR0Eczj03XdNzTevcvWq2ZzXvLlZa3VUSIipsXLkCMWL\nw3/+k/akqFK5TOo2bTKziKNG5XKtWQghhC+STw4fERFh9n81auSa+/n5mWoc1w4WuMm+fWYyy+ll\n2HfeMYnZ1q3OJU533WWyt7VrqfjMM4wf72QcWRk1Cho0gJ49XXxjIYQQvkBm7HzEk0+a/fjOSEzM\nvLuDu5O6c+fMvrXPP3fyBtu3m+XX1183m+ByICXF7Of7KrUrW9my0LRpjqYq//wTjh1zIL4//oAf\nfzR/Uf7+bNtmWqZdueLAPYQQQvg0Sex8xBdfwIIFzr32++9No/jTp7O/Ni+VKmXOLXTt6sSLExPN\nEmyDBvDqqzl+mZ+fSazi46+PXbzzPvSatTc8+hofb2r9ffKJAzGOGmUSzkceAUweKtVOhBBCOEKW\nYn1EJl2wcqxxY5NzVKiQ8Tmtzapm1arXGjfkmQIF0rZac8iECaZey59/OpwpzZ+f9uvQjYMpe6wO\nnx88CLVrZ/qaIkXM6eEsns7ol19Mk9alS6+tM/fpY/bw5UmrMiGEEPmSfGSIbNWsCS+/nPlzcXEm\n2Uqf/HiUPXtMz9URI8BU+M6VQa8U50m/hWb68Abq1TOHTHJk1Cho1ixt418ceL0QQgiBzNj5nKtX\n4fjx7Ltn5VSxYqaPbf36rrmfyyUnmyXY4GCTPLnAvQ8Xhdv+NfvsBgzI/Q3XrjVFj7/5xoWNZoUQ\nQvgimbHzMU8/DaGhrr1n48Z5X5njtdfMIQaHTZ1qSojMnQuFCzv9/ufPw8yZdnvtQkJg3TpzuiIH\nr92yJYsntYa33oJWreCBBwBISoKffjLbAoUQQghHSGLnY954A+bNy+QJrU0pkF9+uTaUnGwOKvz6\nq5NvlpAAI0eaUwC5VLeuE50cDh40J2AHDzaVhHPh9Glzm22pLZpDQuDsWdi1K9vXDhkCzzyTxVmL\nFSvMZrwxY67N1v32myl0vHNnrkIWQgjhg2Qp1sfYF9NN49134c03zQmIPXugdGnOnTNP5bSsSWys\naX11bWIsLAw++AA++8wkL3XqOB33M884+AKtYeBAc5z3nXecft9U9eqZPK5UKdtAmzbmN7pmzQ3+\nUI2xY82lGVZZN282dWjuv99kcjbt28OOHdneVgghhMhAZuyE6Uv65pumCWtcnDlkgDkFu2KFaRuW\nnQsXTCvVRYvs7vnBB6bBbPnycM89ZnOfuyxaZNYzZ8wwGwFd4FpSByZTu+OOHNWzq1YtkxPFe/fC\nffeZ7O3//i9N1qeUadMm2+2EEEI4ShI7H/bvv5ipoaeeMk3tp02D9983xdOyOfGZXunS8PHH0LEj\ncOgQ9O5t6rG9+SasXGnWde+9F2Ji8uT3kkZsrDnG+8gjZjYsr4SEwPr1ZlOcIw4fNolupUqmfZiL\nEk8hhBBCEjsfNXo0tGqeRErXbmadcd48M0XUt69ZC+zfHy5fduieTz4JlctehcceMx0aPv3U3POm\nm0xyd/QoPPhg2mq/2Th71hxmdag48htvwKVLZsYwL4WEwMWLppBfDmgNG78/D506QUCAmVEsXTrN\nNZcu5UWgQgghfIUkdj7qwXsTeMf/bXRiEixfDkWLmif8/GDOHJYfac6Gvp86fuPhw00h4EWL0q5d\nNmgA331njoeGhuZ4lmvPHpg+PUeHT43Nm83y69ixpmpyXmrZEkqUyPHs5reL4mhzfxl2nwuCVavM\njJ2dq1fNsq1D3SqEEEIIO5LY+SKtaTb7OR6Nnoj/8qUZE6DatZlUdTLzFhY2pUJyavFi+PBD9KTJ\n6OaZFAJu08Y0Xf32W1P/7QYtuVK1awdnzuSwq0VSEjz3nNmgNmhQzuN2VoECZnYzB/vsiI/nvpld\n+bX4fTRYMx1q1cpwidYwcWIuumsIIYTweZLY+aLJk83S6yefQOvWmV7y875KTLxlgelrlZCQ/T0j\nIqBPH0527UvDmS/w889ZXHf//aam3Kefmv13OZDj7gszZ5o9g7Nn531hvVQhIebE75UrWV+TlASP\nP06BzRu488c3ULdkfty1cGFTSzk37d+EEEL4NknsfM3335vacq+8Yg5NkPkyp1/BApSYN92c3hw/\n/sb3vHLFHL6oUIGKCybRqZOiTJkbXN+rlzmk8e67Zp3VFY4dM3vrBgzIMlnNEyEh5ve/YUPmz6ek\nmOT4++9NH9g77nBfbEIIIXyOJHa+ZM8es7/t/vtNUoVZGW3QIItJuaZNTS26sWPNa7MydKh5/quv\nUKVKMnWqWQ29oeHDzWPwYFi4MNNLdu821VdyZMgQU3Bv3LgcvsBFGjeGcuUyX47VGoYNgwULzOPe\ne689deSI6UghhBBCuJIkdr7i3DlzIrVaNfjyS3NIAtPNoUcPs3E/9bLUwsSAWS6tWdPMOiUnZ7zv\n//0f4bNmmdZdTZs6FtP48abHWa9e5jCBHa1Nh62RI3Nwnx9+MBnqlCkQGOhYDLnl5wd33515Yvfu\nu+Zk7owZ8Pjj14bj46FevXA+/PD6pS+/nPeHePOD8PBwq0PwOvJn5hz5c3Oc/Jl5Bo9J7JRSA5VS\nkUqpeKXURqVUq2yuf1Qptdd2/U6l1H2ZXDNGKXVcKRWnlFqllPLN3UuJiWapNCbGNJovUeLaUw0a\nmMYMqUOzZpk9Xtf6lBYubPbibdxoEhR7Bw5A376EV67sXCNXPz9z706d4KGHzIlWG6Xgxx/NZOAN\nxcebDhMdOri+CW5OhYSYQyYXL14fmzXLJMVjx8Lzz6e5vEgRaNo0nCFD0o7lopWtz5APDsfJn5lz\n5M/NcfJn5hk8IrFTSvUEJgGjgGbATmClUqpcFte3Af4HzAGaAsuAZUqpBnbXhAGDgOeAW4HLtnsW\nzMPfimcaPNg0fF26FIKDb3hp376mUklAgN3gnXea5OnVVyEqyozFx5tksXLlTNsknPh/9u47PKoq\nfeD4902ooQYCktAkQCgqCkGwLIRYsK2gYgFBEFER3ZUfrn1VcF3LooIFC6KAglIUUFGRGhBRQBIE\nEZCqVCmiIM208/vj3AyTyaSRmdyZ8H6eZx4z5565580NwptTd8PNN8PGjYXEVr68bfCss+DKK22y\n6GjRwnYWFujpp+38utdfd++ohosusgskcg7VnTTJPq//+z97Vq0ftWvnyq959lk7PVAppZQqiZBI\n7IAhwGhjzHvGmPXAXcBR4LZ86g8GZhljRhhjfjLGDAXSsImcd52njDEzjTFrgL5AHHBN0L6LUPT6\n67b36I037N4hhahXz3ag5fHsszYbGTjQjpMOHmyTsA8/9LsCtWZN2LoVfv21CDFWqWK3QCnu0WPr\n1sHw4TbhLME5tCXWvLndMmbBAjss3Levfb34op4LppRSqlS5ntiJSHkgEfDs8mqMMcA84Px8Pna+\nc93b7Jz6IhIP1PO55yFgWQH3LHsWLIB777VJ2O23F1h1xQq7JVu+Jx9Uq2a3EZkzx84XGzPGrmjN\n56T6ypXtQtFOnYoYa+3anqPHzGVFOHrMGDvE2bixXeHrJhHbazd5sj3G7Mor7RBzROH/e2VknOgE\nVUoppUqqlDb7KlAMEAns8SnfA7TI5zP18qmfs43taYAppI6vSgDr1q0rPOKS2rwZ/vOf4LezZYs9\nHeHmmyEtrcCqe/faXGnRojwHIpxQr549uH7qVPvftm0hLY2DBw+SVsj9p02z272NGJG7/I477Ihu\n165OwUsv8U7v+cypM4+JCf+lfISfBRtgl/Fu2GDn/RW0Yre0xMfDe+9Bu3Z2JfHq1QVWz3lm99xj\nezU/+kg794qiKH/WVG76zE6OPrfi02dWfF45R8BmWYspwu7/wSQiscBO4HxjzDKv8uHA34wxF/j5\nzF9AX2PMFK+yu4HHjDFxzhy8r4E4Y8werzpTgUxjzM1+7nkz8H4AvzWllFJKqaLobYz5IBA3CoUe\nu/1AFraXzVtd8va45fi1kPq/AuLU2eNTZ2U+95wN9AZ+Bgo4RkAppZRSKiAqAadjc5CAcD2xM8Zk\niEgqcDHwKYCIiPP+lXw+9q2f65c65RhjtorIr06d1c49qwMdAZ89Ozxx/IZdaauUUkopVVq+CeTN\nXE/sHCOAd50Ebzl2lWwUMB5ARN4DdhhjHnXqvwwsEpH7gM+BXtgFGHd43fMl4DER2YTthXsK2AF8\nEuxvRimllFLKDSGR2Bljpjp71v0HO3z6PXCZMWafU6UBkOlV/1sR6QU87bw2At2NMWu96gwXkShg\nNFATWAxcYYwpwon2SimllFLhx/XFE0oppZRSKjBc38dOKaWUUkoFximf2InIIyKyXEQOicgeEZkh\nIi4eYxD6ROQu53zeg87rGxG53O24wo3zZy9bREYUXvvUJCJDnWfk/QqBjQtDn4jEicgEEdnvnJe9\nSkTauR1XKHPOK/f985YtIq+6HVuoEpEIEXlKRLY4f842ichjbscV6kSkqoi8JCI/O8/taxFpH4h7\nh8QcO5d1Al4FVmCfx7PAHBFpZYw55mpkoWs78BCwyXl/K/CJiJxjjCmFHZ7Dn4ici13ss8rtWMLA\nGuwK95wtnDMLqKsAEakJLMGevnMZdlup5sDvbsYVBtpjN8zPcRYwB5jqTjhh4WHsmex9gbXYZzhe\nRP4wxoxyNbLQ9g7QGrvN2m7gFmCek3vsLsmNdY6dD2cRx16gszHma7fjCRci8htwvzFmnNuxhDoR\nqQqkAoOAx4GVxpj73I0qNInIUOzCKO1pKgYReQ676XuS27GEMxF5CbjSGKOjOPkQkZnAr8aYO7zK\nPgKOGmP6uhdZ6BKRSsCfwNXGmC+9ylcAXxhjnijJ/U/5oVg/amKPIzvgdiDhwOmG74ndnuZbt+MJ\nE68BM40xC9wOJEw0F5GdIrJZRCaKSEO3AwoDVwMrRGSqM8UkTUQKPjBa5eKcY94b27Oi8vcNcLGI\nNAcQkbOBC4EvXI0qtJXD9gz/5VN+DPhbIG6uHM7GyC8BX3tvnaLyEpEzsYlczm8e1xpj1rsbVehz\nkuBzsMMVqnBLsUP9PwGxwDDgKxE50xhzxMW4Ql08tkf4ReyWUB2BV0TkuDFmoquRhY9rgRrAu24H\nEuKeA6oD60UkC9th9G9jzGR3wwpdxpjDIvIt8LiIrMeekHUzcD52+7YS0cQut9exY94Xuh1IGFgP\nnI3t4ewBvCcinTW5y5+INMD+4nCpMSbD7XjCgTHG+5idNSKyHPgFuBHQYf/8RQDLjTGPO+9XicgZ\n2GRPE7uiuQ2YZYz51e1AQtxN2KSkJ3aO3TnAyyKyyxgzwdXIQlsfYCywEztvOA17+lWJp51oYucQ\nkVHAlUCnkk5cPBUYYzKBLc7bNBHpAAzG/sOh/EsE6gCpTu8w2O74ziLyD6Ci0UmvBTLGHBSRDUAz\nt2MJcbsB34VM64DrXIgl7IhII+AS4Bq3YwkDw4FnjDEfOu9/FJHTgUcATezyYYzZCiSLSGWgujFm\nj4hMBraW9N46xw5PUtcdSDbGbHM7njAVAVR0O4gQNw+7yu4cbG/n2djV2BOBszWpK5yz8KQpNnFR\n+VsCtPApa4Ht7VSFuw07PKbzxAoXhZ2X7i0bzS+KxBhzzEnqorEr2D8u6T1P+R47EXkde9ZsN+CI\niJzmXDpojDnuXmShS0SeBmZhtz2php1gnAR0dTOuUOfMCcs1d1NEjgC/6TYx/onI88BMbEJSH3gS\nO2wxyc24wsBIYImIPILdqqMjcDu5z9NWfji96bcC440x2S6HEw5mAv8Wke3Aj9ihxCHA265GFeJE\npCt2C6efsFsRDcf2qo8v6b1P+cQOuAv728ZCn/L+wHulHk14OA37bGKBg8BqoKuu8jwp2ktXsAbY\neSe1gX3A18B5xpjfXI0qxBljVojItdiJ7Y9jh3cG64T2IrkEaIjO4SyqfwBPYVf71wV2AW84ZSp/\nNbD75tbH7sLxEfCYMSarpDfWfeyUUkoppcoIHQNXSimllCojNLFTSimllCojNLFTSimllCojNLFT\nSimllCojNLFTSimllCojNLFTSimllCojNLFTSimllCojNLFTSimllCojNLFTSimllCojNLFTSqkA\nE5E7RWSbiGSKyL1ux6OUOnXokWJKqSITkXFADWPMdW7HEqpEpBqwH/g/YBpwyBhz3N2olFKninJu\nB6CUUmVMY+zfrV8YY/b6qyAi5YwxmaUbllLqVKBDsUqpgBGRhiLyiYj8KSIHRWSKiNT1qfOYiOxx\nro8RkWdFZGUB90wSkWwR6SoiaSJyVETmiUgdEblCRNY693pfRCp5fU5E5BER2eJ8ZqWI9PC6HiEi\nb3tdX+87bCoi40Rkhoj8S0R2ich+ERklIpH5xNoPWO283SoiWSLSSESGOu0PEJEtwPGixOjUuVJE\nfnKuzxeRfs7zqO5cH+r7/ERksIhs9Sm73XlWx5z/DvK61ti557UiskBEjojI9yJyns89LhSRFOf6\nARGZJSI1ROQW59mU96n/iYiM9/+TVUoFgyZ2SqlA+gSoCXQCLgGaApNzLopIb+BR4AEgEdgGDAKK\nMidkKHA3cD7QCJgK3Av0BK4EugL/9Kr/KNAHuBNoDYwEJohIJ+d6BLAduB5oBTwJPC0i1/u0mwzE\nA12AvsCtzsufyc73DdAeiAV2OO+bAdcB1wLnFCVGEWmIHc79BDgbeBt4jrzPy9/z85Q5z30Y8AjQ\n0mn3PyJyi89n/gsMd9raAHwgIhHOPc4B5gFrgPOAC4GZQCTwIfZ5dvNqsw5wOTDWT2xKqWAxxuhL\nX/rSV5FewDhgej7XLgXSgTivslZANpDovP8WeNnnc4uBtALaTAKygC5eZQ85ZY29yt7ADn8CVAAO\nAx197jUGmFhAW68CU32+3y0485GdsinABwXc42wntkZeZUOxvXS1vMoKjRF4BvjB5/qzzv2re907\nzafOYGCL1/uNwE0+df4NLHG+buz8nG71+dllAQnO+/eBrwr4vl8DPvN6fx+w0e0/s/rS16n20jl2\nSqlAaQlsN8bsyikwxqwTkT+wSUIq0AKbAHhbju0VK8wPXl/vAY4aY37xKTvX+boZEAXMFRHxqlMe\n8Axbisg9QH9sD2BlbLLlOyz8ozHGu0dsN3BmEeL19Ysx5oDX+4JiTHO+bgks87nPt8VpVESisD2n\n74jI216XIoE/fKp7P+PdgAB1sb1352B7SfMzBlguIrHGmN1AP2xirJQqRZrYKaUCRfA/JOhb7ltH\nKJoMn3tk+Fw3nJheUtX575XALp96fwGISE/geWAIsBT4E3gQ6FBAu77tFMcRn/eFxkj+z9RbNnmf\nofdct5x2bscm0d6yfN77PmM48b0eKygIY8z3IrIa6Csic7FDy+8W9BmlVOBpYqeUCpS1QCMRqW+M\n2QkgIq2BGs41gJ+widP7Xp9rH6RY/sIO1X6dT50LsEORo3MKRKRpEGLJT1FiXAtc7VN2vs/7fUA9\nn7K2OV8YY/aKyE6gqTFmMvkrLIFcDVyMnYuYn7exiXIDYF7OnwOlVOnRxE4pVVw1ReRsn7LfjDHz\nROQH4H0RGYLtNXoNSDHG5AxvvgqMEZFU4Bvswoc2wOZC2ixqrx4AxpjDIvICMNJZwfo1NsG8EDho\njJmAnXd2i4h0BbYCt2CHcrcUp62TjbeIMb4J3Cciw7FJU3vsEKe3hcAoEXkQ+Ai4Arto4aBXnWHA\nyyJyCPgSqOjcq6Yx5qUixvwssFpEXnPiysAuKJnqNcT8PvACtnfQd2GGUqoU6KpYpVRxJWHngHm/\nnnCudQd+BxYBc4BN2OQNAGPMB9gFAc9j59w1BsbjbP9RgGLvpG6MeRz4D/AwtudrFnbYM2cbkNHA\ndOxK1qVALfLO/ztZRYq3sBiNMduBHtjn+j129ewjPvdYj10tfLdTpz32+XrXeQebbPXH9rwtxCaI\n3luiFLiy1hizEbvyuA123t8S7CrYTK86f2JX8R7GruRVSpUyPXlCKeUqEZkD7DbG+PZEKT9EJAlY\nAEQbYw65HY8vEZmHXck7xO1YlDoV6VCsUqrUiEhl4C5gNnbSfy/svK1LCvqcyqNYQ9OlQURqYlc3\nJ2H3JlRKuUATO6VUaTLYocZ/Y+d5/QRcZ4xJcTWq8BOKQy0rsZtTP+gM2yqlXKBDsUoppZRSZYQu\nnlBKKaWUKiM0sVNKKaWUKiM0sVNKKaWUKiM0sVNKKaWUKiM0sVNKKaWUKiM0sVNKKaWUKiM0sVNK\nndJEJElEskWks9uxlFRpfS9OG08UXlMpVdo0sVNKASAiZ4nIRyLys4gcE5EdIjJHRP4R5HavEJGh\nwWzDaWeQiOR3bFnAN/R0vq9sEdkR6HsXojQ2JzWl1I5Sqph0g2KlFCJyAfb80V+Ad4FfgYbAeUBT\nY0xCENt+FbjbGBMZrDacdn4A9hljLvJzrYIxJj3A7U0EzgdOBy41xiwI5P3zaTPnHNlkY8xXQWyn\nApBpjMkOVhtKqZOjR4oppcAe8fUH0N4Y86f3BRGJCXLbrp97GoSkLgroDjwM9Ad6YxOuMiHQz0sp\nFTg6FKuUAogHfvRN6gCMMftzvhaRRSLyvb8biMhPIjLL+bqxMwx5n4jcISKbROS4iCwXkfZenxkH\n3O18ne28sryu3y8iS0Rkv4gcFZEVItIjn/b7iMgyETkiIgecWC9xrm0FzgC6eLWzwLnmd16aiHQU\nkS+cex0WkVUicm8Rn+d1QCXgQ2AKcJ3Ty+Ubc7aIvCIi3UXkB+cZrRGRy3zqNRKR10VkvfMc9ovI\nVBFpXJRgROQG59kdFZF9IjJBROLyqfejMxS/WkSuEZHxzvPzjfsJn7I4ERkrIr96fR+3+Wnjn861\nnJ/TdyLSsyjfh1KqcNpjp5QCOwR7noicYYz5sYB67wFviUhrY8zanEIRORdoDjzpU783UBV4Ezsn\n6yFgmojEG2OynPI44BKnrm/v3b3AJ8BEoALQE5gqIn83xszyan8oMBRYAjwOpAMdgYuAecBgYBTw\nJ/Bfp509Xu3kmpMiIpcCM4FdwEvYoelWwFXAKwU8nxw3AynGmL0iMhl4DrgamOanbidsIvi6E9+9\nwEci0tgYc8Cpcy52WHwSsAM7vHs3kOL8LI7nF4iI3AqMBZZhexBPA/4PuEBE2hpjDjn1rgImA6uc\netHAO8BO3+fjp426zv2zsM9nP3AF8LaIVDXGvOLUuwN4GZiKfa6VgDbYn9XkgtpQShWRMUZf+tLX\nKf7CJlbpQAY2OXoOuBQo51OvGnAEeMan/GXgEBDlvG8MZAN7gepe9a7G/uN/pVfZq0BWPnFV9Hkf\nCawG5nqVNQUygQ8L+R5/ABb4KU9yYursvI8AtgCbgWon8SzrOM+yv1fZ18B0P3WzgWPA6V5lZznl\nd+f3HJyyDk693gV8L+WwSen3QAWvelc6nx3qVbYam+BX9irr5NTb4ifuJ7zev41NOGv61PsAOJAT\nPzADWO32n3d96assv3QoVimFMWYecAG2d6wN8AAwG9gpIld71fsT+BTolVMmIhHAjcAMY8xRn1tP\nNk6PkGMxtrcsvohx/eXVTk1sL9JioJ1XtWude/6nKPcsgrbYHrGXjJ+h6SLohU18pnuVTQKuEJEa\nfurPNcb8nPPGGPMDNkmO9yrzfg7lRKQWNvn8ndzPwld7oC7wuvGaF2eM+QJYj+2BRERigTOBd40x\nx7zqLcYmxIW5DtvDGSkitXNewBygpleMfwANvIfjlVKBpYmdUgoAY8wKY8z12OSpA/AMdhj1QxFp\n6VX1PaCRiPzNeX8pNnmY4Oe2233a+MP5MrooMYnI30XkWxE5hu352QsMArwTpHhsIrWuKPcsgqbY\noceChqQL0hs7LBkjIk1FpCm2x6wicIOf+tv9lP2O1zMSkUoi8h8R2Qb8hR3q3ItNmvwlizkaY7+X\nDX6urXeu4/XfzX7qbSrg/ohIHSeOO4F9Pq+xTvt1ner/Aw4Dy0Vkg4iMErsiWykVIDrHTimVizEm\nE0gFUkVkIzAOm5A85VSZjU0q+mCHGPtgh/vm+7ldlp8yKMJKWBHphO1BXIhN5nZjh4pvw6vHsCj3\nKqaTvp+INMPOhzPARp/LBpv0ve1TXpRnNAroB4wElgIHnftNoeBf0EtjxXFO+xOxW+X4sxrAGLNe\nRFoAfwcux/b03S0iTxpjfOdnKqVOgiZ2SqmCrHD+G5tTYIzJFpEPgH4i8jB2W4/RxpiT3RQzv89d\nh51/dpmTbAIgIgN86m3CJhetcRKIYrbjaxM2ITqT4m9R0gc7v64PthfRWyfgnyLSwBhT3E2LewDj\njTEP5hSISEVsT1lBfsZ+Ly2wCbK3Ftg5dXj9t5mfe/gr87YPu+gj0hRhrz5nqPdDbE9wOey8u3+L\nyLNGt1FRqsR0KFYphYh0yefSVc5/1/uUTwBqAaOBKsD7JWj+iBNDdZ/yLGwy5vkFVEROxyaS3j52\n6j0hIgX1UB2h8EQIIA3YCvxfPnPiCnIzsNgY85ExZrr3CxiOTbJ6FXwLv7LI+/f1vdjFJAVZge1d\nvUtEyucUisgV2FW+nwEYY3YDa4C+Yvfgy6mXhF3MkS9jNymeBvQQkTN8r4vXPojO3EDvz2Zih9Aj\ngPIopUpMe+yUUgCvOv+gz8AmcRWAC7GLIrYA470rG2O+F3uSww3AWmOM373tiigVm/C8KiKzsStk\np2CTjvuA2U4P4WnYLT42Yhd45MSyWUSeBh4DFovIdOw8tHOBncaYf3u1c5eI/BvbK7fXGJPiXBOv\n+xkRuRs7DPy92L32dgMtgdbGmCv8fRMi0hHbu+V3OxRjzG4RScMOxz5frCdkn8UtInIIWIs90eJi\n7Fy7PKF4tZkpIg9h57p9JSKTgHrYpHALdsuRHI9ik+RvnO+5FnAPdvFE1ULiexjoAiwTkTFOjLWA\nROyWMznJ3RwR+RW78noPtpf1HmCmMeZI4Y9BKVUot5fl6ktf+nL/BXQFxmAXDBJBRiAAACAASURB\nVBzEDoH+hJ3TVSefz9yPHW580M+1xthepiF+rmUBj3u9j+DEXnGZeG19AtyKTTSPOrH1xe5Xl2d7\nFOwctBVO3f3YYdSLvK7Xxa7o/cOJYYFTnmuLEK/65wNfOvUPASuBQQU8w5ed+5xeQJ0nnDpnej2L\nl/3U2wK84/W+OnZu3h7n5/M5dt9A33r5fS/Xez2bfdi5cLF+2r3Bec7HsPvZXYUdNv2xoJ+hUxaD\nTWp/Bo5j97+bA9zmVed2IAXbi3gUu6jjWaCq2/8P6EtfZeWlZ8UqpU6KiAwGXsQmMqV90L0qJSKy\nEtu7eVmhlZVSrgurOXYico+IbHWOu1nq7HafX90UOXF0kPdrZmnGrFQZdhuwUJO6skFEIp09Cb3L\nugBnY3vZlFJhIGzm2InITdjegTuB5cAQ7NybBON1lqWXa7HzhHLEYIcWpgY7VqXKKjlxuH0ydtVo\nN3cjUgHUAJgrIu9jj1JrBQx0vh7tZmBKqaILm6FYEVkKLDPGDHbeC3Zjz1eMMcOL8Pn/A4Zh55Uc\nK6S6UsoPsYfOb8VuoPuaMeaJQj6iwoSzKnk0dtFMHewq4nnAI8aYrW7GppQqurBI7Jxl+keBHsaY\nT73KxwM1jDHXFuEeq4ElxphBQQtUKaWUUspF4TIUG4Pdr2mPT/ke7CabBRKRDsAZQP8C6tQGLuPE\nii6llFJKqWCqhD2berYx5rdA3DBcErv8CEXbTX4AsMYYk1pAncso2SarSimllFInozfwQSBuFC6J\n3X7svkmn+ZTXJW8vXi4iUhm4Cbt5aUF+Bpg4cSKtWrU6uSjLmCFDhjBy5Ei3wwgZ+jxy0+eRmz6P\nE/RZ5KbPIzd9HiesW7eOPn36gJODBEJYJHbGmAwRScXutP4peBZPXEw+u7x7uQm7Oraw3rjjAK1a\ntaJdu3YlC7iMqFGjhj4LL/o8ctPnkZs+jxP0WeSmzyM3fR5+BWwKWFgkdo4RwLtOgpez3UkUzlFH\nIvIesMMY86jP5wYAHxtjfi/FWJVSSimlSl3YJHbGmKnOYdL/wQ7Jfg9cZozZ51RpgD2OyENEmgMX\nAJeWZqxKKaWUUm4Im8QOwBjzOvB6Ptcu8lO2EbuaVimllFKqzAurxE6Vrl69erkdQkjR55GbPo/c\n9HmcoM8it4Kex7Zt29i/39/hSWXXeeedR1pamtthlKqYmBgaNWpUKm2FxQbFpUFE2gGpqampOqlT\nKaVU0G3bto1WrVpx9OhRt0NRQRYVFcW6devyJHdpaWkkJiYCJBpjApLtao+dUkop5YL9+/dz9OhR\n3WarjMvZ0mT//v2l0muniZ1SSinlIt1mSwVShNsBKKWUUkqpwNDETimllFKqjNDETimllFKqjNDE\nTimllFKqjNDETimllFJhJTk5mfvuu8/tMEKSJnZKKaWUKrLRo0dTvXp1srOzPWVHjhyhfPnyXHzx\nxbnqpqSkEBERwc8//xy0eDIzM3nooYdo06YNVatWpX79+vTr14/du3cDsHfvXipUqMDUqVP9fn7A\ngAG0b98+aPGVNk3slFJKKVVkycnJHDlyhBUrVnjKFi9eTGxsLEuXLiU9Pd1TvmjRIho3bszpp59e\n7HYyMzMLrwQcPXqU77//nqFDh7Jy5UpmzJjBTz/9RPfu3QGoW7cuV111FWPHjvX72Y8++ojbb7+9\n2PGFKk3slFJKKVVkCQkJxMbGsnDhQk/ZwoULueaaa2jSpAlLly7NVZ6cnAzA9u3b6d69O9WqVaNG\njRrcdNNN7N2711P3ySefpG3btrzzzjvEx8dTqVIlwCZfffv2pVq1atSvX58RI0bkiqd69erMnj2b\nHj160Lx5czp06MCoUaNITU1lx44dgO2Vmz9/vud9jqlTp5KZmZnr2LfRo0fTqlUrKleuzBlnnMFb\nb72V6zPbt2/npptuonbt2lStWpWOHTuSmppagicaWLpBsVJKKRXKjh6F9esDe8+WLSEq6qQ/3qVL\nF1JSUnjwwQcBO+T60EMPkZWVRUpKCp07d+avv/5i2bJlnt6wnKRu8eLFZGRkMGjQIHr27MmCBQs8\n9920aRPTp09nxowZREZGAnD//fezePFiZs6cSZ06dXjkkUdITU2lbdu2+cb3xx9/ICLUrFkTgCuv\nvJK6desyfvx4HnvsMU+98ePHc91111GjRg0A3n33XZ5++mlGjRrF2WefTVpaGrfffjvVqlWjV69e\nHD58mM6dOxMfH8/nn39O3bp1SU1NzTUs7TpjjL7sebntAJOammqUUkqpYEtNTTVF+ncnNdUYCOyr\nhP/WjRkzxlSrVs1kZWWZQ4cOmQoVKph9+/aZSZMmmS5duhhjjJk/f76JiIgw27dvN3PmzDHly5c3\nO3fu9Nxj7dq1RkTMihUrjDHGDBs2zFSsWNH89ttvnjqHDx82FStWNNOmTfOUHThwwERFRZkhQ4b4\nje348eMmMTHR3HLLLbnKH374YdO0aVPP+02bNpmIiAizcOFCT9npp59uPvroo1yfGzZsmElKSjLG\nGPPaa6+Z6Ohoc+jQoSI/q4J+zjnXgHYmQPmM9tgppZRSoaxlSwj0UF/LliX6eM48u++++44DBw6Q\nkJBATEwMSUlJ3HbbbaSnp7Nw4UKaNm1KgwYNmDFjBg0bNiQuLs5zj1atWlGzZk3WrVtHYmIiAI0b\nN6ZWrVqeOps3byYjI4MOHTp4yqKjo2nRooXfuDIzM7nhhhsQEV5//fVc1wYMGMD//vc/Fi5cSJcu\nXRg3bhxNmjQhKSkJgD///JNffvmFfv36ceutt3o+l5WVRUxMDACrVq0iMTGRatWqlej5BZMmdkop\npVQoi4qCEDtLtmnTptSvX5+UlBQOHDjgSY5iY2Np2LAhS5YsyTW/zhiDiOS5j295lSpV8lwH/H7W\nV05St337dhYsWEDVqlVzXW/WrBmdOnVi3LhxJCUlMWHCBAYOHOi5/ueffwJ2eNb37N6cYeHKlSsX\nGofbdPGEUkoppYotOTmZlJQUTw9Yjs6dOzNr1iyWL1/uSexat27Ntm3b2Llzp6fe2rVrOXjwIK1b\nt863jWbNmlGuXLlcCzJ+//13NmzYkKteTlK3ZcsW5s+fT3R0tN/7DRgwgGnTpjFt2jR27dpFv379\nPNfi4uI47bTT2Lx5M/Hx8blejRs3BqBNmzakpaVx6NChoj+oUqaJnVJKKaWKLTk5ma+//ppVq1Z5\neuzAJnajR48mIyPDk/BdcsklnHXWWfTu3ZuVK1eyfPly+vXrR3JycoGLIKpUqcKAAQN44IEHSElJ\nYc2aNfTv39/TgwZ2qLRHjx6kpaUxceJEMjIy2LNnD3v27CEjIyPX/W644QbKlSvHwIED6dq1K/Xr\n1891fdiwYTz99NO89tprbNy4kR9++IGxY8fyyiuvANCnTx9q167Ntddey7fffsvWrVuZNm1arq1f\n3KaJnVJKKaWKLTk5mePHj9O8eXPq1KnjKU9KSuLw4cO0bNmSevXqeco/+eQToqOjSUpKomvXrjRr\n1ozJkycX2s7zzz9Pp06d6NatG127dqVTp06eOXkAO3bs4LPPPmPHjh2cc845xMXFERsbS1xcHN9+\n+22ue1WuXJmePXvyxx9/MGDAgDxtDRw4kDfeeIN33nmHNm3acNFFFzFx4kSaNGkCQIUKFZg3bx7R\n0dFcccUVtGnThueffz5Xouk2yRm/PtWJSDsgNTU1Nc/YulJKKRVoaWlpJCYmov/ulG0F/ZxzrgGJ\nxpi0QLSnPXZKKaWUUmWEJnZKKaWUUmWEJnZKKaWUUmWEJnZKKaWUUmWEJnZKKaWUUmWEJnZKKaWU\nUmWEJnZKKaWUUmWEJnZKKaWUUmWEJnZKKaWUUmWEJnZKKaWUCivJycncd999rrTdpEkTz9mxoUgT\nO6WUUkoV2ejRo6levTrZ2dmesiNHjlC+fHkuvvjiXHVTUlKIiIjg559/DmpMXbp0ISIigoiICCpX\nrkyLFi147rnngtpmqNLETimllFJFlpyczJEjR1ixYoWnbPHixcTGxrJ06VLS09M95YsWLaJx48ac\nfvrpxW4nMzOzyHVFhDvvvJM9e/awYcMGHnnkEZ544glGjx5d7HbDnSZ2SimllCqyhIQEYmNjWbhw\noads4cKFXHPNNTRp0oSlS5fmKk9OTgZg+/btdO/enWrVqlGjRg1uuukm9u7d66n75JNP0rZtW955\n5x3i4+OpVKkSAEePHqVv375Uq1aN+vXrM2LECL9xRUVFUadOHRo2bMitt95KmzZtmDt3rud6dnY2\nt99+O/Hx8URFRdGyZcs8Q6r9+/fn2muv5cUXXyQuLo6YmBj+8Y9/kJWVle/zePvtt4mOjiYlJaXo\nDzGIyrkdgFJKKaUKtvvP3ew+vDvf65XKVaJ1ndYF3mPtvrUczzxObNVYYqvFliieLl26kJKSwoMP\nPgjYIdeHHnqIrKwsUlJS6Ny5M3/99RfLli3j9ttvB/AkdYsXLyYjI4NBgwbRs2dPFixY4Lnvpk2b\nmD59OjNmzCAyMhKA+++/n8WLFzNz5kzq1KnDI488QmpqKm3bts03vsWLF7N+/XoSEhI8ZdnZ2TRs\n2JCPPvqI2rVr880333DnnXcSFxfH9ddf76mXkpJCXFwcCxcuZNOmTdx44420bduWAQMG5Gln+PDh\nvPDCC8ydO5f27duX6JkGiiZ2SimlVIgbnTqaJxc9me/11nVa8+PdPxZ4jxs+vIG1+9YyNGkow7oM\nK1E8Xbp04b777iM7O5sjR47w/fff07lzZ9LT0xk9ejRDhw5lyZIlpKen06VLF+bOncuaNWv4+eef\niYuLA2DChAmcccYZpKamkpiYCEBGRgYTJkygVq1agJ27N3bsWD744AO6dOkCwLvvvkuDBg3yxPTa\na68xZswY0tPTycjIoHLlygwePNhzvVy5cgwdOtTzvnHjxnzzzTdMnTo1V2JXq1YtRo0ahYiQkJDA\nVVddxfz58/Mkdg8//DATJ05k0aJFtGrVqkTPM5A0sVNKKaVC3MDEgXRr0S3f65XKVSr0Hh/e8KGn\nx66kcubZfffddxw4cICEhARiYmJISkritttuIz09nYULF9K0aVMaNGjAjBkzaNiwoSepA2jVqhU1\na9Zk3bp1nsSucePGnqQOYPPmzWRkZNChQwdPWXR0NC1atMgTU58+fXjsscc4cOAAQ4cO5YILLqBj\nx4656rz22muMGzeObdu2cezYMdLT0/P0/J1xxhmIiOd9bGwsa9asyVXnhRde4OjRo6xYseKk5g8G\nkyZ2SimlVIiLrVby4dPChmqLo2nTptSvX5+UlBQOHDhAUlISYJOghg0bsmTJklzz64wxuZKlHL7l\nVapUyXMd8PtZXzVq1KBJkyY0adKEKVOm0KxZM8477zwuuugiACZPnswDDzzAyJEjOe+886hWrRrD\nhw9n+fLlue5Tvnz5XO9FJNcKYIDOnTvz+eefM2XKFB566KFCYytNunhCKaWUUsWWnJxMSkoKCxcu\n9AyTgk16Zs2axfLlyz2JXevWrdm2bRs7d+701Fu7di0HDx6kdev8E85mzZpRrly5XAsyfv/9dzZs\n2FBgbFWqVGHw4MH861//8pR98803XHjhhQwcOJCzzz6b+Ph4Nm/eXNxvG4AOHTrw5Zdf8swzz/DC\nCy+c1D2CJawSOxG5R0S2isgxEVkqIucWUr+GiLwmIrucz6wXkctLK16llFKqrEpOTubrr79m1apV\nnh47sInd6NGjycjI8CR8l1xyCWeddRa9e/dm5cqVLF++nH79+pGcnFzgIogqVaowYMAAHnjgAVJS\nUlizZg39+/f3LKwoyMCBA9mwYQPTp08HoHnz5qxYsYI5c+awceNGnnjiCb777ruT/v47duzIrFmz\neOqpp3jppZdO+j6BFjaJnYjcBLwIDAXaAquA2SISk0/98sA8oBFwHdACuAPY6a++UkoppYouOTmZ\n48eP07x5c+rUqeMpT0pK4vDhw7Rs2ZJ69ep5yj/55BOio6NJSkqia9euNGvWjMmTJxfazvPPP0+n\nTp3o1q0bXbt2pVOnTp45eTn8DdVGR0fTt29fhg0bBthE77rrrqNnz56cd955HDhwgHvuuafY37d3\nWxdccAGfffYZTzzxBKNGjSr2vYJBcsavQ52ILAWWGWMGO+8F2A68YowZ7qf+XcC/gJbGmPw3oDlR\nvx2QmpqaSrt27QIbvFJKKeUjLS2NxMRE9N+dsq2gn3PONSDRGJMWiPbCosfO6X1LBObnlBmbkc4D\nzs/nY1cD3wKvi8ivIvKDiDwiImHxPSullFJKFVe4JDkxQCSwx6d8D1Avb3UA4oEbsN/jFcBT2B68\nR4MUo1IqH3v2wPHjbkehlFJlX7hvdyJAfmPJEdjE706nd2+liNQH7gf+m98NhwwZQo0aNXKV9erV\ni169egUmYqVOQXfcAUePwrx59n1mJpQL9799lFKqGL788kvPfL8cBw8eDHg74fJX634gCzjNp7wu\neXvxcuwG0k3uSYTrgHoiUs4Y4/d04ZEjR+pcB6UCbPhw2L/ffv3MM7BgAcyeDUVY2KaUUmXC5Zdf\nzqOP5h409JpjFzBhkdgZYzJEJBW4GPgUPIsnLgZeyedjSwDfbrYWwO78kjqlVHC0bHni6/POg8qV\noQj7jSqllCqmcJljBzACuFNE+opIS+BNIAoYDyAi74nIM1713wBqi8jLItJcRK4CHgFCYz2yUqeo\niy6CIUMgIpz+9lFKqTARFj12AMaYqc6edf/BDsl+D1xmjNnnVGkAZHrV3yEiXYGR2D3vdjpf59ka\nRSkVeOvXwx9/2B46pZRSpSNsEjsAY8zrwOv5XLvIT9ky4IJgx6WUyuuVV+xcuh9/zH8u3dGj8NFH\n0Ldv6camlFJllQ6GKKWC4tVXYc6cghdIfPEFDBwIW7aUXlxKKVWWaWKnlAqKyEho1KjgOj16wIYN\nEB9fOjEppVRZp4mdUso1ItCwodtRKKWKq3///kRERBAZGUlERITn6y0l7H7PysoiIiKCL774wlPW\nqVMnTxv+Xl27di3ptwPA559/TkREBNnZ2QG5n1vCao6dUiq0paXBlCnw5JNQqVLxP68bFysVPq64\n4grGjx+P93axderUKdE9/Z1fP3PmTNLT0wHYunUrF1xwAYsWLSIhIQGAihUrlqhN77ZFxG8M4UR7\n7JRSAbNmDSxadHLJ2fbtcOaZ8NVXgY9LKRV4FStWpE6dOtStW9fzEhG++OIL/va3vxEdHU1MTAzd\nunVj69atns+lp6czaNAg4uLiqFy5MvHx8bzwwgsANGnSBBHh73//OxERESQkJFCzZk3P/WNiYjDG\nUKtWLU9ZzmlR+/fvp1+/fsTExBAdHc1ll13G+vXrAcjOzubCCy/k+uuv98SxZ88eTjvtNF588UV+\n/PFHunXrBkD58uWJjIzk3nvvLa1HGVCa2CmlAqZvX/jmm5NL7OLi4JJLIDY28HEpFe5274Yffshb\n/v339ixmb/v3295zX2vXwo4dwYnP27Fjx3jggQdIS0tj/vz5GGPo0aOH5/qIESOYPXs206ZNY8OG\nDUyYMIFGzoTc7777DmMM77//Pr/++itLly4tcrvdu3cnPT2dBQsWsHz5cpo3b86ll17KkSNHiIiI\nYOLEicydO5dx48YBcNttt3HWWWfxr3/9i5YtWzJhwgQAdu3axe7du3n22WcD+FRKjw56KKUC6mQ3\nHo6MhFG6fbhSfo0eDW+/nTcx69wZhg2D++47Ufbxx/Z8Zt8RxRtugMsugxEjAhPTzJkzqVatmuf9\nlVdeyZQpU3IlcQBjxowhLi6ODRs2kJCQwPbt20lISOD8888HoKHXRNucodwaNWpQt27dIscye/Zs\ntm7dyuLFi4lw/hJ65ZVXmDFjBjNnzqRnz540adKEl19+mX/+85+sW7eOb7/9lh+cbDkyMpKaNWsC\nULduXc89wpEmdkqpEsvO1pMklAqmgQPtKnJfX32Vt5f7mmvA35HnH34I1asHLqaLLrqIN9980zMn\nrUqVKgBs3LiRxx9/nOXLl7N//37P3LVt27aRkJBA//796dq1Ky1btuTyyy/n6quv5uKLLy5RLKtW\nrWLv3r2eYdkcx48fZ/PmzZ73t956KzNmzOCFF17g/fffp379+iVqNxRpYqeUKpElS+w/OrNnQyD/\njlyyBGJioEWLwN1TqXAVG+t/msI55+Qti4mxL1+tWwc2pipVqtCkSZM85VdddRUJCQmMHTuW2NhY\n0tPTOfvssz0LINq3b88vv/zCrFmzmDdvHj169OCKK65g0qRJJx3L4cOHadasGbNmzcqz+KFWrVqe\nrw8dOsTq1aspV64cGzZsOOn2Qpn+jq2UKpGaNaFTJ6hXL3D3zMqyyWKghoyUUqVj7969bNq0iccf\nf5wuXbrQokULfvvtN0QkV71q1apx44038tZbb/HBBx8wZcoUDh8+TGRkJJGRkWRlZeXbhu+9ANq1\na8e2bduoUqUK8fHxuV45Q6wA99xzD7Vr1+bjjz/m6aefZvny5Z5rFSpUACiw7XCgPXZKqRI54wx4\n443A3jMyEr78MrDJolIq+GrXrk10dDSjR4+mTp06bN26lYcffjhXnRdffJGGDRtyjtPd+OGHH9Kg\nQQOqVq0KQKNGjZg3bx4dOnSgYsWKuRIz8L8lytVXX82ZZ55Jt27deOaZZ4iPj2fHjh3MnDmTW2+9\nlVatWjF16lSmT59OWloaLVq0YNCgQfTu3ZtVq1YRFRXF6aefDsCnn35KUlISUVFRREVFBeEpBZf2\n2CmlQlKDBrqnnVLhJjIykilTprBs2TLOPPNMHnjgAc9WJjmqVq3KM888Q/v27enYsSO7du3i888/\n91wfOXIkX375JY0aNaJDhw552vDXYxcZGcncuXNp164dt9xyC61ataJv377s27ePmJgYdu3axd13\n383zzz9PC2d+x/Dhw6lUqRKDBw8GoHnz5jz88MPcc8891KtXL09CGi4k3DfiCxQRaQekpqam0s7f\nrFOlVC4//wzOL7ilIiur4HNnlQo3aWlpJCYmov/ulG0F/ZxzrgGJxhg/m9QUn/bYKaWK7auvoGlT\n8JqeElT/+x907553+wallFK56UCHUqrYzj8f3nsPzj23dNpr08b+1xh7vqxSSin/NLFTShVb+fLQ\nu3fptXfFFfallFKqYDoUq5RSSilVRmhip5Qqsvffh2PH3I3h+HGYOtXdGPzZsAGc88ZVmMvMhMWL\n7YkqSoUbHYpVShXJhg3Qvz9UqwbdurkXx4wZNo4OHUp3VW5hpk+HRx+Fw4chDLe+Ul5277ZnsE6a\nBD17Br+9devWBb8R5ZrS/vlqYqeUKpKEBNi4ERo1cjeOnj2hY8fQSurAHsJ+ySWa1JUFDRvCrFlw\n6aXBbScmJoaoqCj69OkT3IaU66Kioojxd85bEGhip5QqssaN3Y7AroqNj3c7irwqVID27XOXzZoF\nR47Yw9t1NW94ufzy4LfRqFEj1q1bx/79+4PfmHJVTEwMjUrpt2JN7JRSYe2PP6BKFbtSt7Rt3mx7\nd5wjJvOYORO2b4frry/duFTxzZgBTZqAc8pVqWnUqFGp/YOvTg26eEKpMHTkCPzjH7B2be7yQE/2\nNgbuvRe++y6w9w2UzExISoKHHnKn7SuuAOc0Ir9efz00F3qo3LKz4YUX4M03817LyLDD7PPmlX5c\nSp0MTeyUCnH79sETT9hEIscff9jTHw4ezF33vvvgwgtzl2Vnw7hxsG1b8dv+/Xf45hsbQygqVw4e\nfxzuusudtj/4AAo7TrJy5dzv77wTXn01eHGp4ouIgNmz/f9cIiPtwqFffin9uJQ6GToUq1SI27oV\n3ngDbrwRzjzTltWvD6tX5617zTV2YYG3336D226zQ03eIz5vvmm3dHj//dz1f/zRLkyoUgVq1bLH\nhkWE8K+Abg5z+s6pK4wx9pnWqBGceNTJq1rVf3lEhB1S1zmSKlxoYqdUiOvQwfYWFGW1ZZcuecvq\n1LF7v/n+w1Szpk0Qvf31l00ex461W4pAaCd1/oTysWMi8NxzecsPHLAJnyo9e/bYX2IuuqjwuqH6\n50kpf8Lsr2ylyrbjx+Hf/847d66kW2hUrJh3gn/PnjB8eO6yyEg79Bqux3etXm170bZvD879jx2z\nzy2Q21L9+Se0bg2vvRa4e5a2I0dy/5k1BhYtci+eonjxRfvLy19/Fe9zR4/afe6UClWa2CkVYmbO\nhNRUd9ouVw7OPx/q1XOn/ZI67TRo2jT/VaoltXevXQkbyEUqVarYXrzu3QN3z9I2aBDccINN6AA+\n+QSSk/P+ghJKnn4aFi60v/QUx403wi23BCUkpQJCTM7/iac4EWkHpKamptKuXTu3w1GnsMxMm2Cp\n0FRaQ70ffQRXX138xMMNW7bY59K0qX1vDCxbBued525cwZCaanvQW7VyOxJVFqSlpZGYmAiQaIxJ\nC8Q9tcdOKRe9+WbelXia1IW20kjq1q+Hm26COXOC31Zx/fWX7VX2Fh9/IqkD+4xCLakzBpYuLfl9\nEhM1qVOhTRM7pVy0aZPt7VDBMWsWjBlTsntkZtpJ9qWpZUv46Sf4+99Lt92imDzZrkTesaPon0lP\nd39e2pw5dprBypXuxqFUsGlip5SLnn8eRo50O4qya948+OKLE3O/Tsabb9qVyXv3Bi6uomjWLHfv\n4N69do/CNWtKNw5fffrADz9AgwZF/8zdd8OVVwZ+A+3i6NoVUlKgbdvA3XP5cnjyycDdT6lA0MRO\nqVIyb56dYO79j5tuoxBcw4fbuWolec533GEXA9StG7i4TsahQ1C7NsTFlV6bmZn29Iw//zxRFhkJ\nCQnFu8+DD8JLL7m7dY6I/+2ASmL1avuLw9Gjgb1vsBkDb71lN2VWZY8mdkqVkkqV7HYmhw65Hcmp\nIzLSvkqiYkW45JLAxFMSzZrBp5/m3u8uOxtWrAhemzt32uPaSnqcVkKCBQN9FwAAIABJREFUPfqt\ntP3yS8l6awszYAAsWVLy7YhKmwhMm2Y3KAe7p98//wn797sblwoMTeyUChLff1D+9jc76bxmTXfi\nUfDxx+HXu1KQL76Ac88N3vBs48b25JNrrw3sfY8dC27CBfY4vMTE4E51EAmfxU7eRxICfPYZ/Pe/\n9uvISPs+lLenUUWniZ1SQbB1q52ovXGj25GoHLt32/lhH3xQeN1XX4Vnnw1+TCV15ZUwf/6Jo+ZK\nIjvbDs8tXJi7PCam5Pf2dvSoXTEb7PNyo6Nh9Gh7nF5pCdUzle+4w55R7K18+RNfx8TY/Rk7dy7d\nuFRwaGKnVBCcdpqdC5We7nYkKkdsLHz/vR0+K8zvv9szdkNdRETeI7G2bLHJTHGH1URg4sS8iV2g\nRUXZDX4vvji47QD06FF6PeRffAFNmsCGDaXTXnF06QKXXlpwnXA7OlDlL0w6kZUKbcbYV85fjlFR\nMH26uzGpvJo1K1q9J54I/lBhsGzZYhPY4s77EoG5c0tnQ+T77w/OfY8ds0Oj3r1RpSU52Z4gEh9f\n+m17O3jQjhS0b3+irHdv9+JRpS+scnQRuUdEtorIMRFZKiLnFlC3n4hki0iW899sESlDs2tUqMjM\nhKuuglGj3I5EFYcxdsg8P+G6YvmSS06cjpAjPT1vD97UqTB0aO4yt065CFQS3a8f3HxzYO5VXJUr\nwz/+4f6cu3/9yz6Dk9laxhh4+22b4KvwFTaJnYjcBLwIDAXaAquA2SJS0AyQg0A9r1fjYMepTj05\n56s2b+52JKo4Roywk+t//92+T0uDjAx3YwoU36R07FjbW3ngwImynTttz46be8uBnbB/4YXF2/A4\nP3feWbpz6kLRsGF2v76TGVoVsXNQFy0KeFiqFIXTUOwQYLQx5j0AEbkLuAq4DRiez2eMMSZEp7Oe\nnDfftL8Z9uvndiSntvT03AfNP/64e7GokzNggE12oqPtPm0XX2x7Ox57zO3IAu/666F69dxbpfzf\n/4VGr2TNmnbyfiDmeIXCtjRg/34YPtxuzOz9zANt8WL4/HM7BJyjOBtH+zN7tjtD2SpwwqLHTkTK\nA4nA/JwyY4wB5gHnF/DRqiLys4hsE5GPRaR1kEMNulWr7Eu5Z9gwu4t9uM7BUlbNmtC9u/26WjX7\nD9rgwe7GFCwxMXmHKEMhqQO7yOjTT09+4+WsrMDGEwj79tlVv19/Hdx2tm+3yV0gt/DRpC78hUuP\nXQwQCezxKd8DtMjnMz9he/NWAzWAB4BvROQMY8zOYAUabG+84f7QyakuKcmusDQmdP5xVCXXoYPb\nEajimjbNbkszb15o7Q9Zv77dPqRq1cDe99gxO2KTo1cv+9K/h5S3cEns8iOA334TY8xSYKmnosi3\nwDrgTuw8Pb+GDBlCjRo1cpX16tWLXr16BSLegPAessjOhttvh0GD7EalKviSk+1LKRV4CxbYXijf\nhR3+NG8OnTrZYeZQE+ikbto0uzhj7Vo7fQCCm9CtWgXLluXd/06dvEmTJjFp0qRcZQcPHgx4O+GS\n2O0HsoDTfMrrkrcXzy9jTKaIrAQK3PBg5MiRtGvX7qSCdMNvv9n/0Y8fdzuSsmvbNptAn36625Eo\nVfb98AN8841dyFLYsGCbNsE9WSJQjh+3i6xKsmL2b3+ziZ333N5gmjPHLrrp31+HZwPFXydRWloa\niYmJAW0nLObYGWMygFTAs6WliIjz/pui3ENEIoAzgd3BiNEtderAt9/a31pVcNx6q/7WqlRpGTzY\nbvZbVpKJ9HS7av5//yv6ZzIz7fF33vN4TzsN/v1vqFIl8DH6c++9NskuKz+HU0lYJHaOEcCdItJX\nRFoCbwJRwHgAEXlPRJ7JqSwij4vIpSLSRETaAu9jtzt5u/RDDy7f7vhNm+DGG0P3eJtwM3YsjBvn\ndhRKnToiI/2X791rV76uX1+68ZREhQowcCBcfXXRP/PVV/Z83rS04MVVmIoV3d+TT52csPmxGWOm\nOnvW/Qc7JPs9cJnXdiYNAO9jjqOBt7D71/2O7fE73xgTRn8lnJydO2HXruLvPK/80yFYpdwzaRK0\nbQstW9rhWZHSG44MlLvuKl795GQ7xaZVq+DEo8q2cOqxwxjzujHmdGNMZWPM+caYFV7XLjLG3Ob1\n/j5jTBOnbpwx5mpjzGp3Ii9dSUl28nFpddmXNQsWwIoVhddTSgVXejo88wxMmGDf169vT0Vw+9iu\nQNq1C3r2zL1Bs0joJHUHD8Irr5SdzbtPBWGV2Kmi8x2efeMNu/Gq7r1WMGPgqafsqQRKKXdVqGCH\nJf/7X7cjCZyVK+32LDmqVrVbo2zb5l5MBdm+HR58EL77zu1IVFGFzVCsKpljx+wmlrrfUcFEYMaM\n3HtFKaXck7O1R1nxzDO2FyznlIzq1WH58tD9u/nMM2H37rL3cyjLNLE7Rdx3n9sRhI9Q2uhUKVW2\njBmT9xfHUE3qcmhSF150KPYUZQzccAN88onbkbjvxRdh5ky3o1BKnQpq1rQrTpUKFk3sTlHHjtn9\niQK9O3q4yc62m6G6ua2AUkqFOmPs3MB169yORBVGh2JPUVFR8MEHbkfhvogImDo1/32zlFJK2V+C\n77zT7pH63HNuR6MKoj12yuOXX+DCC+0Gx2WZ78pgTeqUUqpgkZHw9dfw7LNuR6IKE5TETkTGi0jn\nYNxbBc/Ro1C7tj26pqzKzLS/cb72mtuRKKVUeImLC/2FHip4PXbRwFwR2Sgij4pI/SC1owKoVSv4\n9FOoVu1EWVnb9y4yEpo1g4YN3Y5EKaWUCrygJHbGmO7YI77eAG4CfhaRWSJyvYjokcJhZMwYu3o2\nM7PwuuFAxA4ldOvmdiRKKRWedu2yJ/So0BS0OXbGmH3GmBHGmLOBjsAmYAKwS0RGikjzYLWtAicm\nxh7fE86HQR86VPZ6HpVSyi1PPw0DB9oFFSr0BH3xhIjEApcCXYEs4AvgLGCtiAwJdvuqZK67Dv73\nv9xl4ZQk/fUXXHABPPmk25EopVTZMHSoPU87QpdfhqRgLZ4oLyI9ROQz4BfgBmAkEGuM6WeMuQS4\nEXgiGO2r4DEGune3h0KHg4oV4f774eab3Y5EKaXKhrp1oUYNt6NQ+QnWANtubNI4CehgjPneT50U\n4I8gta+CJCsL2ra1CxDCxa23uh2BUkopVTqCldgNAT40xhzPr4Ix5g+gSZDaV0FSrpz/Yc2srNDZ\nD27dOjsvUI/tUUqp4MnMhPnzoWtX3QYllARrhPxTIMq3UERqiUj1ILWpXLJjh90qZdkytyOBI0eg\nSxd46im3I1FKqbJt3jy4/HJYvdrtSJS3YCV2k4GefspvdK6pMqR8eZtMtWjhdiRQpQp8+CE89JDb\nkSilVNnWtSusXAlnn+12JMpbsBK7jtg5dL4WOtdUGXLaafDWW1Cz5okyY9zb+65z59ybLCullAq8\niAg45xy3o1C+gpXYVcT//L3yQOUgtalCyHvvQceOdmg02KZPh99/D347SimlVKgLVmK3HLjTT/ld\nQGqQ2lQhpHVruPpqOzQaTAcPwl13wdtvB7cdpZRS+duwAfbtczsKBcFbFfsYME9EzgbmO2UXA+di\nNypWZdy559qXt7/+CvxK1Ro17EaZevarUkq549gx6NABhgyxmxcrdwUlsTPGLBGR84EHsAsmjgGr\ngQHGmI3BaFOFNmPsmbPx8fDSS4G9d6NGgb2fUkqpoqtcGWbP1kUUoSJoJ4A6mxL3Dtb9Vfi58cbc\nCyxORnY2PP443H47NNFdEJVSKiR01GWRISPoR7uLSGXsogkPY8yhYLerQosI9OmTt/zYMfvbXlH9\n/jtMmwZt2mhip5RSSvkK1lmxUSIy6v/Zu+/4qur7j+OvD2HIEhCQIUNBgaoVBbXiXuBGxQkojrpq\nXVTratXWqlVbR7Xqz7oAFRTFgXsUFy6QiKOioqDIlCUQwkry+f3xPYGbSzb35ObevJ+Px3kkZ34/\n93BIPvmuY2Y/A3nA0qRFhAULQtPs+PGVP6d1a/jsMzjppPjiEhGR6lm1Cqarw1VaxTUq9h/AgcDv\ngDXAWcB1wFxgWExlSobZfPMwonXPPat2nl4VJiJSO51xBpxc2usJpMbEldgdBZzv7uOAAuA9d78B\nuBr1u5NI48ZhBFWbNhu2uUNe3ob1pUvhkENg0qSaj09ERKrmmmvgySfTHUXdFlditwUwM/p+ebQO\nMBHYN6YyJQs8+ST06BGaaQEaNgw1dPXielJFRCRldtgBtt023VHUbXENnpgBbA38CHxNmPJkEqEm\n75eYypQssPfecOml4TVlECY4rkofPBERkbosrnqQR4DiGW1uBn5vZmuAOwj970RK1alTSOxERCSz\nzZxZ8TGSenFNUHxHwvdvmlkvoC/wnbt/HkeZIiIiUjuMHQtDhsCMGZpEvqalvMbOzBqY2X/NbLvi\nbe7+o7s/o6ROREQk+x1xREjuttoq3ZHUPSmvsXP3dWa2U6qvKyIiIpmhaVMYNCjdUdRNcfWxewz4\nbUzXFhEREZFSxDUqtj5wppn1Bz4BVibudPc/xFSuiIiI1CK//BLmLdXk8jUjrhq7HYFcwhx2PYBd\nEpadYypTREREapGlS6FrVxg1Kt2R1B1xjYo9II7rioiISOZo1QruuQcOPjjdkdQdcTXFioiIiHDK\nKemOoG6JJbEzs7cAL2u/ux9Yzev+HrgMaA98Blzo7pMrcd7JwGjgOXfXOB0RERHJSnH1sZtKSLyK\nl6+AhkAf4IvqXNDMTgJuA64j9NX7DHjNzNpUcF5Xwtsu3q1OuSIiIrLp3GHZsnRHkf3i6mM3vLTt\nZvYXoFk1LzscuN/dR0XXOg84AjgTuLWM8uoRpl65FtgXaFHNskVERGQTnHgiFBTAs8+mO5LsVtN9\n7B4DJhGaUyvNzBoQXkl2U/E2d3czexPoV86p1wE/u/sjZrZvNeIVERGRFDj7bGjQIN1RZL+aTuz6\nAaurcV4bIAdYkLR9AdCztBPMbC/gDKB3NcoTERGRFBowIN0R1A1xDZ54JnkT0AHYFfhbKouilEEa\nZtYMeBQ4292XVuWCw4cPp0WLki22gwcPZvDgwZsSp4iIiNRhY8aMYcyYMSW2LYuh06G5lzl4tfoX\nNXskaVMRsBCY4O6vV+N6DYB84Dh3H5+wfQTQwt2PTTq+N2GC5EJC8gcbBooUAj3dfWbSOX2AKVOm\nTKFPnz5VDVFEREQqadWq8DaKui43N5e+ffsC9HX33FRcM67BE2ek+HrrzGwKcBAwHsDMLFq/q5RT\npgG/Ttp2I2HgxkXAT6mMT0RERCpnzBgYPhy++w6aVXc4pZQprqbY3YB67v5x0vbfAIXu/kk1Lns7\nMDJK8CYRRsk2AUZE1x4FzHb3q919LWGKlcSyfyGMuZhWjbJFREQkBfbaC/74R6gX14RrdVxct/Ue\noHMp27eK9lWZu48FLgWuBz4FdgIOcfeF0SGdCBMXi4iISC3VpQtceik0aZLuSLJTXKNityf0cUv2\nabSvWtz9XuDeMvaV+zaLVDcPi4iIiNQ2cdXYrQHalbK9A1AQU5kiIiKSQQoKwhspJHXiSuxeB/5u\nZuvnDTGzloQJht+IqUwRERHJEHPnwnbbwYQJ6Y4ku8TVFHsZ4d2sP5rZp9G2nQkTCp8aU5kiIiKS\nITp0gMGDYaut0h1JdolrupM5ZrYTMJTw5odVwCPAGHdfF0eZIiIikjnM4KabKj5Oqia2V4q5+0rg\nP3FdX0RERERKiqWPnZldZWZnlrL9TDO7Io4yRUREJHMVFaU7guwQ1+CJc4GvS9n+P+C8mMoUERGR\nDHT66XCFqn1SIq6m2PbAvFK2LyRMeSIiIiICwO67Q6tW6Y4iO8SV2P0E7AXMTNq+FzA3pjJFREQk\nA51/frojyB5xJXYPAHeaWQOgeIaag4BbgdtiKlNERESkTosrsfsH0Jrw+q+G0bbVwC3u/veYyhQR\nEZEM5x6mQpHqiWXwhAdXAG2BPQhz2W3h7tfHUZ6IiIhkvrFjYb/9NEJ2U8Q2jx2Au+cBk+MsQ0RE\nRLJD587QuzesWgVNm6Y7mswUW2JnZrsBJwBd2NAcC4C7D4qrXBEREclM/fqFRaovrgmKTwbeB34F\nHAs0ALYHDgSWxVGmiIiISF0X1wTFVwPD3f0oYC1wMSHJGwvMiqlMERERkTotrsSuO/BS9P1aoKm7\nO3AHcE5MZYqIiEgW+PHHMIhi+vR0R5J54krslgDNo+/nADtG37cEmsRUpoiIiGSBdu2gZUvIy0t3\nJJknrsET7wH9gS+Ap4B/mdmB0bb/xlSmiIiIZIHNNoPnn093FJkprsTuAmCz6PsbgXXAnsA44IaY\nyhQRERGp02JJ7Nx9ScL3RcDNcZQjIiIiIhvE1cdOREREZJO4w6WXwoMPpjuSzKHETkRERGolM1i7\nFtasSXckmSPWV4qJiIiIbIq77053BJlFNXYiIiIiWSLWxM7MtjWzQ8yscbRucZYnIiIiUpfF9a7Y\n1mb2JvAt8DLQIdr1kJndFkeZIiIikr1efBEuvjjdUdR+cdXY3QEUAF2A/ITtTwKHxlSmiIiIZKnl\ny2HmzDCYQsoW1+CJAcAh7j47qfV1OtA1pjJFREQkSw0ZEhYpX1w1dk0pWVNXbAtAg5ZFREREYhBX\nYvceMCxh3c2sHnA58FZMZYqIiIjUaXEldpcD55jZK0BD4FbgS2Bf4IqYyhQREZEsN2sW/Pa3sGxZ\nuiOpnWJJ7Nz9S6AHMBF4ntA0+wywi7t/H0eZIiIikv0aNICJE2H69HRHUjvF9uYJd18G3BjX9UVE\nRKTu6dABvv46vG5MNhZLYmdmO5Wxy4HVwCx31yAKERERqTIldWWLq8ZuKiGJAyi+/Z6wf52ZPQmc\n6+6rY4pBREREpE6Ja/DEsYQ5684BegM7R99/AwwBfgscCNwQU/kiIiKSxQoL4Y47YMKEdEdSu8RV\nY/cn4GJ3fy1h2+dmNhv4m7vvbmYrgduAy2KKQURERLJUvXrw7LOwbh0ceGC6o6k94qqx+zXwYynb\nf4z2QWiu7VDKMWUys9+b2UwzW2VmH5nZbuUce6yZTTazpWaWZ2afmtkpVSlPREREaiczeOstuPzy\ndEdSu8SV2H0NXGlmDYs3mFkD4MpoH8BWwILKXtDMTiLU8F0H7AJ8BrxmZm3KOGUxoal3D0Iy+Qjw\niJn1r9pHERERkdooJyfdEdQ+cTXF/h4YD8w2s88JAyd2AnKAI6NjugH3VuGaw4H73X0UgJmdBxwB\nnEmYALkEd383adNdZnYasDfwRhXKFREREckIsSR27v6BmW0NnEKYqNiAp4HR7r4iOubRyl4vqu3r\nC9yUUIab2ZtAv0pe46AolncqW66IiIjUfu+/D19+Ceeem+5I0i/OCYrzgP9L0eXaEGr7kptuFwA9\nyzrJzDYH5gCNgALgfHfX+BkREZEsMmECvPginH12GFRRl8WW2AGY2fZAF8L7Ytdz9/GpKoKS8+Ml\nW0GYbqUZcBBwh5nNKKWZdr3hw4fTokWLEtsGDx7M4MGDUxCuiIiIpNrll8Of/1y7Jy4eM2YMY8aM\nKbFtWQwvvDX38vKial7UrBvwLGHQgpM0SbG7V6m7Y9QUmw8cl5gUmtkIoIW7H1vJ6zwAdHL3w0rZ\n1weYMmXKFPr06VOV8ERERESqLDc3l759+wL0dffcVFwzrgrLfwEzgXaEhGwHYF/gE2D/ql7M3dcB\nUwi1bgCYmUXrH1ThUvUIzbIiIiIiWSeuxK4fcK27LwSKgCJ3nwhcBdxVzWveDpxjZsPMrBeh/14T\nYASAmY0ys/WDK8zsSjM72My2MbNeZnYpYTBHpQdtiIiISOZYuBBuvTW8laKuiquPXQ6QF32/COhI\neJ3Yj5Qz2KE87j42mrPuekJN4FTgkCh5BOhEGCBRrClwT7R9FWH+vKHu/nR1yhcREZHabdYsuP56\nOOQQ6N073dGkR1yJ3ZeEeetmAB8Dl5vZWsL7YmdU96Lufi9lzH3n7gcmrV8DXFPdskRERCSz9O0L\n8+ZB8+bpjiR94krsbiDUmAFcC7wIvEd4G8RJMZUpIiIidVxdTuogvgmKX0v4/jugl5ltASz1OIbh\nioiIiEjqB0+YWX0zKzCzHRO3u/sSJXUiIiISt6IiePZZ+PbbdEdS81Ke2Ll7ATCLMIBCREREpEYV\nFMCFF8K4cemOpObF1cfuRuAmMzvV3ZfEVIaIiIjIRho2hE8/hbZt0x1JzYsrsbsA2BaYa2Y/AisT\nd7q7Xu0gIiIisamLSR3El9g9F9N1RURERKQMcY2K/Wsc1xURERGpiu+/h5kz4eCD0x1JzYirxg4z\nawkcD3QH/uHuS8ysD7DA3efEVa6IiIhIsRtvDP3tcnPBLN3RxC+WxM7MdgLeBJYBWwMPAEuAQUAX\nYFgc5YqIiIgkuuUWaNq0biR1EMN0J5HbgRHuvh2wOmH7y8C+MZUpIiIiUkLbttCkSbqjqDlxJXa7\nAfeXsn0O0D6mMkVERETqtLgSuzXA5qVs7wEsjKlMERERkVKtXg3jx6c7ivjFldiNB641swbRuptZ\nF+AWoA7OAy0iIiLp9PLLcMwx8N136Y4kXnEldpcCzYCfgcbAO8B3wArgTzGVKSIiIlKqo4+GadNg\n223THUm84prHbhnQ38z2BnYiJHm57v5mHOWJiIiIlCcnB3r2THcU8YtrupPO7v6Tu08EJsZRhoiI\niIiUFFdT7A9m9raZnRVNVCwiIiJSK+TmwuLF6Y4iHnFOdzIZuA6Yb2bPmtlxZtYopvJEREREKrRs\nGey9N4wYke5I4hFLYufuue7+R8JbJg4DFhHePrHAzB6Oo0wRERGRirRoARMnwsUXpzuSeMRVYweA\nB2+5+9nAwcBM4LQ4yxQREREpT58+UD+WUQbpF2tiZ2adzexyM5tKaJpdCVwQZ5kiIiIidVVco2LP\nAYYCewHfAI8Dx7j7D3GUJyIiIlJVy5fD/PnQo0e6I0mduCoirwGeAC5296kxlSEiIiJSbUOGhOTu\n3XfTHUnqxJXYdXF3L22Hme3o7l/GVK6IiIhIpdxyC7Rqle4oUiuuN0+USOrMrDkwGDgL6AvkxFGu\niIiISGXtsEO6I0i9uAdP7GtmI4B5wGXABGCPOMsUERERqatSXmNnZh0IU5r8FtgcGAs0Igye+CrV\n5YmIiIhsCnf49tvseJdsSmvszGw88DWwE3AJ0NHdL0xlGSIiIiKp9PDDsNNOsGBBuiPZdKmusTsc\nuAu4z92np/jaIiIiIil3/PHQpQtsuWW6I9l0qe5jtw/QHPjEzD42swvMrG2KyxARERFJmRYtoH9/\nMEt3JJsupYmdu38YvT6sA3A/cDIwJyqnfzQ6VkRERERiEMuoWHfPd/eH3X1v4NfAbcCVwM9RPzwR\nERGRWmf+fFi3Lt1RVF+s050AuPs37n450Ikwl52IiIhIrTNvHmy9NTz5ZLojqb643jyxEXcvBJ6L\nFhEREZFapUMHGDkSDjkk3ZFUX40ldiIiIiK13UknpTuCTRN7U6yIiIiI1IyMSuzM7PdmNtPMVpnZ\nR2a2WznHnmVm75rZkmh5o7zjRURERIoVFsLSpemOouoyJrEzs5MIo2uvA3YBPgNeM7M2ZZyyHzAa\n2J/wftqfgNejV56JiIiIlOmww+D3v093FFWXSX3shgP3u/soADM7DzgCOBO4Nflgdz81cd3MzgKO\nAw4CHos9WhEREclYl14KrVunO4qqy4jEzswaAH2Bm4q3ubub2ZtAv0pepinQAFiS+ghFREQkm2Tq\nyNhMaYptA+QAya/nXQC0r+Q1biG8BePNFMYlIiIiUmtkSmJXFgO8woPMrgROBI5x97WxRyUiIiJZ\nIy8v3RFUXkY0xQKLgEKgXdL2Ldm4Fq8EM7sMuBw4yN3/V1FBw4cPp0WLFiW2DR48mMGD9dIMERGR\nuuY//4G//AVmzIDNNqv+dcaMGcOYMWNKbFu2bNmmBVcKc6+wwqtWMLOPgI/d/eJo3YBZwF3u/o8y\nzvkjcDUwwN0nV3D9PsCUKVOm0KdPn9QGLyIiIhnp++9hwgQ47TRo2DC1187NzaVv374Afd09NxXX\nzJQaO4DbgZFmNgWYRBgl2wQYAWBmo4DZ7n51tH45cD3h/bSzzKy4ti/P3VfWcOwiIiKSgbp3D0um\nyJjEzt3HRnPWXU9okp0KHOLuC6NDOgEFCaf8jjAK9umkS/01uoaIiIhIVsmYxA7A3e8F7i1j34FJ\n69vUSFAiIiIitUSmj4oVERERkYgSOxEREZEsocROREREJEsosRMRERHJEkrsRERERLKEEjsRERGR\nLKHETkRERCRLKLETERERyRJK7ERERESyhBI7ERERkSyhxE5EREQkSyixExEREckSSuxEREREsoQS\nOxEREZEsocROREREJEsosRMRERHJEkrsRERERLKEEjsRERGRLKHETkRERCRLKLETERERyRJK7ERE\nRESyhBI7ERERkSyhxE5EREQkSyixExEREckSSuxEREREsoQSOxEREZEsocROREREJEsosRMRERHJ\nEkrsRERERLKEEjsRERGRLKHETkRERCRLKLETERERyRJK7ERERESyhBI7ERERkSyhxE5EREQkSyix\nExEREckSSuxEREREsoQSOxEREZEskVGJnZn93sxmmtkqM/vIzHYr59jtzezp6PgiM7uoJmMVERER\nqWkZk9iZ2UnAbcB1wC7AZ8BrZtamjFOaAN8DVwDzaiRIERERkTTKmMQOGA7c7+6j3P1r4DwgHziz\ntIPd/RN3v8LdxwJrazBOERERkbTIiMTOzBoAfYH/Fm9zdwfeBPqlKy4RERGR2iQjEjugDZADLEja\nvgBoX/PhiIiIiNQ+9dMdwCYywFN5weHDh9OiRYsS2wYPHszgwYNTWYyIiIjUIWPGjGHMmDElti1b\ntizl5WRKYrcIKATaJW3fko1r8TbJHXfcQZ8+fVJ5SREREanjSqta4LhJAAAgAElEQVQkys3NpW/f\nviktJyOaYt19HTAFOKh4m5lZtP5BuuISERERqU0ypcYO4HZgpJlNASYRRsk2AUYAmNkoYLa7Xx2t\nNwC2JzTXNgS2MrPeQJ67f1/z4YuIiIjEK2MSO3cfG81Zdz2hSXYqcIi7L4wO6QQUJJzSEfiUDX3w\nLouWd4ADayRoERERkRqUMYkdgLvfC9xbxr4Dk9Z/JEOamkVERERSQYmPiIiISJZQYiciIiKSJZTY\niYiIiGQJJXYiIiIiWUKJnYiIiEiWUGInIiIikiWU2ImI1GJzls/h5ekvU1hUmO5Q0mbuirlMmDmB\ngqKCig8WqeOU2ImI1GLPTHuGI0YfQdc7u3LtW9cyc+nMdIdUo16e/jI73LsDR405Kt2hiGQEJXYi\nIrXYBbtfwOSzJ3NkjyO586M76XZXN/o/2p8nv3ySNQVr0h1ebAqLCrn2rWs5YvQR7NNlH3LPyaV+\nvfLn1H/tu9f4auFXFHlRDUUpUvtk1JsnRESyzbrCdQx7bhjn9DmHA7Y5YKP9ZsauHXdl1467ctuA\n23jqq6d46NOHOHncybRu3JrbD7mdYb2HpSHy+CzKX8TQZ4by5ow3ufHAG7ly7yupZ+XXQ7g7Q58Z\nyuJVi2nesDm7dtyV3bfand067sbuW+1Op807YWY19AlE0keJnYhImrg7v3vpdzz91dP8dpffVnh8\n04ZNOX3n0zl959P5etHXPJT7EF1bdK2BSGvO5DmTOf6p48lfl89rp7zGwd0OrtR5ZsaMi2cwZe4U\nJs2ZxKS5k3j8i8e55f1bAGjfrD2PHvtopa8nkqmU2ImIpMkN797AQ58+xMhjRlY54ejVphf/GPCP\nmCJLj7y1eRz6+KFst8V2PHXCU3Ru0blK52/eaHMO2OaAEjWfc1fMZfKcyUyeO5lurbqlOmSRWkeJ\nnYhIGoyYOoJr376WGw64oWRT6uzZ8NFH0KEDdOsG7dvDJjQhvvPDO+yw5Q60adImBVHHq1nDZrw6\n9FV2arcTjeo3Ssk1OzbvyNG9juboXkdXeOw1E67h1e9fZbeOu7FX5704aceTKuzXJ1Lb6IkVEalh\nr3//Ome/cDZn9zmbq/e5Gr7/HsaNC8ukSSUP3mwz2Hpr2GabkOhts82GpVs3aNGizHIKiwoZPG4w\ni1ct5phex3DWLmdxULeDKuyvlk67bbVbWsv+aflPvP3D29z3yX089OlDjDluDO2atUtbTCJVZe6e\n7hhqBTPrA0yZMmUKffr0SXc4IpKlps6fyj6P7MO+W/Th+QUHUP+Z5+Czz6BxYzj0UDjuODjoIFi0\nCGbOhBkzwtfE71eu3HDBVq1KJnqJiV/XriwsXMGjnz/Kg7kPMm3RNLq26MqpO53Kqb1PpUfrHum7\nEbXc2z+8zclPn0xOvRyeOuEp9uy8Z7pDkiyUm5tL3759Afq6e24qrqnELqLETkRi5Q5Tp/KnZy/g\ntWW5vP1/q2nWsBkceWRI5g47DJo2rdx1ykv6Zs2CgmgiXzPo2BG22QbfZms+6taQh1vMYOzqKSxf\nu4I9Ou3By0NeplXjVrF+9Ew1d8VcTnr6JD6a/RH/7P9PLvrNRRpZKykVR2KnplgRkbgUFYWm1XHj\n4JlnYMYMbmjVkiuPHkSzp0+G/v1DU2tVmEHbtmHZffeN9xcUwJw5GyV99t339HtjJv3mz+euBvDC\nUT15Owda/jAferXcpH58VbFw5UJmL5/NLh12qZHyNkXH5h2ZMGwCV/33KqYumJrucEQqRTV2EdXY\niUhKFBbCxIkbkrk5c2DLLeGYY0LN3AEHQIMG6YtvwQJ46SV44QV4/XXIz4fttoOBA8Oy555QP56/\n+T+e/THHP3U8rRu35tNzP82o2q8iL6rVfRMlM6nGTkQk1QoKQgK2YsWmXccdJk+G556Dn3+GrbaC\nQYNCMrf33pCTk5p4N1W7dnDmmWFZtQomTIDx42H0aLjtNthiCzj8cBg4kKX77c5dX43g1N6nbtJU\nIe7OfZ/cxyWvXsKuHXflqROeyqikDsjapG7O8jm89cNb1LN6NG3QlCYNmtCkQRO2b7u9mugzlGrs\nIqqxE6mDCgrglFPgySdTc71u3TYkc7vvDvUyKBkoKoIpU0KSN348fP45b3fP4aghkJdTyF5b7sqw\n3c/mhO1PqNIv/JVrV3LeS+fx2OePceHuF/LPAf+kYU7DGD+IVKSwqJB/T/o3T331FO//9H6px7ww\n+AWO7HFkmdd4dtqzXPPWNesTwaYNNySFTeo3ocVmLbj54JvLjWPm0pmsK1q34RoNmtIwp2HGJf2b\nQjV2IhI7d+eNGW/w9aKvueg3F6U7nPgUFsLpp8PTT4dm00GD0h1RetWrB7vtFpa//Q1++IH9X3iB\nBS8+y3ML3uHRHT/hdws+4cIXzmdgx/05dd8LOXS7w8pN0qYvns6gsYOYsXQGoweNZvCvB9fgB6oG\nd/j4Yxg1Ct55J9S0DhoUms8bZk8ymlMvh1Gfj6Jj846MOmYUR/Y4kkb1G5G/Lp+Va1eSvy6fTpt3\nKvcaHZt35OBuB5O/Ln/9snzNcubnzSd/XT45VnEN9bkvnssbM94osa2e1Vuf5J3W+zRu6X9Lmeev\nLljNTe/dtP740pLMHdruQIvNyp4SKBupxi6iGjup6/LX5fPoZ4/yr4//xbRF09ij0x5MPGMiOfXK\n/gG9at0qGjdoXINRpkhRUWiKfOwxGDMGTjgh5UXkzsuld7ve5d6/jLFsGbz6KvNeepIxs19hVM/V\nfNYeBq7uyvP73AsHHrjRIJDpi6ez6wO70r5Ze8adOI4dt9wxTcFXwqxZ8OijIaH79tvQjN6/P7z7\nbhiE0rIlHHVUqIkdMCBMTRMp8iLOfP5MTt3pVA7qdlAaP0TVFBYVpv3ZnLZwGgvzF65PJhOXletW\nslO7nRjYc2CZ5y/OX8wu9++y/vjVBas3OmbCsAmlvoO52OgvRnPTezeVrHFMSBTbNGnD9Qdcn5LP\nWxpNdxIjJXZSV81ePpt7Jt3Df3L/wy+rf+HonkdzyR6XsE+XfcptElmUv4gOt3Wgd7ve9OvUj36d\n+7Fn5z3p2qJr7W5KKSqCc86BRx4Jid3g1NciffDTBxw06iBuOOAGLt3z0pRfP63WrYP33+fzFx9i\n9bsT2H3y3DBNy4ABYfDFEUdA27a4O3d8dAdn9TmLzRttnu6oN7ZiRaipHTUK3noLmjQJiduwYaGG\nLicn1OB9/nnogzluHPzvf+GzHn54qMk7/HBWNDKOG3sc/535X2444Aau2PuKtPbHm7N8DuOmjWPo\nr4fSuknrtMWRDkVexKp1q9Ynevnr8unSokuYVqgME2dN5Omvng7JZUF+iVrL/HX5NG3YlPfOeC+2\nmJXYxUiJndQ16wrXMey5YTz1v6do2rApZ+1yFhfsfgHbtNqmUucvW72MJ758gg9mf8CHP33I9CXT\ngfCy9T0770m/Tv04p+85teuXujv87nfwn//AyJFw6qkpL+Lbxd+y50N7sn3b7Xn91NfZrH4VpzPJ\nJO4wbdqGfnkffRS277svDBkCxx8fBmPUFoWFYbDIqFEhWVu1KiRxw4aFRK158/LP/+abcN4zz8An\nn4Tm2QEDKDz2GP7afhp/m3wbR/U4ipHHjKzRgQfFydxTXz3FxFkTaVCvAeMHj+fQbQ+tsRikepTY\nxUiJndRFZ48/m53a7cTpO59O80YV/FKrwMKVC/lo9kd8OPtDPvjpA6bOn8rcS+fSpEGTFEW7idzh\nwgvhnnvg4YfhjDNSXsTPK3+m30P9aJTTiIlnTmSLxrUoqakJCxbAiy/C2LHw5puh1uuww0KSd9RR\noVYsHb76KiRzjz0Wpp/p0QNOOy0MnOnSpXrX/PFHePbZUJP3/vtQrx4vDfo1p+74La2atWXckOfY\nuf3Oqf0cCUpL5gZ0H8CJO5zIwJ4DablZy9jKltRRYhcjJXYiqVWZPjx/+u+fWLp6Kb3a9KJXm170\nbN2Tzi06p74pyx2GD4d//SvU1p19dmqvTxj9ecDIA/hp+U989NuP6Nqya8rLyCjz54cEb/ToMCCh\nWTM49tiQ5B18cGxz5a23aFHoPzlqVKhda9UqNLsPGxZGLKeyu8D8+WGam2eeYWbufzn+uCK+aleP\ne5oez5kn3RLe9ZtiAx4dwNs/vK1kLsMpsYuREjvJRu5eq/u7XfzKxUz4YQLfLv6WtYVrAWhcvzE9\nWvegV5teDOs9jMO3O7zK13V3lq1ZxuL8xXRv1Q3++McwR9t998F555U49twXzuW5b56jyItKvdbR\nPY/mwYEPlllWkRfR7p/tWFOwBsd59/R3M+KtCjXqu+9CkvX446E5s21bOOmkkOTtsUfqkqw1a+Dl\nl0Mz+0svhW1HHBGSuSOOgEaNUlNOeZYsYfXz47go90ZebfAj/7sHmu/YJ/TfGzQIevVKSTHTF0+n\nbdO2SuYynBK7GGVKYvfhTx8yL28eHZt3pGPzjrRv1l5zQkkJRV7Ea9+9xp0f38k+Xfbhz/v+Od0h\nhb5Nb70V3riw774b/SIvLCrkx2U/8s2ib/h60dd8szh8PXOXMxnWe1iZl/1iwRfcO/leFuYvZFH+\novXL4lWLKSgK70tds+oyGt7yT7j7brjggo2u8cSXT/D9ku/LrF3s1aYXx/Q6pswY3J1b3g9TMgzo\nPoA+HWrvz4+0i96Xy+OPh0Rv7lzYZpuQ4A0ZAttvX71rTp4ckrknnoAlS2DXXUMyd/LJIYlMk0U/\n/0Cbt6NXyr30EqxcCb/6VUjw9t8/xNly48RszvI5NMxpSNum6YtdaoYSuxhlSmJ3+nOnM/KzkSW2\ntW3Sdn2id+A2B3LZnpelKTpJp5VrVzLqs1H86+N/8c3ib+jboS9/3vfP5SYlsfvmm/ALd9So0LcJ\nwtQYt9wSfqltog9++oALX7mQNk3ahKVxmw3fN2lDmyfHs8+Nj1H/n7eHplipPQoL4b33QpL39NPw\nyy/QuzcMHRoSss6dyz//p582TFHyzTdhipJTTgkJXXUSxLitWgVvvBEGXowfD0uXhu09esBuuzGn\n73aM6/ALY/M+5v05H3L9/tdzzX7XpDdmiZ0SuxhlSmJX5EUsWbWEuSvmMnfFXOatmLf++7l5c9lp\ny5346wF/Lff8QU8Ool3TduuTwQ7NO6z/vm2Ttmmf20iqZtayWfx70r95IPcBlq9ZzqBfDeKS31zC\nnp33TE8z7C+/hDc5jBgRRkm2bBl+UZ92GixcCFdeGTqzn3gi3HgjbLttPHFcfz1cdx3cemtoipXa\na80aePXVkOS98EJYL21kbV5eySlKGjcOtV/DhoU/GGrLa9sqUlQE337LnA9fY9y0Zxi7Jpf3t8ij\nQSH0n2GcuLwzAzseQKtd9w4TRu+wQ/x9EiUtlNjFKFMSu021cu1KBo8bvD4ZXLByQYm+RTmWwytD\nX6F/9/5lXmNd4Tpy6uVk7bsTK8vdeXn6yzRr2KzE0rxRc5o2aFojCfKUuVP4zYO/oVnDZpzd52wu\n2P2C9HTaLywMtREjRoRO5OvWwSGHhDc7DBxYcvLagoLwi/naa8MoynPPhWuuCe8wTZWbboI//Sl8\nveqq1F1X4rd8eXiGRo8Oz1RODhx6KLRoEWq78vPDFCWnnVa5KUpqqb+98zeufftaGtRrQP/u/Tmx\nxyAGFnSn1dSvQ9PypEnhD6CiopDA9ukTkrzddw9fu3dP7QAQSQsldjGqK4ldsoKiAn5e+fOGWr8V\nczmqx1FstflWZZ5z18d3cdnrl5Wo6evYrOP677u27Mr+W+9fcx+imt7+4W2+WPDFhr5ZqxaV6Kd1\nSPdDePjoh8s8P39dPk1valrm/sb1GzPuxHEctt1hZR4zdf5UXvz2xQ1JYcPmJZLEzRttznattyvz\n/CIvYuTUkZywwwnlTsIZm6++Ck2tjz0W+kttv31I5oYOhY4dyz931arQ7+2mm0Kyd9llcOmlm/6L\n+tZb4Yor4K9/DcmjZK4FCzaMrF2xIoxqPeUU6Jr5I44/nv0xXy/6moE9B5Y9511eHnz6aUjyJk8O\ny4wZYV+rVhteAVec8HXoUHMfQFJCiV2M6mpiVx1f/vwl7/zwzvrm38Rm4cWrFtOzdU++vuDrcq/x\nyvRXaFS/UWgKbtaBzRttXqVmw4KiAhbnLy6RiC3KX1SiE/3IY0aWW2t2yjOn8PRXT9O2aduS/bKi\nflp9OvThqJ5HlXl+kRexIG8BeWvz1i8r1q4osX7UdkeyTZOO4Qd0Xl745VT8fV4eY+a9ziWLHifP\nV5PPuo3KaF6Qw/JXdt5wzsqV4Qd6p05lL+3axdsktXRp6KQ+YkT4hdOqVWgyO/106Nu36rUIS5bA\n3/8ekrwWLUIydvbZ1Xs35x13wB/+EGoAr4/vNUAiabNoUZi+pbhWb/LkkABD6GdYXKO3225lDs7I\nakVFoVY3cVm5MnXre+yxYcR1Ciixi5ESu9RYXbCaX1b/Qvtm7cs9rssdXfhp+U/r15s0aLKh9q95\nR87Y+QwGdB9Q5vmvfvcqhz1esiasntWjdePW6xO0l4a8VO6ku+sK11G/Xv2KE8rCQpg3L0xIOmtW\nGARQnKAlJWqlrhcWln/9+vWheXMKmzclv0UT8lo0Jm/zxuQ1b8Sapo3Yo/7WoRarWbMwweuSJTB7\ndsllzZoN18vJCbVl5SV/HTqEEaqVVVAAr78ekrnnnw+f6bDDQjJ35JGpmUZi1qzQJ27kSOjWLfS/\nO+GE8HL6yrj7brjootD0euONaqaSusE9/AwoTvImTQqJ34oVYX80OGN9wrfzziXedVujiopCTX2q\nk63E71dv/L7YUtWrF14P16TJhq/J35e23r176PeZIkrsYqTErmblr8svMfBjXt68Es3B5+92Psdv\nX/Z/noUrF/Lh7A9L1LS13Kxl9fr9rVgRkoripTiBK15mzy6ZnDVrFv4KbtZsw1KceFVnvWHDTUtC\n3GHx4o2TveJlzpwwgnDlyg3nmIWavfKSv622CvOPFTe1zp8PO+4Y3tgwZAi0Lz95r7YvvoCrrw5v\nMOjbN4ygPaiCl6vfdx+cf35ozr31ViV1UrdFgzNKNOF++imsXRv+kPz1r0s24W6/fUh0ipOuipKn\n6q5XJ+mqTLJVnfUGDWrFzwkldjFSYpelimvbEhO15ATul182HJ+TExKaLl02LF27bvi+c+fQXJhp\n3EOn9LKSv+Il8V4Ua9069Jk77TTYZZea+2H4zjuhr9zHH4eBGDffHGobkj3wAJxzDlxyCdx+e634\nYS1S66xdG/5oSmzCLR6ckZNTcctCsXr1Up9sJe/b1D92M4gSuxhlRGL33XdhqH+jRuHBr+hrRcdU\ntomrNsvLK7umrbi2raBgw/Gbb14yUUtO4Dp0qNvTCuTlhRq+4kSvZcvQ5Fqd/m6p4B7ex3nVVaEG\nYuhQuOGGDa9oeuQROPPMMPHwXXfVmV8GIimRlwe5uSHBa9CgcolYHUq6aoISuxhlRGL3yithRNia\nNeGvr3Ubd7avkpyccpPCMStWMLhjx8onklVNLMv72qBB+Ety/vyya9pmzdowySeERDWxtq20BG4T\natvGjBnD4MGDN+2eZ5EavR8FBfDww6EP3pIlodl1u+1CQnfuuXDvvWn/ZaPnYwPdi5J0P0rS/dig\nzid2ZvZ74DKgPfAZcKG7Ty7n+BOA64GtgW+BK939lTKOrf2JXTL3kOCtXbsh2Uvh14EvvcT4/far\n3jXWrAnxbYp69UJyV6x589KTteJtHTvGWts2cOBAxo8fH9v1M01a7sfKlXDnnaHf3YoVcNZZcP/9\ntaL2Wc/HBroXJel+lKT7sUEciV3GtDmZ2UnAbcA5wCRgOPCamfVw90WlHN8PGA1cAbwEDAGeM7Nd\n3P2rmos8RmahhqtRo3gm6Rw4MEwkW10FBeUngBUlh0VFJWvg6tqwfdlY06Zh4uFzz4W33w4T1NaC\npE5EpLbImMSOkMjd7+6jAMzsPOAI4Ezg1lKOvxh4xd1vj9avM7MBwAXA+TUQr9SvH5YmTdIdiWSb\nNm1SOuWAiEi2yIg/dc2sAdAX+G/xNg9tyG8C/co4rV+0P9Fr5RwvIiIiktEypcauDZADLEjavgDo\nWcY57cs4vqzJtzYDmDZtWjVDzD7Lli0jNzclTf5ZQfejJN2PknQ/NtC9KEn3oyTdjw0Sco7Nyjuu\nKjJi8ISZdQDmAP3c/eOE7bcCe7v7nqWcswYY5u5PJmw7H/izu2/0EkszGwI8Hkf8IiIiIuUY6u6j\nU3GhTKmxWwQUAu2Stm/JxrVyxeZX8fjXgKHAD0Alp8cWERERqbbNCDN3vJaqC2ZEjR2AmX0EfOzu\nF0frBswC7nL3f5Ry/BNAY3c/OmHb+8Bn7q7BEyIiIpJ1MqXGDuB2YKSZTWHDdCdNgBEAZjYKmO3u\nV0fH/wt4x8z+QJjuZDBhAMbZNRy3iIiISI3ImMTO3ceaWRvChMPtgKnAIe6+MDqkE1CQcPyHZjYY\nuDFapgNHZ80cdiIiIiJJMqYpVkRERETKlxHz2ImIiIhIxZTYiYiIiGSJOpHYmdlVZjbJzJab2QIz\ne9bMelRwzmlmVmRmhdHXIjPLr6mY42Rm55nZZ2a2LFo+MLNDKzjnBDObZmaronMPq6l441bV+5HN\nz0ay6P9OkZndXsFxWft8JKrM/cjm58PMrkv4TMVLuf2Ws/nZqOr9yOZno5iZdTSzR81skZnlR//m\nfSo4Z38zm2Jmq83sWzM7rabijVtV74eZ7VfKM1VoZltWtsw6kdgB+wB3A78BDgYaAK+bWeMKzltG\neFNF8dI1ziBr0E/AFYRRwn2BCcDzZvar0g42s37AaOABYGfgOeA5M9u+ZsKNXZXuRyRbn431zGw3\nwijyzyo4LtufD6Dy9yOSzc/Hl4QBbMWfbe+yDqwjz0al70cka58NM2sJvA+sAQ4BfgVcCiwt55yt\ngRcJrwztTZjR4kEz6x9zuLGrzv2IOLAdG56RDu7+c6ULdvc6txBeUVZEeGtFWcecBixJd6w1eE8W\nA2eUse8JYHzStg+Be9Mdd5ruR9Y/G0Az4BvgQOAt4PZyjs3656OK9yNrnw/gOiC3Csdn9bNRjfuR\ntc9G9PluBt6p4jm3AJ8nbRsDvJzuz5Om+7Ef4YUMm1e33LpSY5esJSEjXlLBcc3M7Aczm2Vm2fZX\nJgBmVs/MTibMCfhhGYf1A95M2vZatD2rVPJ+QPY/G/cAL7j7hEocWxeej6rcD8ju52M7M5tjZt+b\n2WNm1rmcY+vCs1GV+wHZ/WwcBXxiZmMtdHvKNbOzKjhnD7L3GanO/QAwYKqZzTWz181so9emlqfO\nJXZmZsCdwEQvf067b4AzgYGEV43VAz4ws63ijzJ+Zrajma0gVBHfCxzr7l+XcXh7Nn4V24Joe1ao\n4v3I9mfjZEKz2VWVPCWrn49q3I9sfj4+Ak4nNCudB2wDvGtmTcs4PqufDap+P7L52QDoBvyO8DkH\nAP8H3GVmp5RzTlnPyOZm1iiWKGtOde7HPOBc4DhgEKGr0NtmtnNlC82YCYpT6F5ge2Cv8g5y948I\n/2kBMLMPgWnAOYTq90z3NaE/Q0vCAzTKzPYtJ5lJZoRaz2xR6fuRzc+GmXUi/OHT393XbcqlyILn\nozr3I5ufD3dPfJ/ll2Y2CfgROBF4pJKXyYpnA6p+P7L52YjUAya5+zXR+mdmtgMhuXmsCtex6Gum\nPydVvh/u/i3wbcKmj8ysO+FtW5UaVFKnauzM7N/A4cD+7j6vKue6ewHwKbBtHLHVNHcvcPcZ7p7r\n7n8idAi/uIzD5xM6Byfako3/yspYVbwfG51L9jwbfYG2wBQzW2dm6wh9Pi42s7VRjXeybH4+qnM/\nSsiy56MEd19G+CVU1mfL5mdjI5W4H8nHZ9uzMY+QqCaaBnQp55yynpHl7r42hbGlQ3XuR2kmUYVn\npM4kdlFSdzRwgLvPqsb59YAdCf9Q2ageUFa194fAQUnb+lN+H7RMV979KCHLno03gV8Tmh57R8sn\nhL8ue3vUuzdJNj8f1bkfJWTZ81GCmTUDulP2Z8vmZ2Mjlbgfycdn27PxPtAzaVtPQi1mWUp7RgaQ\nHc9Ide5HaXamKs9IukeN1NDIlHsJw4v3IfxlULxslnDMSOCmhPVrCD+AtgF2IYzSWQn0SvfnScH9\nuJEwJL8r4YfK3wnv2T0w2j8q6V70A9YCf4geyr8Aq4Ht0/1Z0nQ/svbZKOP+lBgFWsr/lax+Pqpx\nP7L2+QD+Aewb/V/ZE3iDUPvWOtpf1352VPV+ZO2zEX2+XQn9lK8iJLhDgBXAyQnH3ASMTFjfGsgj\njI7tCZwfPTMHp/vzpOl+XEzog9kd2IHQFWQdoaWxUuXWlT525xHa6t9O2n4G4T8eQGfCEONirYD/\nEDp2LgWmAP288n3QarN2hM/dgTCn0ufAAN8w4q8TIbEBwN0/NLPBhAToRmA6cLSXP/gkk1TpfpDd\nz0ZpkmulSvxfqQPPR7Jy7wfZ/Xx0IsxL1xpYCEwE9nD3xQn769LPjirdD7L72cDdPzGzYwnTfFwD\nzAQudvcnEg7rQPg/U3zOD2Z2BHA7cBEwG/ituyePlM041bkfQEPgNqAjkE/4fXSQu79b2XItyhBF\nREREJMPVmT52IiIiItlOiZ2IiIhIllBiJyIiIpIllNiJiIiIZAkldiIiIiJZQomdiIiISJZQYici\nIiKSJZTYiYiIiGQJJXYiIiIiWUKJnYhIipnZOWY2y8wKzOyidMcjInWHXikmIpVmZo8ALdx9ULpj\nqa3MrDmwCLgEGAcsd/fV6Y1KROqK+ukOQEQky3Ql/Gx92d1/Lu0AM6vv7gWl7RMR2RRqihWRlDGz\nzmb2vJmtMLNlZvakmW2ZdMyfzWxBtP8BM/u7mX1azjX3M7MiMxtgZrlmlm9mb5pZWzM7zMy+iq71\nuJltlnCemdlVZjYjOudTMzsuYX89M3swYf/Xyc2mZvaImVozPiUAACAASURBVD1rZpea2VwzW2Rm\n/zaznDJiPQ34PFqdaWaFZtbFzK6Lyv+tmc0AVlcmxuiYw83sm2j/f83stOh+bB7tvy75/pnZxWY2\nM2nbWdG9WhV9/V3Cvq7RNY81swlmttLMpprZHknX2MvM3or2LzGzV8yshZmdGt2bBknHP29mI0r/\nlxWROCixE5FUeh5oCewDHAx0B54o3mlmQ4GrgT8CfYFZwO+AyvQJuQ44H+gHdAHGAhcBJwOHAwOA\nCxOOvxo4BTgH2B64A3jUzPaJ9tcDfgKOB34F/BW40cyOTyr3AKAbsD8wDDg9WkrzRPS5AXYFOgCz\no/VtgUHAscDOlYnRzDoTmnOfB3oDDwI3s/H9Ku3+rd8W3fe/AFcBvaJyrzezU5POuQG4NSrrW2C0\nmdWLrrEz8CbwJbAHsBfwApADPEW4nwMTymwLHAo8XEpsIhIXd9eiRYuWSi3AI8AzZezrD6wFOiZs\n+xVQBPSN1j8E/pV03ntAbjll7gcUAvsnbLsi2tY1Ydt9hOZPgIZAHvCbpGs9ADxWTll3A2OTPu8M\nov7I0bYngdHlXKN3FFuXhG3XEWrptkjYVmGMwE3AF0n7/x5df/OEa+cmHXMxMCNhfTpwUtIxfwLe\nj77vGv07nZ70b1cI9IjWHwfeLedz3wO8mLD+B2B6up9ZLVrq2qI+diKSKr2An9x9bvEGd59mZr8Q\nkoQpQE9CApBoEqFWrCJfJHy/AMh39x+Ttu0Wfb8t0AR4w8ws4ZgGwPpmSzP7PXAGoQawMSHZSm4W\n/p+7J9aIzQN2rES8yX509yUJ6+XFmBt93wv4OOk6H1alUDNrQqg5fcjMHkzYlQP8knR44j2eBxiw\nJaH2bmdCLWlZHgAmmVkHd58HnEZIjEWkBimxE5FUMUpvEkzennyMUTnrkq6xLmm/s6F7SbPo6+HA\n3KTj1gCY2cnAP4DhwEfACuByYPdyyk0upypWJq1XGCNl39NERWx8DxP7uhWXcxYhiU5UmLSefI9h\nw2ddVV4Q7j7VzD4HhpnZG4Sm5ZHlnSMiqafETkRS5Sugi5lt5e5zAMxse6BFtA/gG0Li9HjCebvG\nFMsaQlPtxDKO2ZPQFHl/8QYz6x5DLGWpTIxfAUclbeuXtL4QaJ+0bZfib9z9ZzObA3R39ycoW0UJ\n5OfAQYS+iGV5kJAodwLeLH4ORKTmKLETkapqaWa9k7Ytdvc3zewL4HEzG06oNboHeMvdi5s37wYe\nMLMpwAeEgQ87Ad9XUGZla/UAcPc8M/sncEc0gnUiIcHcC1jm7o8S+p2damYDgJnAqYSm3BlVKau6\n8VYyxv8D/mBmtxKSpl0JTZyJ3gb+bWaXA08DhxEGLSxLOOYvwL/MbDnwKtAoulZLd7+zkjH/Hfjc\nzO6J4lpHGFAyNqGJ+XHgn4TaweSBGSJSAzQqVkSqaj9CH7DE5dpo39HAUuAd4HXgO0LyBoC7jyYM\nCPgHoc9dV2AE0fQf5ajyTOrufg1wPXAloebrFUKzZ/E0IPcDzxBGsn4EbMHG/f+qq1LxVhSju/8E\nHEe4r1MJo2evSrrG14TRwudHx+xKuL+JxzxESLbOINS8vU1IEBOnRCl3ZK27TyeMPN6J0O/vfcIo\n2IKEY1YQRvHmEUbyikgN05snRCStzOx1YJ67J9dESSnMbD9gAtDK3ZenO55kZvYmYSTv8HTHIlIX\nqSlWRGqMmTUGzgNeI3T6H0zot3VweefJRqrUNF0TzKwlYXTzfoS5CUUkDZTYiUhNckJT458I/by+\nAQa5+1tpjSrz1Mamlk8Jk1NfHjXbikgaqClWREREJEto8ISIiIhIllBiJyIiIpIllNiJiIiIZAkl\ndiIiIiJZQomdiIiISJZQYiciIiKSJZTYiUidZWbnmVmRmW2Z7ljKY2Y3m9mqdMchIrWfEjsRiV2U\nPFW0FJrZvlW4ZnMzu87M9tyE0JwqTvZrZndF8T6yCeVWVZXjFJG6SW+eEJGacErS+mmE14idQsnX\nY02rwjU3B64DVgEfbFJ0lWRm9YATgZnAsWZ2nruvqYmyRUQqQ4mdiMTO3UcnrptZP+Bgdx+zCZdN\nx/tSDwHaAicAbwEDgafSEIeISKnUFCsitY6ZtTOzEWb2s5mtMrNPzWxwwv6ewCxC8+TNCc25l0f7\ndzGzUWY2Izp/rpndb2YtNjG0oUCuu78HvBOtJ8d+SBTLQDP7i5nNMbN8M3vNzLomHXuAmT1tZrPM\nbLWZ/WBmt5hZw4oCMbP6ZnZ99BnXRF//Ymb1k47LMbMbo3uQZ2avm9l2ZjbfzO6NjukVxXxuKeUc\nGO07uor3SkTSQDV2IlKrmFlTYCKwFXAXMBs4CXjczJq5+wPAXOBC4G7gCeDF6PRPo6+HRec/CCwA\nfg2cC/QE9q9mXI2Bo4Fro01jgH+bWSt3X1rKKdcBa4CbgdbA5cAI4ICEY04i/Bz+N7AU2AO4FGhP\naK4uz6OEZuExwPvAXlFs21Ey4bydcK/GAf8F+gKvAQ2KD3D3r81sSnTe/UnlDAWWAC9VEI+I1Abu\nrkWLFi01uhASssIy9l0BFALHJGyrD3wCLAY2i7ZtBRQBl5dyjUalbDstum7fhG3nRtu2rETMQ4EC\nYKtovRUhcTsn6bhDorhygZyE7X+MyupWQZzXAeuAtgnb/g7kJ6zvHpVxZ9K5d0Vl/CZa7xTF/FjS\ncTdF59+bsO3C6NiuifEREs570v3MaNGipXKLmmJFpLY5DPjR3Z8r3uDuBYRksCVQ4ShYTxjQYGab\nmVlr4GNCv7w+1YxrCPC+u8+JylgKvE4pzbGRB929MGH9vehrtzLibBLF+QGhm8zO5cRyOKEZ+o6k\n7bcRPuMR0fqAaP2+pOPuLuWaYwhJ4ZCEbUcRBqk8Vk4sIlKLKLETkdqmK/BtKdunEZKUrqXsK8HM\n2pjZv81sAZAPLAS+IiRDVe5nZ2Ztgf7Au2bWvXghagI1s86lnPZT0vrSKP5WCdfd2sweM7MlQF4U\n52vR7vLi7AqsdfcfEzdG66vYcI+6RF+/SzpuHuG+JG5bBLxKyUR1KDDT3T8sJxYRqUXUx05EaptU\njHZ9jtCv7lbgC2AlsBnwAtX7g/Zkws/Lq4E/Je1zQi3XLUnbCymdQRj8AEyI4rqBkMzmA1sDD1QQ\np7Hp89qVdp9HAWPNbGfgB0Lt6c2bWI6I1CAldiJS2/wA9Chl+68IyUxxLVWpiY2ZtSM01/7R3W9L\n2L7jJsQ0hNBn7qZS9l1EqNlKTuwq0peQxJ3g7uOKN5rZkVSc3P4ANDKzrom1dmbWBWgc7YcN92pb\nwiCS4uM6RMclewFYRvg83xIGWDxe2Q8kIumnplgRqW1eBromTq8R1W5dAPxCaP6EUAsHod9douKa\nsuSfb8OpRi1X1OT6G2C0uz+TvAAjgR3M7NcJp1WmnI3iNDMDLq7E+S8Tkr9LkrZfGp37crT+RrR+\nftJxF5V2UXdfC4wlJLLDgMnuPr2CWESkFlGNnYjUNvcAZwGjzezfhL5qJxMGPax/04O7LzOzGcAp\nZvYjIen7zMPUHZOAP0dTpywgNCl2onrNvKcQkqMXytj/YrR/KHBltK0y5XxBmIvvbjPrRkhUTwSa\nVXSiu08ysyeAi6L+f8XTnQwBxrj7x9Fxs83sPuB8M9sMeJNQU7g/4X6VlkCOAs4hTLlSagIoIrWX\nauxEJF1KrZVy95XAPoSaozOAfwBNgKEe5rBLdDrwM3AnMJrwJgiA4wn91y4i9F9bFu2rzjtXhwDf\nllVz5e4LgUmE5HP95jKutX57lKAeAXxJ6Lf3Z+AzQlJb7rmRYcDfCM3Od0Rf/xptT3QxoZ/cnoQ+\nh1sRRsvWB1aX8nk+IAy2KACeLCMWEamlzF3vlRYRqUuifojz4P/Zu+/wqqq07+PfO6FDKBKQ0IOA\ngAIDQUQdgYBiG3tlZACFR6yPDyqgvhacUWcExNFRRqzYBsWCZbACQRGlJYIFFEEQEEQQpZeQrPeP\nnYScFEg5++yck9/nus5lztp7r3XngOTOqtzsnCu4ZQpmtgxY5Zw7O+LBiUi5RFWPnZldZ2arc44I\nmm9mxx3m/npm9ljOUTp7zOxbMzs9UvGKiATNzKoXUZw733BOEff/EeiAN3dQRKJM1MyxM7NL8Tbf\nvApv2GMk8IGZtc/Zf6ng/VXx5pP8DFyAdwRRK7x5JSIilcUQM7sYb4+63XhHml0EvOmcyz2CjZzF\nHyl4R5+tAaZHPlQRKa+oGYo1s/nAAufcjTnvDW9S9SPOuXFF3H813gqxDgV2fxcRqTTMrCfeNi1d\n8E6R2Ig3d26sc25vvvv+DtyCtxH0/+QuwBCR6BIViV1O79tu4ELn3Nv5yqcA9Zxz5xfxzAy8cyX3\n4B3cvRlvcvUDzrnsSMQtIiIiEknRMhSbCMSTb4PNHJuAo4t5pg3QD++MwzOAdsCknHruLXhzzhmN\np+ENQRRaKSYiIiISZjXwNir/wDn3azgqjJbErjiHOlYnDi/xu8p53ZJfmFkzvKGGQokdXlKnHdZF\nREQk0i7HG1Ust2hJ7Lbg7dJ+ZIHyxhTuxcu1Ee+Q7PyJ33KgiZlVcc4dKHD/GoAXX3yRjh07lj/i\nGDBy5EgeeqjQTgiVlj6PUPo8QunzOEifRSh9HqH0eRy0fPlyBg0aBAePASy3qEjsnHOZZpYO9Afe\nhrzFE/2BR4p5bB4wsEDZ0cDGIpI6yBl+7dixI927dw9L3NGuXr16+izy0ecRSp9HKH0eB+mzCKXP\nI5Q+jyKFbQpYNO1jNxG4yswGm1kH4HG83einAJjZ82aW/4DufwMNzexhM2tnZmcBtwGPRjhuERER\nkYiIih47AOfcNDNLBP6KNyS7BDgt5zgf8M6BPJDv/vVmNgDvqJ2lwE85XxfaGkVEREQkFkRNYgfg\nnJuEt7K1qGv9iihbgHc+ooiIiEjMi6rETiJr4MCCUxQrN30eofR5hNLncZA+i1CH+jzWrl3Lli2F\nDk+Kab169SIjIyPoMCIqMTGRli1bRqStqNigOBLMrDuQnp6erkmdIiLiu7Vr19KxY0d2794ddCji\ns1q1arF8+fJCyV1GRgYpKSkAKc65sGS76rETEREJwJYtW9i9e7e22YpxuVuabNmyJSK9dkrsRERE\nAqRttiScomm7ExERERE5BCV2IiIiIjFCiZ2IiIhIjFBiJyIiIlElNTWVm266KegwKiQldiIiIlJi\nkydPpm7dumRnZ+eV7dq1i6pVq9K/f/+Qe9PS0oiLi2PNmjW+xXPgwAHGjBlDly5dqFOnDs2aNWPI\nkCFs3LgRgF9++YVq1aoxbdq0Ip8fNmwYPXr08C2+SFNiJyIiIiWWmprKrl27WLx4cV7Z3LlzSUpK\nYv78+ezfvz+v/OOPP6ZVq1a0bt261O0cOHDg8DcBu3fvZsmSJdx999188cUXTJ8+ne+++45zzz0X\ngMaNG3PWWWfxzDPPFPnsa6+9xvDhw0sdX0WlxE5ERERKrH379iQlJTFnzpy8sjlz5nDeeeeRnJzM\n/PnzQ8pTU1MBWLduHeeeey4JCQnUq1ePSy+9lF9++SXv3nvuuYdu3brx9NNP06ZNG2rUqAF4ydfg\nwYNJSEigWbNmTJw4MSSeunXr8sEHH3DhhRfSrl07evbsyaOPPkp6ejrr168HvF65WbNm5b3PNW3a\nNA4cOBByOsjkyZPp2LEjNWvW5JhjjuGJJ54IeWbdunVceumlNGzYkDp16nD88ceTnp5ejk80vLSP\nnYiISEW2ezd8+2146+zQAWrVKvPjffv2JS0tjdGjRwPekOuYMWPIysoiLS2N3r17s2/fPhYsWJDX\nG5ab1M2dO5fMzEyuueYaLrvsMmbPnp1X78qVK3njjTeYPn068fHxANxyyy3MnTuXd955h0aNGnHb\nbbeRnp5Ot27dio3v999/x8yoX78+AGeeeSaNGzdmypQp3HHHHXn3TZkyhQsuuIB69eoB8Nxzz3Hf\nfffx6KOP0rVrVzIyMhg+fDgJCQkMHDiQnTt30rt3b9q0acOMGTNo3Lgx6enpIcPSgXPO6eUdq9Yd\ncOnp6U5ERMRv6enprkQ/d9LTnYPwvsr5s+7JJ590CQkJLisry23fvt1Vq1bNbd682U2dOtX17dvX\nOefcrFmzXFxcnFu3bp378MMPXdWqVd1PP/2UV8eyZcucmbnFixc755wbO3asq169uvv111/z7tm5\nc6erXr26e/311/PKtm7d6mrVquVGjhxZZGx79+51KSkp7i9/+UtI+a233uqOOuqovPcrV650cXFx\nbs6cOXllrVu3dq+99lrIc2PHjnV9+vRxzjn32GOPuQYNGrjt27eX+LM61J9z7jWguwtTPqMeOxER\nkYqsQwcI91Bfhw7lejx3nt2iRYvYunUr7du3JzExkT59+nDllVeyf/9+5syZw1FHHUXz5s2ZPn06\nLVq0oGnTpnl1dOzYkfr167N8+fLc81Jp1aoVRxxxRN49q1atIjMzk549e+aVNWjQgKOPPrrIuA4c\nOMDFF1+MmTFp0qSQa8OGDeOBBx5gzpw59O3bl2effZbk5GT69OkDwI4dO/jxxx8ZMmQIQ4cOzXsu\nKyuLxMREAJYuXUpKSgoJCQnl+vz8pMRORESkIqtVCyrYkWNHHXUUzZo1Iy0tja1bt+YlR0lJSbRo\n0YJ58+aFzK9zzmFmheopWF67du1C14Einy0oN6lbt24ds2fPpk6dOiHX27Zty8knn8yzzz5Lnz59\neOGFFxgxYkTe9R07dgDe8GzBI95yh4Vr1qx52DiCpsUTIiIiUmqpqamkpaXl9YDl6t27N++99x4L\nFy7MS+w6derE2rVr+emnn/LuW7ZsGdu2baNTp07FttG2bVuqVKkSsiDjt99+Y8WKFSH35SZ1P/zw\nA7NmzaJBgwZF1jds2DBef/11Xn/9dTZs2MCQIUPyrjVt2pQjjzySVatW0aZNm5BXq1atAOjSpQsZ\nGRls37695B9UhCmxExERkVJLTU3l008/ZenSpXk9duAldpMnTyYzMzMv4TvllFPo3Lkzl19+OV98\n8QULFy5kyJAhpKamHnIRRO3atRk2bBijRo0iLS2Nr7/+miuuuCKvBw28odILL7yQjIwMXnzxRTIz\nM9m0aRObNm0iMzMzpL6LL76YKlWqMGLECAYMGECzZs1Cro8dO5b77ruPxx57jO+//56vvvqKZ555\nhkceeQSAQYMG0bBhQ84//3w+//xzVq9ezeuvvx6y9UvQlNiJiIhIqaWmprJ3717atWtHo0aN8sr7\n9OnDzp076dChA02aNMkrf+utt2jQoAF9+vRhwIABtG3blpdffvmw7YwfP56TTz6Zc845hwEDBnDy\nySfnzckDWL9+Pf/9739Zv349f/jDH2jatClJSUk0bdqUzz//PKSumjVrctlll/H7778zbNiwQm2N\nGDGCf//73zz99NN06dKFfv368eKLL5KcnAxAtWrVmDlzJg0aNOCMM86gS5cujB8/PiTRDJrljl9X\ndmbWHUhPT08vNLYuIiISbhkZGaSkpKCfO7HtUH/OudeAFOdcRjjaU4+diIiISIxQYiciIiISI5TY\niYiIiMQIJXYiIiIiMUKJnYiIiEiMUGInIiIiEiOU2ImIiIjECCV2IhJR778PEyZAdjZs3gzLlwcd\nkb8+/BAKbH4vIuIbJXYiElFLl8Ls2WAGgwfD1VcHHZF/fvwRzjgDpk0LOhIpyu7dUODIUZGop8RO\nRCJqzBh45x0vsfvXv+DVV4OOyD+tWnmJ7KWXBh2JFOWmm+Css+DAgaAjkdJKTU3lpptuCqTt5OTk\nvLNjKyIldiIScbnHKrZtC40bBxuL3449FqpUgd9/h2uvhY0bg46o8tq+HfKfonnPPfDyy96fj5Tc\n5MmTqVu3LtnZ2Xllu3btomrVqvTv3z/k3rS0NOLi4lizZo2vMfXt25e4uDji4uKoWbMmRx99NP/4\nxz98bbOiUmInIhIBWVneEPQ33wQdSeW0fTt07QqTJh0sO/JIyHeWvJRQamoqu3btYvHixXllc+fO\nJSkpifnz57N///688o8//phWrVrRunXrUrdzoBRdqWbGVVddxaZNm1ixYgW33XYbd911F5MnTy51\nu9FOiZ2I+O7bbyE1FdavL/6eN96A556LXEx+SkuDJUtCyxo29JK6U04JJqbKrm5dGDUK/vSn4u8p\n2KMnRWvfvj1JSUnMmTMnr2zOnDmcd955JCcnM3/+/JDy1NRUANatW8e5555LQkIC9erV49JLL+WX\nX37Ju/eee+6hW7duPP3007Rp04YaNWoAsHv3bgYPHkxCQgLNmjVj4sSJRcZVq1YtGjVqRIsWLRg6\ndChdunTho48+yruenZ3N8OHDadOmDbVq1aJDhw6FhlSvuOIKzj//fB588EGaNm1KYmIi119/PVlZ\nWcV+Hk899RQNGjQgLS2t5B+ij9QBLSK+27kTEhIgMbH4ez76yLtvyJDIxeWXceOgWjV4663Q8twh\naAnGtdcWf23XLujRA0aMgJtvjlxMJbVxx0Y27ix+HL9GlRp0atTpkHUs27yMvQf2klQniaSEpHLF\n07dvX9LS0hg9ejTgDbmOGTOGrKws0tLS6N27N/v27WPBggUMHz4cIC+pmzt3LpmZmVxzzTVcdtll\nzJ49O6/elStX8sYbbzB9+nTic/6HueWWW5g7dy7vvPMOjRo14rbbbiM9PZ1u3boVG9/cuXP59ttv\nad++fV5ZdnY2LVq04LXXXqNhw4Z89tlnXHXVVTRt2pSLLroo7760tDSaNm3KnDlzWLlyJZdccgnd\nunVj2LBhhdoZN24cEyZM4KOPPqJHjx7l+kzDxjmnl/crWnfApaenOxGJvP37ncvODjqK8Ni/37nN\nmw99z44dsfP9VkTTpzt3wQXOZWWV/JlJk5xbtcq/mApKT093Jf25c3fa3Y6xFPvq9Finw9bR6bFO\njrG4u9PuLnfsTz75pEtISHBZWVlu+/btrlq1am7z5s1u6tSprm/fvs4552bNmuXi4uLcunXr3Icf\nfuiqVq3qfvrpp7w6li1b5szMLV682Dnn3NixY1316tXdr7/+mnfPzp07XfXq1d3rr7+eV7Z161ZX\nq1YtN3LkyLyyvn37umrVqrk6deq4atWqOTNztWrVcvPnzz/k93H99de7iy++OO/90KFDXXJyssvO\n9z/nJZdc4gYOHJj3vnXr1u7hhx92Y8aMcc2aNXPLli07ZBuH+nPOvQZ0d2HKZ9RjJyIVQtWqQUcQ\nPlWrHrp3cvNm6NbN69n7858jF1dlUrcu1KgBe/dCrVole+aaa/yNqTxGpIzgnKPPKfZ6jSo1DlvH\nqxe/mtdjV1658+wWLVrE1q1bad++PYmJifTp04crr7yS/fv3M2fOHI466iiaN2/O9OnTadGiBU2b\nNs2ro2PHjtSvX5/ly5eTkjPZsVWrVhxxxBF596xatYrMzEx69uyZV9agQQOOPvroQjENGjSIO+64\ng61bt3L33Xdz4okncvzxx4fc89hjj/Hss8+ydu1a9uzZw/79+wv1/B1zzDGYWd77pKQkvv7665B7\nJkyYwO7du1m8eHGZ5g/6SYmdiPhm/35vSLIsDhyI3dWKjRrBjTfCH/8YdCSxq18/71Ueznnb8lQE\nSQnlHz493FBtaRx11FE0a9aMtLQ0tm7dSp8+fQAvCWrRogXz5s0LmV/nnAtJlnIVLK9du3ah60CR\nzxZUr149kpOTSU5O5pVXXqFt27b06tWLfjl/EV5++WVGjRrFQw89RK9evUhISGDcuHEsXLgwpJ6q\nBX7LNLOQFcAAvXv3ZsaMGbzyyiuMGTPmsLFFkhZPiIgvtm2Ddu28RRGldf31cMUV4Y/JT5s2wf33\ne5velsSoUdCypb8xVRZZWV7vZzh31Fi8GE48EfLN7ZcCUlNTSUtLY86cOfTt2zevvHfv3rz33nss\nXLgwL7Hr1KkTa9eu5aeffsq7b9myZWzbto1OnYpPONu2bUuVKlVCFmT89ttvrDjMztK1a9fmxhtv\n5OZ8EyY/++wzTjrpJEaMGEHXrl1p06YNq1atKu23DUDPnj15//33uf/++5kwYUKZ6vCLEjsR8UWV\nKt5CiAIjISVy8slw6qnhj8lP8+bBI494Q38SWTt3wuOPw6xZ4aszMRGaNYM4/ZQsVmpqKp9++ilL\nly7N67EDL7GbPHkymZmZeQnfKaecQufOnbn88sv54osvWLhwIUOGDCE1NfWQiyBq167NsGHDGDVq\nFGlpaXz99ddcccUVeQsrDmXEiBGsWLGCN3J+u2zXrh2LFy/mww8/5Pvvv+euu+5i0aJFZf7+jz/+\neN577z3+9re/8c9//rPM9YRbjA50iEjQateGv/61bM9G40kNF1wAp59e8vlc+X30EXTp4u2rJqVX\nrx589ZX3dy5cWreG114LX32xKDU1lb1799KxY0caNWqUV96nTx927txJhw4daNKkSV75W2+9xQ03\n3ECfPn2Ii4vjjDPOKNEJDuPHj2fXrl2cc845JCQkcPPNN7N9+/aQe4oaqm3QoAGDBw9m7NixXHDB\nBYwYMYIlS5Zw2WWXYWYMHDiQ6667jvfee69U33f+tk488UT++9//ctZZZ1GlShWuv/76UtXlB8sd\nv67szKw7kJ6enk737t2DDkdEKoldu6BNG2/4+c47g44mOuza5e0TeNJJQUdSPhkZGaSkpKCfO7Ht\nUH/OudeAFOdcRjjaUyeziITVhg3enKdw+e03b4PjWFW7Nnz+OdxxR9CRRI/77vN6SPfsiVybb73l\nDfeKVHRK7EQkbJyDc8+FK68MX52DB0MR+4JWCM7ByJGQb153mbRpU3FWX0aD22+HTz6BmjUj1+Yn\nn3gnimiQSyo6zbETkbAx887iDOcJCxMnhnfuVDht3+4tmshZ+Cc++fVXOOKIg8lvnTpQxDZmvho3\nzmtfCbhUdOqxE5GwOu44COd0oXbtIN+ephVKvXqwdL7ArwAAIABJREFUYAGcfXZ46jtwAK6+GqZN\nC099sWDLFujYEZ5+Otg44uO1Qlaig/6aioiUQzh7capUgX37Ijt3rKJLTIR77/WG+CuSl16C338P\nOgqRwjQUKyLltmGD90PuEPuMhsWMGd6w3ODB/rYTpGefDTqC4BU88eGqq4KLpSibN8MNN8COHV4P\nq0hFElU9dmZ2nZmtNrM9ZjbfzI47xL1DzCzbzLJy/pttZiXcE15ESmPCBBgwADIz/W1nxgz473/9\nbaMkHn8cbrlFE+n98Nxz3orXAic4VSiNGnn75impk4ooanrszOxS4EHgKmAhMBL4wMzaO+e2FPPY\nNqA9kPu7n/4ZFvHB3/8OQ4dCgSMWw+6f//S/jZI4cMDb0sXvifQ7d3rn7eY7Ez3mNWkCzZt7n3FZ\nzxmOhGbNgo5ApGhRk9jhJXKTnXPPA5jZ1cBZwJXAuGKecc65zRGKT6TSql7dOznBbxXlB30kNpd3\nzjvE/uij4YUX/G8vKAWHXU87zXtFk+xsb8Nk7TEsFUFUDMWaWVUgBcg7CdB5R2bMBE44xKN1zGyN\nma01szfNzOcZQCISSeHcCLmiMfN6QseODToS/yxZAsccA/nOhY9KTz8NJ54Y/d+HxIaoSOyARCAe\n2FSgfBPQpPDtAHyH15t3DnA53vf6mZmpA10kDPbuhX/9y1vFGYSbb/aGfyMp0nPq+veHo46KbJuR\n1KYN9OzpDTdHs6FD4f33K9fw7BVXXEFcXBzx8fHExcXlff3DDz+Uq96srCzi4uJ4991388pOPvnk\nvDaKeg0YMKC83w4AM2bMIC4ujuyKPMGzBKJpKLYoRjHz5pxz84G8/eDN7HNgOd4cvbuLq3DkyJHU\nq1cvpGzgwIEMHDgwHPGKxIxPPoExY7xhs/btI9/+ccd5c9AKDuX55fvvvUn9r74KHTr4316s+e03\neOYZuPFGb1sXgLp1YcqUQMMKi6pVoW/foKOIvDPOOIMpU6aQ/8z5Ro0alavOos6vf+edd9ifk/2v\nXr2aE088kY8//pj2Of/wVK9evVxt5m/bzIqMIRzef/99xhbogt+2bVv4G3LOVfgXUBXIBM4pUD4F\nmF6KeqYBLxVzrTvg0tPTnYiUzObNQUcQOd9959ygQc7t3h1M+3PmODdjRjBth8MXXzhXs6ZzCxcG\nHYn/9u51bteuw9+Xnp7uovXnztChQ935559f5LUZM2a4k046ydWvX981bNjQnX322e6HH37Iu75v\n3z539dVXu6SkJFejRg2XnJzsxo8f75xzrnnz5i4uLs6ZmTMz165du5C6V65c6czMffPNN4Xa3bx5\nsxs8eLBr2LChq1+/vhswYIBbvny5c865rKwsd+KJJ7oLL7ww7/6ff/7ZNW7c2E2YMMF9/fXXzszy\n2o6Li3M33HBDuT8n5w7955x7DejuwpQzRcVQrHMuE0gH+ueWmZnlvP+sJHWYWRxwLLDRjxhFKqPE\nxKAjiJz27b1FDJE8nzS/f/0r+NMXSmNzgWVrf/gDbNzo9bTGuosuCu95yeB9dl99Vbh8yRLYVGCS\n0pYtkJFR+N5ly2D9+vDGVZQ9e/YwatQoMjIymDVrFs45LrzwwrzrEydO5IMPPuD1119nxYoVvPDC\nC7Rs2RKARYsW4ZzjpZde4ueff2Z+KQ5iPvfcc9m/fz+zZ89m4cKFtGvXjlNPPZVdu3YRFxfHiy++\nyEcffcSzOZtFXnnllXTu3Jmbb76ZDh068ELOKqUNGzawceNG/v73v4fxU4mcaBqKnQg8Z2bpHNzu\npBZerx1m9jyw3jl3e877O/GGYlcC9YHRQCvgqYhHLiK+2r4dfv45mCHhSHn22Yp7Zm5BH38Mp57q\nJR35N60uMMslZl17LSQkhLfOyZPhqacKJ2a9e3sLbG666WDZm2/C//xP4TmhF1/sTZ2YODE8Mb3z\nzjsk5PtGzzzzTF555ZWQJA7gySefpGnTpqxYsYL27duzbt062rdvzwkneGsfW7RokXdv7lBuvXr1\naNy4cYlj+eCDD1i9ejVz584lLufst0ceeYTp06fzzjvvcNlll5GcnMzDDz/MDTfcwPLly/n888/5\nKidbjo+Pp379+gA0btw4r45oFDWJnXNumpklAn8FjgSWAKe5g9uZNAcO5HukAfAE3uKK3/B6/E5w\nzn0buahFYotz3sa8l19esbZ2GDLE69H4/PPwz7fbt8/bziVo4U4U/HTCCfDww9CqVdCRBOOMM8Jf\n54gRUCBfAry5rklJoWXnnVf0/5+vvurNawyXfv368fjjj+fNSaud85vH999/z5133snChQvZsmVL\n3ty1tWvX0r59e6644goGDBhAhw4dOP300zn77LPp37//oZo6rKVLl/LLL78UmiO/d+9eVq1alfd+\n6NChTJ8+nQkTJvDSSy/RLAZXvERNYgfgnJsETCrmWr8C728CbirqXhEpm99+g5kzvf3VKpIHHoAa\nNcKf1GVnw0knwSWXwOjR4a27vLKzK8ah9N9+C3ff7S2MyO1RrFYNrrkm2LgqknAs8ElKKpzAgTfE\nXVBiYtHTJMJ95F/t2rVJTk4uVH7WWWfRvn17nnnmGZKSkti/fz9du3bNWwDRo0cPfvzxR9577z1m\nzpzJhRdeyBlnnMHUqVPLHMvOnTtp27Yt7733XqHFD0fk2+F7+/btfPnll1SpUoUVK1aUub2KrAL8\nsyAi0eKII7y5O2eeGXQkodq3h5wpOnn+9Cf497/LV69zMGyYN9xVkYwdC4MGBR2Fp3p1WLkyMnO3\notGGDdCrFyxaFHQkkfHLL7+wcuVK7rzzTvr27cvRRx/Nr7/+ihXIbBMSErjkkkt44okn+M9//sMr\nr7zCzp07iY+PJz4+nqxDbFJZsC6A7t27s3btWmrXrk2bNm1CXrlDrADXXXcdDRs25M033+S+++5j\n4cKFedeq5eyAfqi2o4ESOxEplfj4yGwvUh7Z2dC5M+SbugN48/B27Ch5PfHxXs9Tr17hja+8OnXy\nFiFEel+9rCyvxza/5GRIT/dOyJDCGjTw9iLMP5T+9tuQklKxz8Mtq4YNG9KgQQMmT57MDz/8wKxZ\nsxg1alTIPQ8++CDTpk1jxYoVrFixgldffZXmzZtTp04dAFq2bMnMmTPZtGkTv//+e6E2CvbIAZx9\n9tkce+yxnHPOOcyePZs1a9bw6aefMmbMGJYvXw7AtGnTeOONN3jppZc488wzueaaa7j88svZvds7\nRr5169YAvP3222zZsiWvPNoosRORmBMX553a8Kc/hZaPHQvHHx9ISGF1ySUwcmTkE+wPP/QWRXz5\nZWTbjWY1a8J//hO692HTpt4Q/969wcXll/j4eF555RUWLFjAsccey6hRo5gwYULIPXXq1OH++++n\nR48eHH/88WzYsIEZM2bkXX/ooYd4//33admyJT179izURlE9dvHx8Xz00Ud0796dv/zlL3Ts2JHB\ngwezefNmEhMT2bBhA9deey3jx4/n6JzfQsaNG0eNGjW48cYbAWjXrh233nor1113HU2aNOHWW28N\n50cTMVZU5lsZmVl3ID09PZ3uFWlWuEgFMHq01/Nw221BR1I+a9bA2rWhQ6u//AKvvAKDBx9ctblr\nl5c01aoVSJgR5ZzXk1m7dujE+vR0b3Vr/tWW2dmwdCl06xb5OGNRRkYGKSkp6OdObDvUn3PuNSDF\nOVfEJjWlpx47ETmsOnW8V7Rr3brwfLlFi7wTNDIzD5Y98AB06RJaVlHt3g2fFdjNc88eeOIJKHi6\n01NPeb19BbVqBS++GFqWng4TJoQO98bFKakTqeiialWsiATjrruCjsA/Z53lbeiav3du6FDvcPqq\nVQMLq8RGj/a2vMg/PHrgAFx9NUyb5p3HmqtBA2jePPR5M3jnncIrJq+6ynuJSHRRYicilV7BIdc2\nbUIToops3DhYvDi0rE4dL7kruB3KhRcWvRfaaaf5F5+IRJaGYkWkSB984G3OKxVbrVqFh5fNKsYe\ndyISefpfX0QK2bQJLrggus4mFRERDcWKSBGOPBIWLgzdokFERCo+JXYiUqRjjgk6ApHKIXcDXYlN\nkf7zVWInIgDs3+9tmBrOQ8JFpHiJiYnUqlWLQRXlfDjxTa1atUgs6gBfHyixExHA28ttzhxvX7cq\n+pdBxHctW7Zk+fLlbNmyJehQxGeJiYm0LHigtU/0z7eIAN6+ZyedpKROJJJatmwZsR/44fDNN/DS\nS3DffRX/zOjKSqtiRQTwDnG/6KKgoxCRimzdOm/j619+CToSKY5+NxcREZESOe00+O47iI8POhIp\njnrsRCqpX3+Fvn3hiy+CjkREooWZkrqKTomdSCWVmQm1a0P9+kFHIiIi4aLETqSSatIEZsyA5OSg\nIxGRaLNrF/zjH7B2bdCRSEFK7ERERKRUnIOHH4b584OORArS4gmRSuSjjyA725sALSJSVnXqwOrV\nUKNG0JFIQUrsRCqRKVNgxw4YMEB7UIlI+Sipq5iU2IlUIs8/7x0bpqRORCQ2aY6dSCUSH++thBUR\nCZeZM72FWFIxKLETiXELFgQdgYjEssmT4bnngo5CcmkoViSGzZoFp5wCCxfCcccFHY2IxKJnn9VI\nQEWixE4khvXrB2lpSupExD916gQdgeSnoViRGGbmHRsmIiKVgxI7kRizZ4+3eaiISCRt2ABPPRV0\nFKLETiSGOAfnngv/939BRyIilc3s2XDLLbBlS9CRVG6aYycSQ8xg6FBISgo6EhGpbC69FM45B+rW\nDTqSyk2JnUiM+fOfg45ARCqjqlW9lwRLQ7EiIiIiMUKJnUiUW7HCGwL5/fegIxERgQMH4JVX4Lff\ngo6kclJiJ1IBbd4Mb74JmZmh5ZddBjfdFFr2+++wcmXkYhMROZStW725vjpmLBiaYycSIXv2wJo1\n0KGDt8gh13XXQceOcP31B8syMuD882H1amjd+mD5KadA/fqh9R53HKSn+xm5iEjJNW4Mq1ZB06ZB\nR1I5qcdOxAd//Su8/XZo2VtvQadOsGNHaHmtWlCjRmhZ797w88/QsmVo+fDhcNFFoWX5k0QRkYpA\nSV1w1GMn4oMFCyAhIbSsf3+YO7dwEjd+fOHna9b0XiIiIqWhxE7EB0XNLWnUyHuJiFQW330H27fr\nvOpIUmInEgYLF0K7dtCgQdCRiIhUHNdcA7VrwzvvBB1J5aHETqScsrJg0CDo2xeeeCLoaEREKo7n\nnvMWU0jkKLETKaf4ePjww8Jz6kREKrsWLYKOoPJRYicSBvm3JBEREQmKtjsRKaPs7KAjEBGJDrt3\nw8yZQUdROSixEymDtWuhc2dvI2ERETm0Z56BP/1Jx4xFghI7kTKoXh1SUjQEKyJSEkOHwrJl2jkg\nEqIqsTOz68xstZntMbP5ZlainXHM7DIzyzazN/yOUSqHI4+E55+HI44IOhIRkYqvTh1o0yboKCoH\nXxI7M5tiZr3DXOelwIPA3UA3YCnwgZklHua5VsB44JNwxiMiIiJS0fjVY9cA+MjMvjez282sWRjq\nHAlMds4975z7Frga2A1cWdwDZhYHvAjcBawOQwxSia1Zo002RUTKa8EC2Ls36Chily+JnXPuXKA5\n8G/gUmCNmb1nZheZWdXS1pfzTAowK18bDpgJnHCIR+8GfnHOPVvaNkUKevJJuPFG2Lcv6EhERKLT\nunVwwgnw2mtBRxK7fJtj55zb7Jyb6JzrChwPrAReADaY2UNm1q4U1SUC8cCmAuWbgCZFPWBmJwFX\nAMNLHbxIEe69F+bN8xZOiIhI6bVoAZ99Bn/+c9CRxC7fNyg2syTgVGAAkAW8C3QGlpnZaOfcQ+Wp\nHnBFtFkHL4n8H+dcqRZXjxw5knr16oWUDRw4kIEDB5YjTIkFZpCUFHQUIiLRrVevoCMIxtSpU5k6\ndWpI2bZt28LejnkjmmGu1Bs6PQevx2wA8CXwFPCSc25Hzj3nA8845w67+Dmnvt3Ahc65t/OVTwHq\nOefOL3B/VyADL5G0nOLc3sks4Gjn3OoCz3QH0tPT0+nevXvpvmGJWbt2eQdYi4iIhFtGRgYpKSkA\nKc65sOyM6tdQ7EbgSeBHoKdzrodz7vHcpC5HGvB7SSpzzmUC6UD/3DIzs5z3nxXxyHK8XsE/AF1z\nXm8Ds3O+Xlfab0gqn8xM6NMH7r476EhERGLP1q3www9BRxF7/BqKHQm86pwrdt2Lc+53ILkUdU4E\nnjOzdGBhThu1gCkAZvY8sN45d7tzbj+wLP/DZva716xbXppvRCqvKlXg2muha9egIxERiT1nneXt\nCfrmm0FHElv8Suzexku6QhI7MzsCOOCc217aCp1z03L2rPsrcCSwBDjNObc555bmwIFyRS2Sjxlc\nWexmOiIiUh6TJkGzcGyGJiH8SuxeBt4BJhUovwRv7t2ZZanUOTepiDpzr/U7zLNXlKVNERERCb9u\n3YKOIDb5NcfueLw5dAXNybkmUiHt3Qu33w7bS92nLCIiEjy/ErvqFN0bWBWo6VObIuX29dfw9NOw\nWueUiIhEhHPw3XdBRxE7/ErsFgJXFVF+Nd7qVpEKqUcP7+gwLZgQEYmMhx7y/u31YUu3SsmvOXZ3\nADNz9pPLPQasP3Ac3r52IhVWTfUpi4hEzKBBXmJXt27QkcQGv86KnYd3hus6vAUTZ+MdKdbFOTfX\njzZFymrPHtiyJegoREQqp8aNoXdvbycCKT/fjhRzzi0BLverfpFwufNOePtt+OYbqFo16GhERETK\nLhJnxdbEWzSRpyz72In4ZeRI74QJJXUiIsFav947kzs+PuhIopcvQ7FmVsvMHjWzX4CdwG8FXiIV\nRrNmcPbZQUchIlK5rV4Nycnw1ltBRxLd/FoVOx7oB1wD7AOGA3cDG4DBPrUpIiIiUSo5GZ5/Hk49\nNehIoptfid3ZwLXOudfxjvma65y7F7gdzbuTCmD0aPjww6CjEBGR/AYOhISEoKOIbn4ldkcAuVu8\nbs95D/Ap0NunNkVKZN8++Oor+OmnoCMREREJL78WT/wAtAZ+BL7F2/JkIV5P3u8+tSlSItWrw4wZ\nWlovIlJRZWbCjh1wxBGHv1dC+dVj9yyQu3f/P4DrzGwf8BDe/DuRQMXFKbETEamo+vXzdiyQ0vOl\nx84591C+r2eaWQcgBVjpnPvSjzZFDmfRIjjuuKCjEBGRw/l//w+aNg06iugU9h47M6tqZrPMrF1u\nmXPuR+fcG0rqJChpadCzJyxcGHQkIiJyOKefDl26BB1FdAp7YuecywT0xyEVSt++MHOml9yJiIjE\nKr/m2L0IDPOpbpFSM4P+/YOOQkRESmvbtqAjiC5+rYqtAlxpZqcCi4Fd+S86527yqV2RPD//DDVq\nQP36QUciIiJl8eijcP/98MMP3r/ncnh+JXbHAhk5X7cvcM351KZInv37oXt3GDIE/v73oKMREZGy\nOP10b8NinR1bcn6tik31o16RkqpWzTuaJiUl6EhERKSs2rb1XlJyfvXYiUTUvHmQlQW9851rcsop\nwcUjIiISBF8SOzNL4xBDrs65fn60K5XXPfd4O5T31oF1IiIxafduqFlTm8sfjl89dksKvK8K/AFv\n7t1zPrUpldjUqdCgQdBRiIiIH1at8rarevNNOPnkoKOp2PyaY1fkQSBmNhao40ebUnm88AJ89RWM\nG3ewrGHD4OIRERF/tWkDN90EyclBR1Lx+bWPXXFeBK6McJsSY3btgi1bIDs76EhERCQSzLxjxpo3\nDzqSii/Sid0JwN4ItylRbvfu0PdXXw3PPANxkf7bKyIiUsH5tXjijYJFQBLQA/ibH21KbHr6afjb\n3+Cbb6B27aCjERGRiiAzE6pWDTqKismvxRMFDwDJBr4D7nLOfehTmxKDUlNh+3b9DywiIp4//Qk6\ndIAJE4KOpGLya/HEFX7UK7HNOZg7N3TLkjZtYGSRS3FERKQyuuACaNYs6CgqLr+GYo8D4pxzCwqU\nHw9kOecW+9GuRLd33/V+E1u6FLp0CToaERGpiK7UEsxD8mv6+WNAiyLKm+VcEynkjDPgs8+U1ImI\niJSVX4ldJyCjiPIvcq5JJbdjB9x9N2zderAsLg5OOCG4mEREJLpo26vC/Ers9gFHFlGeBBzwqU2J\nIrt2weOPw4IFh79XRESkoGeegR49lNwV5Neq2A+Bv5vZuc65bQBmVh+4H/jIpzYlijRpAmvWeOf+\niYiIlFbnznDuubB/P9SoEXQ0FYdfPXa34M2x+9HM0swsDVgNNAFu9qlNqaB27YKzzoK33gotV1In\nIiJlddxx3pQeJXWh/Nru5Ccz6wJcDnQF9gDPAlOdc5l+tCkVV61a3tJ0/c8nIiLiL7+GYnHO7QKe\n8Kt+qbj27fOOAWvQwHtvBk/ob4KIiPjEOe9njfg0FGtmt5lZoZ1mzOxKMxvjR5tSMTgHffrAzRpw\nFxGRCFi1Co491jt6UvzrsRsB/LmI8m+Al4EHfGpXApD/NyUzuOsuSE4ONiYREakcWrSA449Xj10u\nvxK7JsDGIso34215IjHAOTjlFDjtNBg9+mD5mWcGF5OIiFQu1ap5W5+Ix69VseuAk4ooPwnY4FOb\n4qNdu+CNN7z5c7nMvNMiunYNLi4RERE5yK8euyeBf5pZVWB2Tll/YBzwoE9tio9WroQLL4RPPoGT\nTz5YfsstwcUkIiIiofxK7MYDDYFJQLWcsr3AA865v/vUpoTJs8/CrFnw4osHy7p0gR9+0Nw5ERGp\nmJyD4cOhY8fK3eng1z52DhhjZn8DOuLtY/e9c27foZ+USNu4EbKyoHnzg2V16kDdut4xLXE5g/Vm\nSupERKTiMvMWUjRqFHQkwfJtHzsA59xOYJGfbUjZOQcnnOAdyfLwwwfLL77Ye4mIiESTsWODjiB4\nfi2ewMyOM7NxZvaymb2R/1WOOq8zs9VmtsfM5pvZcYe493wzW2Rmv5nZTjP7wswGlbXtaLd6NQwZ\nAps3Hywzg2nTvO1JREREJPr5tUHxZcA8vGHY84GqQCegH7CtjHVeirfw4m6gG7AU+MDMEot55Ffg\nXqAX0BnvSLNnzezUsrQfTZwLTeDAO9ZryRJYvz60vGdPaNgwcrGJiIiIf/zqsbsdGOmcOxvYD9yI\nl+RNA9aWsc6RwGTn3PPOuW+Bq4HdQKETLgCcc584595yzn3nnFvtnHsE+BL4Yxnbjxp33OFt1ujc\nwbIjj4SlS6Fbt+DiEhERiYTXXoOLLgr9OVhZ+JXYHQXMyPl6P1A7Z0HFQ8BVpa0sZ9uUFGBWbllO\nfTOBE0pYR3+gPfBxaduvqJyDJ5+E2bNDyy+7DB59tHL+hRYREalTBxISYO/eoCOJPL8Su61AQs7X\nPwHH5nxdH6hVhvoSgXhgU4HyTXinXBTJzOqa2Q4z2w+8A9zgnJtd3P0VXVZWaLJm5m1NMmdO6H2d\nO3unP8T5NoNSRESk4jr9dO/nY82aQUcSeX6tip0LnAp8BbwKPGxm/XLKZh3qwVIy4FD9UjuArkAd\nvA2SHzKzH5xzn4Qxhoj48kvo1w8+/hiOOeZg+SefQBVf1zaLiIhItPArJbgeqJHz9X1AJnAi8Dre\ngobS2gJkAUcWKG9M4V68PDnDtT/kvP3SzDoBtwHFJnYjR46kXr16IWUDBw5k4MCBZQi7bFasgK+/\nhgsuOFjWvj1cc423v1x+SupEREQqvqlTpzJ16tSQsm3byrSe9JDMRclELDObDyxwzt2Y897wFmI8\n4pwbX8I6ngaSnXP9irjWHUhPT0+ne/fuYYy89O69FyZN8lawajhVRESkbH78Ea6/Hh5/HJo1Czqa\nwjIyMkhJSQFIcc5lhKPOaEobJgJXmdlgM+sAPI43X28KgJk9b2b3595sZrea2SlmlmxmHczsZmAQ\n8EIAsRfr0kvhn/8MLfvf//WO71JSJyIiUnZHHAHbt8PPPwcdSeREzUCec25azp51f8Ubkl0CnOac\ny92xrTlwIN8jtYHHcsr3AN8ClzvnXotc1AcdOACffeZtQ1K9+sHyDh2gadPQewsOt4qIiEjpJSR4\nc9Mrk6hJ7ACcc5OAScVc61fg/Z3AnZGIqyS+/hr69IGPPoJTTjlYfs89wcUkIiIisSWqErto1rUr\nLFoEAU/fExERkRjm6ywuM2trZqeZWc2c9+ZnexWZGfTooXlzIiIikeYc3Hkn/Oc/QUfiP7/Oim1o\nZjOBFcC7QFLOpafN7EE/2hQREREpipm3QrYyLKLwayj2IbyFDC2B5fnKX8Fb3XqzT+2KiIiIFPL8\n80FHEBl+JXYD8Fasri8w+vo90MqnNkVEREQqNb9mfNUGdhdRfgSwz6c2RURERCo1vxK7ucDgfO+d\nmcUBo4E0n9oUEREROaSZM+HWW4OOwj9+DcWOBmaZWQ+gGjAOOAavx+4kn9oUEREROaT162HhQti3\nL/TAgFjhS4+dc+5roD3wKfAW3tDsG0A359wqP9oUEREROZwhQ2D27NhM6sDHDYqdc9uA+/yqX0RE\nRKS0Yn1HXV8SOzPrUswlB+wF1jrntIhCREREJIz8WjyxBPgi57Uk3/slwLfANjN7zsxq+NS+iIiI\nSLE2boT//V/Yti3oSMLLr8TufLw9664CugJ/yPn6O+DPwDCgH3CvT+2LiIiIHNKbb8I33wQdRXj5\nNcfu/wE3Ouc+yFf2pZmtB/7mnOtpZruAB4FbfIpBREREpEhJSbB6NcTHBx1JePnVY9cZ+LGI8h9z\nroE3LJtUxD0iIiIivou1pA78S+y+BW41s2q5BWZWFbg15xpAM2CTT+2LiIiIVDp+DcVeB7wNrDez\nL/FWw3YB4oE/5dzTBpjkU/siIiIih+UcPPUUtGkD/fsHHU35+ZLYOec+M7PWwCC8jYoNeA34j3Nu\nR849L/jRtoiIiEhJmcFLL0Hv3krsDsk5txN43K/6RURERMLhww+hWrXD3xcNfEvsAMysE9AS77zY\nPM65t/1sV0RERKSkYiWpA/9OnmgDTMdbAets5YIvAAAgAElEQVTwhmLJ+Rq8uXYiIiIiEkZ+rYp9\nGFgNHAnsBo4BegOLgb4+tSkiIiJSZkuWwOTJQUdRPn4ldicAdznnNgPZQLZz7lPgNuARn9oUERER\nKbNZs+DhhyEzM+hIys6vxC4e2Jnz9Ragac7XPwJH+9SmiIiISJldfz189RVUrRp0JGXn1+KJr/H2\nrfsBWACMNrP9eOfF/uBTmyIiIiJlVr160BGUn1+J3b1A7Zyv7wL+C8wFfgUu9alNERERkUrNl6FY\n59wHzrk3cr5e6ZzrACQCjZ1zs/1oU0RERCQctm+Hf/4T9u0LOpLSC3tiZ2ZVzOyAmR2bv9w5t9U5\n54p7TkRERKQi2LgRbrsNFi0KOpLSC/tQrHPugJmtRXvViYiISBQ6+mgvuatfP+hISs+vVbH3Afeb\n2RE+1S8iIiLim2hM6sC/xRPXA22BDWb2I7Ar/0XnXHef2hURERGptPxK7N70qV4RERGRiHAOZs6E\nxo2ha9egoykZXxI759w9ftQrIiIiEinOwY03wumnw8SJQUdTMn712GFm9YGLgKOA8c65rWbWHdjk\nnPvJr3ZFREREwiEuDtLSvB67aOFLYmdmXYCZwDagNfAksBW4AGgJDPajXREREZFwOvLIoCMoHb9W\nxU4Epjjn2gF785W/C/T2qU0RERGRSs2vxO44YHIR5T8BTXxqU0RERMQXGzbAe+8FHcXh+ZXY7QPq\nFlHeHtjsU5siIiIivnjkERgxAg4cCDqSQ/MrsXsbuMvMqua8d2bWEngAeN2nNkVERER8MWYMfPUV\nVPFt2Wl4+JXY3QzUAX4BagIfAyuBHcD/86lNEREREV80aAD16gUdxeH5tY/dNuBUM/sj0AUvyctw\nzs30oz0RERER8W+7kxbOuXXOuU+BT/1oQ0RERCTSDhyAGTPg7LO9fe4qGr9CWmNmc8xseM5GxSIi\nIiJRLz0dzjsP5s0LOpKi+bndySLgbuBnM5tuZheaWXWf2hMRERHx3fHHw7JlcPLJQUdSNF8SO+dc\nhnNuFN4pE2cAW/BOn9hkZs/40aaIiIhIJHTsGHQExfN1dNh50pxz/wOcAqwGhvjZpoiIiEhl5Wti\nZ2YtzGy0mS3BG5rdBVxfjvquM7PVZrbHzOab2XGHuHe4mX1iZltzXh8d6n4RERGR0vjuO/jxx6Cj\nCOVLYmdmV5nZxxzsoZsGHOWc+6Nz7t9lrPNS4EG8eXvdgKXAB2aWWMwjfYD/AH2BXsA64EMzSypL\n+yIiIiK5srLglFNg4sSgIwnl1/7JdwIvAzc655aEqc6RwGTn3PMAZnY1cBZwJTCu4M3Oub/kf29m\nw4ELgf7Ai2GKSURERCqh+Hh4911o3z7oSEL5ldi1dM65oi6Y2bHOua9LU1nO0WQpwP25Zc45Z2Yz\ngRNKWE1toCqwtTRti4iIiBSlc+egIyjMr1WxIUmdmSXkDM8uxBtCLa1EIB7YVKB8E9CkhHU8APwE\n6PQLERERiUl+L57obWZTgI3ALcBsvPluYWsCKLJnsEActwKXAOc55/aHsX0RERGp5PbsgSXhmnhW\nTmEfis1ZnDAEGAbUxVs4UR0vqVpWxmq3AFnAkQXKG1O4F69gPLcAo4H+zrlvDtfQyJEjqVfglN+B\nAwcycODAUgUsIiIilcOYMTB9OqxZ4829K8rUqVOZOnVqSNm2bdvCHosVMxWubJWZvY23GnUG8BLw\nvnMuy8wyga7lSOwws/nAAufcjTnvDVgLPOKcG1/MM6OA24EBzrlFh6m/O5Cenp5O9+7dyxqmiIiI\nVDJr18L+/dC2bemey8jIICUlBSDFOZcRjljC3WN3JvAI8G/n3Pdhrnsi8JyZpQML8VbJ1gKmAJjZ\n88B659ztOe9HA38FBgJrzSy3t2+nc25XmGMTERGRSqply6AjOCjcc+xOBhKAxWa2wMyuN7NG4ajY\nOTcNuBkvWfsC6AKc5pzbnHNLc0IXUlyDtwr2NWBDvtfN4YhHREREpKIJa4+dc+5z4HMzuxG4DG+P\nuYl4CeSpZrbOObejHPVPAiYVc61fgffJZW1HREREpCy++irYbVD82u5kt3PuGefcH4HOeCdG3Ar8\nkjMPT0RERCSmzJ0LXbrAggXBxeDrdicAzrnvnHOj8YZKtbRUREREYtJJJ8GMGdCjR3Ax+HXyRCHO\nuSzgzZyXiIiISEyJi4Mzzww4hmCbFxEREZFwUWInIiIiEma//QZbAzidXomdiIiISBgdOOCtjB03\nLvJtR2yOnYiIiEhlUKUKPP00dOsWQNuRb1JEREQktp12WjDtaihWREREJEYosRMRERHxiXOwcWPk\n2lNiJyIiIuKT//s/6N8fsrMj057m2ImIiIj4ZNgwuOACMItMe0rsRERERHzSpUtk29NQrIiIiEiM\nUGInIiIiEgGROIlCiZ2IiIiIzz7+GJKS4Ntv/W1HiZ2IiIiIz3r1ggcfhGbN/G1HiydEREREfFa9\nOlx/vf/tqMdOREREJEaox05EREQkgg4c8F5+UI+diIiISIRkZsIxx8Cjj/pTv3rsRERERCKkalUY\nNQqOP95L8sJNPXYiIiIiETR8OHTu7E/dSuxEREREYoQSOxEREZEYocROREREJEYosRMRERGJEUrs\nRERERGKEEjsRERGRGKHETkRERCRGKLETERERiRFK7ERERERihBI7ERERkRihxE5EREQkRiixExER\nEYkRSuxEREREYoQSOxEREZEYocROREREJEYosRMRERGJEUrsRERERGKEEjsRERGRGKHETkRERCRG\nKLETERERiRFK7ERERERihBI7ERERkRihxE5EREQkRkRVYmdm15nZajPbY2bzzey4Q9zbycxey7k/\n28z+N5KxioiIiERa1CR2ZnYp8CBwN9ANWAp8YGaJxTxSC1gFjAE2RiRIERERkQBFTWIHjAQmO+ee\nd859C1wN7AauLOpm59xi59wY59w0YH8E4xQREREJRFQkdmZWFUgBZuWWOeccMBM4Iai4RERERCqS\nqEjsgEQgHthUoHwT0CTy4YiIiIhUPNGS2BXHABd0ECIiIiIVQZWgAyihLUAWcGSB8sYU7sUrl5Ej\nR1KvXr2QsoEDBzJw4MBwNiMiIiKVyNSpU5k6dWpI2bZt28LejnlT1So+M5sPLHDO3Zjz3oC1wCPO\nufGHeXY18JBz7pFD3NMdSE9PT6d79+5hjFxERESksIyMDFJSUgBSnHMZ4agzWnrsACYCz5lZOrAQ\nb5VsLWAKgJk9D6x3zt2e874q0AlvuLYa0MzMugI7nXOrIh++iIiIVDZbdm/hs3WfMW/tPAZ2Hsgf\nmvzB1/aiJrFzzk3L2bPur3hDskuA05xzm3NuaQ4cyPdIU+ALDs7BuyXn9THQLyJBi4iISKXhnOO7\nX79j3tp5XjK3bh7f/fodAE0TmtKreS8ldvk55yYBk4q51q/A+x+J/sUhIiKBcc7x7vfv4nAMOGoA\n1eKrBR2SSIV2wtMnsOCnBcRZHJ0bd6Z/cn/u6nMXJ7U4iZb1WuLNIvNXVCV2IiISWXek3cGSn5dw\nRM0juKTTJQzqMogTW5wYkR9QItHm1j/eSq2qtejVvBd1q9cNJAYldiIiUiQzY86QOazdtpaXvnqJ\n/3z1Hx5Pf5zk+sn8ufOfGdRlEB0SOwQdpogvsl02yzcvzxtS/WzdZywYvoAGNRsU+8x5Hc6LYIRF\nU2InIiLFqlejHp1rdOYfR/6D+/vfz9wf5/Lily/y6MJHuW/ufay+cTWt67cOOkyRcsvMysxL4uat\nm8fn6z7nt72/EW/xdG3SldPbns7eA3uDDvOwlNiJiFRCWdlZ/HfFf4mzOM4++uwSPRNncfRp3Yc+\nrfvwrzP/xdwf5yqpk5ixL2sf/Z7vR51qdTih+QmM7DWSk1qeRM9mPalTrU7Q4ZWYEjsRkUpk5/6d\nTFkyhYcXPMzKrSsZ3HVwiRO7/GpUqcGpR5162PuyXTZxpnVsEqys7Cw27txI87rNi72nTrU6LL9u\nOf+/vfMOj7LK/vjnUENogdCkCggI0hEQsIOuq4BKUQELCCK4q6C7ulhBXXtZKy4/sSBKsaxIsSKK\nighICaggShMpCSUCIZB6fn/ciZkMySQTMjPM5Hye530y8773ve95b+7MfN97zj23eY3mlC1TNoTW\nlSwm7AzDMEoBvx/8nReWv8CUlVM4lHaIQW0G8eblb9K9YXf/J377LVSpAu3bB3zN3Sm76TSlEwNb\nD+Tq9lfTvUF3m3RhhISU9BSW71jOkt88btXflxIXE8e28dv8ntcyvmWILAweJuwMwzCimKTDSdz2\nyW3M/nE2seVjuaHzDdzc7WaaxDXxf+K+ffDPf8Lrr0OlSjB7NvQLfGTv6nZXM+OHGby44kWa12jO\nsHbDGNZ+WFT8gBonFhv2bmDyisks2b6EhN0JZGkWcTFx9GzUkzt63kGvxr1Q1ah/uIiYJcWCjS0p\nZhhGNHI08yjnTTuPq067ius7XU/VilX9n6AKM2fC+PGQkQGPPgqffgpz5sCUKTBqVMA2ZGVnsXjb\nYt5c+ybv/vQuh9IP0bV+V0Z0HMHYrmOLeWeGkZflO5Yz9L2h9Grci16N3Na6dusTOhQgGEuKmbDz\nYMLOMIxSz9atMHYsfPwxXHEFPPss1KsHWVlwyy0weTJMmgT33QfFHPU4knGE+Rvn8+a6NykrZfnf\nlf/zW3ZawjS/9fVv1Z/6VesXePyHpB/45rdv8j1WoWwFBrYeSPWY6kUz3ggLB9MO8t3v3xFbPpYz\nG58ZbnNKlNK+VqxhGIYRDDIz4bnn4N57IT4e5s2Dvn1zj5ctCy+8AA0bwl13wY4dTuSVC/wnpFL5\nSgw+bTCDTxtMtmb7LZuSnsLfP/y73zKta7X2K+y+3vY1N390c77HsjSLF1e8yIobVpzQozqlCVVl\n24Ftf8bGfbv9W9YlrSNbs7nytCujTtgFAxN2hmEYwSI9He68E5Yvh+uvhyFDICamxKrfnLyZh756\niKvaXlWkGar5sno13HADrFoFN98M//43VM3HXSvi7qV+fRg5EhITncs2NrbY9hcmpmpXrk3mfZl+\nyxTG2K5jC3T3btq/iV/3/2qi7gRh8orJPPT1Q+w8tBNwExl6NerFzd1uplfjXrSKbxVmCyMDE3aG\nYRjBYPt2585cuRJ69XLCbsIE5+ocOxbq1i121TmCblrCNGrF1uKSlpcEXklqqnOrPv00tGkD330H\n3boVft511znbBw2CPn3c6F58fODXPwFoXrM5zWs2D7cZhodG1RpxdTu3ZF3PRj2pXbl2uE2KSOwx\nxTAMo6RZuBA6d3Yuy2++gS++gJ9/hsGD4YknoHFjGD4c1qwJqNotyVsYNXcUrV5oxYJfFvDEBU+w\nedxmBrQeEJh9n30Gbds69+uDDzrxWRRRl8NFF7l7+vVXJ1q3bg3s+kapQFXZnLyZ6QnTGTN/TIGx\njjn0a9WPxy54jEtPvdRE3XFgws4wDKOkyM6Ghx6CCy+ETp2cezNHMLVs6eLUfv/dlfniC1fmvPPg\ngw/cBIUC2J2ym1FzR9HyhZbM3zifx/s8zuZxm7m1x63Elg/AFbp3L1x7rbOvaVNYt865V8uXD/xe\nu3Z1Oe4yMqBnT0hICLwOI6pIz0pn2e/LeHrp0wx8eyD1n65P8+eac+2ca/lq21fsObwn3CaWCswV\naxiGURIkJ8M118CCBW7W6H33uUkHvtSo4fLDjR8P778PzzwDl10GzZu7macjRuQb4/b5ls95rM9j\njDl9TGBiDlwKkzffhFtvdeLztdecS/V483mdcooTd5dcAmef7e7n/POPr84TiI37NtKsRjPKlbGf\nyqJw9mtns2zHMmLKxdCtQTeGdxhOr8a96NGwB/Gxkemuj0Qs3YkHS3diGEaxWbXKxZz98YcTUBdf\nHNj5y5e71CJvv+0mI4wc6SYyNG36Z5FiL821eTOMGePcr0OGOCFZp07g9fgjJcXd/6JF8MYbcNVV\nJVt/GDiaeZRTnjuFU2qewqxBs6hXpV64TQorRUnsu2jLIiqXr0ynkzpRoWyFEFkW2QQj3Ym5Yg3D\nMI6HV15xrsiaNZ3AC1TUgXPXvvUWbNkCf/sbTJvmRsMGDoSvvwbVwEVdZqaL52vb1sX3LVgAM2aU\nvKgDt+TYvHlOOA4ZAv/5T8lfI8TElIth5sCZbNy3kU5TOrF46+JwmxRS0jLT+Hb7tzyx5Akum3UZ\ndZ+sy46DO/yec37T8+nesLuJujBjws6IGo5mHiUru+A4JYABswcw+J3BTPl+Cpv2bwqRZUZUcuSI\nW4Vh1Cjn1vzmGzj55GJVte2PbWw/sN3liXv4YTej9qWXYP165+I8/XSYPt2lTykKOZMhJkxwo3U/\n/lg8wRkI5cu75ccmTIDbbnPu5mz/eepOdM5qcharblzFqbVOpfcbvXl8yeNEq5crIyuDBRsXcMdn\nd9Dr1V5Ue7QavV7txcQvJ3Ig7QCju4y2tDCRgqra5j6onQFduXKlGpFDVnaWLt66WEd9MEqrP1Jd\nP/31U7/lH1z8oPZ8paeWvb+sMglt+kxTvWHuDTr7h9m65/CeEFkduWRnZ4fbhBODTZtUO3VSjYlR\nfe21YlezNXmrjp47Wss/UF7HzBtzbIHsbNWPP1a96CJVUK1XT/XBB1WTkvKvMCVF9bbbVMuUUe3Q\nQXX58mLbdlw8/7yqiOqQIappaeGxoQTJyMrQOxfeqUxC+8/sr8lHksNtUomTmp6qlf5dSes/VV8H\nvz1Yn1n6jK7YsULTM9PDbVpUs3LlSgUU6KwlpWdKqqJI30zYRRY/Jf2kdy28S5v8p4kyCT35mZP1\nns/v0W1/bCvS+QeOHtC5G+bqLR/eom1ebKNMQpmEfrjxwyBbfuKSlpmma3ev9Vtm8vLJeuH0C/Wb\nbd+EyKoTkHnzVOPiVJs3V129ulhVeAu6Wo/X0se/eVxT0lL8n/TTT6pjxqhWqqRasaLqyJGqa73+\nXx9/rHryyU5sPvaYanqYf5DfecfZ2bu36oED4bXFm8xM1a+/Vv3nP1W7d1e97z7V/fuLdOrcDXM1\n7tE4bfZsM01MSQyyoaHn9wO/28NbiDFhZ8Ku1DM9Ybp2mdJFmYTGPRqno+eO1q+3fX3cX0Y7Du7Q\nN9a8oftS95WQpZFDwu4EHf/ReK31eC2Nfyze7xP6go0LtO3ktsoktPe03rp46+IQWhpmMjNV777b\nfW3276+aHPiozdbkrXrjvBsDE3S+7N2r+sgjqg0aOFv69FG94orc17/+GrBdQWPxYtXq1VU7dlTd\nuTN8dhw+rDpnjuqIEaq1a7u2qltX9bLLnFCuVk31nntc2xbCpv2b9N5F90aMAEo+kqyzf5itY+eP\n1azsrHCbY/hgws6EXannwcUP6mWzLtP3fnpPj2YcDfn1p66cqi8se0E37NkQMV/s+bEvdZ8+v+x5\n7TylszIJrfNEHf3HJ//QdYnrCj03KztL3/3xXW3/UntlEnru6+fqos2LIro9CiUpyY08lSmj+uij\nqlmB/0DuOLhDKzxY4U9Bdyjt0PHZlJ6uOnOmarduzkU7bZpz3Z5orFvnROjJJ6tu2BC66+7erTp1\nqmq/fm4UE1Rbt1adMEF16dLc/+Hu3W70LjZWtUoV1TvvVN0TuWEZ2dnZumHPBn1yyZN67uvnarkH\nyimT0HaT2+mOgzvCbZ7hQzCEnaU78WDpToyiMHzOcGasm0FGdgYNqzWkT7M+9Gnah97NekdEOoSU\n9BRGzh3JnA1zyNZsLmlxCSM6juDiFhdTvmxgSWqzNZt5P8/j/sX3s3r3as5qfBZvDXiLRtUbBcn6\nMPHdd27FiPR0mDXLJRQuJu/99B5/OeUvVKlQpQQNjAC2b3erVSQmwvz5cMYZwbnOhg0u2fPcubB0\nqcvT16sX9O8Pl14KLVoUfG5Sklte7YUX3PubbnITQIIxizgIpGakctfndzF/43w2JW8iplwM5zc9\nn74t+nJJy0toXL1xuE00MjPhhx9ceqNly2DZMlbddBNd/vY3KMF0JybsPJiwCz8/JP1ARlYGnU7q\nFG5T/JKSnsLX275m4eaFfLb5M9YlrQOgbZ22PNbnMS5uEeTZh8eBqjL4ncH0bNSTq9tfTZ3Kx/+j\npaos+GUBL696mbcHvU3FchVLwNITAFV48UU3w7NrV5djrkGDcFsVuSQnO3H1/feuLfv2Pf46s7Kc\ngJs71wm6jRtdHsALL3TXuuQSqB3g0lR797p0Lc8/736Ix46F22+Heif2g5uq0uOVHnSs15G+Lfty\nftPzA09kbZQcqvDbb3lEHCtXutn0ZctCu3bQrRurzjmHLsOGgQm7kseEXXjYdWgXM9bNYPra6SQk\nJjCozSDeGfxOuM0KiN0pu1m0ZRELNy9kdJfRnNGw4NGINbvX8OEvH1K/an0aVG1Ag2oNqF+1PtUr\nVi80+acRQlJSYPRomDkTxo1z+eD8LLuVkZXBgl8W0K1BN+pXrR9CQyOMo0dh2DCYMwemTHGpYgIl\nNdUlW/7gAzf6t2cP1K0L/fo5Mde7N1SqdPy27t/vkjk/+6wbrb3xRrjjDqjv//97OP0wFcpWCHgE\n3IhwDhyAFSucgMsRc4mJ7liTJi79UPfu7m/nzlC5MhCcBMUm7DwEW9glpiRy2ezLqBVbi9qxtfP+\nrez+tq/bvlQ8YaWkp/D++veZvnY6n2/5nPJlytOvVT+uaX8NF51yUVQnt5yxbga3fHQL+47sy7M/\ntnwsDao2oEV8CxYMXVCsulWVr7Z9RaeTOlGtYrWSMLd0sm6dWzlh2zaXfPjKKwssumHvBl5d/Spv\nJLxB4uFEpvSdwuguo0NobASSleWWTps8Ge6/H+69t/ClzZKSXALkuXOdqDtyBFq3znWxdu8OZYKU\nYy05GZ57zom8I0fghhvgX/9yOQfz4ap3r2LnoZ3MGjTruEX+4fTDfL7lcxZsXMDnWz4nYUwClStU\nPq46jRIgIwPWrs0r4jZscMeqVcsr4rp18zvaGwxhZwvghYhszaZ1rdbsTd3L+r3r2Zu6lz2H93Ag\n7cCfZdaOWUu7uu0KrGPJb0tYs3tNHjFYO7Y28bHxESOGPvn1Ewa8PYDUjFTObnI2U/pOYVCbQcTF\nxIXbtJAwtN1QhrYbytHMo+w6tIsdh3aw4+AOdh7ayY5DO8jMziy0juFzhrMndY8b8avqRvx2p+zm\n9YTX2Zy8mWmXTePaDteG4G4CY8lvS9iTuof+rfqfmIlOVZ377Y47XCzW8uXQps0xxVLSU3jnx3d4\nZfUrLNm+hJqVanJN+2sY2Wmk38+v4aFsWRfH1qAB3H037NjhXN7lfH6ONmzIdbHmxMv17AkPPFB4\nvFxJUqMGTJzo1vZ9/nkXh/d//+eWfZswARrnjV37e7e/c+W7V9J5SmdmDZrFuSefG9Dltv6xlQUb\nF7DglwUs2rKItKw0WtRsQf9W/UnNSDVhF2pU3Yow3i7V1avd6HO5ctChg4u7nTDBibmWLYP3kFFE\nbMTOQ7hcselZ6exL3cfe1L20iG9BTLmYAsve/+X9/Pvrf+f741+9YnXObHwm84fO93u97Qe2U61i\nNapVrBYW11/S4SSmrprKsHbDaBLXJOTXjwbuXXQvCYkJf4rBxJREYsvHMvi0wYzoOIKzGp91Qrp1\nx388nmeXPUv7uu257+z7uLz15SeOwEtKghEj4MMP3WjSY49BzLGfxf9+/19u/+x2Dqcfpk+zPozs\nNJLLTr0seuIKQ83rrzt37CWXuCXVEhKckMuJl6tUCf7yFzcy17dv4PFyweDgQSdEn3rKvb7+evej\n7rXqSGJKIkP/N5Qvt37JQ+c/xB297ii0rx/NPEq3l7uxLmkd5cqU4+wmZ/858aFlfMsg35TxJ8nJ\nuSJu+XK37dnjjjVrlnc0rlOn43b7mys2iERKjJ2qcjDtIHtS9/w56rc3dS97U/dSrWI1bjz9Rr/n\n13uyHomHEylfpjy1YmsdM/o3pO0QejXuFaK7MUqCzOxMsrKzIkJcfLXtKx786kEWbl5IsxrNaFaj\nGfGV4omvFM91Ha+jW4NuoTfqo49g+HD3+rXX/C699cWWL1i8bTEjOo6wB5OS4qOPYNAg597KyHCz\nUHPi5fr0KZl4uWCQkuLcyU8+6cTA8OFw553uxx/Iys5i4pcTeejrh+jXsh/TLptGjUo1/FY58YuJ\ntKvbjguaXUD1mOohuIlSTlqae5jwdqn+8os7VqPGsS7VIDxYmLALIpEi7I6XL7d+SWJKohOFqbmi\nMOf13WfdzRWnXVHg+Uu3L+W2T2/LN04wPSud1btW81Lfl0J4R0Yk8u32b5mxbgZJh5PYd2Qf+1L3\n8eB5D9KvVb8Cz/l006eM+3gc8ZXiqVmpJvGx8X+KwvjYeGrF1mJA6wF+r7tixwp2p+x2bzLSYdo0\nmDvPBTOPH0/9Rm3oUr9LSd6qURRWr3ajpeef735Ay5YNt0VF5/Bh+O9/4fHHYd8+uPZauOsuOOUU\nABZsXMA1719DXEwc84bM47Q6p4XZ4FKKKvz6a16X6po1bmJMhQrQsWOukOve3f3/QuD5MGEXREqL\nsDteEnYn8OyyZ/OIwZxYQUE4r+l5zL1qrsWBGCXO2sS1vL7m9T+FoPff5CPJiAhZ92X5rWPA7AG8\nv+H9Ao9fedqVzBo0q6RNN0oDqaku9u6xx5xrf9gwuOceaNmSrX9s5eaPbublfi9HRL7LqGDv3mNd\nqvv3u2MtWuQVcR06QMXweDxM2AURE3bHR3pWOmmZaVStWDXcphilkKzsLA6kHaBmpZp+y/1xJJm0\nV6bAxEkuBcFLL8FpuSMoFctVLDUTeYwgceQITJ0Kjz4Ku3e7Gdb33ONm8RrB4ehRN+rr7VLdvNkd\ni4/PFXA5LtWa/r8nQonNijVOWCqUrRAxM3ON6KNsmbKFijr27CFu5EiXNuOmm1xs1Ikav2VELpUq\nwc03u7Qor74KjzziHh6uuMJNzDn9dPJ0uZMAABUCSURBVOf6M4pHdrabWOPtUk1IcMmkK1Z0YRX9\n+uWKuaZNQ+JSPZEwYWcYRvTz2Wcu9ikjw8247N8/3BYZ0U5MjHuAGDnSzf59+GGYPduJjy5doEeP\n3K2QpMelmsTEY12qBzxpwk491Y3AXX+9E3Ht2ploxoSdYRjRTFqay5X21FNwwQVussRJJ4XbKqM0\nUbGiW7Xi+uudu3DpUre9847rl+By4Z1xRq7Q69SpdAqU1FRYtSqvS3XbNnesTh0n3m6/3Ym5rl0h\nzsIm8sOEnWEYoWfnThcD06SJS1QbjISeGzbAkCHw44/uB3T8+LAnDjVKMeXL58Z4jRvn9u3c6UTe\nd9+5vxMmuIeRnFE9b7EXbesUZ2fD+vV5Xarr1rmVSSpVcvc/cGCuS7Vx41LnUi0uJuwMwwguBw+6\nxa9z3CjLlrnVBnKoVMnNUmvZMnfLeR8fH/iXuSq8/LITco0bu+t16lSy92QYJUH9+k68DBzo3qen\nuxQcOaN6773nVroAaNQoV+SdcYbr02GayVksdu7M61JdsQIOHXKf7zZtnOAdM8b9bdvW79rMhn9s\nVqwHmxVrHDfr1ztX37JlboHnatWgalW3FfV1pLtfMjLcU7e3iFu/3omtKlWc+yQnzUCLFvDbby4Q\n2nvbvj23vho18go+b+FXOZ+UOvv2uaD199+H0aPdj2J+5QwjUti5M3dEb+lS+P773FG9zp3zir0C\n1q8NOSkp7mHO26X6++/u2Ekn5Z2levrp7ruvlGLpToKICTujWOzfD7NmueDoFSucEOnd2z15Hzrk\nRqsOHcp9ffiw//oqVAhMCOa8rl7dxZvExTkbKlcOvttC1blTvUWc9xqK7dvnTTHQqlXREs+mprpE\nohs3uizw3qJv797ccg0a5B3pq1ED7rsvN93E5ZcH794NI1ykp7tZoDlCb+nS3Di0hg3zTsoIxahe\nVpYLd/B2qf74o3O1Vq7shJt3zrgGDcyl6oUJuyBiws4oMhkZ8PHHbnRu3jz3xXbxxXDddW49S39f\npFlZTtz5Cr6ivvbed+iQE1f5UbZsrtDLEXv+3vvui4k59st3zx4nXnOE3PLlboQMoHnzvCKuY8fg\npBLZv/9YsZezpaa6xbinT4++eCTD8MeuXXlj9b7/3j1gVaiQd1SvR4/jG9VTdSNv3iJu5Ur3nVam\njHOhei/D1aaNe8gzCsSEXRAxYWcUSkKCG5mbMcNllu/QwYm5oUOhbt3Q25Od7cTMoUNu+v8ffxy7\nJScXvC852eV+yo8KFfKKvaQk2LLFHatVK6+I69rVxcKFE1UnMosTk2cY0UZho3rekzI6dy74YfTg\nQScSvV2qu3bl1uPtUu3SxYVbGAFhwi6ImLAz8iUpCd56y43OJSS4KffDhjlB16FDuK07PlSd27Io\nAjAuLlfInXyyiSfDiDR27To2Vs93VK97d/eZzxmNy4mPrVo1b3xst26We6+EMGEXREzYGX+Slgbz\n57vRuY8+cm7Nfv2cmLvoIputZRhG5JMzquct9rZudd937drlHY079dSixccaAWNLikUyo0a5dQNz\nAt6rVSva66pV7QMVClRd/Ni0aTBzphul6toVnnvOrfV4Aq0taBiGcdxUqOC+47p2dUuggfNQVKkC\nsbHhtc04LkzYhYoaNdyMvt27XaB3TiD8wYMuTsofsbFFF4L+XodipmSksWMHvPmmE3Tr1zv3wujR\nbnTOFu02DKM0UadOuC0wSgATdqHiiScKPpaZ6fL+eM98LMrrbduO3Z+WVvB1RPKOBB6PWMxv1mSk\nkJoKc+Y4MbdwoXtyHTAAnnnGpSqxEVLDMAwjQokoYScifwP+CdQDEoCbVXWFn/KDgQeAk4GNwARV\n/SgEpgZGuXK5aSaOl7S0vCkyfNNkFCQUd+8+Zv/MrCyG+LPZV+xVrepGBStXdqOMOZv3+6Icq1ix\n5EWjKixZ4uLm3nnH3eOZZ8KUKTB4sMsDVwgzZ85kyJACW6TUYe2RF2uPXKwt8mLtkRdrj+ASMcJO\nRK4EngJGA8uBW4FPRKSlqu7Np3wPYAbwL2ABMBSYIyKdVPWn0FkeYipWdFutWsdXjyoz+/ZlyKuv\nBjaSmJrq8p2lpuZuhw/nvi4KIsUThPm9j4mBL76AN96ATZvc2qTjx8O117rcawFgX0Z5sfbIi7VH\nLtYWebH2yIu1R3CJGGGHE3JTVPUNABEZA1wCXA88nk/5ccBHqupZaI+JInIh8HfgphDYG9mIOJdk\n3boll6MtJ71GfoLP931Br3PytiUm5l/u6NFjr1u5shuVmzoVzj7bFoI3DMMwopaIEHYiUh7oAjyc\ns09VVUQWAj0KOK0HboTPm0+AS4NipFE4OSNxwZxxlZ2dKx5zRF+TJrZeqGEYhlEqiAhhB9QCygKJ\nPvsTgVYFnFOvgPL1StY044SiTJncOL/atcNtjWEYhmGElEgRdgUhQCAZlv2VjwFYv3798doUNRw4\ncIBVq0okX2JUYO2RF2uPvFh75GJtkRdrj7xYe+TipTliSqrOiFh5wuOKTQUGqupcr/2vA9VV9fJ8\nztkGPKWqz3ntmwRcqqqd8ik/FHir5K03DMMwDMPwyzBVnVESFUXEiJ2qZojISqA3MBdARMTz/rkC\nTluaz/ELPPvz4xNgGLAVyCcC3zAMwzAMo0SJwaVk+6SkKoyIETsAEbkCmAbcSG66k0HAqaq6R0Te\nAH5X1bs85XsAi4EJuHQnQzyvO0d1uhPDMAzDMEotETFiB6Cqb4tILVzC4brAGuAvqrrHU6QhkOlV\nfqmIDAEe8my/4NywJuoMwzAMw4hKImbEzjAMwzAMw/CPZWo1DMMwDMOIEkzYGYZhGIZhRAmlQtiJ\nyJ0islxEDopIooi8LyItCznnOhHJFpEsz99sESniYqcnNiIyRkQSROSAZ/tWRC4q5JzBIrJeRI54\nzv1rqOwNNoG2RzT3DV88n51sEXm6kHJR2z+8KUp7RHP/EJGJXveUs/mNW47mvhFoe0Rz38hBROqL\nyHQR2SsiqZ7/eedCzjlXRFaKyFER2Sgi14XK3mATaHuIyDn59KksEalT1GuWCmEHnAU8D3QH+gDl\ngU9FpFIh5x3ArVSRszUJppEhZDvwL9wybV2ARcAHItI6v8KeGcYzgJeBjsAcYI6ItAmNuUEnoPbw\nEK19409EpCtwA5BQSLlo7x9A0dvDQzT3jx9wE9hy7u3MggqWkr5R5PbwELV9Q0TigCVAGvAXoDXw\nDyDZzzknA/OBz4EOwLPAVBG5IMjmBp3itIcHBVqQ20dOUtWkIl9YVUvdhluiLBs400+Z64D94bY1\nhG2yDxhRwLFZwFyffUuByeG2O0ztEfV9A6gC/AycD3wBPO2nbNT3jwDbI2r7BzARWBVA+ajuG8Vo\nj6jtG577exRYHOA5jwFrffbNBD4M9/2EqT3OAbKAasW9bmkZsfMlDqeI9xdSroqIbBWR30Qk2p4y\nARCRMiJyFRBLwcmbewALffZ94tkfVRSxPSD6+8aLwDxVXVSEsqWhfwTSHhDd/aOFiOwQkU0i8qaI\nNPJTtjT0jUDaA6K7b/QDvheRt8WFPa0SkVGFnHMG0dtHitMe4JY/XSMiO0XkUxHpGchFS52wExEB\nngG+Uf857X4Grgf641akKAN8KyINgm9l8BGRtiJyCDdEPBm4XFU3FFC8HpDosy/Rsz8qCLA9or1v\nXIVzm91ZxFOiun8Uoz2iuX98BwzHuZXGAE2Br0SkcgHlo7pvEHh7RHPfAGgGjMXd54XAf4HnRORq\nP+cU1EeqiUjFoFgZOorTHrtwCzEMBAbgQoW+FJGORb1oxCQoLkEmA22AXv4Kqep3uA8tACKyFFgP\njMYNv0c6G3DxDHG4DvSGiJztR8z4IrhRz2ihyO0RzX1DRBriHnwuUNWM46mKKOgfxWmPaO4fquq9\n7NEPIrIc2AZcAbxWxGqiom9A4O0RzX3DQxlguare63mfICKn4cTNmwHUI56/kd5PAm4PVd0IbPTa\n9Z2INMettlWkSSWlasRORF4ALgbOVdVdgZyrqpnAauCUYNgWalQ1U1U3q+oqVb0bFxA+roDiu3HB\nwd7U4dinrIglwPY45lyip290AWoDK0UkQ0QycDEf40Qk3TPi7Us094/itEceoqx/5EFVD+B+hAq6\nt2juG8dQhPbwLR9tfWMXTqh6sx5o7OecgvrIQVVNL0HbwkFx2iM/lhNAHyk1ws4j6i4FzlPV34px\nfhmgLe4fFY2UAQoa9l4K9PbZdwH+Y9AiHX/tkYco6xsLgXY412MHz/Y97umyg3qie32I5v5RnPbI\nQ5T1jzyISBWgOQXfWzT3jWMoQnv4lo+2vrEEaOWzrxVuFLMg8usjFxIdfaQ47ZEfHQmkj4R71kiI\nZqZMxk0vPgv3ZJCzxXiVmQY87PX+XtwXUFOgE26WzmHg1HDfTwm0x0O4KflNcF8qj+DW2T3fc/wN\nn7boAaQDt3k65STgKNAm3PcSpvaI2r5RQPvkmQWaz2clqvtHMdojavsH8ARwtuez0hP4DDf6Fu85\nXtq+OwJtj6jtG577Ox0Xp3wnTuAOBQ4BV3mVeRiY5vX+ZCAFNzu2FXCTp8/0Cff9hKk9xuFiMJsD\np+FCQTJwnsYiXbe0xNiNwfnqv/TZPwL3wQNohJtinEMN4P9wgZ3JwEqghxY9Bu1Epi7uvk/C5VRa\nC1youTP+GuKEDQCqulREhuAE0EPAL8Cl6n/ySSQRUHsQ3X0jP3xHpfJ8VkpB//DFb3sQ3f2jIS4v\nXTywB/gGOENV93kdL03fHQG1B9HdN1DV70Xkclyaj3uBLcA4VZ3lVewk3Gcm55ytInIJ8DRwC/A7\nMFJVfWfKRhzFaQ+gAvAUUB9Ixf0e9VbVr4p6XfEoRMMwDMMwDCPCKTUxdoZhGIZhGNGOCTvDMAzD\nMIwowYSdYRiGYRhGlGDCzjAMwzAMI0owYWcYhmEYhhElmLAzDMMwDMOIEkzYGYZhGIZhRAkm7AzD\nMAzDMKIEE3aGYRiGYRhRggk7wzCMEkZERovIbyKSKSK3hNsewzBKD7akmGEYRUZEXgOqq+qAcNty\noiIiVYG9wHjgPeCgqh4Nr1WGYZQWyoXbAMMwjCijCe679UNVTcqvgIiUU9XM/I4ZhmEcD+aKNQyj\nxBCRRiLygYgcEpEDIjJbROr4lLlHRBI9x18WkUdEZLWfOs8RkWwRuVBEVolIqogsFJHaIvJXEfnJ\nU9dbIhLjdZ6IyJ0istlzzmoRGeh1vIyITPU6vsHXbSoir4nI+yLyDxHZKSJ7ReQFESlbgK3XAWs9\nb7eISJaINBaRiZ7rjxSRzcDRotjoKXOxiPzsOf65iFznaY9qnuMTfdtPRMaJyBaffaM8bXXE83es\n17EmnjovF5FFInJYRNaIyBk+dfQSkS88x/eLyEciUl1ErvG0TXmf8h+IyOv5/2cNwwgGJuwMwyhJ\nPgDigLOAPkBzYFbOQREZBtwF3A50AX4DxgJFiQmZCNwE9AAaA28DtwBXARcDFwI3e5W/C7gaGA20\nAf4DTBeRszzHywDbgUFAa+B+4CERGeRz3fOAZsC5wLXAcM+WH7M89w1wOnAS8Lvn/SnAAOByoGNR\nbBSRRjh37gdAB2Aq8CjHtld+7ffnPk+7TwLuBE71XPcBEbnG55x/A497rrURmCEiZTx1dAQWAj8A\nZwC9gHlAWeAdXHv297pmbeAi4NV8bDMMI1ioqm222WZbkTbgNeB/BRy7AEgH6nvtaw1kA10875cC\nz/qc9zWwys81zwGygHO99v3Ls6+J176XcO5PgApACtDdp66XgTf9XOt54G2f+92MJx7Zs282MMNP\nHR08tjX22jcRN0pX02tfoTYCDwPrfI4/4qm/mlfdq3zKjAM2e73/BbjSp8zdwBLP6yae/9Nwn/9d\nFtDS8/4t4Cs/9/0iMN/r/W3AL+Hus7bZVto2i7EzDKOkOBXYrqo7c3ao6noR+QMnElYCrXACwJvl\nuFGxwljn9ToRSFXVbT77unpenwLEAp+JiHiVKQ/86bYUkb8BI3AjgJVwYsvXLfyjqnqPiO0C2hbB\nXl+2qep+r/f+bFzleX0qsMynnqWBXFREYnEjp6+IyFSvQ2WBP3yKe7fxLkCAOrjRu464UdKCeBlY\nLiInqeou4DqcMDYMI4SYsDMMo6QQ8ncJ+u73LSMUjQyfOjJ8jiu54SVVPH8vBnb6lEsDEJGrgCeA\nW4HvgEPAHUA3P9f1vU4gHPZ5X6iNFNym3mRzbBt6x7rlXGcUTkR7k+Xz3reNIfdej/gzQlXXiMha\n4FoR+QznWp7m7xzDMEoeE3aGYZQUPwGNRaSBqu4AEJE2QHXPMYCfccLpLa/zTg+SLWk4V+03BZTp\niXNFTsnZISLNg2BLQRTFxp+Afj77evi83wPU89nXKeeFqiaJyA6guarOomAKE5Brgd64WMSCmIoT\nyg2BhTn9wDCM0GHCzjCMQIkTkQ4++/ap6kIRWQe8JSK34kaNXgS+UNUc9+bzwMsishL4FjfxoT2w\nqZBrFnVUDwBVTRGRJ4H/eGawfoMTmL2AA6o6HRd3do2IXAhsAa7BuXI3B3Kt4tpbRBv/C9wmIo/j\nRNPpOBenN18CL4jIHcC7wF9xkxYOeJWZBDwrIgeBj4GKnrriVPWZItr8CLBWRF702JWBm1DytpeL\n+S3gSdzooO/EDMMwQoDNijUMI1DOwcWAeW/3eY5dCiQDi4FPgV9x4g0AVZ2BmxDwBC7mrgnwOp70\nH34IOJO6qt4LPABMwI18fYRze+akAZkC/A83k/U7oCbHxv8VlyLZW5iNqrodGIhr1zW42bN3+tSx\nATdb+CZPmdNx7etd5hWc2BqBG3n7EicQvVOi+J1Zq6q/4GYet8fF/S3BzYLN9CpzCDeLNwU3k9cw\njBBjK08YhhFWRORTYJeq+o5EGfkgIucAi4Aaqnow3Pb4IiILcTN5bw23LYZRGjFXrGEYIUNEKgFj\ngE9wQf9DcHFbffydZxxDQK7pUCAicbjZzefgchMahhEGTNgZhhFKFOdqvBsX5/UzMEBVvwirVZHH\niehqWY1LTn2Hx21rGEYYMFesYRiGYRhGlGCTJwzDMAzDMKIEE3aGYRiGYRhRggk7wzAMwzCMKMGE\nnWEYhmEYRpRgws4wDMMwDCNKMGFnGIZhGIYRJZiwMwzDMAzDiBJM2BmGYRiGYUQJ/w8ZENEx6Cfl\nKAAAAABJRU5ErkJggg==\n" - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "from __future__ import division\n", "import matplotlib.pyplot as plt\n", @@ -1127,19 +485,9 @@ }, { "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAm4AAATbCAYAAAAgfznvAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAAPYQAAD2EBqD+naQAAIABJREFUeJzs3XdclWUbwPHfzXCgiCia4EQFxZWKuXoVcKUNNc1tzt7M\nkea2bW9vS0vLVfTmKE3TTC1zDzD3ALeYW1Tc4h6s+/3jAQIERTjwnAPX9/M5Hz33uZ/nvjgH5eKe\nSmuNEEIIIYSwfnZmByCEEEIIIdJHEjchhBBCCBshiZsQQgghhI2QxE0IIYQQwkZI4iaEEEIIYSMk\ncRNCCCGEsBGSuAkhhBBC2AhJ3IQQQgghbIQkbkIIIYQQNkISNyFEjqaU8lNKxSmlGpsdS2Zl19cS\n38YHWdmGECJjJHETIhdQSlVXSi1USp1SSt1TSp1VSq1WSg0yOzZLUUr1V0r1TONli5/tp5RqFZ/g\nnLX0vR8jO84p1NnUjhDiCSk5q1SInE0p1RBYD5wGfgQuAKWB+kAFrbW3ieFZjFJqP3BZa90kldfy\naK2jLNzeHKABUA5orrVeb8n7p9GmH8ZnGaC1/isL28kDxGit47KqDSFExjiYHYAQIsu9C1wH6mit\nbyV9QSnlZk5I2SsLkjYnoA0wBugNdMNIqHIES79fQgjLkaFSIXK+8sDBlEkbgNb6SsoypVR3pdQu\npdRdpdRVpdQ8pVSpFHWClVL74odgg5VSd5RSR5VS7eNf91NKbYu/x2GlVNMU15dRSk2Lf+2uUuqK\nUmqBUqpsino944cjGyqlJiilLimlbiulFiVNOpVSJ4GqgH98/Til1PoksTw0L0wpVU8ptVwpdS3+\nnnuVUoPT+Z62A/IBvwLzgXbxvVQp38s4pdQkpVQbpdR+pdR9pdQBpdRzGXk/0qKU6pDkM7uslJqt\nlPJIo97B+OHyfUqptkqpWfHvX8q4P0hR5qGUmqGUupDk6+iTShtvxr92J/693amU6pyer0MI8XiS\nuAmR850GfJVSVR9XUSn1LsZw6t/AUGAi0BTYoJQqlKSqBooAS4FtwEjgPjBPKdURmAf8CYwGCgC/\nKqUKJLn+GYyh2nnAm8C38e0EKaXypRLaZKA6MBaYBrwUX5ZgCHAWCMPo/eoOfJIi3qRfZ3NgA1AZ\n+BoYhtFj9sIj3p6kugJBWutLwC9AofiYUtMImIrxtY4E8gILlVJFktR50vcj6dfSCyN5jMboAfwe\nI7HcmPQzU0q9EB/rg/h6i4DpQG0eM59NKVUc2A40ASYBg4GjwA9Jk12l1L+Bb4ADGJ/JB8BuoN6j\n7i+EeAJaa3nIQx45+AE0A6IwfrBvBj4HmgMOKeqVia8zOkV5lfjrxyQpCwJigY5JyryBuPh7PJOk\nvHl8eY8kZXlTibNufL1uScp6xpetTFH3q/iYnJOU7QfWp3Jfv/hYG8c/twNOAMeTXv8E72ex+LZ7\nJynbBCxKpW4ccA8ol6Ssenz5gAy8Hym/FgeMOYt7gDxJ6j0ff+2HScr2YSTx+ZOUNYqvdyKVuD9I\n8vwHjMS4cIp6c4FrCfEDi4F9Zn/Py0MeOfkhPW5C5HBa67VAQ+B3oAZGr88q4JxSKmkvUXtAYfSO\nFU14AJcwelcCUtz6ttZ6QZJ2jmDMpQvTWu9MUm97/J/lk9R9kPB3pZRDfO/TCSASowco2ZeA0YuU\n1EbAHkjXUGIKtTAWFHytUxk+TocuGInNoiRl84BWSimXVOqv0VqfSniitd4P3CTj70dSdYDiwDSd\nZF6a1no5cJj4HkSllDtQDfhRa30vSb2NGAnv47TD6F21T/G9sRoonCTG60AppVSddNxTCJEBkrgJ\nkQtorXdprV8BXDF6cj4FCmIkaZXjq1XE+D/hGHA5yeMSxpBi8RS3TW0bjBvAmRRt34z/q2tCmVIq\nn1LqP0qpcIyhuyvx7RQGUkt+zqR4Hpnynk+gAkYyeDAD14IxFLsdcFNKVVBKVcDo8coLdEilfsrY\nwYg/M+9HgrIYX8uRVF47zD+JbcKfx1Opd+wR90cpVSw+jtdJ/n1xGZgR337C98YXwG1gh1LqiFJq\nijJWNQshLERWlQqRi2itY4AQIEQpdRSYiZFsfIyRtMUBLeP/TOl2iuexaTSTVrlK8vcpGMOgEzHm\nyN3ASADmk/ovlOm5Z3pl5BrjQqUqYsxH0xi9kElpjKTuhxTlWfF+pHaPrJLQ/hyM+Y+p2QegtT6s\nlKoEvIjxfdQOGKCU+khr/VGWRypELiCJmxC51674P93j/zyOkQic0lo/shfGAtoDs7TWoxIKlFJ5\nMXp2Miq9m1Iew/g6q/HkW3h0x5jf1p2Hk9tGwJtKqVJa6yfdlDej78cpjK+lEhCc4rVKGHPaSPJn\nxVTukVpZUpeBW4C9TsdedfFDsb9i9OY6YMx7e1cp9ZmWbUaEyDQZKhUih1NK+afxUsIKysPxfy4i\nfkJ7Gvcpklp5BsXy8P8/gzHmrWXUHdKX+IUCJ4G30piT9ihdgY1a64Va60VJH8A4jCSqyxPeEzL+\nfuzCGFJ9QynlmFColGoF+GCs7EVrfR5jpWcPZexBl1DPD2OxRJq0sQnvb0D71FYmp9iWpUiKa2Mw\nVvraAY4IITJNetyEyPkmx/+wXoyRpOUBngU6YkyAnwWgtT6hlHoP+FQp5QkswehpKQ+0BQKBCRaK\n6U/gVaXUTeAQxgkETTHmdqWU1nBgyvIQjATmXYxetUta66CUdbXWWik1AGOxxh6l1EzgPMY8vipa\n61apNqZUPYzeqUmpva61Pq+UCsUYLh2fRsxpydD7obWOUUqNxphr9pdSah5QAiPpO4Gx1UmCdzA+\n0y3xX3MRYCDG4oSCj4lvDOAPbFdK/S8+xiKAL8YWIQnJ22ql1AWM1csXMVYkDwSWaq3vPP5tEEI8\njiRuQuR8wzHmsbUC/o2RuIVjzKv6NMniAbTWXyilEvZwS9iA9QywEvgjxX1TG5pM64zLlOWDgRiM\nHqx8GNtpNMNY7Zry+rSGQFOW/wdjS5ORgDPGPm1BqdXVWq9SSgVg9C4Ow+gROs7Dq1eT6hp/nz8f\nUWcp8KFSqprW+gDZ8H5orX9USt3BSK4+x+h5/A1j+5akn+2fSqkuGHvhfY6xoKEn0AsjwUozPq31\nJaVUXYzviZeB/sBVjAUeo5Jc9x1G4joUIxk8i5E8Jt1TTwiRCXJWqRBC5GJKqd0YvZPPPbayEMJ0\nVjPHTSk1UCl1Mv4olm1KqWceU/+tJMfDhCvjOJy82RWvEELYEqWUvVLKLkWZP/A0//RMCiGsnFUM\nlSqlOmHshP46sAOjm32VUspbp36WYlfgM4wu/q0YO7b/iDGxekQ2hS2EELakFLBGKfUzEIGxeKFf\n/N8DzQxMCJF+VjFUqpTaBmzXWg+Jf64w5tVM0lqPS6X+ZKCy1rp5krIvgbpa68Yp6wshRG4Xf25p\nIMbClGIYc+HWAm9rrU8+6lohhPUwvcctfgm7L8ZO7kDiqq+1GCurUrMF6KaUekZrvVMpVR7jbL60\nNocUQohcLX6hQka2KhFCWBHTEzeMZeT2GEvHk7qIsYHkQ7TW8+L3DtoU3ztnD3yntf4irUbiz9V7\nDmPDyvsWiFsIIYQQIi35MM5FXqW1vmqpm1pD4pYWRRrbAMRPqH0HeANjTlxFYJJS6rzW+r9p3O85\n4OcsiFMIIYQQIi3dgLmWupk1JG5XMHYNfypFeXEe7oVL8B/gJ631zPjnB5VSBTHmb6SVuJ0CmDNn\nDj4+PpkKWGSPoUOHMnHiRLPDEE9APjPbIp+X7ZHPzHaEhYXRvXt3iM8/LMX0xE1rHa2UCsHYJfwP\nSFyc0JQ0digHnHj4nMC4+EuVTn3FxX0AHx8fateubZHYRdZycXGRz8rGyGdmW+Tzsj3ymdkki07P\nMj1xizcB+DE+gUvYDsSJ+KN4lFI/AWe11u/E118KDFVK7QG2A14YvXC/p5G0CSGEEELYPKtI3LTW\nC+IXG/wHY8h0D/Cc1vpyfJVSGMfBJPgYo4ftY6AkcBmjt+69bAtaCCGEECKbWUXiBqC1ngZMS+O1\nJimeJyRtH2dDaEIIIYQQVsFqEjchUurSRbacsjXymdkW+byyVnh4OFeuPHT4T6bUr1+f0NBQi95T\nZI6bmxtlypTJtvas4uSE7KCUqg2EhISEyMROIYQQWSo8PBwfHx/u3r1rdigiizk5OREWFvZQ8hYa\nGoqvry+Ar9baYtm29LgJIYQQFnblyhXu3r0rW1DlcAlbfly5ciXbet0kcRNCCCGyiGxBJSzNzuwA\nhBBCCCFE+kjiJoQQQghhIyRxE0IIIYSwEZK4CSGEEMJqBAQEMGzYMLPDsFqSuAkhhBACgMDAQAoV\nKkRc3D/Hgd+5cwdHR0eaNm2arG5QUBB2dnacOnUqy+KJiYlh9OjR1KhRg4IFC1KyZEl69uzJ+fPn\nAbh06RJ58uRhwYIFqV7ft29f6tSpk2XxmUESNyGEEEIARm/XnTt32LVrV2LZxo0bcXd3Z9u2bURF\nRSWWb9iwgbJly1KuXLknbicmJubxlYC7d++yZ88ePvzwQ3bv3s3ixYv5+++/adOmDQDFixfnhRde\nYMaMGaleu3DhQl577bUnjs+aSeImhBBCCAC8vb1xd3cnODg4sSw4OJi2bdvi6enJtm3bkpUHBAQA\ncObMGdq0aYOzszMuLi506tSJS5cuJdb96KOPqFWrFtOnT6d8+fLky5cPMJKrHj164OzsTMmSJZkw\nYUKyeAoVKsSqVato3749Xl5e1K1blylTphASEsLZs2cBo1dt3bp1ic8TLFiwgJiYmGQnhAQGBuLj\n40P+/PmpWrUq33//fbJrzpw5Q6dOnShatCgFCxakXr16hISEZOIdtTxJ3IQQQgiRyN/fn6CgoMTn\nQUFB+Pv74+fnl1j+4MEDtm/fTpMmxlHibdq04fr162zcuJG1a9dy/PhxOnfunOy+x44dY9GiRSxe\nvJg9e/YAMGLECDZu3MjSpUtZvXo1wcHBj02Url+/jlKKwoULA/D8889TvHhxZs2alazerFmzaNeu\nHS4uLgD8+OOPfPLJJ3zxxRccPnyY//73v7z99tvMmzcPgNu3b9O4cWOuXLnCsmXL2LdvHyNGjEg2\nbGwNZANeIYQQwix378Lhw5a9Z+XK4OSU4cv9/f0ZNmwYcXFx3Llzhz179tC4cWOioqIIDAzkww8/\nZPPmzURFReHv78+aNWs4cOAAp06dwsPDA4DZs2dTtWpVQkJCEo59Ijo6mtmzZ1OkSBHAmDs3Y8YM\n5s6di7+/P2AkV6VKlUoztgcPHjBmzBi6du1KwYIFAbCzs6NHjx7MmjWL9957D4Djx4+zceNG1q9f\nn3jt2LFjmThxIq1btwagbNmy7Nu3j8DAQLp06cJPP/3EjRs3WLJkCc7OzgCUL18+w+9jVpHETQgh\nhDDL4cMQn9hYTEgIZOK0hoR5bjt37uTatWt4e3vj5uaGn58fffr0ISoqiuDgYCpUqECpUqVYvHgx\npUuXTkzawDgxonDhwoSFhSUmbmXLlk1M2sBIrqKjo6lbt25imaurK5UqVUo1rpiYGDp06IBSimnT\npiV7rW/fvnzxxRcEBwfj7+/PzJkz8fT0xM/PD4Bbt25x+vRpevbsSa9evRKvi42Nxc3NDYC9e/fi\n6+ubmLRZK0nchBBCCLNUrmwkWpa+ZyZUqFCBkiVLEhQUxLVr1xKTH3d3d0qXLs3mzZuTzW/TWqOU\neug+KcsLFCjw0OtAqtemlJC0nTlzhvXr1yf2tiWoWLEijRo1YubMmfj5+TF79mz69euX+PqtW7cA\nY/g05RFk9vb2AOTPn/+xcVgDSdyEEEIIszg5Zap3LKsEBAQQFBREZGQko0aNSixv3LgxK1asYMeO\nHQwYMACAKlWqEB4ezrlz5yhZsiQAhw4d4saNG1SpUiXNNipWrIiDgwPbtm2jffv2AERGRnLkyJHE\noVP4J2k7ceIEQUFBuLq6pnq/vn37MmDAAF566SUiIiLo2bNn4mseHh489dRTHD9+nFdeeSXV62vU\nqMHs2bO5efMmhQoVSt8bZQJZnCCEEEKIZAICAti0aRN79+5N7HEDI3ELDAwkOjo6Mblq1qwZ1atX\np1u3buzevZsdO3bQs2dPAgICqFWrVpptFChQgL59+zJy5EiCgoI4cOAAvXv3TuwBA2Mos3379oSG\nhjJnzhyio6O5ePEiFy9eJDo6Otn9OnTogIODA/369aNFixaJSWSCsWPH8sknnzB16lSOHj3K/v37\nmTFjBpMmTQKge/fuFC1alJdffpmtW7dy8uRJfvvtt2Rbo1gDSdyEEEIIkUxAQAD379/Hy8uLYsWK\nJZb7+flx+/ZtKleuTIkSJRLLf//9d1xdXfHz86NFixZUrFiRX3755bHtjB8/nkaNGtG6dWtatGhB\no0aNEufEAZw9e5Y///yTs2fPUrNmTTw8PHB3d8fDw4OtW7cmu1f+/Pnp3Lkz169fp2/fvg+11a9f\nP7799lumT59OjRo1aNKkCXPmzMHT0xOAPHnysHbtWlxdXWnVqhU1atRg/PjxyRJJa6ASxphzOqVU\nbSAkJCTkofFtIYQQwpJCQ0Px9fVFfubkbI/6nBNeA3y11qGWalN63IQQQgghbIQkbkIIIYQQNkIS\nNyGEEEIIGyGJmxBCCCGEjZDETQghhBDCRkjiJoQQQghhIyRxE0IIIYSwEZK4CSGEEELYCEnchBBC\nCCFshCRuQgghhLAaAQEBDBs2zJS2PT09E88utVaSuAkhhBACgMDAQAoVKkRcXFxi2Z07d3B0dKRp\n06bJ6gYFBWFnZ8epU6eyNCZ/f3/s7Oyws7Mjf/78VKpUic8//zxL27RmkrgJIUQmbT+7nfO3zpsd\nhhCZFhAQwJ07d9i1a1di2caNG3F3d2fbtm1ERUUllm/YsIGyZctSrly5J24nJiYm3XWVUrz++utc\nvHiRI0eO8Pbbb/PBBx8QGBj4xO3mBJK4CSFEJmitmbpzKh4TPPgo+CPuRN0xOyQhMszb2xt3d3eC\ng4MTy4KDg2nbti2enp5s27YtWXlAQAAAZ86coU2bNjg7O+Pi4kKnTp24dOlSYt2PPvqIWrVqMX36\ndMqXL0++fPkAuHv3Lj169MDZ2ZmSJUsyYcKEVONycnKiWLFilC5dml69elGjRg3WrFmT+HpcXByv\nvfYa5cuXx8nJicqVKz805Nm7d29efvllvvrqKzw8PHBzc2PQoEHExsam+X788MMPuLq6EhQUlP43\nMYtJ4iaEEJmglGJSq0mMbDiSTzd9itdkL2bsnkFsXNo/DISwZv7+/skSlaCgIPz9/fHz80ssf/Dg\nAdu3b6dJkyYAtGnThuvXr7Nx40bWrl3L8ePH6dy5c7L7Hjt2jEWLFrF48WL27NkDwIgRI9i4cSNL\nly5l9erVBAcHExIS8sj4Nm7cyOHDh8mTJ09iWVxcHKVLl2bhwoWEhYXx4Ycf8u6777Jw4cJk1wYF\nBXHixAmCg4P56aefmDVrFrNmzUq1nXHjxvHOO++wZs2axATVKmitc8UDqA3okJAQLYQQWeFk5End\neWFnzVh0jW9r6NXHVpsdkjBJSEiITu/PnIibETokIiTNx8FLBx97j4OXDuqQiBAdcTMi07H/73//\n087Ozjo2NlbfvHlT58mTR1++fFnPmzdP+/v7a621Xrdunbazs9NnzpzRq1ev1o6OjvrcuXOJ9zh0\n6JBWSuldu3ZprbUeO3aszps3r7569Wpindu3b+u8efPq3377LbHs2rVr2snJSQ8dOjSxzN/fX+fJ\nk0cXLFhQ58mTRyultJOTk962bdsjv45BgwbpDh06JD7v1auX9vT01HFxcYllHTt21F26dEl8Xq5c\nOf3NN9/o0aNH65IlS+pDhw49so1Hfc4JrwG1tQXzGQcTc0YhhMhRyhUux7z283ir3lsMWz2MFnNa\n8JL3SyzpvAQ7JQMcInWBIYF8tOGjNF+vUqwKBwccfOQ9OvzagUOXD/Gh34eM9R+bqXgS5rnt3LmT\na9eu4e3tjZubG35+fvTp04eoqCiCg4OpUKECpUqVYvHixZQuXRoPD4/Ee/j4+FC4cGHCwsLw9fUF\noGzZshQpUiSxzvHjx4mOjqZu3bqJZa6urlSqVOmhmLp37857773HtWvX+PDDD2nYsCH16tVLVmfq\n1KnMnDmT8PBw7t27R1RUFLVq1UpWp2rVqiilEp+7u7tz4MCBZHW+/PJL7t69y65duzI0fy+rSeIm\nhBAWVq9UPTb13sSisEUcvnJYkjbxSP18+9G6Uus0X8/nkO+x9/i1w6/cj7mPe0H3TMdToUIFSpYs\nSVBQENeuXcPPzw8wkpzSpUuzefPmZPPbtNbJkqEEKcsLFCjw0OtAqtem5OLigqenJ56ensyfP5+K\nFStSv379xKHaX375hZEjRzJx4kTq16+Ps7Mz48aNY8eOHcnu4+jomOy5UirZClqAxo0bs2zZMubP\nn8/o0aMfG1t2k8RNCCGygFKK9lXamx2GsAHuzu64O2cu4apSrIqFojEEBAQQFBREZGQko0aNSixv\n3LgxK1asYMeOHQwYMMBou0oVwsPDOXfuHCVLlgTg0KFD3LhxgypV0o6rYsWKODg4sG3bNtq3N/6t\nREZGcuTIEfz9/dO8rkCBAgwZMoThw4eze/duALZs2cKzzz5Lv379EusdP348Q1973bp1efPNN2nR\nogX29vaMGDEiQ/fJKvJroBBCCCGSCQgIYNOmTezduzexxw2MxC0wMJDo6OjE5KpZs2ZUr16dbt26\nsXv3bnbs2EHPnj0JCAh4aKgyqQIFCtC3b19GjhxJUFAQBw4coHfv3tjb2z82vn79+nHkyBEWLVoE\ngJeXF7t27WL16tUcPXqUDz74gJ07d2b4669Xrx4rVqzg448/5uuvv87wfbKC1SRuSqmBSqmTSql7\nSqltSqlnHlE3SCkVl8pjaXbGLITIfbac2cLRq0ctdr8TkScsdi8hLCUgIID79+/j5eVFsWLFEsv9\n/Py4ffs2lStXpkSJEonlv//+O66urvj5+dGiRQsqVqzIL7/88th2xo8fT6NGjWjdujUtWrSgUaNG\niXPiEqQ2lOrq6kqPHj0YO3YsYCRy7dq1o3PnztSvX59r164xcODAJ/66k7bVsGFD/vzzTz744AOm\nTJnyxPfKKiphjNnUIJTqBPwIvA7sAIYCHQBvrfWVVOoXBvIkKXID9gJ9tNaz02ijNhASEhJC7dq1\nLfwVCCFyg3vR96g6rSrVilfjjy5/ZPp+p6+fxmuyFy0rtmRc83FUdqtsgSiFNQgNDcXX1xf5mZOz\nPepzTngN8NVah1qqTWvpcRsKBGqtf9JaHwbeAO4CfVKrrLW+rrW+lPAAWgB3gIWp1RdCCEsYv2U8\nZ2+e5csWX1rkfmVcyjD75dnsv7SfatOqMXDZQC7fuWyRewshcibTEzellCPgC6xLKNNGN+BaoEE6\nb9MHmKe1vmf5CIUQAk5dP8Vnmz5jWINheBf1tsg9lVJ0qtaJsIFhfN7sc37e/zMVJlXg802fcz/m\nvkXaEELkLKYnbhjDnPbAxRTlF4ESD1dPTilVF6gK/GD50IQQwjB89XCK5C/Ce43fs/i98znkY0TD\nERwbfIzeNXvzftD7VJpSiTXH1zz+YiFErmLN24EojB2HH6cvcEBr/egzMuINHToUFxeXZGVdunSh\nS5cuTx6hECJXWH18NYvCFjG33VwK5imYZe24ObnxTatvGFh3IGPWjsEln8vjLxJCmG7lypWJCyUS\n3LhxI0vasobE7QoQCzyVorw4D/fCJaOUyg90AtL9K/DEiRNloqgQIt2iYqMYvGIwjcs2pnO1zo+/\nwAK8i3qzqNOibGlLCJF5LVu25J133klWlmRxgkWZPlSqtY4GQoCmCWXKWI/bFNjymMs7Yawu/TnL\nAhRC5GrrT67nROQJJreanK4d3oUQIitZQ48bwATgR6VUCP9sB+IEzAJQSv0EnNVav5Piur7AEq11\nZDbGKoTIRVpWbMmJIScoVaiU2aEkcz/mPgpFXoe8ZocihMhGpve4AWitFwDDgf8Au4EawHNa64R1\n8aVIsVBBKeUFNEQWJQghspi1JW0A4zePx2eqDwsOLsAa9uMUQmQPq0jcALTW07TW5bTW+bXWDbTW\nu5K81kRr3SdF/aNaa3ut9frsj1YIIcz1SpVXqFq8Kp0WdqLhjIZsOfO4mSVCiJzAahI3IYQQ6edT\nzIelXZayrsc6HsQ84NkZz9Lx144cv5axg7WFELZBEjchhLBhTTybsOv1XcxqM4stZ7bgM9WH4auG\ncy9a9iMXGdO7d2/s7Oywt7fHzs4u8e8nTmTuXN3Y2Fjs7OxYvnx5YlmjRo0S20jt0aJFi8x+OQAs\nW7YMOzs74uLiLHI/M1nL4gQhhBAZZKfs6FmzJx2qdmDC1gmsPLaSPPZ5Hn+hEGlo1aoVs2bNSjZ/\nMulh8xmR2lzMpUuXEhUVBcDJkydp2LAhGzZswNvbOJ0kb17LLL7RWqOUyhHzQaXHTQghkrh+/7rZ\nIWSYk6MT7zV+j429N2JvZ292OMKG5c2bl2LFilG8ePHEh1KK5cuX869//QtXV1fc3Nxo3bo1J0+e\nTLwuKiqK/v374+HhQf78+Slfvjxffmmc7evp6YlSihdffBE7Ozu8vb0pXLhw4v3d3NzQWlOkSJHE\nsoQN869cuULPnj1xc3PD1dWV5557jsOHDwMQFxfHs88+yyuvvJIYx8WLF3nqqaf46quvOHjwIK1b\ntwbA0dERe3t7Bg8enF1vpcVJ4iaEEPF2nttJqQml2BWx6/GVrZjsNyeyyr179xg5ciShoaGsW7cO\nrTXt27dPfH3ChAmsWrWK3377jSNHjjB79mzKlCkDwM6dO9Fa8/PPP3PhwgW2bduW7nbbtGlDVFQU\n69evZ8eOHXh5edG8eXPu3LmDnZ0dc+bMYc2aNcycOROAPn36UL16dYYPH07lypWZPXs2ABEREZw/\nf57PPvvMgu9K9pKhUiGEAOJ0HINWDKJCkQrULFHT7HCyVExcDA528t+/tTh/Hq5cgerVk5fv2QPu\n7vBUknNaBIdkAAAgAElEQVSFrlyB8HBIeQDQoUNQqBCUstDONUuXLsXZ2Tnx+fPPP8/8+fOTJWkA\n//vf//Dw8ODIkSN4e3tz5swZvL29adCgAQClS5dOrJsw1Ori4kLx4sXTHcuqVas4efIkGzduxM7O\n6G+aNGkSixcvZunSpXTu3BlPT0+++eYb3nzzTcLCwti6dSv79+8HwN7ensKFCwNQvHjxxHvYKtuO\nXgghLGTWnlnsOLeDKa2m5OikJjo2Gt/vfRm1ZpRNDwvnJIGB0KrVw+WNG8PPKc4FWrIEUjtFqUMH\nmDDBcjE1adKEffv2sXfvXvbu3cukSZMAOHr0KJ07d6Z8+fIUKlQILy8vlFKEh4cDxsKGHTt2ULly\nZd566y3WrVuX6Vj27t3LpUuXcHFxwdnZGWdnZ1xcXLh06RLHj/+zirpXr140adKEL7/8kqlTp1Ky\nZMlMt22Ncu7/TkIIkU6R9yIZs3YM3ap3o1HZRmaHk6VidSwvV36Z8VvGM2P3DMb6j6Wfbz8c7R3N\nDi3X6tcPUnRkAfDXX0aPW1Jt2z7c2wbw669Gj5ulFChQAE9Pz4fKX3jhBby9vZkxYwbu7u5ERUXx\n9NNPJy4wqFOnDqdPn2bFihWsXbuW9u3b06pVK+bNm5fhWG7fvk3FihVZsWLFQ4sLihQpkvj3mzdv\nsm/fPhwcHDhy5EiG27N20uMmhMj1Pgz+kHsx9xjXfJzZoWS5fA75GOs/liODjtCmUhsGrxhMtW+r\n8fvh33PEijtb5O7+8DApQM2ayYdJAdzcUk/cqlSx3DBpWi5dusSxY8d4//338ff3p1KlSly9evWh\nOZXOzs507NiR77//nrlz5zJ//nxu376Nvb099vb2xMbGptlGavMza9euTXh4OAUKFKB8+fLJHglD\noAADBw6kaNGiLFmyhE8++YQdO3YkvpYnj7HK+lFt2wpJ3IQQudq+i/uYunMqHzT+AA9nD7PDyTYl\nC5Vkepvp7O63mzIuZWg7vy0BPwYQEhFidmjCShUtWhRXV1cCAwM5ceIE69atY+TIkcnqfPXVVyxY\nsIAjR45w5MgRfv31V0qVKkXBggUBKFOmDGvXruXixYtcv/7wUH1qvzy89NJLVKtWjdatW7N+/XpO\nnTrFpk2bGD16NGFhYQAsWLCARYsW8fPPP/P888/Tv39/unXrxt27dwEoV64cAH/88QdXrlxJLLdF\nkrgJIXItrTWDVwzGq4gXQ+oPMTscUzxd4mlWd1/N8q7LuXz3MhtObzA7JGGl7O3tmT9/Ptu3b6da\ntWqMHDkycauPBAULFuTTTz+lTp061KtXj4iICJYtW5b4+sSJE1m5ciVlypShbt26D7WRWo+bvb09\na9asoXbt2rz66qv4+PjQo0cPLl++jJubGxEREQwYMIDx48dTqVIlAMaNG0e+fPkYMsT4d+3l5cWY\nMWMYOHAgJUqUYMyYMZZ8a7KVyi1d40qp2kBISEgItVPrZxZC5EobTm3A3s6ef5X5l9mhmC4mLgat\ntcx3s4DQ0FB8fX2Rnzk526M+54TXAF+tdail2pTFCUKIXM2vnJ/ZIViNnLyaVoicQoZKhRBCCCFs\nhCRuQggh0uWv03/R7Kdm7Lmwx+xQhMi1JHETQgiRbudunaN2YG16/96bczfPmR2OELmOJG5CCCHS\npXHZxux7Yx9Tnp/Cn0f+xGuyFx8EfcDtqNtmhyZEriGJmxBCiHRztHdkwDMDOPbmMYbUG8K4zePw\nmuzFD6E/EBtn+5ubCmHtZAmRECLX+HLLl+RzyMeguoPMDsXmueRz4bNmn/FGnTd4Z/07DFk5hFYV\nW1GyUM48HzKjEjaIFTmTGZ+vJG5CiFzh1PVTvB/0Pm/Ve8vsUHKUsoXL8nO7n7lw+wIlCpYwOxyr\n4ebmhpOTE927dzc7FJHFnJyccHNzy7b2JHETQuQKw1YNo2j+orzb+F2zQ8mRJGlLrkyZMoSFhXHl\nyhWzQxFZzM3NjTJlymRbe5K4CSFyvFXHVrH48GJ+af8LBfMUNDsckUuUKVMmW3+gi9xBFicIIXK0\nqNgoBq8cjH85fzpW7Wh2OLnW22vfZtaeWbKAQYhMksRNCJGjfbPtG45fO87kVpNTPcBaZL3YuFhO\n3zhN7997U+d/dVh3Yp3ZIQlhsyRxE0LkWBG3IvjPX/9hUN1BVCtezexwci17O3vmtp/L1r5bye+Q\nn2azm/Hi3Bc5dPmQ2aEJYXMkcRNC5FgXbl+gZomajPUfa3YoAqhfqj6b+2xmwSsLOHT5EDW+rUH/\nP/tz8fZFs0MTwmZI4iaEyLFqu9dmY++NFM5X2OxQRDylFB2qdiBsYBjjmo/jl4O/MGTlELPDEsJm\nyKpSIYQQ2S6vQ16GNRhGz6d7ci/mntnhCGEzJHETQghhmqJORc0OQQibIkOlQgghhBA2QhI3IVK4\n+eAmU3ZM4X7MfbNDESLXu3bvGsNXDefynctmhyKEVZDETYgULty+wJsr3uTXg7+aHYoQud6eC3v4\nYfcPVJxckS82fSG/UIlcTxI3IVLwLupN8/LNmbZrmtmhiCcQp+OYf2C+7MyfwzTxbMLxwcfpUaMH\n7wW9R+UplZm3fx5aa7NDE8IUkrgJkYoBzwxg29lthJ4PNTsUkU4zd8+k82+dCTkfYnYowsLcnNyY\n/PxkDvQ/QM0SNem6qCv1p9dnU/gms0MTIttJ4iZEKl70fpHShUozbaf0utmCyHuRvL3ubbrX6E7d\nknXNDkdkkUpulVjSeQlBPYOIjYul0cxGbDu7zeywhMhWsh2IEKlwsHOgn28/Ptn4CeObj8c1v6vZ\nIYkkjl49yqHLhzgReYKT10+y9exW7sXcY1yzcWaHJrKBfzl/dvx7ByuPraReyXpmhyNEtpIeNyHS\n8Frt14iJi2HWnllmh5KrxMTFPLbOmHVjaDu/Le+uf5f1J9dTomAJ5rabi7uzezZEKKyBnbLjea/n\nUUqZHYoQ2Up63ISI9/GGj8nvmJ8RDUcA8FTBp3ilyitM2zWNIfWHYKfk9xxL0Fpz9d5Vo7cs8iQn\nIk8k9pydiDxB+I1wro2+RqG8hdK8x8TnJjLt+WkUL1BcfnALIXIVq0nclFIDgRFACWAv8KbWeucj\n6rsAnwIvA67AaeAtrfXKbAhX5ECz9s7iBa8XkpWNenYUYZfDjBVskh9YxPZz22kwvUHic9d8rpR3\nLY+nqycd3Dvg6er52CS5jEuZrA5T5ADLjy7HNZ8rDUo3eHxlIWyEVSRuSqlOwFfA68AOYCiwSinl\nrbW+kkp9R2AtcAFoB0QAZYHr2Ra0yFHCb4RzIvIE/uX8k5XXLFGTmiVqmhOUjdlzYQ/vrHuHZuWb\nMazBsDTrVSlWhYUdFiYma3IAvMgqU3dOZfnR5XSs2pHPmn5GedfyZockRKZZy9jPUCBQa/2T1vow\n8AZwF+iTRv2+QGGgrdZ6m9Y6XGu9UWu9P5viFTnMhlMbAGhctrHJkdieWw9uMWzVMHy/9yX8Rjjl\nCpd7ZP1CeQvRvkp7arnXkqRNZKk/Ov/BzDYz2RS+CZ+pPoxYPYLIe5FmhyVEppieuMX3nvkC6xLK\ntLGz4logrf7tl4CtwDSl1AWl1H6l1NtKySQkkTHBp4KpXrw6bk5uZodiM7TWLA5bTJVpVfhu13d8\n1vQzdvfbTTufdmaHJgQA9nb29KrZiyODjvBeo/f4btd3VJxckUnbJxEVG2V2eEJkiDUkOm6APXAx\nRflFjPluqSkPdMCIvxXwMTAceCeLYhQ5XPDp4IeGSUXaTl8/TetfWtNuQTtqlqjJoYGHGPXsKBzt\nHc0OTYiHFMhTgPf93ufY4GO092nP0FVDaTG7hdlhCZEhVjHHLQ0KSOtMEzuMxO71+N653UqpkhiL\nG/77qJsOHToUFxeXZGVdunShS5cumY9Y2KS05reJ1GmteXn+y1y+e5lFHRfRtnJbWdkpbEKJgiX4\n/qXvGVxvMBG3IswOR+Qg8+bNY968ecnKbty4kSVtKbPPe4sfKr0LtNda/5GkfBbgorV+OZVrgoEo\nrXWLJGUtgWVAXq31QxtBKaVqAyEhISHUrl3b4l+HsF2z986mx5IeXB55WYZK0ynschilCpXCOa+z\n2aEIIYRVCg0NxdfXF8BXa22x8xNNHyrVWkcDIUDThDJl/PreFNiSxmWbgYopyioB51NL2oR4lJol\navJVi6/SlbTFxsVy88HNbIjKuvkU85GkTQghTGB64hZvAvC6UqqHUqoy8B3gBMwCUEr9pJT6NEn9\nb4GiSqlvlFJeSqkXgLeBKdkct8gBqj9V/ZHbVyQV8GMAI1ePzOKIhBBm0lrz68FfiY6NNjsUIR5i\nFYmb1noBxuKC/wC7gRrAc1rry/FVSpFkoYLW+izQAngGY7Per4GJwBfZGLbIhZqVb8ac/XO4fj9n\nbxl49OpRYuNizQ5DCFPsvrCbTgs7Uf3b6vzx9x+YPaVIiKSsInED0FpP01qX01rn11o30FrvSvJa\nE611nxT1t2utG2qtnbTWXlrrL7T86xJZ7N+1/01UbBQ/7f3J7FCyxL3oe7y3/j2qTqvKj3t/NDsc\nIUxR2702of1CKVWoFG1+aUOTn5oQEhFidlhCAFaUuAlhC9yd3Wnn045pO6fluN/CH8Q8wPd7X8Zv\nGc+7jd6la/WuZockhGlqlqjJmlfXsKzrMi7evkid/9Whx+IenLlxxuzQRC4niZsQT2jgMwP5++rf\nrD+53uxQLGrb2W2EXQlj7atr+dD/Q/I55DM7JCFMpZTiea/n2dd/H9++8C0rj63Ee4o3y48uNzs0\nkYtJ4ibEE2pUphFVi1Vl6s6pZodiURtOb8A1nyvPlnnW7FBsyr170KIFTJ5sdiQiqzjYOfBGnTc4\nNvgYo58dTf1S9c0OSeRikrgJ8YSUUgx8ZiC///07Z2+eNTsciwk+FUzjso2xk5Pjnkj+/FC7Nnh5\nmR2JyGqF8hZirP9YiuQvYnYoIheT/6FFpkTFRvHi3BdZdWyV2aE8semh01lyeEmGru1eozuV3Spz\n7NoxC0dljvsx99l6dqucHpFBn38OLVsmL/vtNzh/3px4hBA5lyRuIlMWhy1m2dFl9P2jL7ce3DI7\nnCfy2abPMjxPzTmvMwf6H8gxic6Rq0ewU3b4lfUzOxSboLXxSMu9ezBgAMyalW0hCStx+vppOU5L\nZClJ3ESmfBfyHdWLVyfyfiQfBH1gdjjpdubGGY5HHs9U4pWTzues8VQNIkdH8nSJp80OxSZMmADd\nukFcXOqv588Pf/8NgwcnL0+rvsg53gt6D6/JXowNHsvtqNtmhyNyoCdO3JRSs5RSjbMiGGFbzt86\nz6bwTYz51xjG+o1l0o5J7D6/2+yw0mXD6Q0ANC4r38oJ8tjnkflt6VS2rDGnze4Rb1fhwlCgwD/P\nY2LA1xfmzMn6+IR5prSawqBnBvH5ps/xnuzN9NDpspm1sKiM/C/tCqxRSh1VSr2jlCpp6aCEbXB3\ndif8rXDa+7TnrfpvUaVYFQJDAs0OK12CTwVTrXg1OVReZMgrr8BHHz3ZNVFR0KoVVKuWNTEJ6+CS\nz4Uvmn/B4UGH8S/nz2tLX6NWYC1WH19tdmgih3jixE1r3QbjCKpvgU7AKaXUCqXUK0opR0sHKKyb\nu7M7eR3y4mjvyOruq5n2wjSzQ0qX4FPB+Jf1NzsMkYs4OcGnn0LNmsnL58+HyEhzYhJZp1zhcsxt\nP5ftr23HJZ8Lz815jhfmvkBMXIzZoQkbl6FxEa31Za31BK3100A94BgwG4hQSk1USsnC+FzI3dnd\nJobaLDG/TeQuZ85A165w3cJH1F65An37wsKFlr2vsB51S9blr15/8VvH3/B198XBzsHskISNy9R3\nkFLKHWiOceB7LLAcqA4cUkqN0lpPzHyIQliWzG8TT+r8eWOxwb17xtw1S3Fzg+PHwdU1eXlc3KPn\nzwnbopSinU872vm0MzsUkQNkZHGCo1KqvVLqT+A00AGYCLhrrXtqrZsBHQHbWWIocpViTsXoX6c/\nxQoUs9g9t57Zymt/vJbjzi+1CZcuwQsvQOnS0KgRvPoqvP8+TJ8O69YZmVFUVKaaqFsXdu0Cd3cL\nxZzEU09Bnjz/PL9zB6pWhWXLLN+WEML2ZaTH7TxGwjcPqKu13pNKnSDAwoMKQljGcxWf47mKz1n0\nnjce3GD67ukMfGYgtdxrWfTeWele9D3yOuS1iSHuVG3fDu3bQ3Q09O4NZ8/CyZMQFAQREf9stqYU\nlCwJ5cql/ihdOnn2lIrs2v0lKgqaN4cqVbKnPWE9Tl8/TdnCZc0OQ1i5jCRuQ4Fftdb306qgtb4O\neGY4KiFsTFPPphRzKsbc/XNtKnH7autXzNwzk2NvHrOtfem0hu+/NzZKq13bmCRWMsUC9wcPjMlp\np0798zh92vgzOBjOnUszsdNly/Hl3y/R6eUoytRzT1diZymurjBp0sPlc+dCmzbJtxgROcf5W+ep\nPLUyzco3Y1yzcfgU8zE7JGGlMpK4/QE4AckSN6VUESBGa33TEoEJ67T1zFZc87tS2a1yuurfi75H\n5P1IPJw9sjgycznaO9KxakfmHZjHF82/sJkerOBTwVQpVsW2krb792HgQJgxwzieYOLE1JOqvHmh\nYkXjkZqoqIcTu/hH5Po9TIvoQ9GFH9OHmRbpscuM48ehVy9jBerLL2dZM8JEJQqW4Me2PzJm7Riq\nf1ud131fZ6z/WIoXKG52aMLKqCedk6OUWgEs1VpPS1H+BtBaa/28BeOzGKVUbSAkJCSE2rVrmx2O\nTdJa4/u9Lx7OHvzZ9c90XdNyTksexD5gfY/1tpUcZMDWM1tpOKMhQT2DbGLF6oOYB7h+4crHAR8z\nvOFws8NJn9OnjaHRgwfhu++gZ88sa+r2tSgKRqae2HHqVPIeOzs78PeHPn2gXTvj6AQLO3PGyB2T\nLlrQOvuGcEX2eBDzgCk7pvDxXx8Tp+N4p9E7DKk3hPyOlv+eElkrNDQUX19fAF+tdail7puRboF6\nGHPYUgqOf03kULsidrH7wm761+mf7muGNxhO8KlgZu+bnaE247TtnBFUv1R9Y++m/XPNDiVddkbs\n5F7MPZtIMgFYu9Y4euDqVdiyJUuTNoCCRfJAhQrQtKmxZ8fHH8Ps2bBxo5FF3b8Px44ZcU2ZArGx\n0L27sYJhwABjNYMFF6uULp08abtyBSpVgk2bLNaEsAJ5HfIyvOFwjg8+Tp9afXg/6H0qTanEymMr\nzQ5NWImMJG55SX2I1RGQXwlysO92fUcZlzK0rNgy3dc0r9CcLtW6MHz1cK7du5bu67TWfLHpC9ov\naG8zx8UopeharSsLDy3kQcwDs8N5rA2nNlAobyFqlqj5+Mpm0ho+/xyeew7q1DESolqWn0e4fz/s\nSW2pVVryJEns+vc35s0dPQqDBsHSpfDMM/D00/D113D5ssXjjYkxOvkqp2/WgrAxRZ2K8nXLrzk0\n4BB1POqQ30F+vApDRhK3HcDrqZS/AYRkLhxhra7fv868A/N4vfbr2NvZP9G1E56bQHRsNKPXjE5X\n/Zi4GPov68+YdWOoVqyazcwXA+hWoxuR9yNt4rfj4NPBNC7b+Ik/z2x186ZxvtTbbxuPZcugaNEs\naer99+GttzLZSVaxIvz3v8ZQ6ooVRlY1apQxxvnKK7B8uZFxWUCJEsb6DLckp7ZpbSxieGD9vzeI\ndPIq6sWiTovwK+dndijCSmRkccJ7wFql1NPAuviypsAzGBvxihxo9t7ZRMdF06dWnye+tkTBEnzW\n9DMGLB9Ar5q9eLbMs2nWvfXgFh0XdmTtibVMbz09Q+2lZdWxVXg4e1D9qeoWu2dKVYpVYfbLsx/5\nNVqDqNgoNodv5j8B/zE7lLSFhRnzxSIiYMkSY0llFpozx9hDzSJzxuztoWVL43HlipFNTZ9u7Dfn\n4WEM8/bubZxUb0EhIcZobcKWdkKInCcjZ5VuBhoAZzA22n0J48irGlrrjZYNT1gDrTXfhXxH28pt\ncXfO2A6k/er0o17Jeryx7A2iY6NTrXPu5jkaz2rMljNbWN51eapJW5yOY/6B+dyNvvvEMby54k0C\nQwKf+Lon1b1Gd6s/vH5XxC7rnt/222/Grrd2drBzZ5YnbQAFCxqb4Vqcm5uxbcmePUZm9fLL8O23\n4O0NjRvDrFlGxmgBderAiRMPJ22yL3TOFhUbxf2YNHfoEjlMRs8q3aO17qa1rqq1rqO17qO1Pmrp\n4IR12BS+iUOXD/GG7xsZvoedsuO7F78j7HIYP+798aHX913cR/3p9bl69yqbem+ieYXmqd4n/EY4\n3Rd3Z+qOqU/U/rmb5zh67aj1JirZrEGpBoQNDLO++W0xMTB6tDGs2KqVscGut3eWNBUXB6EWW+eV\nDkoZe85NmWKcoTVvHuTLZ6xELVEC/v1vY9FFJrOscuWSPz95Enx8jDl8ImeavH0yPlN9+OXAL3J6\nSy6QqclDSqn8SqlCSR+WCkxYDzcnN4Y3GE6AZ0Cm7lOzRE2CegbRq2avZOWxcbF0XtiZYk7F2Pba\ntkcOZZYrXI5/1/43n2/+nBv3b6S7bTmfNDmlFJXdKlvXgdeXLxtDi199BV9+aWxaVrBgljU3fTo0\nbGjs6pHt8uWDzp1h9Wojsxo50lid+uyzxpEJ48fDhQsWa65hQyhf3mK3E1bmBe8XqPFUDbr81oUG\n0xuwOXyz2SGJLJSRfdycgHEYw6QPzRLWWlvlTGfZx826/X3lb0oWKknBPI//QR1xK4IKkyowquEo\nPgr4KF33f33p62w+s5mDAw5mNlSRFXbtMuaz3b9vJGwBmfslIT1iYoydPbKhqfSJizOO6poxwxgq\njokx5sT16QPPPw+OjhZrKjoaFi0yOjbtrfJ/bJERQSeDGLFmBKHnQ2nv054vmn1BhSIVzA4r17Km\nfdzGA02A/sAD4DXgQyAC6GGpwETuUsmtUrqSNgAPZw8GPTOICdsmcOXulXRdE3wqGP+y/pmIUGSZ\n6dPhX/8y9j8LDc22TMrBwYqSNjDm8zVtCj//bAylTp5sLMxo2xZKlTJ65cLCLNLUunXQpQv8/bdF\nbiesRIBnADv/vZOf2v7E9nPb8Znqw7BVw7gTZZk5lMI6ZCRxewkYoLX+DYgBNmqt/wu8A3SzZHBC\npGX0v0ajUHy+6fPH1pX5bVbqwQPo1w9ee804z+mvv4wEJQtdvJilt7ccV1djb7idO2HvXujaFWbO\nNIZRGzSA//3P2Colg1q2NI7RSnmQvUyPsn12yo5Xn36Vvwf9zVj/sWwM30ge++w5Z1dkj4wkbkWA\nk/F/vxn/HGATIBOIRLZImHc3ZccUzt48+8i6CfPbzNoHyVY2EM5WZ84YKyp//NHocfvuO+Ns0Sxu\nslIlY02ATalRwziPNSICFi6EIkXgjTeMBQ09e8KGDRnKuDw9kz/fs8do6tQpy4QtzOXk6MQ7jd5h\n+2vbcbS33DC7MF9GErcTQLn4vx/GmOsGRk/cdQvEJES6DG0wlIJ5CvLVlq8eWe9+zH2al2+e7Yc1\na61pPLNxunoFc5WgIOPoqgsXjPOa+lhur75HKVUKxo2DF1/MluYsL08e45zWZcsgPNzYMXjLFuP4\nBC8v+PRTOPvoX2IexdHR2IElizs9RTazpQ3MRfpkZHHCUCBWaz1JKdUMWIqRADoAw7TW31g+zMyT\nxQk507az26harCrOeZ3NDiVV3Rd1J/R8KAcHHETl9tPAtTZWjI4eDU2aGF1fbta9353V09pYYTFj\nBvz6q7G447nnjGT4pZcy3Yt56xasXw+tW8th9jlVbFysdZ+eYsOsZnGC1nqi1npS/N/XApWBLkAt\na03axJOzlcPd65eqb7VJG0DX6l0JuxLG3ot7zQ4FgAlbJ/DSvJeyv+Fbt6BTJ2OC/ahRsHJltiRt\n0dE5fN6WUv9s4nv+PAQGwvXr0KGDcczWW2/Bvn0Zvv2SJdCxozFKK3Ke2LhYGkxvwMjVI7l+XwbM\nbMUTJW5KKUel1DqlVOI5LVrr01rrRVrrjP/vIKxKbFwsNb6twey9s80OxeY1L98cNyc35u6fa3Yo\nAKw6vir759z9/TfUr2+c3fnbb/DZZ9myB4XW0K2bcWhBrlCokLHQY8sWOHTI6HX75RfjoPs6dWDa\nNIiMfKJbvvqqcauSJf8p0zqHJ8O5SExcDC96v8i0XdOoMKkCk7ZPIio2yuywxGM8UeKmtY4GamRR\nLMJKrDy2koOXD+JTzMfsUGyeo70jHat0ZN6Beab3YkbHRrMpfFP2rq5dsgSeecbYo2znTmOvtmyi\nlDGfrWnTbGvSevj4GBP6zpyB3383Jq4NHmxsudK1q7HZb1z6vh8rpNgGLCjIyMOvpG8nHmHF8jrk\n5QO/Dzj25jFervwyb618i2rTqrE4bLGcwGDFMjJrcQ7Q19KBCOvxXch3+Lr7Usejjtmh5Ahdq3fl\n7M2zbArfZGocuyJ2cTf6bvYkbrGx8O67xrmczZvDjh1QuXLWt5tCjx7GNmi5lqOjMUFtyRJj4cJ/\n/wu7dxufSfny8NFHcPr0E92yQAGoWROKPrT9urBV7s7u/ND6B/a8sQdPV0/aLWiH/4/+7IrYZXZo\nIhUZSdwcgP5KqRClVKBSakLSh6UDFNnr9PXTLDuyjH6+/cwOJcdoWLoh5QqX4+d9P5saR/CpYArm\nKUht9yxenHP1qrHT/+efG4+FC8HZeuch5holSsCIEcbY55YtRvL25ZfGviDNmxuLRe7de+xt6tUz\nptIlXaxw6ZLRiSedNLatxlM1WNV9FSu6reDq3ausPLbS7JBEKjKSuFUDQjH2cPMGaiV5WNmJ1eJJ\n/RD6AwXzFKRL9S5mh5JjKKXoUq0Lq46vMnW4dMPpDTQq0yhrzycNDTXmU4WEGOdwjh6drcsR16+H\nNm3gjmwUnzal/tnE98IFY2PfqChjCNXDAwYOND6/J8jC5swxdirJxJ7Awoq0rNiSPW/sYWTDkWaH\nIgs0W50AACAASURBVFKRkVWlAY94NMmKIEX2iI6N5ofdP/BqjVfTffyUtdl3cR/DVg1Da03Y5TBu\nR902OyQARj07irCBYabtqZQt89sWLTIOSXdzMxI4EyaXaW3sgJFHNopPnwIF/tnE98gRGDDAGFat\nU8cYD/3mm3RNZhs61Dhu1sXlnzLpfbNtDnYO5HXI2k2xRcZYzc58SqmBSqmTSql7SqltSqlnHlG3\np1IqTikVG/9nnFLqbnbGmxMtPbKUC7cv0K+O7Q6TXrx9kYnbJrLs6DLazm/L6DWjzQ4JgML5CpPf\nMb9p7YecD+FO9B38ymbB6RFaw4QJxonlbdoY+4qVKWP5dtKhaVNYsMCi57HnHl5e8Mknxua+y5eD\nt7exfYuHh7G9yIoVxtzFVChlXJ7Ur78an8dd+Z9ZCIt64sRNKRWklFqf1iMjQSilOgFfYRxWXwvY\nC6xSSj1qo6cbQIkkj7IZaVv8Y+PpjTQs3ZAaT9nuwuFm5ZvhV9aPISuHcOTqETmfNF5lt8rMf2W+\n5ee3xcTAoEEwfDiMGQNz50K+fJZtQ2Qve3to1crIvCIiYPx4Y0uX55+HsmWNRSfHjj32NkWLQrVq\n4OSUDTGLbLfj3A6a/dSM3ed3mx1KrpORHrc9GIlVwuMQkAeoDezPYBxDgUCt9U9a68PAG8Bd4FFn\n4Wit9WWt9aX4x+UMti3iTWw5kVXdV5kdRqYopfikySeciDwBmHc+qbUpnK8wHat2tOyZhbdvG0s2\nAwPh+++NI5fssr8Tf9Mmo5NIZAE3NxgyxDjofudOY4Xq1KlG95qfH/z0U5oTCps2NUZakzp1CrZv\nz/qwRdaLjo0m4lYEvt/70mtJr8eeGS0sJyNz3IameAzSWv8L+Br+z959h0dVLw0c/05Cka7SRRHU\nC4gKAgqoiIqiV0SvvNiwoaBgRbn2gqgootiwXb0iCBYEuyKIYMUCXCEUKSJVuiBIr8m8f8zGhJC2\nm92c3ex8nmcfyNmz50wSSGZ/ZYbd4V5PREoDLYAvs91DgQnACfm8tKKILBGR30XkIxFpHO693b4S\ndW1bdifVPYmODTrSpGaTYu9PmjRWrrSK/d99Z70zr702kDBUbbDvDl9DHVsiWUV8V62Ct96y+eiu\nXa02XI8eMGlSgQvbXnnFKsTs8hqvCe+kuicx8/qZvHTOS4z5bQwNnm9An6/6sHnn5qBDK/HC7lWa\n54VEjgCmqOqBYb6uNrACOEFVJ2c7/jjQVlX3Sd5EpDVwBDATqALcAbQFjlLVFXncx3uVJpEtu7aw\ndddWalasGXQoJc+sWTZtBpa0NQl2an3zZhv0qVUr0DCS05Il1m5r6FAb9jzySOvYcMUVUHPf/3vp\n6bBo0d7r4VS9D2qi27RzEwO+H8Azk56hStkqPHzaw3Rr1i22O9gTQNz0Ks3HCcCOKF5PgFyzSlWd\npKpvqupMVZ0I/B+wFugRxfu7BFaxTEVP2mLhiy+ydo5OmhR40gZWIs6TtoDUqwcPPgiLF8P48bYT\n9f77rUfW+efDJ59Yw9iQ1NR9NzG8/LI11Mhj34NLAJXLVqb/6f359aZfaX94e3qN7cWyjcuCDqvE\nCjsdFpEPch4CagPHAf0iiGEdkA7k/C1bA1hTmAuo6h4RScNG4fLVu3dvqmTfsw506dKFLl1KVt2y\nDM1g9h+z8z3n0P0PpXLZysUUkcuUoRmkrUqjxUEtgg4lPIMHw3XXwVlnWQ9ML6rrMqWkwBln2GPD\nBivmO2SI7TKuWdNaWHTrlmv3jFq1oGHDYmlf62KsbpW6vNHpDR4/43EOqnRQ0OEUqxEjRjBixIi9\njm3cuDEm9wp7qlREhuY4lIGNdn2lql9EFITIJGCyqt4S+liA34HnVHVgIV6fAvwCjFHV2/M4p8RM\nle7Ys4Ppq6fT+uDWeZ6zdddWKj6W/3q10V1Gc06Dc6IdnivAu7Pf5aL3LmJhr4UcdsBhQYdTsIwM\nG0V57DFL3J5/HkoFOwUyY4Z10erWzX/hx7UZM2wa9Y03YP16K/zbvTtcdFG+if+8ebZh+eijizFW\n56IsVlOlUVvjVqQgRC4ChgE9gSnYLtMLgEaqulZEhgPLVfXe0Pl9gEnAAmB/4E7gPOyLMy+Pe5SI\nxG3Kiil0/agr67atY+mtSylfOve99ukZ6QX2mWtQtQEHlDsgFmG6fGzdtZUaT9bgvpPv496T7w06\nnPzt2AFXX20jbAMH2k6AOFiQNHCg5QMzZnjNtoSwc6dNmw4ZAuPGQblylrx16wZt2uzzb6p7d/jp\nJ5g9Oy7+uTkXkbhJ3EKFcVOybyQIHW8FpKtqRF1pReQGLAGriZUcuTnzWqH6cEtUtVvo46eBTlj9\ntg3AVOA+VZ2Zz/UTOnHbuWcnD337EI//8DjNazdn2PnDaFzdN9Imqss+uIzpq6fzy/W/IDH8zTRs\n+jDmrpvLgDMGhP/iP/+0dUo//2wjJhdcEP0Ai2DrViv87xLMsmVWRmTIENupcMQRlsBdeaWtjcN2\nnS5bBocfnvUy38RQcjz4zYPUrVKXrk27kppScofM42lzwovAIbkcrxN6LiKq+pKq1lPVcqp6QvYE\nUFXbZSZtoY//rar1Q+cepKrn5pe0JbqpK6dy3KvH8eSPT9LvtH781P0nT9oS3GXHXMactXOYuSa2\n/2xHzh5J2uoICmQuWGDTWvPmWQPQOEvawJO2hHXIIVbE97ff4Jtv4MQToV8/67Zxzjnw/vuUYdde\nSRvYTP2113orrUSnqizasIjun3Sn+X+bM2HRhKBDSjiRJG6NsSbzOaWFnnNRsit9F32/7kurwa0o\nnVKan3v8zL0n35v0W6xLgvaHtadquaq8PevtmN1jT8YeJv4+kVMPPTW8F/74I7RubcMbkyZZAudc\ntKWkWBHfYcOs2f3LL9s6uAsusJG33r2t9ExInTq2idVH3RKbiDC803AmdZ9EpTKVaP9Gezq81aHA\nzXQuSySJ20723QEKtrN0T9HCcdn98PsP9P++P33a9mHyNZMTuhWV21vp1NJcdNRFjPhlBBmaEZN7\nTFs1jS27toTX9mvUKGjXDho3tkVGOYc9ArR+PVx8MSxdGnQkLuoqV7bhtMyFbVddZe3TmjSB44+H\n//yHrv/6i/vu2/tlM2bYbKtLPK0ObsXEqyfy3oXvMf/P+TR5uQk9P+3Jmi2FKiaR1CJJ3L4AHhOR\nv2tqiMj+QH9gfLQCc3Ba/dNY2GshfU/tG91WRS4uXHrMpSzbtIwffv8hJtf/Zsk3lC9dnuMOOq5w\nL1i9Gi691Na1jR8PB4ZVSzvmli6F+fO9FWqJ17ix7T5Zvhw+/NA6M9x8s/152WU2dZ9hb3b69LHm\nDS4xiQidG3dmzo1zeLL9k7w75116ju4ZdFhxL5I5t9uB74ClodppAMdiNdeuiFZgztStUjfoEFyM\nnHjIibSp24Z129bF5PrfLv2WNnXbFD7pnzDBqqAOGgRly8YkpqJo1gymTfOpsqRRurS9iTj/fGuz\n9cYbtqHh7bdtzvTqq3nniatYU9Z/Ria6Mqll6H1Cb7oe25VNOzcFHU7ci6RX6QqgCbYDdA62o/MW\n4BhV9VLJzhVSiqQw8eqJdDqyU9SvvSdjDxOXhrm+bfx4m5rKpVVRvPCkLUnVrg133glz58IPP1gH\n+4EDKd+4HvV7nmnlanZY454774R77gk4XheRA8sdSL396wUdRtyLqOWVqm5V1f+q6o2qeruqDlfV\nsBvMO9i+e3vQIbgSKG1VGpt3beaUeqcU7gWqNuLWvn1sA4uA7yJ0fxOxXaiDB9so3JAhlrB16WLJ\n3U03cVDGMmrX8n80ruQKO3ETkXtEpFsux7uJyF3RCavkS89IZ+APA6k/qD4rNq0IOhxXwlQrX437\nT76/8Ovb5s6FlSvjLnFLT7eNhyNHBh2JizsVK9omhu++g19/heuvhw8+4Nan6tJraDN47jmrRQj8\n73/2z9sltk07N3HHF3fwx9Y/gg4lUJGMuPUEcutOMBu4rmjhJIf5f87n5KEnc9eEu7i8yeUcWC6+\nFoEnvT/+gHWxWXdWXOofUJ9+7fpRJrVM4V4wYQKUKQMnnxzbwMK0Ywc0bWpLmpzLU4MG0L8//P47\njB5tu6Fvuw0OOgguuoheV/7FTTf6KFyim7lmJq9Oe5UjnjuCAd8PSNoZq0gSt1rAqlyOr8VKgrg8\nZGgGz056lqYvN2XttrVMvHoiT575JOVKlws6NJfdhRfaME9ozUxSGD8eTjoJyufeQi0oFSpYa9RW\nrYKOxCWEUqX+LuLLypUwYADMmcPn8w7l2UmtbRvqwoVBR+ki1KZuGxb0WsDVx15Nn6/70OjFRrw1\n862YlVSKV5EkbsuAk3I5fhLgg9F5WLB+Aae+fiq9x/WmZ4uezLhuBifVze3L6AK1fj18/z3MmQMP\nPxx0NMVj926rYH/GGUFH4lz0VK/+dxHfKlMmUPf85jZ9esQRcNpp9DjtNwY+uivoKF2YqpWvxqCz\nBzH7htm0qN2Cyz+8nNaDWzNx6cSgQys2kSRurwLPisjVInJo6NENeCb0nMth6V9LafpyU1ZsXsE3\nXb/h2X8+m2dzeBew8eOtRtR118Hjj9vimJJu8mTYsiWu1rdt3eqbElyUiPxdxJdVq+DNN1FJ4aBv\n3qL6I72gZ0/7P+D/4BJKg6oN+ODiD/j2qm9RlLavt+WbJd8EHVaxiKTJvAADgF5A5gKaHcDjqhq3\nQxRBN5kfNn0YnRt3pmKZisV+bxeGrl0hLQ2mTrW2Tzt2WPGwGNc1W799PRMWTaDzkZ2Lv+ly3742\nH7l2LaTGR8PnSy+1gcB33w06EldiLV4Mr78OQ4daR/vGjfmx3f00uukMDmxYPejoXBgyNIPP5n/G\nOQ3OIUUiKpYRE3HTZF7NXUB1oDXQFDgwnpO2eND12K6etMW7jAwYOxY6dLDin6+/bo2wi2HKdNaa\nWVz83sXMWTsn5vfax4QJ1uYqTpI2gG7d4Aov5+1iqX59eOghS+DGjSPj6CZ0feF47j7yY+jUyTY5\n7PEujokgRVI4t+G5cZW0xVLEn6WqblHV/6nqL6q6M5pBOReIqVNt1KlDB/v4mGPggQdsyvTnn2N6\n6xYHtSBFUpi8YnJM77OPjRttmijO1redcQacd17QUbikkJoKZ55JysgR/DCvKg/1S7H+aueeC4cc\nAnffbeVGnIsTESVuInK8iDwhIu+IyAfZH9EO0LliM3asNbs+4YSsY3fdZfUorroKdsbu/UnFMhU5\nqvpRTF5etMRt0YZFvPzzy2zdtbVwL/j2WyuWFkfr25wLSo2GB1D7vm62PGLaNLjwQi55uiWvNXoC\n2rSxgr+bNwcdpktykRTgvQT4ATgS6ASUBhoD7YCNUY0uQazYtILLPriMNVvWBB2KK4oxY+DMM22a\nNFPp0rYGZv586NcvprdvVacVU1ZOKdI1vlz0JTeNuanwUwbjx1uRtMMOK9J9o2H7dhvocC4uNGvG\nnqefo1aP8zjwtm5W8Peaa6xDQ7dutvvcNzS4AEQy4nYv0FtVzwV2YX1KjwRGAb9HMba4p6oMnzGc\no146iq8Xf82Sv5YEHZKL1Nq1MGVK1jRpdk2aWP2nAQNsOjVGWtZpyS9//MKWXVsivkba6jQaVWtU\n+NqAmW2u4qAJ6Esv2ez0xqR8++fiUalS8OwLpej05Enw+eewZAncfTcTP9/KlpP/CQ0b2s8Fb8vg\nilEkidvhwGehv+8CKqhtTX0G6BGtwOLdqs2r+Nc7/6LrR105r+F5zL5hNq0O9iqhCWvcOHv3/M9/\n5v783XdbAhfDKdNWB7ciQzOYujLy5DBtdRrH1jq2cCcvXw7z5sXNNGmPHtYrvEqVoCNxLg9167Lz\njvv5v93v8Nhls23n+cMP21q4jh3hgw9gl9eGc7EVSeK2HqgU+vsK4OjQ3/cHSnxxMlXl7Vlvc9RL\nRzFlxRQ+uvgjhncazgHlDgg6NFcUY8dCs2Y2DZKbzF2m8+bBI4/EJISjqh9FhdIVIt6gkJ6Rzsw1\nM2lWq1nhXjBhgo20tWsX0f2irVKl3Ac8nYsnZcvC1KnCvwcdCsOHW224l16yUfvOnaFOHfj3v+GX\nX4IO1ZVQkSRuE4HMt+jvAoNE5FVgBPBltAKLRzv27KDzqM5c9sFlnHXEWcy+YTb/avSvoMNyRZWe\nbtMgBWUNmVOmjz1mC5ejLDUllbaHtmXzzsgWP/+2/je27d5Gs9qFTNzGj4fmzaFq1Yju51yyqls3\n23+bKlXQHj3pWH0y7z+9FK68Et580+b9W7WCV17x+X8XVZEkbjcB74T+/ijwNFATeB/oHqW44lLZ\n1LLUqFCDdy98lxGdR1C1vP/CKxGmTLFWV4UZ7rnnHvuBfNVVMZkS+ezSz+jXLrJNEGmr0gAKN1Wq\naiNuAZcBUYWPP/ZyWS6xbdsGNWtC1WZ14amnbBnCBx9AjRpwww1Qq5YVJvz6a6sX6VwRRFKAd72q\nrgz9PUNVB6jqeap6m6puiH6I8UNEeLnjy1zQ+IKgQ3HRNGYMHHhg4TqZZ06Zzp0bkylTKcImgbTV\nadStUpcDyx1Y8MmzZsEffwS+vm36dDj/fGuV6lyiqlABXnsNTj01dKBMGejUiW9u+5Qdvy2DBx+0\nN4jt2lmv1H794Pek2svnoig5ygw7l5+xY60MSGE7BzRtCvffD/37x2TKNFL7ldqPsw4/q3AnT5gA\n++0HJ50U26AK0KwZzJkDp58eaBjORd2GDTaI//InB1k9yHnzrITIaadZUe969eCss2DkSGut51wh\nhd2rNFEF3avUxanVq21DwvDh4fVY2rULWra0ub7//c/eYSeSs8+2tX1ffBF0JM6VWL/+ansVKubs\ndrh5szXiHTIEfvgBDjgALrsMuneHYwu5K9zFvbjpVepcifL557az8qxCjlRlKlPGpkznzIFHH41J\naDGzc6d1TIizNlfOlTQNG+6dtO3ebf/tJkyulFXEd948q4Xz3ns2BN28Obzwgq27dS4Xnri55DZ2\nLBx/vC0iDtexx8J999mUaVpa9GOLlZ9+sjYFAa5ve+01y3mdSyabNtly2urVsx3MLOK7bBl8+qlN\nofbubTMBl1xio+Lp6UGF7OJQxImbiBwhImeJSLnQx8GXXncuHHv2WOHds8+O/Br33guNG8dsl2lM\njB8P1arZWr0A7NoFTz4JH30UyO2dC0zVqjBq1L7/9b7+GvZQKquI74oVVnZo1iybDahfHx54ABYt\nCiZwF1ci6VVaVUQmAPOBMUBmxdLXROSpaAbnXEz99JPVVypK1dcYTZmqauEbxYdrwgTbDZASzIB7\nmTK2m/S22wK5vXNxZelS++84cmS2gzVqZBXxnTzZfkYNGgSHH247U99802qQuKQUyU/uZ4A9QF0g\n+7+ckUAe/YKci0NjxticxXHHFe06zZrB7bfDwIFRK7TZZmgb/j3u31G51l42bICffw68DEjZsvZw\nLtkdeqhtTr/oolyeFLFNUC+/bB0ahg+3DVFXXGFTqdddZ5ujkmSToTORJG5nAnep6vIcx38DDi16\nSM4Vk7FjrTdpNEaebr7ZFv2PGFH0awGNqjZiysopUbnWXjILgPrGBOfixrHHWonITFu3Wk24ydm7\n35Uvn1XEd8EC6NULPvvMErsmTeCZZ6ztlivxIvmNVYG9R9oyHQjEpvu2c9G2YgXMmFG09W3ZHXSQ\nTWcMHhyVy7U6uBWz1sxi2+6Cp0O27NrCzj2F/K83fjz84x/2Nr+Yvf02PPGEDw44V5ANG6x3b82a\neZxw+OFWxHfJEtsZ37gx3H23/Rzq3NkSOm9HUmJF2qv0ymwfq4ikAHcCX0clKudibexYG2k788zo\nXbN7d5g61RLCImpZpyXpms60VQWX/vnv1P9S48kaZGghWunk0+Yq+8a1Z5+1Qu/RtGABzJ5tsz/O\nubwdfHDWBtPsvvkmR8es1NSsIr4rV8LTT8PChbbJoW5da9E3f34xRu6KQySJ251ADxEZC5QBngB+\nAdoCd0UxNudiZ8wYaN06ug3WzznH3iK/9lqRL3V0jaMpX7o8k5dPLvDctNVpHFntSFKkgP/OS5ZY\n9pTH+rb27aFPH6s19e67luNF0wMP2D4O51z4pk+3pgt5/r+sWtWWbEyfbovmOne2BvcNG8LJJ8PQ\nobBlS7HG7GIjkl6lvwANgO+Bj7Gp0w+AZqq6MLrhORcDu3bZT7+i7CbNTenS0LWr7fgqYgubUiml\naFG7BZNXFCJxW5VWuMbyEybYKONpp+X69CWXQJs29ml89ZW9WY82H21zLjLHHmtr3gq1r6hZM3j+\neRuFGzHC1sd1727N7rt3t24NvmYhYUW0KltVN6rqo6p6kap2UNX7VXVVtINzLiZ++MFazkRrfVt2\n3brZApUPPyzypVrVacWUFfnPV27fvZ156+bRrFazgi84frwVG95//1yf7tEjq4FE2bJ7J1l79kRe\nA9R/PzgXHS1b7v3/cu1aex+WZzHr/fazd2TjxsHixXDnnfaurE0baNTIeqau8l/diSaSOm5N8ngc\nIyL/EBHf5O/i25gx9s4zFj0BM6clojBd2rJOS5ZuXMqaLWvyPOeXP34hXdNpVruAxC0jA778MuLd\npDffDBdfHH4SNnmy/Y5YvTqi2zrn8rF+vb3JynMTQ3aHHmrrFRYutJ8Fxx8PDz4IhxwC551nFbF3\n7451yC4KIhlxmw6khR7Ts308HZgHbBSRYSKyX9SidC6axoyx0bZYFaDt3t1+MBaxyvlZR5zFnBvm\nUL1C9TzPSVudRqqkckyNY/K/2PTp8OefEddvO+88+Ne/wp/qFLEF1tXz/hSccxFq2NA2lWZfqpuR\nARMn5vMmKyUlq4jvqlXWF3X1aujUyXZF3H6796OLc5H85uqE1WzrATQFjg39/VfgUqA70A54JEox\nOhc9S5faD6Vor2/L7oILbC//0KFFukzlspU5snr+mw7SVqXRqFojypUul//Fxo+3dS6tW+/z1E8/\n2QzK9u15v/zss62EVLhatoS33rLNb8652PvyS2jbtpDtk/ff34r4TpkCM2fCpZfaDqKjjrKfFf/9\nb9SKirvoiSRxuw+4RVVfU9VZqjpTVV8DegO3qepbwM1YgldoInKjiCwWke0iMklEji/k6y4RkQwR\n+SDsz8Qln7FjLYuIZQHaChXsB+DQoTFvDj19zfSCp0nBNiacckqu7QqWLLEyA/uFMUa+ZQt8/33h\nz3fOFY8zzoAff4TmzcN84THHWBHflSvhvfdsGO/6661Dw5VX5lKLxAUlksTtGGBpLseXhp4Dmzat\nncs5uRKRi4GngL5AM2AGME5EqhXwukOBgcB3hb2XS3JjxsBJJ+W5QD9qune3Ir/jxsX0Nh9c9AH9\nTuuX/0nbt9vcSR7TpF262BvucKZBn3nGpk43b877ls654icCJ5yw97FFi+y//9LcfnPnVKZMVhHf\n33+3GkE//WS7IP7xD3jkEVies3GSK06RJG7zgLtFpEzmAREpDdwdeg6gDpD3iup99QZeUdXhqjoP\nuA7rztAtrxeEiv6+CTwALA7rM3DJaccOm0eI5TRppuOOs3ewUdikkJ/alWpTb/96+Z/0ww/WjiuK\no4x3321vwCtV2ve5NWtsHfTo0VG7nXOuCDZssImGsNea1qmTVcT3u+9sDvaxx6y479lnW8HHnd4w\nqbhFkrjdCHQElovIBBEZDywPHbs+dM5hwEuFuVgo6WsBfJl5TFUVmACckNfrsNG5P1S1aAuJXPKY\nOBG2bSuexE0ErrkGPvkE/vgj9vfLz/jxtu3s6KOjdsnSpS0vzU3FirYL9cQTo3Y751wRtGhhmxjK\nl886tmtXjl6o+RHJKuK7ejW8+ips2gQXXWRttm65JSodY1zhRFKA90egHjbSNRPrmvAAUF9VJ4XO\neUNVBxbyktWAVPYdoVsD1MrtBSJyEnA1cE248bskNmaMvYOMYgKTr8susx1cw4cXz/3yktnmKpe5\n0C++iM7a49Wr4fLLrTxBhQo2u3LggUW/rnMuNt57z6ZUCzV9ml2lSllFfOfOtTeoI0daeaUWLeDF\nF22Iz8WMaMDVMUWkNrACOEFVJ2c7/gTQRlVPzHF+RSxhvF5Vx4WODQWqqOr/5XOf5sDUtm3bUqVK\nlb2e69KlC126dInWp+TiVcOGtkD/v//N97TvvoNSpaI0YnTJJfZOdM6cYNoGrFsHNWrYO+WuXfd6\nav16qFYNhgyBq64q2m2mTrWf5Z9+amWhnHPxLSMDJk2K0s+53bttSG/IEFsjkZpq5UW6dYPTT49d\n6aU4MmLECEaMGLHXsY0bN/Ldd98BtFDVghtPF1LEiZuINAbqYv1K/6aqn4R5ndLYerbO2V8rIq9j\nyVinHOc3BaYB6UDmb8LMfxXpQENV3WfNW2biNnXqVJqHvd3GJbyFC+GII6yjwfnn53vqs89ar+ZF\niyyBK5IJE2xV8A8/RPwTctLySdz31X2M7jK64LIfOY0aZZVzly+30cYcfv/d9mlUrhxRaHvJyEiK\nn8/OlVjTpllN3tdeK0LtxTVr4I03LImbO9fWw111lT3q149esAlg2rRptGjRAqKcuEXSOeEwEZmB\nTZF+BnwUenwYeoRFVXcDU4HTs91DQh//mMtL5mK7V4/F6sg1BT4Bvgr9fVm4MbgkMHasLcw6/fQC\nTz3zTKtJGZUkpF07q0A7eHDElyiTWoavFn9F2urCFGbKYfx4OPLIXJM2sJ+p0UjawJM25xLdpk1W\nweiAA4pwkZo1rYjv7Nm2G/Wss2wb+mGH2c/ft97ybedFFMmP2kHYLs6a2EjZUUBb4Gfg1AjjeBro\nISJXikgj4GWgPPA6gIgMF5H+AKq6S1XnZH8AfwGbVXWuqu6JMAZXko0ZY4trc9sGmUPjxtYpICqJ\nSEoKXH21jXzlVTujAMfUOIb9Su3H5OWFXUkcomqJWyxr1jnnSoxTT7UqINlnGjZvhlmzIriYyw0y\nZwAAIABJREFUSFYR31WrYNgwywovv9xqw91wA/z8szczjkAkv5pOAB5Q1bVABpChqt8D9wDPRRKE\nqo4CbgMextpnNQHOCt0D4GDy2KjgXIG2b4evvy5wN2nMauVefbXtZh05MqKXl04tTfPazZm8Iitx\ne23aa9w27rb8X7hwoa08zqV+265dEYXinEsyQ4ZYB5Qi7TeoUCGriO9vv8FNN9mO++OPh6ZNbX3K\n2rUFXsaZSBK3VGBL6O/rgINCf18KNIw0EFV9SVXrqWo5VT1BVX/O9lw7Vc2zppuqXp3fxgSX5L75\nxmq4FZC4Pf641ZjM/gYwKiP6hxxi0wVFmC5tVacVU1ZM+fvj0b+NZsaaArbfjx9vi4RPPXWfp3r3\nhn/+M+JwnHNJ4oYb4Kuvijh9mt0RR1gR36VLbQlLo0bWc69OHWsXOGYM7PGJs/xEkrj9go2IAUwG\n7gyV53gAKFpXbZd4VOHll2FZHC8tHDPG1pk1apTvaccfv3cj9W+/hVq1Itgun5vu3a1o0uzZEb28\nZZ2WLP5rMWu32rvS6aun06xWAa2uJkywqYpcpoc7dbI3wM45l5/SpfftxPDll9bVb8uW3F9TKKmp\n9u5x1ChrszVwoBX6Peccq+B97702Ouf2EUni9ki21z0A1AcmAh2AXlGKyyWKt96yfnYXXRTzvpwR\nUbXE7eyzCyzH0b493Hpr1sfHHQd33FGoZXEFO+88q70RYSeFVnVaATB5xWQ2bN/Akr+W5N+jND3d\n3ibn0ebqjDPsB69zzoVr61ZrmFChQpQuWK1aVhHfn3+2nf//+Q80aGDdGl5/3W7qgMgK8I5T1Q9C\nf1+gqo2wIro1VPWraAfo8rBrFzz5ZLAjXevXw7//baM6U6bYO6ZYyMiwzzUtgl2V8+dbXY8IuiVU\nqAD33x+lQrJlytgQ1xtvRNQipt7+9ahevjqTl09m+urpAPmPuE2dCn/95RsTnHNRd9558P77e78X\nXrsWFiwo4oVFsor4rlwJb78NZcvaOuFateDaa22napJvaAgrcRORUiKyR0T2Kj2vqus16Eq+yWTX\nLhvhuuMOm/MKqlfcXXdZLB9+aNu/H3ggwu1HBfjPf+xzPf54u+e2bYV/7dix9h//tNOiH1e4une3\ngrifhFXqEAAR4ZF2j9CufjvSVqdRrlQ5GlRtkPcLxo+3ocKWLYsQsHPOFc6gQfYePmq/jsqVgy5d\n7GfZ4sX2O2b8eKuH2bixDRSsXh2lmyWWsBK3UKmN37ENCi4Iu3dbNf6xY201/axZltQUt4kTbbH9\ngAH2Tujhh21Y+4orortlcdky62jevbvdY9Aga5L55ZcFvxZsmvTUU/Md03/lFeutmd9bD1Ub+CuS\nxo1tsUiE06U9WvTgtPqnMX31dJrUbEJqSj7/DSdMsM+7dOm9Dme2plqyJKIQnHMuV/fdZ00TypaN\nwcXr1YO+fW32ZMIEaN7c+uodfLAtTP74Y/vdmCQiWeP2KNBfRLwTYXHbvdvegYwebePUd95phQ2f\nf94azxWXXbugZ097e9Wjhx0rW9Z6cs6eDf36Rec+qralqVIleOopW6w6c6bt0jzjDBs+//PPvF+/\nZYvtMDj77AJvVbp03kvg/vrL2pt+9FGEn0d23btbg9Dff4/4Emmr0/KfJt261To15LK+bcUK675V\nsWLEt3fOuX2UK2e/ErJ77z37VRG1TaIpKVlFfFetgueesx9q559vSdwdd1i3hpJOVcN6YHXWNgM7\ngF+x9lN/P8K9XnE9gOaATp06VRPS7t2qF16oWrq06scfZx3PyLDjlSurLlhQPLE88ohqqVKqM2fu\n+9xDD6mmpqpOnlz0+7zzjiqofvjh3sfT01VffVW1ShXV6tVVR4ywr0NOH39sr58/v8ih3HuvalT+\n6WzapFqhguqDD0Z8iUe/e1THLRiX9wljx9rnPWdOxPdwzrmiGjZM9YoriuFG06er3nKLatWq9rOv\ndWvVTz4phhvnb+rUqQoo0FyjmM+E3atURPoWkAg+FGbuWCwSulfpnj02v/X++/Duu/v22ty0yYaO\nq1SxkZb99otdLAsW2FTlLbfYNGlOu3fbGoQtW6zxXbkwe2tm+vNPa9XUtm3eo4mrVkGvXvZ8hw62\nFq5u3aznr7/ehtXjbUv5NddYXIsWxaZP1AMPWImWNWuCaWzvnHN5WL7cfizl0YWvaHbuhE8/tarB\nnTvbDEeAYtWrNPCRsOJ6kKgjbrt3q15yiY1wffBB3udNm6ZatqzqjTfGLpaMDNX27VXr1VPdujXv\n82bPtlh69478XlddZSNqK1cWfO7HH6vWqWMjWc8+q7pnj8Vat65qr16RxxArP/5o7wq/+CI21z/3\nXNUzz4zNtZ1zrgh69FA97DCbOCnpYjXiFtHbfRHZX0SuEZHHMte6iUhzEYlFDp280tOha1cbZXvn\nHdtBmpdmzaxtyIsvWkHDWBgxwnb1vPQSlC+f93mNG8Ojj1o8334b/n0mTLC6PU8+aT3tCnLeebZw\n66qrrCXAiSdae6nff893fdt771kbvXCFOUi9r9atbTSxCJ0U8pWWZv8ecvjySxvkc865oAwcaL/O\nYjHZkCzC/tKJSBNgPnAXcDuwf+ip/wMei15oSS493RbfjxxpCVPnzgW/pmdPuPhim4orckGdHNav\nt6TooosKtdifW2+FNm0smQqnufq2bfZ5nHpqeMPclSvDCy/A99/bNG2XLjZNe8opeb7kf/+zHDEc\nN95otd2KRMS+Rx99lP/mikisW2dzEbkkbj172j4W55wLSuXKVtkpu8GDrdJTkd8UJ4lIct6ngddV\n9R/YBoVMY4C2UYkq2aWnQ7duVnzw7bfhwgsL9zoRG0KqVctes2NHwa8prLvvtus9+2zhzk9NhaFD\nrSrj7bcX/j4PPmi7hP7738jWZ514oq2t698fHnoo3zV2jz9u7/zCccQRUL9++GHt44or7KfUm29G\n4WLZZBYpziVxmz7dNuY651w82brV3m/7ktxCCnduFdgIHB76+2bgsNDfDwV2RHMeN5oPEmWNW3q6\nre9KSbHdkpFIS7M1ZtdfH52YJk60NVkvvRT+a//zH3vt2LEFnzt1qn3e/fuHf59E1Lmz6tFH574j\nNlKPP25r/ZJhAYlzrsRatEh13bqgoyiaeFrjthOonMvxBsDaCK7nMmVkWEuP4cOtNdIll0R2nWOP\ntfo2//mPTbUWxa5dcN110KqVzbWFq2dPOPNMm/bcsCHv83bvtnOOPjq8EbpEds018MsvNmcbLdOn\nQ9OmvoDEOZfQbrstok6FSSGSn+6fAA+ISGZJdhWRusDjwPtRiyzZZGRYkjN0KAwbVvQO4Ndea+u8\nrrnG+nVG6qmnYN48m7qMJBkQsU4BW7dae4K8PPOMFdcdPHifav/R9u23VjUlcO3bWzHhCDsp5CqX\njQk7dkSxAKZzzhWDV16xqkZuX5EkbrcBFYE/gHLAt8ACbNr0vuiFlkQyMqzm2Guv2W7Kyy8v+jVF\n7F/+QQfZhoLt28O/xsKF1mbq3/+GJk0ij+Xgg21V/FtvWS26nBYssHYmt96676rVGHj+eXjkkaJd\nY+RIuOyyIgaSmmqbN0aMsMS2qLZuhV9/3SdxGzbMaiZFc8mjc87FUvXq+y7VffppW5uc7MJO3FR1\no6q2B84FegEvAB1U9RRVjcJvnySjalsVX33VRtuuvDJ6165UyUqJ/PqrJUXhxnXDDVCzpiVVRXX5\n5VbO5LrrrDBs9vv07JnV77QYjBpV9D0B5crZwGCR27J262arct99t4gXwkYsVff5ade2rSWqsazL\n7JxzsbZpE2zcGHQUcSDcRXHAIdFcZFdcD+Jxc0JGhuoNN6iKqA4ZErv7vPqqbRB4663Cv+btt+01\nn30WvTjWrFGtVk31/POzFuQPGWL3GZdPC6eS7owzVNu0Kfp1XnzRCjXv2FH0aznnXAKYP986Ccaj\neNqcsEREvgkV4N2/4NNdrlStXdNLL9lo29VXx+5e3bvbvF7Pnjb6VpANG2yE7sILo7s6tEYNm779\n6CPbfLF6ta1AvfJK28CQrLp3t/pzhfne5Gf6dCt+XLZsdOJyzrk41727LedOJpEkbscD/wP6AqtF\n5EMR6Swi/tuisFQtMXrhBUtkYt1PTcRWedapY8lYQevd7rknvJpt4fi//7MkslcvW99VqpQtXCgG\nc+dafdq4c/75UKECfPBB0a6TR8cE55wrqd56K/nWvUWyxm2aqt4B1AXOBtYBrwJrRGRIlOMreVRt\nsf9zz1ky1aNH8dy3YkVbR/Xbb5Y05eXHHy2Z7N/fNjbEwvPPW6IybhwMGgRVq8bmPjncdFPRN+vm\nNG+e7f3YsqUIF9lvPxtxHD068mvs3g2zZu2VuGVkwAUXwHffFSE255yLY4ccAkcdtfexJ56wH4kl\nVcTFnkJTuF+r6rXAGcBioGvUIiuJVK1G2bPP2hRpJHXRiuKYY2yUb/Dg3Ffn795tMbVsaZsIYuWA\nA2x36SOPRF6rLgIjR1qeGE3lyln/z+XLi3ihc86Bn36KfEhw3jzYuXOvxG3DBtto6iXdnHPJ5Mgj\nY15VKlClIn2hiBwCdAEuBY4BfgJuilJcJY8q3HmnTQu+8IKV/whCt25WyOy66+C446BRo6znnnrK\n5hN//tlKVcRS69b2KEbVqtkjmg491L5cRdahg/0bGTvW2mGFa/p0+7Np078PVa1ql3POuWRy7rlB\nRxBbkTSZ7yEi35I1wjYKa4HVRlX/E+0ASwRV6/X55JM2RXrjjcHFImKjfYccYuvdtm2z44sWWW/P\n3r2t84IrXrVrWyL92WeRvT4tDQ47DKpUiW5czjnn4kokkyh9gCnAcap6lKr2V9Ul0Q2rBFG1zt5P\nPGFTpPl1DygumevdFi60eDJrttWoYU3eS5h162y9V9zr2BE+/zyyxRm+McE555JCJIlbXVW9Q1Wn\n53xCRI6OQkwlhyrcfz8MGGBTpLfcEnREWY4+Gl58EYYMsRX748bZxxUqBB1Z1F16aey3i2dkWH5e\npMK+HTtadclw+3Gp2lRptsTtp5/ipK2Xc865qAp7jZuqVbPNJCKVsLVu1wAtgBgvjkogffva7swn\nn7QpyHhz9dW23m3YMOjc2RKHEqhvX0hPj+09UlKsIUT16kW4SLNmNmU6ejScemrhX7dkCfz1115T\n3IMGwdq18OWXRYjHOedc3CnK5oS2QDfgAmAl8AEQ4OKtOPPQQ9Cvn02R3nZb0NHk7cUXbYX9DTcE\nHUnMnHRS8dxn8GBbQhixlBTbXTp6tCX7hZW5MSHbiNvbb8OffxYhFuecc3EprKlSEaktIneLyG/A\nu1hj+bLA+ap6t6r+LxZBJpyHH7a1YgMGwB13BB1N/ipUsCSzZs2gI0l4RUraMnXsaB0Ufvut8K9J\nS7P1ibVr/30oJaWIo3/OOefiUqETNxH5BJgHNAFuBQ5S1ThYaR9nHnkka4r0rruCjiapBbkhYdeu\nCIvynn66tawKZ3dp5saEqGSOzjnn4lk4I24dgNeAvqr6marGeNVQAurfH/r0seTtnnuCjibpXXhh\nMN8GVWjXLsIZ8ooV4bTTwuuikGNH6d6rUJ1zzpUk4SRuJwOVgJ9FZLKI3CQiPhmT6fHH4b77bNrx\nvvuCjsYB7dvD8ccX/31FrKtZxDWWO3a0TSObNhV87tq1sGLFXhsTTj7ZygY655wreQqduKnqT6H2\nVrWBV4BLgBWha7QP7S5NTgMH2m/Kvn3hgQeCjsaFXHed9bQPwv/9XxHqGJ9zDuzZA198UfC5uWxM\nuOYaOOOMCO/tnHMurkXSZH6bqg5R1TZYq6ungLuBP0Lr4JLLU09ZK6s+fSxxc66o6tWzOnuFmS5N\nS7Pp1SOO+PvQVVd54uaccyVVkdpPq+qvqnoncDBWyy25PPOMNY3PnCL1xeGB++abKDR8j7Lp02HG\njDBf1LEjjBlTcAG6tDTrT+qd5J1zLilE5ae9qqar6keqel40rpcQBg2yhUz33GP12jxpC1x6urWB\n7dcv6EiyqELPnlYZJiwdO9r6tf8VUGEnLc17yzrnXBKJuABvUnv+ebj1Viv38eijnrTFidRUGD8e\n9t8/6EiyiMD771uZtbC0bg0HHmjTpa1b537O1q0wf/5etQK//BLWr7cdtc4550oen18J14svQq9e\nNkX62GOetMWZgw6C8uWDjmJvBx8MZcqE+aLUVOjQIf91bjNn2pBeto0JH35o/0Sdc86VTHGTuInI\njSKyWES2i8gkEcmzkIOIdBKR/4nIBhHZIiJpInJ5zIMcPBhuusmmSJ94wpO2OLB5M8yZE3QUMdKx\noy2OW7Ys9+fT0qBUKTjqqL8PvfCC9yd1zrmSLC4SNxG5GNud2hdoBswAxolItTxe8ifwCNAa29k6\nFBgqIu1jGmiLFnD//dZH0pO2uNCnD5x9tnUqiHeqtv7u5ZcL+YKzzrKRtzFjcn8+Lc2StrJl9zqc\nmlq0OJ1zzsWvuEjcgN7AK6o6XFXnAdcB27Am9vtQ1e9U9ePQrtbFqvocMBNoE9MomzXzjQhx5uGH\n4b33IpiKDICI7TcodPP3/fe3arp5TZf6xgTnnEs6gSduIlIaaAH8PcGjqgpMAE4o5DVOBxoA38Yi\nRhe/KlcOpjtCpAYNCrOxRseOMGECbNu29/Hdu+GXX7zVlXPOJZnAEzegGpAKrMlxfA1QK68XiUhl\nEdksIruAT4GbVfWr2IXp4sWKFUFHELmwB2s7doQdO+Drr/c+Pm8e7Ny5V+L25ptQq5ad7pxzrmSK\n53IgAuQ3hrAZaApUBE4HnhGRRar6XX4X7d27N1WqVNnrWJcuXejSJfnqByeir7+2NW0//gjNmwcd\nTdHs2WMDaZUr53NSgwbWFWH0aGuFlSktzf5s2vTvQ02b2r6Z/faLTbzOOedyN2LECEaMGLHXsY0b\nN8bkXqIBz6+Epkq3AZ1V9ZNsx18Hqqhqp0Je51XgYFU9O4/nmwNTp06dSvNE/42fxHbvhmHDoFu3\nxG8W8M9/Wqm2t98u4MTevW0h3++/Zw3Z9e4Nn3wCCxfGPE7nnHPhmzZtGi1atABooarTonXdwH/1\nqepuYCo2agaAiEjo4x/DuFQKULbAs1xCK13amqgnetIGVg6wd+9CnNixo/Xxmjkz61ha2l7TpM45\n55JDvPz6exroISJXikgj4GWgPPA6gIgMF5H+mSeLyN0icoaI1BeRRiJyG3A58EYAsQciIwPOPx++\n9e0YCatDh0JurDj5ZKhUKWt3qao1QPXEzTnnkk5cJG6qOgq4DXgYSAOaAGep6trQKQez90aFCsCL\nwC/A90An4DJVHVpsQQcsJcVql02L2uBr/BowIMydmCVNmTJW0y0zcVuyBDZu3Ctx27gRnnkGVq0K\nJkTnnHPFI242J6jqS8BLeTzXLsfHfYA+xRFXPBs9umRMGRakdGl7lFSqMGuWrXc7+OA8TjrnHFvY\n98cfWRsTsiVuS5ZYcnvaaVC7dsxDds45F5C4SdxcwZYssV/y9evbx8mQtAHcdlvQEcRWRga0bWuf\nZ5+83o6cHdpzM3YsLFhgXetrZQ1CN20KW7bEPlbnnHPB8sQtgfToAenp3ouypElNhYkTrepHnmrW\nhJYtbZh1xw4bbctRFC5ZEnnnnEtm/qM+gQwdCq+/vu/xGTNsJm3r1mIPKaaSqRPAMcdAuXIFnNSx\nI4wbBz//7BsTnHMuSXnilkDq1IFDDtn3eJUqNk32xx/FH1OsLFhg03+//hp0JHGkY0fYvBlWr94n\ncUumJNc555KZJ25xbPlyG1wpSL16VhYkc+1bSZCRAU2aQN26QUcSR5o2tewd9mour2qHX3kloLic\nc84VG0/c4tg990D37pbEJJsGDaz3ZoHThyVInz5w+eX5nCBio26VKu21IC4jA+66q5A14ZxzziU0\n35wQx156CdavD3/RuWoEzcxd4Bo3hurVCzjpoYfg0kv3+keRmgq33BLb2JxzzsUHT9ziWKVK9ghH\n376W7D3/fGxiirU9e6BUkv6r7NKlECfVrGkP55xzScmnSuPI6tXw+edFu8ZBByX2urAOHeDhh4OO\nwjnnnItPSTq2EZ+efhrefRfmzYOyZSO7Rs+e0Y2pOGVkwL/+VUA9M7eP996zncXt2wcdiXPOuVjz\nEbc40r8/fPdd5ElboktJgRtvtLacyWrxYnjyyfDKewweDCNHxi4m55xz8cNH3OJIqVK512mLVDKv\nF0tUv/1mU8WXXJJP39IcPv/cOmo455wr+XzELUDr1sHw4bG59sqVcOSR8PXXsbl+NKWnw/btQUcR\nH9q1gw0bCp+0ZUpNjU08zjnn4osnbgF6+2248077RR1ttWvberFsfchjYu5ceOedol3jnXfgH/+I\nzdch0ZQq5UmYc865vHniFqCbb7Y+owccEP1ri9haqSOPjP61sxs+3Nbm7d6ddWzlSti2rfDXaN0a\nbrstNl+Hks5bXTnnXHLxxC1AIolfkqt/f2u3Vbp01rFeveDMMwt/jcMPh969ox9bItuxo3DTxw89\nBC1axD4e55xz8cETt2K0YUP4OwajZcuW2FxXZN+RsoED4Ykn9j7mi+cLb8sW+5qOGlXwue3awXXX\nxT4m55xz8cETt2L01Vfw+OOwbFnx3vf55+GYY2wUp6jS061uWH7JZ/36cOKJex977DEr85H9dX/8\nUfR4SqKKFeG//4VTTin43LZt4dprYx+Tc865+ODFIopR585w+umw//7Fe98zz7TacNFY9D5unJWq\nSEuzZLCwjjvOEpLMHqqbN1tvzgcfhJtuKnpcJc0VVwQdgXPOuXjkiVsxK+6kDaBhQ3tEQ4cOMGcO\nNGgQ3uv++U97ZKpQAV58EU46KTpxOeecc8nAp0pjaNMmuPde2Lkz6EiiK9ykLTcpKXDxxeHXK3NZ\nFi+GF16I3fpF55xz8ccTtxiaOROGDoVFi4KOJMvWrbBxY3ivmTbNujC44jVokPWvzcuMGVZGxTnn\nXPLwxC2G2rSBhQtjX0utsNLTrXTEgw8W/jV//mmL5J97LmZhuTysXm2PvJx/vtXLq1ix+GJyzjkX\nLF/jFmPlywcdQZbUVCvVEc6mgqpVYexY21zgitdjjxV8jndZcM655OIjblG0ZQvceCOsXx90JHk7\n91yoVy+817RpA/vtF5NwnHPOORcGT9yiaNkyG52KpzVtkdiwwdbCufil6u2unHMuGXniFkVHHgm/\n/po404qzZuV+/NJLbcenC97GjdZSLKc//4TKleGLL4o/Juecc8HxxC3KsvfsjGfjx0OTJlZIN6dH\nHoEHHij+mNy+3n3X2lpt2rT38dRU6Ns3evX5nHPOJQZP3Ipg+3a4+urEnBpt1w5Gj4Zjj933uRYt\noGXL4o/J7atzZ5g/HypV2vv4AQfA7bfDoYcGE5dzzrlgeOJWBH/9ZSNWK1YEHUn4UlPhnHOyWlD5\nmrb4dMABcPjhWd8n55xzyc0TtyKoXduK0558ctCRFM2QIdC0qW1KcM4551z88jpuRZRSAlLfdu1g\n3bpg+qi6yLz2mtXj8ylt55xLLiUg7Sg+O3fajsvJk4OOJLrq1YM77/TpuHi1erUlad98k3VswAD4\n8svAQnLOORcQH3ELw65dsHbtvjv8nIulGjWgbdu9R0R/+81amDnnnEsunriFoVIlq5vlI1OuOKWk\nwIsv7nvc210551zy8anSMHnS5pxzzrmgeOLmXILxVlfOOZe8fKrUuQTx4YdQvjy8+aZtlBk1KuiI\nnHPOFbe4GXETkRtFZLGIbBeRSSJyfD7nXiMi34nI+tBjfH7nO1cSvPIKvPceXHihPZxzziWfuBhx\nE5GLgaeAHsAUoDcwTkQaqOq6XF5yCvA28COwA7gb+EJEGqvqqmIK27li9cknUKZM0FE455wLUryM\nuPUGXlHV4ao6D7gO2AZ0y+1kVb1CVV9W1ZmqOh+4BvtcTi+2iJ0rZp60OeecCzxxE5HSQAvg73Ki\nqqrABOCEQl6mAlAaWB/1AJ1zzjnn4kTgiRtQDUgF1uQ4vgaoVchrPA6swJI950qsqVOta4LvLHXO\nueQUF2vc8iBAgb+eRORu4CLgFFXdVdD5vXv3pkqVKnsd69KlC126dIk0TueKzdChVoz37ruDjsQ5\n51ymESNGMGLEiL2Obdy4MSb3Eg34rXtoqnQb0FlVP8l2/HWgiqp2yue1twP3AqeraloB92kOTJ06\ndSrNmzePSuzOFbc9e2D7duvi4ZxzLn5NmzaNFi1aALRQ1WnRum7gU6WquhuYSraNBSIioY9/zOt1\nInIHcB9wVkFJm3MlRalSnrQ551wyi5ep0qeBYSIylaxyIOWB1wFEZDiwXFXvDX18J/Aw0AX4XURq\nhq6zRVW3FnPszjnnnHPFIi4SN1UdJSLVsGSsJjAdG0lbGzrlYGBPtpdcj+0ifS/HpR4KXcM555xz\nrsSJi8QNQFVfAl7K47l2OT6uXyxBOeecc87FkcDXuDnnnHPOucLxxM0555xzLkF44uacc845lyA8\ncXPOOeecSxCeuDnnnHPOJQhP3JxzzjnnEoQnbs4555xzCcITN+ecc865BOGJm3POOedcgvDEzTnn\nnHMuQXji5pxzzjmXIDxxc84555xLEJ64Oeecc84lCE/cnHPOOecShCduzjnnnHMJwhM355xzzrkE\n4Ymbc84551yC8MTNOeeccy5BeOLmnHPOOZcgPHFzzjnnnEsQnrg555xzziUIT9ycc8455xKEJ27O\nOeeccwnCEzfnnHPOuQThiZtzzjnnXILwxM0555xzLkF44uacc845lyA8cXPOOeecSxCeuDnnnHPO\nJQhP3JxzzjnnEoQnbs4555xzCcITN+ecc865BOGJm3POOedcgvDEzTnnnHMuQXji5pxzzjmXIDxx\nc84555xLEJ64Oeecc84lCE/cXNwaMWJE0CG4MPn3LLH49yvx+PfMxU3iJiI3ishiEdlceFLEAAAg\nAElEQVQuIpNE5Ph8zm0sIu+Fzs8QkV7FGasrHv4DKvH49yyx+Pcr8fj3zMVF4iYiFwNPAX2BZsAM\nYJyIVMvjJeWBhcBdwKpiCdI555xzLmBxkbgBvYFXVHW4qs4DrgO2Ad1yO1lVf1bVu1R1FLCrGON0\nzjnnnAtM4ImbiJQGWgBfZh5TVQUmACcEFZdzzjnnXLwpFXQAQDUgFViT4/gaoGEU77MfwNy5c6N4\nSRdLGzduZNq0aUGH4cLg37PE4t+vxOPfs8SRLd/YL5rXjYfELS8CaBSvVw/g8ssvj+IlXay1aNEi\n6BBcmPx7llj8+5V4/HuWcOoBP0brYvGQuK0D0oGaOY7XYN9RuKIYB1wGLAF2RPG6zjnnnHM57Ycl\nbeOiedHAEzdV3S0iU4HTgU8ARERCHz8Xxfv8Cbwdres555xzzhUgaiNtmQJP3EKeBoaFErgp2C7T\n8sDrACIyHFiuqveGPi4NNMamU8sAdUSkKbBFVRcWf/jOOeecc7EntoEzeCJyA3AnNmU6HbhZVX8O\nPfcVsERVu4U+PhRYzL5r4L5V1XbFF7VzzjnnXPGJm8TNOeecc87lL/A6bs4555xzrnBKdOImIn1D\nvUyzP+YEHZfLn4gcJCJviMg6EdkmIjNEpHnQcbl9ZesXnPPxfNCxudyJSIqI9BORRaH/XwtE5P6g\n43J5E5GKIvKsiCwJfc++F5Hjgo7LGRE5WUQ+EZEVoZ9/5+VyzsMisjL0/RsvIkdEer8SnbiF/IKt\nm6sVerQJNhyXHxHZH/gB2AmcBRwJ3AZsCDIul6fjyPq/VQtoj609HRVkUC5fdwM9gRuARtja4jtF\n5KZAo3L5eQ2rtHAZcDQwHpggIrUDjcplqoCtzb+RXOrPishdwE3Y/7uWwFasH3uZSG5Wote4iUhf\n4F+q6qM1CUJEBgAnqOopQcfiwicizwIdVLVB0LG43InIp8BqVb0227H3gG2qemVwkbnciMh+wGbg\nXFX9PNvxn4ExqvpAYMG5fYhIBnC+qn6S7dhKYKCqPhP6uDJWp7ZrqOd6WJJhxO0foeHLhSLypogc\nEnRALl/nAj+LyCgRWSMi00TkmqCDcgULlem5DBsdcPHrR+B0EfkHQKiU0knAmECjcnkphbWF3Jnj\n+HZ8BinuiUh9bDYiez/2TcBkIuzHXtITt0nAVdiU23VAfeA7EakQZFAuX4cB1wO/AmcCLwPPiYj3\nKot/nYAqwLCgA3H5GgCMBOaJyC5gKvCsqr4TbFguN6q6BfgJ6CMitUNrFC/Hfun7VGn8q4VNn+bW\nj71WJBeMlwK8MaGq2dtM/CIiU4ClwEXA0GCicgVIAaaoap/QxzNE5CgsmXszuLBcIXQDxqrq6qAD\ncfm6GLgUuASYAxwLDBKRlar6RqCRubxcDgwBVgB7gGlYJyBfBpS4Iu7HXtJH3PaiqhuB+UDEuzlc\nzK0C5uY4NheoG0AsrpBEpC5wBvBq0LG4Aj0BPKaq76rqbFV9C3gGuCfguFweVHWxqp6GLYI/RFVb\nY12DFgcbmSuE1ViSFrV+7EmVuIlIReBwLDlw8ekHoGGOYw2xkVIXv7phP4R8nVT8K8++7/QzSLLf\nB4lIVber6hoROQBbAvRR0DG5/KnqYix5Oz3zWGhzQisi7GNaoqdKRWQg8Cn2S78O8BA2zDwiyLhc\nvp4BfhCRe7CSEq2Aa4Br832VC4yICLaW9HVVzQg4HFewT4H7RGQZMBubbusNDA40KpcnETkTG7X5\nFfgHNmo6l1A/bxes0Lr5I7DvEcBhoU0/61V1GfAscL+ILACWAP2A5cDHEd2vhJcDGQGcDFQF1gLf\nA/eFMmAXp0SkA7aA+ghsKuApVR0SbFQuLyLSHvgcaKiqC4KOx+Uv9EumH7aZpAawElsv1U9V9wQZ\nm8udiFwIPIYNQKwH3gPuV9XNgQbmABCRU4Cv2Xcke1i2HusPAj2A/YGJwI2R/rws0Ymbc84551xJ\n4msanHPOOecShCduzjnnnHMJwhM355xzzrkE4Ymbc84551yC8MTNOeeccy5BeOLmnHPOOZcgPHFz\nzjnnnEsQnrg555xzziUIT9ycc8455xKEJ27OORcGEekhIr+LyB4R6RV0PM655OItr5xzAIjIUKCK\nqv5f0LHEKxGpBKwDbgXeBzap6o5go3LOJZNSQQfgnHMJ5FDs5+YYVf0jtxNEpJQ3a3fOxYpPlTrn\nCkVEDhGRj0Vks4hsFJGRIlIjxzn3i8ia0POvishjIpKWzzVPEZEMETlTRKaJyDYRmSAi1UXkbBGZ\nE7rWWyKyX7bXiYjcIyKLQq9JE5HO2Z5PEZHB2Z6fl3NaU0SGisiHInKbiKwUkXUi8oKIpOYRa1dg\nZujDxSKSLiJ1RaRv6P7dRWQRsKMwMYbO6SAiv4ae/1JEuoa+HpVDz/fN+fUTkVtEZHGOY9eEvlbb\nQ39en+25Q0PX7CQiX4nIVhGZLiKtc1zjJBH5OvT8ehEZKyJVROSK0NemdI7zPxaR13P/zjrnYsUT\nN+dcYX0M7A+cDJwBHA68k/mkiFwG3AvcAbQAfgeuBwqzHqMvcANwAlAXGAX0Ai4BOgBnAjdnO/9e\n4HKgB9AYeAZ4Q0RODj2fAiwDLgCOBB4CHhWRC3Lc9zTgMOBU4ErgqtAjN++EPm+A44DawPLQx0cA\n/wd0Ao4tTIwicgg23fox0BQYDAxg369Xbl+/v4+Fvu4PAvcAjUL3fVhErsjxmkeAJ0L3mg+8LSIp\noWscC0wAfgFaAycBnwKpwLvY1/O8bPesDvwTGJJLbM65WFJVf/jDH/4AGAp8kMdz7YFdwEHZjh0J\nZAAtQh//BAzK8bqJwLR87nkKkA6cmu3YXaFjh2Y79h9sehKgDLAFaJXjWq8Cb+Zzr+eBUTk+30WE\n1vqGjo0E3s7nGk1DsdXNdqwvNsp2YLZjBcYI9Adm5Xj+sdD1K2e79rQc59wCLMr28W/AxTnOuQ/4\nIfT3Q0Pfp6tyfO/SgQahj98Cvsvn834RGJ3t438DvwX9b9Yf/kjGh69xc84VRiNgmaquzDygqnNF\n5C8sCZgKNMR+wWc3BRvVKsisbH9fA2xT1aU5jh0f+vsRQHlgvIhItnNKA39PK4rIjcDV2AheOSyZ\nyjltO1tVs49orQKOLkS8OS1V1fXZPs4vxmmhvzcCJue4zk/h3FREymMjn6+JyOBsT6UCf+U4PfvX\neBUgQA1s9O1YbJQzL68CU0SktqquArpiia9zrph54uacKwwh9ym7nMdzniMUzu4c19id43kla2lH\nxdCfHYCVOc7bCSAilwADgd7AJGAzcCfQMp/75rxPOLbm+LjAGMn7a5pdBvt+DbOvNcu8zzVYkpxd\neo6Pc36NIetz3Z5fEKo6XURmAleKyHhs6ndYfq9xzsWGJ27OucKYA9QVkTqqugJARBoDVULPAfyK\nJUZvZXvdcTGKZSc2lfp9HueciE0VvpJ5QEQOj0EseSlMjHOAc3McOyHHx2uBWjmONcv8i6r+ISIr\ngMNV9R3yVlCCOBM4HVsLmJfBWCJ8MDAh89+Bc654eeLmnMtufxFpmuPYn6o6QURmAW+JSG9s1OdF\n4GtVzZx+fB54VUSmAj9iGwuawP+zd9/hUVdZA8e/JwktECAQwNB7U1GKgCiQiIBYADu8IF0QsSwo\nYkd01RUpFkBZpOOCKLCKiNTERZCWUJTepEsRpGNCct8/7iRMkkmfyUyS83meeWDu787vnplAcnIr\n+9JpM6O9cgAYYy6KyChgrGMF6M/YBPIO4JwxZiZ23tcTItIOOAA8gR1q3Z+ZtrIabwZj/BwYIiIj\nsUlRE+wQpLNIYJyIvAR8A3TALgo451TnLeBjETkP/AgUctyrpDHmowzG/D6wVUTGO+KKxS7YmOs0\nBPwlMArbu5d84YNSKofoqlKllLPW2DlYzo83Hdc6AWeBn4ClwF5scgaAMeY/2An3H2LnvFUBpuHY\nHiMNmd4F3BjzBvA28DK252oxdlgyYZuMicB87ErQtUApUs6/y6oMxZtejMaYw8DD2M91M3b16SvJ\n7rETu9r2aUedJtjP17nOZGwy1RvbcxaJTQCdtwxJc2WqMWYPduVuA+y8u9XYVaTXnOpcwK6CvYhd\nCauU8gI9OUEp5TEishQ4boxJ3pOkXBCR1sBKINgYc97b8SQnIsuxK2EHezsWpfIrHSpVSrmFiBQB\nngKWYCfVd8XOm7o7rdepFDI1dJwTRKQkdnVwa+zefEopL9HETSnlLgY7FPgadp7VLuAhY0yEV6PK\nfXxxGGQTdvPllxzDqkopL9GhUqWUUkqpXEIXJyillFJK5RKauCmllFJK5RKauCmllFJK5RKauCml\nlFJK5RKauCmllFJK5RKauCmllFJK5RKauCml8iwRaS0i8SLSytuxZFdOvRdHG2+mX1Mp5Q2auCmV\nD4jIzSLyjYj8LiJXROSIiCwVkWc83G4HERnuyTYc7QwUkdSO1XL7ZpWO9xUvIkfcfe905MTGmyaH\n2lFKZYFuwKtUHiciLbDnXx4EpgN/AJWA5kANY0xtD7b9KfC0McbfU2042vkVOGWMucvFtYLGmBg3\ntzcLuB2oCrQ1xqx05/1TaTPhHNNwY8z/PNhOQeCaMSbeU20opbJOj7xSKu97DfgLaGKMueB8QURC\nPNy218/d9EDSFgh0Al4GegPdsAlVnuDuz0sp5V46VKpU3lcd2JY8aQMwxpxO+LuI/CQim13dQER2\nichix9+rOIYJh4jIkyKyV0Suish6EWni9JqpwNOOv8c7HnFO118UkdUiclpELovIRhF5OJX2u4vI\nOhG5JCJnHLHe7bh2ALgRCHNqZ6Xjmst5YSLSTER+cNzroohsEZHnMvh5PgQUBr4GvgIecvRSJY85\nXkQ+EZFOIvKr4zP6TUTaJ6tXWUQmiMhOx+dwWkTmikiVjAQjIo86PrvLInJKRGaKSPlU6m1zDJVv\nFZHOIjLN8fklj/vNZGXlRWSKiPzh9D76uGjjWce1hK/TBhHpkpH3oZTKGO1xUyrvOwg0F5EbjTHb\n0qg3A/i3iNQ3xmxPKBSR24BawIhk9bsBxYDPsXOihgHzRKS6MSbOUV4euNtRN3nv23PAt8AsoCDQ\nBZgrIvcbYxY7tT8cGA6sBt4AYoBmwF3AcuB5YBxwAfino50TTu0kmQ8iIm2BhcAx4CPs0HE94D7g\nkzQ+nwT/B0QYY06KyBzgX8ADwDwXdVtiE70JjvieA74RkSrGmDOOOrdhh61nA0eww69PAxGOr8XV\n1AIRkV7AFGAdtgewHPAPoIWINDTGnHfUuw+YA2xx1AsGJgNHk38+Ltoo67h/HPbzOQ10AL4QkWLG\nmE8c9Z4EPgbmYj/XwkAD7NdqTlptKKUywRijD33oIw8/sIlTDBCLTX7+BbQFApLVCwIuAe8lK/8Y\nOA8EOp5XAeKBk0Bxp3oPYH+43+tU9ikQl0pchZI99we2AsucymoA14Cv03mPvwIrXZS3dsTUyvHc\nD9gP7AOCsvBZlnF8lr2dyn4G5ruoGw9cAao6ld3sKH86tc/BUdbUUa9bGu8lAJt0bgYKOtW71/Ha\n4U5lW7EJfBGnspaOevtdxP2m0/MvsAllyWT1/gOcSYgfWABs9fa/d33oI68/dKhUqTzOGLMcaIHt\n3WoADAWWAEdF5AGneheA74CuCWUi4gc8BiwwxlxOdus5xtGj47AK29tVPYNx/e3UTklsL9AqoJFT\ntQcd93w7I/fMgIbYHq2PjIuh4wzoik1s5juVzQY6iEgJF/WXGWN+T3hijPkVmwRXdypz/hwCRKQU\nNrk8S9LPIrkmQFlggnGal2aM+QHYie1BRERCgZuA6caYK071VmET3vQ8hO2h9BeR0gkPYClQ0inG\nv4CKzsPlSin308RNqXzAGLPRGPMINjlqCryHHeb8WkTqOlWdAVQWkTsdz9tik4OZLm57OFkbfzn+\nGpyRmETkfhH5RUSuYHtuTgIDAecEqDo2UdqRkXtmQA3s0GBaQ8Zp6YYdNgwRkRoiUgPb41UIeNRF\n/cMuys7i9BmJSGEReVtEDgF/Y4ciT2KTIlfJYIIq2Pey28W1nY7rOP25z0W9vWncHxEp44ijP3Aq\n2WOKo/2yjuofABeB9SKyW0TGiV3RrJRyI53jplQ+Yoy5BkQBUSKyB5iKTTjecVRZgk0aumOHALtj\nh+NWuLhdnIsyyMBKUhFpie0BjMQma8exQ7l9cOrxy8i9MinL9xORmtj5aAbYk+yywSZ1XyQrz8hn\nNA7oCYwF1gLnHPf7irR/uc6JFbsJ7c/CbiXjylYAY8xOEakD3A/cg+2pe1pERhhjks+PVEplkSZu\nSuVfGx1/hiYUGGPiReQ/QE8ReRm77cVEY0xWN3xM7XUPYed/tXckkwCISN9k9fZik4f6OBKETLaT\n3F5swnMTmd/Cozt2flt3bC+gs5bAsyJS0RiT2U15HwamGWNeSigQkULYnq60/I59L3WwCbCzOtg5\nbTj9WdPFPVyVOTuFXVThbzKwV51jKPZrbE9uAHbe22si8r7RbUaUcgsdKlUqjxORsFQu3ef4c2ey\n8plAKWAiUBT4MhvNX3LEUDxZeRw22Ur85VFEqmITRWf/ddR7U0TS6mG6RPqJDkA0cAD4Rypz0tLy\nf8AqY8w3xpj5zg9gJDaJ6pr2LVyKI+X34uewizXSshHbO/qUiBRIKBSRDthVst8DGGOOA78BPcTu\nQZdQrzV2sUSqjN2Edx7wsIjcmPy6OO0D6Jib5/zaa9ghbj+gAEopt9AeN6Xyvk8dP7AXYJO0gsAd\n2EUH+4FpzpWNMZvFnkTwKLDdGONyb7cMisImNJ+KyBLsCtOvsEnFEGCJo4evHHYLjD3YBRQJsewT\nkXeB14FVIjIfOw/sNuCoMeY1p3aeEpHXsL1qJ40xEY5r4nQ/IyJPY4dpN4vda+44UBeob4zp4OpN\niEgzbO+Uy+1CjDHHRSQaO1z6YaY+IftZPCEi54Ht2BMZ2mDnuqUIxanNayIyDDvX7H8iMhu4AZv0\n7cduyZHgVWwSvMbxnksBg7CLE4qlE9/LQBiwTkQmOWIsBTTGbsmSkLwtFZE/sCuXT2B7SQcBC40x\nl9L/GJRSGeLtZa360Ic+PPsA2gGTsBPyz2GHKHdh51SVSeU1L2KHA19yca0KtpdosItrccAbTs/9\nuL5X2jWctgYBemETycuO2Hpg92tLsX0Idg7YRkfd09hhzrucrpfFroj9yxHDSkd5ki00nOrfDvzo\nqH8e2AQMTOMz/Nhxn6pp1HnTUecmp8/iYxf19gOTnZ4Xx86NO+H4+izC7puXvF5q7+URp8/mFHYu\nWqiLdh91fM5XsPu53Ycd1tyW1tfQURaCTVp/B65i939bCvRxqtMPiMD2Al7GLpp4Hyjm7f8D+tBH\nXnroWaVKqRRE5HlgNDZRyemD1FUOEZFN2N7J9ulWVkr5BJ+Z4yYig0TkgOM4lrWO3drTqv8PpyNi\nDonIGMeEXqVU9vUBIjVpyxtExN+xJ59zWRhwC7aXTCmVS/jEHDcReRz7231/YD0wGDv3pbZxOkvR\nqf7/YbvgewG/ALWxwwPx2CEepVQmyfXD08Oxqy47ejci5UYVgWUi8iX2qK96wADH3yd6MzClVOb4\nxFCpiKwF1hljnnc8F+zGlZ8YY0a6qP8pUNcY09apbBTQ1BjTKnl9pVT6xB5qfgC7Qex4Y8yb6bxE\n5RKOVb0TsYtSymBX4S4HXjHGHEjrtUop3+L1HjfHMvbG2J3cgcSVX8uxE4hdWQN0E5HbjDEbRKQ6\n9ny+1DaIVEqlwxhzEB+aPqHcx9ijybKyVYlSysd4PXHDrlbyx66ocnYCu4lkCsaY2Y79g3529M75\nA58bYz5IrRHH2Xrtub4qSimllFLKUwpjz0ZeYoz501039YXELTVCKruhOybVvgo8hZ0TVxP4RESO\nG2P+mcr92pO9jUSVUkoppTKrG/Afd93MFxK309h9g8olKy9Lyl64BG8DM4wxUx3Pt4lIMewcjtQS\nt98BZs2aRb169bIVcG4xePBgxo4d6+0wcoy+37wvv71nfb95W357v5C/3vOOHTvo3r07OPIPd/F6\n4maMiRWRKOxO4d9B4uKENqSySzkQSMqzAuMdLxXjesXFVYB69erRqFEjt8Tu60qUKJFv3ivo+80P\n8tt71vebt+W39wv58z3j5ulZXk/cHMYA0x0JXMJ2IIE4juIRkRnAEWPMq476C4HBIrIZWIfdZfxt\n4NtUkjallFJKqVzPJxI3Y8xcx2KDt7FDppuB9saYU44qFbHH5SR4B9vD9g5QAXvMy3fY8wyVUkop\npfIkn0jcAIwxE4AJqVy7K9nzhKTtnRwITSmllFLKJ/hM4qbcr2vX/LVtk77fvC+/vWd9v7nboUOH\nOH06xeE/iZo3b050dHQORuR9efE9h4SEULly5RxrzydOTsgJItIIiIqKisqPEyOVUkrloEOHDlGv\nXj0uX77s7VCUhwUGBrJjx44UyVt0dDSNGzcGaGyMcVu2qj1uSimllJudPn2ay5cv56stqPKjhC0/\nTp8+nWO9bpq4KaWUUh6Sn7agUjlDzyVUSimllMolNHFTSimllMolNHFTSimllMolNHFTSimllMol\nNHFTSimllM8IDw9nyJAh3g7DZ2nippRSSikAJk6cSPHixYmPj08su3TpEgUKFKBNmzZJ6kZERODn\n58fvv//usXiuXbvGsGHDaNCgAcWKFaNChQr07NmT48ePA3Dy5EkKFizI3LlzXb6+b9++NGnSxGPx\neYMmbkoppZQCbG/XpUuX2LhxY2LZqlWrCA0NZe3atcTExCSW//TTT1SpUoWqVatmup1r166lXwm4\nfPkymzdvZvjw4WzatIkFCxawa9cuOnXqBEDZsmW57777mDJlisvXfvPNN/Tr1y/T8fkyTdyUUkop\nBUDt2rUJDQ0lMjIysSwyMpLOnTtTrVo11q5dm6Q8PDwcgMOHD9OpUyeCgoIoUaIEjz/+OCdPnkys\nO2LECBo2bMjkyZOpXr06hQsXBmxy1aNHD4KCgqhQoQJjxoxJEk/x4sVZsmQJDz/8MLVq1aJp06aM\nGzeOqKgojhw5AthetRUrViQ+TzB37lyuXbuW5Ci1iRMnUq9ePYoUKcKNN97Iv//97ySvOXz4MI8/\n/jilS5emWLFiNGvWjKioqGx8ou6nG/DmAefPQ/Hi3o5CKaVUpl2+DDt3uveedetCYGCWXx4WFkZE\nRAQvvfQSYIdEhw0bRlxcHBEREbRq1Yq///6bdevWJfZmJSRtq1atIjY2loEDB9KlSxdWrlyZeN+9\ne/cyf/58FixYgL+/PwAvvvgiq1atYuHChZQpU4ZXXnmFqKgoGjZsmGp8f/31FyJCyZIlAbj33nsp\nW7Ys06ZN4/XXX0+sN23aNB566CFKlCgBwPTp03n33XcZN24ct9xyC9HR0fTr14+goCC6du3KxYsX\nadWqFdWrV2fRokWULVuWqKioJMPGPsEYky8eQCPAREVFmbzk0iVjihc3ZupUb0eilFIqQVRUlMnQ\nz5yoKGPAvY9s/pybNGmSCQoKMnFxceb8+fOmYMGC5tSpU2b27NkmLCzMGGPMihUrjJ+fnzl8+LBZ\nunSpKVCggDl69GjiPbZv325ExGzcuNEYY8xbb71lChUqZP7888/EOhcvXjSFChUy8+bNSyw7c+aM\nCQwMNIMHD3YZ29WrV03jxo3NE088kaT85ZdfNjVq1Eh8vnfvXuPn52ciIyMTy6pWrWq++eabJK97\n6623TOvWrY0xxowfP94EBweb8+fPZ/izSuvrnHANaGTcmM9oj1su5+cHH38MYWFJy3ftgooVoWhR\nr4SllFIqI+rWBXcPxdWtm62XJ8xz27BhA2fOnKF27dqEhITQunVr+vTpQ0xMDJGRkdSoUYOKFSuy\nYMECKlWqRPny5RPvUa9ePUqWLMmOHTsSDlqnSpUqlCpVKrHOvn37iI2NpWnTpollwcHB1KlTx2Vc\n165d49FHH0VEmDBhQpJrffv25YMPPiAyMpKwsDCmTp1KtWrVaN26NQAXLlzg4MGD9OzZk169eiW+\nLi4ujpCQEAC2bNlC48aNCQoKytbn52mauOVyhQuD07/BRN26Qa1aMHt2joeklFIqowIDwcfOMq1R\nowYVKlQgIiKCM2fOJCY/oaGhVKpUidWrVyeZ32aMQURS3Cd5edFkPQnGjoa5fG1yCUnb4cOHWbly\nJcWKFUtyvWbNmrRs2ZKpU6fSunVrZs6cyYABAxKvX7hwAbDDp8nPjk0Yti1SpEi6cfgCXZyQR82d\nC2++mbRs2zb43/9sX7pSSimVmvDwcCIiIhJ7sBK0atWKxYsXs379+sTErX79+hw6dIijR48m1tu+\nfTvnzp2jfv36qbZRs2ZNAgICkix4OHv2LLt3705SLyFp279/PytWrCA4ONjl/fr27cu8efOYN28e\nx44do2fPnonXypcvT7ly5di3bx/Vq1dP8qhSpQoADRo0IDo6mvPnz2f8g/ICTdzyqOrVoV69pGWT\nJ0OfPt6JRymlVO4RHh7Ozz//zJYtWxJ73MAmbhMnTiQ2NjYxobv77ru5+eab6datG5s2bWL9+vX0\n7NmT8PDwNBcZFC1alL59+zJ06FAiIiL47bff6N27d2IPGNihzIcffpjo6GhmzZpFbGwsJ06c4MSJ\nE8TGxia536OPPkpAQAADBgygXbt2VKhQIcn1t956i3fffZfx48ezZ88efv31V6ZMmcInn3wCQPfu\n3SldujQPPvggv/zyCwcOHGDevHlJtkbxBZq45SOjRkFkJDj3Sv/xB7zzDpw547WwlFJK+Zjw8HCu\nXr1KrVq1KFOmTGJ569atuXjxInXr1uWGG25ILP/2228JDg6mdevWtGvXjpo1azJnzpx02/nwww9p\n2bIlHTt2pF27drRs2TJxThzAkSNH+P777zly5Ai33nor5cuXJzQ0lPLly/PLL6lhTAoAACAASURB\nVL8kuVeRIkXo0qULf/31F3379k3R1oABA/jss8+YPHkyDRo04K677mLWrFlUq1YNgIIFC7J8+XKC\ng4Pp0KEDDRo04MMPP0ySSPoCMflk3ExEGgFRUVFRKca387MlS+D//g9274bSpb0djVJK5Q3R0dE0\nbtwY/ZmTt6X1dU64BjQ2xkS7q03tccvn2re3vW7OSVt8PHTpAqtXey8upZRSSqWkiZuiQIGkz//8\nE06f9k4sSimllEqdbgeiUihTBpYvT1netSvcfDO8+mrOx6SUUkop7XFTmdCgAdSokbTsyhXdXkQp\npZTKKdrjpjLslVdSlv3zn7B4sd34OwN7KCqllFIqGzRxU9nSsaPdL845abtyxS54cKywVkoppZSb\n6FCpypZmzaB796Rl339vNwA+fNg7MSmllFJ5lSZuyu3uvdcmb5UqJS3/73/Bx08SUUoppXyaJm7K\n7YoWhfvuS1p2+DA89BAsW+admJRSSqm8QBM3lSMqVYJDh1ImdNOmwZo1XglJKaWUDwoPD2fIkCFe\nabtatWqJZ5f6Kk3cVI6pWBEKF77+3BiYMMGuSlVKKeV9EydOpHjx4sTHxyeWXbp0iQIFCtCmTZsk\ndSMiIvDz8+P333/3aExhYWH4+fnh5+dHkSJFqFOnDv/617882qYv01WlymtEYN06iIlJWv7DDxAb\nC506eScupZTKr8LDw7l06RIbN26kadOmAKxatYrQ0FDWrl1LTEwMBQsWBOCnn36iSpUqVK1aNdPt\nXLt2jYCAjKUgIkL//v155513uHr1KitWrKB///4EBwczYMCATLed22mPm/IqEShUKGnZvHkwZYp3\n4lFKqfysdu3ahIaGEhkZmVgWGRlJ586dqVatGmvXrk1SHh4eDsDhw4fp1KkTQUFBlChRgscff5yT\nJ08m1h0xYgQNGzZk8uTJVK9encKO4ZfLly/To0cPgoKCqFChAmPGjHEZV2BgIGXKlKFSpUr06tWL\nBg0asMxp0nR8fDz9+vWjevXqBAYGUrdu3RRDnr179+bBBx9k9OjRlC9fnpCQEJ555hni4uJS/Ty+\n+OILgoODiYiIyPiH6GHa46Z8zuTJcPly0rLDh+0wa5ky3olJKaU85fiF4xy/eDzV64UDClO/TP00\n77H91HauXrtKaLFQQoNCsxVPWFgYERERvPTSS4AdEh02bBhxcXFERETQqlUr/v77b9atW0e/fv0A\nEpO2VatWERsby8CBA+nSpQsrV65MvO/evXuZP38+CxYswN/fH4AXX3yRVatWsXDhQsqUKcMrr7xC\nVFQUDRs2TDW+VatWsXPnTmrXrp1YFh8fT6VKlfjmm28oXbo0a9asoX///pQvX55HHnkksV5ERATl\ny5cnMjKSvXv38thjj9GwYUP69u2bop2RI0cyatQoli1bRpMmTbL1mbqTJm7KJwUGJn3++uuwYQNs\n26YnNCil8paJURMZ8dOIVK/XL1OfbU9vS/Mej379KNtPbWd46+G8FfZWtuIJCwtjyJAhxMfHc+nS\nJTZv3kyrVq2IiYlh4sSJDB8+nNWrVxMTE0NYWBjLli3jt99+4/fff6d8+fIAzJw5kxtvvJGoqCga\nN24MQGxsLDNnzqRUqVKAnTs3ZcoU/vOf/xAWFgbA9OnTqVixYoqYxo8fz6RJk4iJiSE2NpYiRYrw\n/PPPJ14PCAhg+PDhic+rVKnCmjVrmDt3bpLErVSpUowbNw4RoXbt2tx3332sWLEiReL28ssvM2vW\nLH766Sfq1auXrc/T3TRxU7nCmDGwb1/SpC0uDhy/tCmlVK41oPEAOtbpmOr1wgGFU72W4OtHv07s\nccuuhHluGzZs4MyZM9SuXZuQkBBat25Nnz59iImJITIykho1alCxYkUWLFhApUqVEpM2gHr16lGy\nZEl27NiRmLhVqVIlMWkD2LdvH7GxsYlz6QCCg4OpU6dOipi6d+/O66+/zpkzZxg+fDgtWrSgWbNm\nSeqMHz+eqVOncujQIa5cuUJMTEyKnrsbb7wRcfpBEhoaym+//ZakzqhRo7h8+TIbN27M0vw9T9PE\nTeUKpUvbh7OPPoKFC2HFCk3glFK5V2hQ9oc30xtKzYwaNWpQoUIFIiIiOHPmDK1btwZsklOpUiVW\nr16dZH6bMSZJMpQgeXnRokVTXAdcvja5EiVKUK1aNapVq8ZXX31FzZo1ad68OXfddRcAc+bMYejQ\noYwdO5bmzZsTFBTEyJEjWb9+fZL7FChQIMlzEUmyghagVatWLFq0iK+++ophw4alG1tO08UJKte6\n5Ra7L5wmbUop5V7h4eFEREQQGRmZOIwJNqlZvHgx69evT0zc6tevz6FDhzh69Ghive3bt3Pu3Dnq\n1089oaxZsyYBAQFJFjycPXuW3bt3pxlb0aJFef7553nhhRcSy9asWcMdd9zBgAEDuOWWW6hevTr7\n9u3L7NsGoGnTpvz444+89957jBo1Kkv38CSfSdxEZJCIHBCRKyKyVkRuS6NuhIjEu3gszMmYlXfd\nfTcMHZq0bNUqGD4c/v7bOzEppVReEB4ezs8//8yWLVsSe9zAJm4TJ04kNjY2MaG7++67ufnmm+nW\nrRubNm1i/fr19OzZk/Dw8DQXGRQtWpS+ffsydOhQIiIi+O233+jdu3fiwoW0DBgwgN27dzN//nwA\natWqxcaNG1m6dCl79uzhzTffZMOGDVl+/82aNWPx4sW88847fPTRR1m+jyf4ROImIo8Do4HhQENg\nC7BEREJSecmDwA1Oj5uAOGCu56NVvmzHDli+HBzbDCmllMqC8PBwrl69Sq1atSjjtJy/devWXLx4\nkbp163LDDTckln/77bcEBwfTunVr2rVrR82aNZkzZ0667Xz44Ye0bNmSjh070q5dO1q2bJk4Jy6B\nq6HU4OBgevTowVtvvQXYRO6hhx6iS5cuNG/enDNnzjBo0KBMv2/ntlq0aMH333/Pm2++ybhx4zJ9\nL0+RhDFmrwYhshZYZ4x53vFcgMPAJ8aYkRl4/T+At4BQY8yVVOo0AqKioqJo1KiR22JXvic+Hvyc\nfiU5eRJ274Y77tAVqUqpnBEdHU3jxo3Rnzl5W1pf54RrQGNjTLS72vR6j5uIFAAaAysSyozNJpcD\nt2fwNn2A2aklbSp/8Uv2r3rGDOjQAS5c8E48SimllLt4PXEDQgB/4ESy8hPYYdA0iUhT4EbgC/eH\npvKCIUNg/XooXvx6WVwcXLrkvZiUUkqprPDl7UAEyMg4bl/gN2NMVEZuOnjwYEqUKJGkrGvXrnTt\n2jXzEapcwc8Pku+f+N//woABdkPfcuW8E5dSyj3Gj4f27aFmTW9HovKrH3/8MXG+XYJz5855pC1f\nSNxOYxcWJP/xWZaUvXBJiEgR4HHg9Yw2NnbsWJ1voGjSBN54Q5M2pXKTuDiYMMFuBdSqlS27eBES\ndmzQxE15yz333MOrr76apMxpjptbeX2o1BgTC0QBbRLKHIsT2gBr0nn540BB4EuPBajypCpVwOm0\nFAD27oVOneDYMe/EpJRKm58fzJ4Nv/xyvaxYMdtzPmCA9+JSKid5PXFzGAP0F5EeIlIX+BwIBKYB\niMgMEXnPxev6Av81xpzNsUhVnnXyJJw/D04nsigfZQzExno7CuVpV66A82iTCPz0EyTfzD4wEAKc\nxo8uXYKHH4bt23MmTqVykk8kbsaYucALwNvAJqAB0N4Yc8pRpSLJFiqISC2gBbooQblJixYQEQGF\nnY4FvHoVPvtMFzL4mu7d4bnnrj+PibFfO5V3xMdDw4bw9ttJy5OdWOTS8eNw9CgUKeKZ2JTyJl+Y\n4waAMWYCMCGVa3e5KNuDXY2qlMesXg3PPgv33gvOx+x98IHtmXvyyetlCVsi6l5xnte+fdJVwpMm\nwUsvwf79Om8xr/Dzg5Ej4aabMv/amjXtcGry/4txcXpEnsr9fKLHTSlf1aaN/e29YsWk5YcPp5wL\nt2EDlChhT29wFhWlQzbZ9ddfSZ/36AGdO19//tRTNsnWpC13MgY+/BC++y5peceOUL161u6ZPGmL\njIT69W1PnFK5mSZuSqWjTJmUv6WPG2fPRHUWGmpXqlaokLR82DBItkqco0dtsnHwoNvDzXNGjYJb\nb4XLl1Ov4+9v66jcSQR+/hl++81zbZQrZzfiDg31XBtK5QRN3JRyk0qV7KH3zkN4AF9/DcnPKP7z\nT1i3zs7jcfbEE/bh7MoVOyE7v5780LmzneeUmflKZ8/CV195LiaVPRcu2MVAzhYsgGS7KbhVvXr2\n/6HzySrnz9uHSqp37974+fnh7++Pn59f4t/379+frfvGxcXh5+fHDz/8kFjWsmXLxDZcPdq1a5fd\ntwPAokWL8PPzIz75N91cyGfmuCmVVwUH24ezBg1g06aUdTt1SpnM7doFYWE20Wva9Hr5v/9tF00M\nHny9zBj7SH7sV26yf3/S4bGaNTO/P9eMGfDOO9C2ra4S9jXGwJ13QqNGMHXq9XJv/JsdMQIWLrRT\nGQL0p2ESHTp0YNq0aTifZ+582HxWuDobfeHChcTExABw4MABWrRowU8//UTt2rUBKFSoULbadG5b\nRFzGkNvk4m/vSuU9jzwCjz2WtKx+fTtvrkGDpOUHD9okx9mhQ1CokJ3P42ztWlixAp+3ahXUqmWT\n1Ox47jnYvFmTtpx0+jQcOJC07OBB++92w4brZSLw8ccpV4t6wz/+AaNHa9LmSqFChShTpgxly5ZN\nfIgIP/zwA3feeSfBwcGEhITQsWNHDjh94WNiYhg4cCDly5enSJEiVK9enVGOHZKrVauGiHD//ffj\n5+dH7dq1KVmyZOL9Q0JCMMZQqlSpxLKEk45Onz5Nz549CQkJITg4mPbt27Nz504A4uPjueOOO3jk\nkUcS4zhx4gTlypVj9OjRbNu2jY4dOwJQoEAB/P39ec55WXouo4mbUj6uYEGoWzfpNiUA774Ln36a\ntCwoyP5QrFs3afn48bZ3wdmFC7ZHKnmSdPXq9RWyOe2OO2DWLHuyRXaIpFxQotzjxAn45z9TLs55\n9lno3TtpWalS0LKl3STXWViYnVrgbZUqwQMPJC2LirILkrIrM1Mbjh+HX39NWb55s/28nZ0+DdHR\nKetu3w5HjmQuxqy4cuUKQ4cOJTo6mhUrVmCM4eGHH068PmbMGJYsWcK8efPYvXs3M2fOpHLlygBs\n2LABYwxffvklf/zxB2vXrs1wu506dSImJoaVK1eyfv16atWqRdu2bbl06RJ+fn7MmjWLZcuWMdXR\njdunTx9uvvlmXnjhBerWrcvMmTMBOHbsGMePH+f9999346eSw4wx+eIBNAJMVFSUUSq/iYsz5q+/\nkpadOGHMI48Ys3lz0vJnnzWmSZOkZfHxtr67bd1qzLlz7r9vcvv3G/Pxx55vJz/Yv9+YkBBj1qxJ\nWr5tmzG//eadmNypeXNjOnfO/n3mzIkyGf2ZM3y4MRUqpCwPCjJm9OikZZMm2QkRydWvb8zgwVmL\nNblevXqZgIAAU6xYscTHY4895rLu8ePHjYiYXbt2GWOMefrpp0379u1d1r127ZoREbNo0SKX1/fu\n3WtExGzbti1J+Y8//mhCQ0NNXFxcYllcXJwpX768mT17dmLZ1KlTTbFixczQoUNNcHCwOXLkSOK1\n77//3vj5+SW5hztERaX+dU64BjQybsxntINYqXzAz89uVeKsbFm7cCK5Ll2gdeukZceO2R6shQvh\n/vuvlydscpqVIckLF2xvzNCh8NprmX99Znz/ve2d7NUr5eIRlTnVqsGpUynL69fP+Vg84Ycf3LMQ\nqFatjNcdMMCe9JDc//6XchVs5852fmByX3/t3n/bd911F59//nninLCijo0s9+zZwxtvvMH69es5\nffp04tyxQ4cOUbt2bXr37k27du2oW7cu99xzDw888ABt2rRJq6l0bdmyhZMnTyYOmya4evUq+/bt\nS3zeq1cvFixYwKhRo/jyyy+pkHyJfx6hiZtSKokWLVKWlSgB8+ZBs2ZJy4cNs/OaVq++XhYba4eb\nbrkl7ZWgQUHw44+ufwi527PP2qQtKMjzbeU1P/xgt+l46SVvR5IzXC0m+vRTaNcO6tRJ/XXnztmE\nNisH3YeGut6mxNUWNyEh9pGcuxPnokWLUq1atRTl9913H7Vr12bKlCmEhoYSExPDLbfckrjAoEmT\nJhw8eJDFixezfPlyHn74YTp06MDs2bOzHMvFixepWbMmixcvTrG4oJTTb43nz59n69atBAQEsHv3\n7iy35+s0cVNKpatYMXjooZTlw4en3Bx35064/Xa70ODOO6+Xr15tjytyXhnbvLln4nVFk7as2bTJ\nLi7Ir6cOXLxotxEpUCDtxK1nTzsfbc2avHt6ysmTJ9m7dy8zZ86kmeO3uMjISCTZGw4KCuKxxx7j\nscceo3Pnztx///1MmjSJYsWK4e/vT1xcXKptJL8XQKNGjRg1ahRFixalbNmyqb520KBBlC5dmvHj\nx9O5c2c6dOhAU8c3nIIFCwLXtyTJzTRxU0plmavhoDp17OTp5D/k3n3X9sYtW5YzsaVl/Xr49ls7\nyT6v/pB1l9dey79JG9hfWrZtS/+M1FGj7GeUl/89lS5dmuDgYCZOnEiZMmU4cOAAL7/8cpI6o0eP\nplKlStzq6C78+uuvqVixIsUcK1QqV67M8uXLadq0KYUKFaJkyZJJXp+8Rw3ggQce4KabbqJjx468\n9957VK9enSNHjrBw4UJ69epFvXr1mDt3LvPnzyc6Opo6deowcOBAunXrxpYtWwgMDKRq1aoAfPfd\nd7Ru3ZrAwEACAwM98Cl5Xu5OO5VSPqdgQXs4ePLviXPnwuLF3okpuS1b7KbGV696O5LcIb8mbQkK\nF076GVy8aPdc3LbtelnNmnb+X17m7+/PV199xbp167jpppsYOnRo4lYfCYoVK8Z7771HkyZNaNas\nGceOHWPRokWJ18eOHcuPP/5I5cqVE3vDnLnqcfP392fZsmU0atSIJ554gnr16tGjRw9OnTpFSEgI\nx44d4+mnn+bDDz+kjuM3xpEjR1K4cGGef/55AGrVqsXLL7/MoEGDuOGGG1IknLmJuMpu8yIRaQRE\nRUVF0SgnJtUopXzatWu6f5cr335r5x6OH5+7N3L2pH377NDorFng6MhJITo6msaNG6M/c/K2tL7O\nCdeAxsYYF5u4ZI1+21JK5UuatLl24YI9MiwuThO31NSoYc9WVcob9L+lUirf+/Zb6NfPJiv5Xffu\nMHt2+nO6lFLeoYmbUirfu3zZPvLJzJEUkr/vvDzBXqncThM3pVS+17UrfPll/hw+/eYbu6myLtRQ\nKnfQxE0ppci/vUwhIVC+fP5MWpXKjfS/qlJKJfP++3Zbkxde8HYknhcWZh/KM3bs2OHtEJQHeePr\nq4mbUkolc/GiTdzyKt0KxfNCQkIIDAyke/fu3g5FeVhgYCAhrs4h8xD9r6uUUsm8+663I/CcuXNt\nj2JEBCTbtF65UeXKldmxYwenT5/2dijpOnbMnmjSo0f+nTKQHSEhIVSuXDnH2tPETSml8pGbb4a7\n7tKzW3NC5cqVc/QHeladOQPTp8OQIVClirejUenRxE0ppdIQH297IfJKT0S9ejB6tLejUL4kPBxO\nnszb0wPyEl1VqpRSqbh4EW67zW5Iq1Re5e+vSVtuoombUkqlolgxuPdee4C4Ukr5Ak3clFIqDe+8\nA02bejuK7PvhB+jY0Z4QoZQrV67A9u3ejkKlRxM3pZTKB/z97SrSwEBvR6J81eDB0KlT/j36LbfQ\nxE0ppTLojz+8HUHWtW8PM2Z4Owrly158ERYtyjsLcfIqTdyUUioD1q+HypVh7VpvR6KUZ9SsCbVr\nezsKlR5N3JRSKgMaN4ZPP4Vbb/V2JEqp/EwTN6WUygB/fxgwAAoX9nYkmRMXB++9B4cOeTsSlZvE\nx3s7ApUaTdyUUioP278fRo6EI0e8HYnKLdq1g+HDvR2FSo2enKCUUpkUEwMbN0KLFt6OJH21atld\n8fVQeZVRDz4I1at7OwqVGu1xU0qpTPrkE9sr8ddf3o4kYwoWBD/9bq8yaOBAuwpZ+Sb9r6yUUpn0\n1FPwyy92XzSllMpJmrgppVQmFSsGN9/s7SjSt3On3Q1fKZV3aOKmlFJ51EMPwbPPejsKlRudPg1P\nPqlHYPkina6qlFLZsGmTPVGhQwdvR5LSggW6C77KmuLF7b/tY8egfn1vR6Oc+UyPm4gMEpEDInJF\nRNaKyG3p1C8hIuNF5JjjNTtF5J6cilcppQBGjYLRo70dhWt16uhO+CprCha0K6fvvtvbkajkfKLH\nTUQeB0YD/YH1wGBgiYjUNsacdlG/ALAc+AN4CDgGVAFyyRovpVReMX68nfOmlFI5wScSN2yiNtEY\nMwNARJ4C7gP6ACNd1O8LlASaG2PiHGW6L7hSKsf54spSY3SIVKm8yutDpY7es8bAioQyY4zB9qjd\nnsrLHgB+ASaIyB8i8quIvCIiXn8/SinlbR9/DHfcoccWqew7eRJmzPB2FMqZLyQ6IYA/cCJZ+Qng\nhlReUx14FBt/B+Ad4AXgVQ/FqJRSaYqNtccERUZ6OxJo0AA6dtRNd1X2rV0LffvqWbe+xFeGSl0R\nwKRyzQ+b2PV39M5tEpEKwIvAP9O66eDBgylRokSSsq5du9K1a9fsR6yUyrcCAuB//4Ny5SAszLux\n3HWXffiS+Tvmc+LiCQbeNtDboahMuOceOHECSpXydiS+bfbs2cyePTtJ2blz5zzSlti8x3scQ6WX\ngYeNMd85lU8DShhjHnTxmkggxhjTzqnsHmARUMgYc83FaxoBUVFRUTRq1Mjt70MppeLjtZfLFWMM\nt068laolq/Jtl2+9HY5SOSI6OprGjRsDNDbGRLvrvl7/FmOMiQWigDYJZSIijudrUnnZaqBmsrI6\nwHFXSZtSSuUETdpc+/nQz2w9sZVnbnsmxbXpm6czOXqyF6JSKnfylW8zY4D+ItJDROoCnwOBwDQA\nEZkhIu851f8MKC0iH4tILRG5D3gFGJfDcSullEveGMw4exb694eDB3O+7bSM2zCOOqXr0KZ6mxTX\nNh7bSL+F/fgi+gsvRKYyKj7ebsarvM8nEjdjzFzs4oK3gU1AA6C9MeaUo0pFnBYqGGOOAO2A24At\nwEfAWOCDHAxbKaVc2rMHWrQAD01xSdWBA3ZxRIECOdtuWo6eP8r8HfMZdNsg/Fws/P+kwycMum0Q\nTy58kn9H/dsLEaqMeOYZO99NeZ/PLE4wxkwAJqRyLcU0W2PMOqCFp+NSSqnMCgy0+7udPg3J1kJ5\nVKNGsHt3zrWXEf+O+jeFAwrT89aeLq+LCJ92+BQ/8WPA9wMwxjCgyYAcjlKlp39/6NpV9wj0BT6T\nuCmlVF5RoQIsXuztKLwvJi6GiVET6dGgB8ULFU+1nojw8T0fIwhPLXoKg+GpJk/lYKQqPbfe6u0I\nVAJN3JRSSnnE/B3zOXHpBIOaDkq3rojw0T0fISIMXDSQeBPP07c9nQNRKpW7aOKmlFJ5wLJlcNNN\nEBrq7Uiu61y3M4u7LaZ+mfoZqi8ijG0/Fn/xJzYu1sPRKZU7+cTiBKWUyou2b4dRozzfTlycnX80\naZLn28qMwgGFuadm5ma0iwij24/m+ebPeygqlR2PP54z/6ZV6rTHTSmlPGTrVvjoI3jySc8uUvD3\nt4sSvLyfusoHbrwRKlf2dhT5myZuSinlIY88Ao8+ahMrT9MjiVROePNNb0egNHFTSikPCdDvsEop\nN8v0HDcRmSYirTwRjFJKqcy5eNHuap9fXIvXUw1V/paVxQnBwDIR2SMir4pIBXcHpZRSecnZs7Bx\no2fu/eqrcMcdnrm3r4mJi6HtzLaMWqOz473p7Fl47TV7UofKeZlO3IwxnbBHUH0GPA78LiKLReQR\nEfGhg1aUUso3vPoqPPaYZxYPdOsGQ4e6/75Zte7IOuKNZ7oAC/gV4M5KdzJ02VA+XP2hR9pQ6StY\nEGbMgB07vB1J/pSlGRiOM0THAGNEpBHQG5gJXBSRWcAEY8we94WplFK51yuvwBtveOaooGbN3H/P\nrNp1ehfNJzfnq0e+4rEbH3P7/UWEt8PfRkR4aflLxJt4ht05zO3tqLQVLQoHD4KfbijmFdmaOisi\noUBb7IHvccAPwM3AdhF5yRgzNvshKqVU7pZftk+YsGECZQLL0LFOR4+1ISKMCBuBILy84mUMhpfv\nfNlj7SnXNGnznkwnbo7h0I7YXrZ2wFZgLPClMeaCo86DwBRHuVJKqTzuwt8XmLZlGs/c9gyFAwp7\ntC0RYUT4COJMHK+seIX7at3HzeVu9mibSvmKrOTMx4FJwEGgqTGmiTHm84SkzSEC+MsdASqlVF5h\nDFy65J57/fYb3H8/HD3qnvtl16yts7gYczFHD4cf3no4FYtXZMzaMTnWprru8mVYutTbUeQ/WUnc\nBgPljTGDjDGbXVUwxvxljKmWvdCUUipv6dgRnnbTuekXL8K1axAS4p77ZYcxhnEbxtG5bmcqlaiU\nesWLF+GnnyDWPeeQFvAvwHNNn2P/2f3Exce55Z4q4777Dtq3hyNHvB1J/pKVxO07IDB5oYiUEpHi\n2Q9JKaXypn79oFcv99yreXP48UcoVMg998uOyN8j2X5qO8/c9kzaFd9+G8LC4IYbYMAAiIzM9iZ0\nQ24fQmTPSPz9cuB4CpVEx46wZw9UrOjtSPKXrCRuc4AuLsofc1xTSinlQqdOEB7u7Sjcb9yGcdQv\nU5+wqmGpV7p2ze4h8fjj0L8/LFliP4xKlWDIENiwIUv7pfj7+SOeWK6bi+09s5cLf19Iv2I2BQZC\nzZoeb0Ylk5XErRl2DltykY5rSiml8gljDA1vaMird76adgK1ZAmcOAHDhsH779vdW1evhocegi+/\nhKZNoXZteximbhCWZccuHKPRxEY8ufBJb4eiPCQriVshXK9GLQAUyV44yYaRjgAAIABJREFUSiml\n0vPZZ3aIyheICK+3ep1uDbqlXXH6dGjQAG69NeGF0KIFfPqpXWGxdCm0bAmffAL169t6H3xgNwxT\nGfbC0he4EHOB+Tvmc/ry6Rxr112LblT6spK4rQf6uyh/CojKXjhKKZW3xcVB1662kykrzp+H11+H\ndevcG5dHnTkD334LPXu63oU4IADatoUpU2yv3IIFUKcOjBgBVavaM73GjbPXVKpWHljJnN/mMKrt\nKFpXbc2pS6dypN0hQ6BNmxxpSpG1DXhfB5aLyC3ACkdZG+A27L5uSimlUuHvDyVL2mODsqJ4cfjj\nj1x2sPycOTZj7ZZOrxzY1RadO9vHhQt26eLs2TB4MDz/vM0QunaFBx+0H6QC7Dmug34YxJ2V72TI\n7UN4ocULOdb2gw/azlOVM7JyVulq4HbgMHZBwgPAXqCBMWaVe8NTSqm857PP4NFHs/76AgV8YzVp\nhk2fDvfeC+XKZe51QUE22fv+e5utfvaZ3Uqkb197rwcftNcUY38Zy54/9zD+3vE5vlijZUt45JEc\nbTJfy+pZpZuBDPzqpJRSKl/bvh3Wr4d587J3n9Kl7WrU/v3tnLivvoL//AceeMAOw3a0x2zN2jqL\nrSe2MrLtSDcEn3u0qd6GogWL0qBcA2+HojwsW6eNiUgRESnu/HBXYEoppZI6dMjuVp+rTJ8OpUrB\nffe5754VKlzfQuSBB+wGeY75b2eunGHML2M4dO6Q+9rLBZqUb8IzTdPZR0/lCZlO3EQkUETGichJ\n4CJwNtlDKaVUOs6fh/fes7tiZNTTT9u94LzNZHS/tWvXYOZM+L//88zYrgh88YX9s29fMIY+DfsQ\nVCiIT9Z94v72cosdO+Bszv44NgYGDrRfDuVZWelx+xC4CxgI/A30A4YDx4Ae7gtNKaXyroAAu/PF\nZpcHB7r20Ud2CzRvG7l6JJ3mdEo/gVu+HI4fd99xEa6ULWtXoy5aBBMnUqxgMQY0HsCk6Emc//u8\n59r1VUuXwi23wFM5d2Ys2Nw5IEuTr1RmZSVxewB42hgzD7gGrDLG/BN4FZ33ppRSGRIYaM94fPDB\njL+mZk1o0sRzMWXEtfhrTNg4gdJFSqc/CX7aNLjxRmjUyLNB3XefTVSGDIFdu3im6TNcjr3M5OjJ\nnm3X1/z8s12NW6qU3VLlVM5sB5Lg00/tqLXyrKwkbqWAhM79847nAD8DrdwRlFJK5Qe5sYfi+93f\nc+jcofTnU509C//9r+1ty4lVjqNG2eOzunenYpFydLmpCx+v+5hr8dc837YviI62CWyzZrBxo/3M\nZ8wA4LMNn/HOT+94OUDlLllJ3PYDVR1/34ndEgRsT9xfbohJKaWUkywc4ekx49aP4/aKt9MoNJ1e\ntLlz7Ry3jOzd5g5Fi9pdjTdvhrffZkjzIRw8d5D5O+bnTPvetGMHtG8Pdevafe8qVrRduV98AcZw\n9MJRRv0yiksxerxBXpCVxG0qcIvj7/8CBonI38BY7Pw3pZRSGRQba4/xTGtD3YUL7WjjuXM5F5cr\nO07tYMWBFRlbvThtmk0mQkM9HleiJk3grbfgvfdouP8y4VXD+fLXLB5R4cMW7V7EiMgRxMXH2dUt\nd98NN9wAixfbve8AnnwSdu6E1avp27Av5/8+z9fbv/Z4bBcu2CHT48c93lS+lZUNeMcaYz5x/H05\nUBfoCjQ0xnzs5viUUipPW7sW7rnHjm6lplw5CAuDEiVyLCyXxm8YT7mi5Xikfjq7re7aZd+YJxcl\npGbYMGjeHJ54gpltJ/DNo9/kfAwedCX2Cs8sfoY1R9bgd/wPm7QFBsKyZXZuW4LwcKhWDSZNolpw\nNe6ufjdfRHt+yWdcHLzySi47ki2XyVTiJiIFRGSFiNRKKDPGHDTGzDfGbHV/eEoplbfdcQds2QK3\n3ZZ6nWbNYMyYnIvJlWvx1/jy1y/p07APBf3TOa9r+nQIDrZ7rOW0gAC7BcmpU1R4fSQF/AvkfAwe\n9P7P73PswjHGNX8badfOdtkuX2573Jz5+dmVAl9/DX/9xZONnmT14dVsP7Xdo/GVLAknT9o1Esoz\nMpW4GWNiAd2WWSml3MTPDxo0yJn5+9mx49QOLsVcolOddDaSi4uzk+K7doXChXMmuOSqV7fjdVOn\nZv/EBh+y5889fLD6A15q/By1ugyC06dt0laliusX9OoFMTHwn//QqU4nQgJDcqTXLTDQ403ka1mZ\n4zYL6OvuQJRSSvmum8vdzJ8v/UmT8unsR7JihT2SqmfPnAksNT17wkMP2SOyjh3zbixuYIzh2cXP\nUr5YKK/8azXs22f3bKtdO/UXlS9vV5p+8QWFAgrRo0EPZmyZwd/X/s65wJXbZSVxCwAGikiUiEwU\nkTHOD3cHqJRS+UXyxQfx8fD887Btm3fiSS6oUBD+fv5pV5o2DerVS3vsNyeIwMSJ9sSG3r3TXv2R\nC8zfMZ8l+5bwybpSBEZthR9+sBvtpufJJ2HTJoiKol+jfvx55U8W7l7o8Xjj4+0UAOV+WUncbgKi\nsXu41QYaOj1udV9oSimVf0ydCpUrJz2L9OhR+PFH+Cu3bLR07pzd+DWn9m5LT0iI/WCXLoXx470d\nTZZdirnEP378B/efv4EHFmyHb7+F22/P2Ivvucf2vE2aRL0y9fip1090ruv5CWhffgkNG+rqUk/I\n9PaPxphwTwSilFL52V132WlZfk6/TleqZHd0yDXmzrVzqrp393Yk17VvD889By+9ZD/kG2/0dkSZ\n9sf5Y1Q89TefTP8T5i6ANm0y/uKAAOjTBz7+GEaPplWVnNkn/4EHYNUquyJauVdWetyUUkq5WZUq\n0KNHyvn8Ir7ReZUh06ZBu3a2h8eX/OtfUL06C198gKU7F3k7mswxhhpvf8qaD05R7ZOZ0LFj5u/R\nty9cvGgT6xxSsqRdMe2nWYbbZfojFZEIEVmZ2iOrgYjIIBE5ICJXRGStiKQ6QUJEeopIvIjEOf6M\nF5HLqdVXSinlYXv2wJo13tm7LT1FisCsWXwW8jsvze6D8aWjKNLzxhvw6afI5xPh//4va/eoWtXu\n9/aF51eUKs/LSi68Gdji9NgOFAQaAb9mJQgReRwYDQzHzpXbAiwRkZA0XnYOuMHpkcp6aKWUyn3W\nrbNz3HKN6dPtDsGd0tkuxFsaNmRI/b5s8TtJxLcfeTuajBk5Et59Fz780K6OzY4nn7SJtRdWuuTy\ndSE+JysnJwxO9njGGHMn8BEQm8U4BgMTjTEzjDE7gaeAy0CftEMxp4wxJx2PU1lsWymlfMZnn9mO\nlf794bXXvB0N/Hn5z/R7qOLibOLWpYv39m7LgDZDP6PBxaKM/v5V758flp7PP7enQLzxBrz4Yvbv\n17GjXayRw71ub7wB996bo03mee4cfZ5F2omWSyJSAGgMrEgoM/a7xHIgrWUzxUTkdxE5JCL/FZH6\nmW1bKaV8TUgIVKgAERHwzjvejgbazWrHoB8GpV0pIgKOHPHNYVInEhDAkHtG8EOlq+wY/IS3w0nd\nrFnw9NN2L5gRI9xzz0KF7N52M2bA3zm3j9vtt/tuJ2xu5c7E7XbgahZeFwL4AyeSlZ/ADoG6sgub\nJHYEumHfxxoRqZCF9pVSymc8+qgdGStVyq4q9aYTF08QfTya2yums/XE9OlQp449m8vHdQ17llD/\nkow9vRDmzPF2OCl9+61NgHv1suecuXNlSr9+cOaM3bIFiImLYdfpXe67vwv33gsDB3q0iXwn09uB\niMj85EVAKNAEcOfvhwK47J83xqwF1jrF9AuwA+iPnSeXqsGDB1Mi2UnNXbt2pWvXrtmNVyml8pQl\n+5YA0L5m+9QrnT9vj5V6441csfy1oH9Bnmn1Im/Hvsk/hwyg7B13eD9DTrB8OeaxR5nZuxFdxo+n\noLuXZNatC3feaYdLu3RhyJIhLNqziH3P7cNPdPlndsyePZvZs2cnKTvnoeF4yezqGhGZmqwoHjgF\nrDTGLM10AHao9DLwsDHmO6fyaUAJY8yDGbzPXCDWGNMtleuNgKioqCgaNWqU2TCVUirf6TqvK3vP\n7GXDkxtSrzR5sp34fugQVKyYc8Flw5krZ6g0phIvrQtg+KUmsGyZ9/etWLMG2rZl+sM16FXjV/7X\n63+0rNLS/e3MmGGHTPfuZU3BE9wx5Q6Wdl9K2xpt3d9WPhcdHU3jxo0BGhtjot1136wsTuid7NHX\nGPNyVpI2x/1igSggcUdBERHH8zUZuYeI+GFPdNA9mpVSyg3i4uNYum8pHWp2SLvi9OnQtm2uSdoA\nShUpxbzH5/HMoGmwciV85OVVpps3w733crb5LQy9+Thdb+rqmaQN4JFH7OrfKVO4veLt1C9Tny82\neXbBgjG2Q/abbzzaTL6RlX3cbhORFBMZRKSZiKRz+nCqxgD9RaSHiNQFPgcCgWmOe88Qkfec2npD\nRNqKSDURaQh8id0ORDepUUopN1h/dD1nrpzhnpr3pF5p7167Pb63D5TPgntq3kPp9g/CCy/AK6/A\n1q3eCWTnTrtpca1avP7sjVy99jej2o3yXHuBgdCtG0ydisTF0a9hPxbsWMCpS57bmEEEdu2y61dU\n9mWlb3g84GpCQAXHtUwzxswFXgDeBjYBDYD2Tlt8VCTpQoVg4N/YPeQWAcWA2x1biSillMqmxXsX\nE1w4mGYV0lhwMGMGFC8OnT1/9qXHvPuuXVjRrRtczcr6umz4/XfbW1m2LFEz/sVnWyYzImwE5YM8\nfPJEv372ENFFi3jilicQEWZunenRJufOhX/8w6NN5BtZSdzqYw+ZT26T41qWGGMmGGOqGmOKGGNu\n/3/27ju8impr4PBvJRBqAGlSFKQpSJOABQsqICBKvyJIx4SroiLKBcWC+lmwgICKJaFDkCoo3QjS\npEiCIChVlGroobdkf3/soAiknczklKz3efJITmb2XmM4ZGVm77WMMWsu+Vp9Y0z3Sz5/3hhTLvnY\nUsaYZsYYL/26pJRSgWfF7hU0qtCI4KDgqx+QlGQTt0cftXdx/FWuXLYj+pYtWVs4b98+280gVy6S\nFsyn5/KXqVa8Gs/c/oz7c9eqBbVrQ1QURfMWpVXlVkTGRfpXR4lszJPE7SxwtbaxJYELmQtHKaWU\nL5jXYR6fPfRZygcsXgx//umXj0mvUL267Wc6eDB8/33ax2fWoUP2TtuZMxATw4h9c1i1ZxXDHxpO\njqAMF3vwTEQEzJkDu3cTERbBpoOb+HFXupaVKy/zJHFbALwrIn/X1BCRQsA7wHdOBaaUUsp7goOC\nuSbPNSkfMHo0VKwId96ZZTG5qlcvaNDAJqKHD7s3z7Fj8OCDsH+/Lf9Rtixj1o2hS80u3F3mbvfm\nvVz79rbLxejR3F/ufppUbMKxs8dcnfL0afvI1M3/vdmBJ4lbH+watz+TG84vAnZg16C94GRwSiml\nfNDx43aLYNeuflG7LV2CgmwyeuqUrRjrxmPD06ehWTP7WHb+fKhcGRFhYZeFDG0y1Pn5UlOggH3M\nPWIEQQbmdpjLg5XS2EGcSceO2Xxx0SJXpwl4npQD2YPdPNAXuzkgFugFVDfG7HI2PKWUUj5n2jSb\nhHTy4bZRGbTur3XEF8ppe4ROnmzXvTnp3DlbimPNGvuIslatv78UEhxCwdwFUznZJeHhdoNETEyW\nTHfttbBrF7RpkyXTBSyPKg4aY04aY740xvQ0xvRJbg7vaYN5pZRS/mT0aKhfH8qU8XYkjjh1/hT1\nRtdj6Kqh0LatTUh79rRJjRMSE6FjR5sgzZjhO4+X69aFm2/O0sbzpVzeMJsdeFLH7SURuaKZvIh0\nF5F+zoSllFLKJ+3YYTcm+HhD+YzImzMv4bXC+XzN55w8dxI+/hiuuQY6d7ZJV2YkJUGPHjB9Okya\nZDcl+AoRu0lhxgw44F4dN+UsT+64/Re4Wr20jcATmQtHKaWUTxs7FkJDoVW6uhH6jV539OLY2WOM\n+nmU7SwwbhwsWwYfZqIYrjHw/PMwcqS9S+mL9e46drQJ3NixWTrt3r1ZOl1A8SRxK8HVW0sdwJYE\nUUop5YfOXDjD2QtnUz4gKcm2uHrkEciXL+sCywJlCpbhkaqPMGTlEBKTEuGee6BfP9urKc7DNpOv\nvw5Dh8Lw4TZB8kVFi0Lr1hAZ6c6GjKsYPx7KltXdpZ7yJHHbBdx1ldfvAjSHVkopPzX116kU/aAo\nCWcSrn7A0qX2UWkAPSa91PN3PM/2I9v5ZvM39oU33oBq1WzSdfp0xgYbNAjefBPee8/uUk2259ge\nmxj6kvBw25Nq2bIsma5RI/jqq4DL/bOMJ4lbJDBERLqJSNnkj+7AR8lfU0op5YfmbptLpcKVUt7h\nOGYMlC8Pd2dhvbEsdGvpW7mnzD0MXjnYvhASYneX7thh776l15dfQp8+0L8/9O3798sXki7w4IQH\n6fFtD4cjz6T777ff1+RNCgu2L+Cp2U+5Nl3x4nZnaa5crk0R0DxJ3D4ARgDDgd+TPz4Ghhlj3nUw\nNqWUUlkkMSmR+dvm82DFFGp5bdsG0dHw+OOBU7vtKl6o+wLLdi5j9Z7V9oUqVeCDD+yGhXnz0h5g\n4kR44gl4+ml4661/fenjVR+zYf8GnrrVvaTII0FB9q7blClw9CgJZxL4bM1n/HrgV29Hpq7Ckzpu\nxhjTDygG3AHUBAobY950OjillFJZY83eNRw6fejqRViNgWefhRIlAr5T+MM3PkzfO/tSJE+Rf17s\n2ROaNIFu3eDgwZRP/vZbuxO1c2e7tu2SBHfv8b0M+GEAT9Z5ktqlart4BR7q2tXWmouOpvlNzSma\ntyhRcVlXJkSln0d13ACMMSeMMT8ZYzYYY1JZzaqUUsrXzd02l0K5C3HHdXdc+cUZM2DuXJuM+HND\n+XQIDgrmvQfeo0LhCv+8KGJ3hp4/D//979UX8S9caDdttGhhHzkG/fvHa58FfcidIzdv1X/rynN9\nQcmS8PDDEBlJruAQutTswth1Y1PfrJJJ770XUDWcs4xHiZuI3Coi74vIVyIy/dIPpwNUSinlvrnb\n5vJA+QeubHJ+8qTt49m0KTRv7p3gfEHJknbn5fTptrTHpVautP9v7rvPronL8e//hwt3LGTihom8\n/8D7qfd/9bbwcPj5Z4iN5fFaj3Po9CFmbJrh2nRlysCNN7o2fMDypABvO2A5UAVoBeQEbgbqAyls\nRVJKKeWrDpw8wE97frr6+ra337YN0YcNC+i1benSqhV0724fG2/fbl9bv942ja9VyyZ1l624P5d4\njqfnPM1d199F55qdvRB0BjRpAqVLQ1QUVYpV4e4ydxO11r3Hpe3b22orKmM8uePWH+htjGkGnMP2\nKa0CTAZ2OhibUkqpLPDjrh8xGJpUbPLvL2zaZAvQvvQSVKhw9ZOzmyFD7LbITp3gt99sJ4Ty5WHW\nrKs+Ro6MjWTLoS0Mf2g4QeLx6qSskSOHTUyjo+HECcJrhRPzewy/H/nd25GpS3jyt6gCMDv5z+eA\nfMYYgy0H4mN7nJVSSqWlReUW7Hl+DyVDL6mhbozdGXn99f8qaZHthYbaCrKrVkFYmC1gO3++7bZw\nFd1rdWfWY7OocW2NLA7UQ927w4kTMGUKj1R9hIK5CjJq7ShvR6Uu4UnidhgITf7zHqBa8p8LAYG9\nalUppQJUqdDLun9PmQLff2/LYOTJ452gfFXduvDOO1CpEixYYJO3FOTJmefKO5m+7IYb7F3EyEjy\n5szL7Mdm0/cu9xJ3Y+xT+AULXJsi4HiSuC0FLnbJnQIMFZFIYCLwvVOBKaWU8pLjx6F3b9tbs2lT\nb0fjdYdOHcJcvpO0Xz+7vq10ae8E5abwcFixAjZu5K4ydxGaKzTtczwkYpcGrl7t2hQBx5PE7Wng\nq+Q/vw0MBq4FpgGPOxSXUkql6dCpQ3y14SuW71xO/In4K3+4Ks+88QYcOWLXc2VzG/dvpPTg0izd\nudTboWSdFi2gWLG/Oym4beFCeOWVLJkqIORI+5B/M8YcvuTPScBARyNSSql0OHL6CPeNuY8N+zf8\n/VrBXAU52PfglSUtVPpt2GATtjfftJ3As7mbi91MhcIVGLxiMPXK1vN2OFkjJAS6dLG16959F3Ln\ndnW6IB/fs+Fr9F83pZTfOXnuJA9FP8Te43uJ7RFLSHAI2w5vI/5EfJpJ2+s/vM7xs8epWLji3x/X\nF7xekz2wC4569rQ7SF94wdvR+AQR4fk7nifi2wi2HtpKpSKVvB1S1nj8cbujeMYMaNfO29GoS+i/\nVEopv3Iu8RxtJrdhffx6FnZZSFjJMACqFa+WxpnW7mO7WfLnEnYc3cGFpAsA5AzKyQ2FbqBi4YpE\nhEXQqkor1+L3aRMmwJIldqW4dgD/W4caHei/sD9DVg7h04c+TfVYYwwSCPXuKleGe+6xRYezIHFL\nTIRly6B2bcif3/Xp/Jombkopv7Lv+D62Hd7GzHYzua30bRk+P6q5XbdzIekCOxN2su3wtn99nE3M\nQIufpCS7kP/oUUhIsB8X/1yqFNSvn+H4stKp86fImzO5GEBCAvTpY9s2PfBA6idmM7lz5KbnrT0Z\nuGwgb97/JkXyFrnqcd9u/pZ3lr3D3A62fZjfCw+3j0y3b3e9jt+ePbbxxOTJ9q+gSplkl8W8IhIG\nxMbGxhIWFubtcJRSmXA+8Tw5g3O6M7gxMHUq7NhxZTJ2eYJ2/PjV+1aCLWYaHw+FC7sTZyYlmSRK\nDSrFy/e8zDO3P2PbWo0YYYvuXnedt8PzOQdOHqDMkDK8Wu9V+t/T/4qvnz5/mqrDq1KpSCXmdZgX\nGHfdTp2yv4A89RS88w7GGLYd3uba4+J166B69cBZ8xYXF0ft2rUBahtj4pwa1+M7biJSEVuMd4kx\n5rSIiMkuWaBSyqtcS9rOnYOICBg71hZULVTI/vfin2+44crXrnbcmTO2mv6MGbagqQ+K2xdH/Ml4\napaoaftTfvKJ7fqtSdtVFctXjM41OvPx6o95oe4L5Mrx70fJ7y57lz3H9zC/4/zASNrAdoLo2BFG\njYI33mDUhnE8MesJ9jy/h2L5ijk+Xc2ajg8ZkDKcuIlIEWAStjepASoBvwMjROSIMUZXtCql/M+x\nY/Cf/8APP9iWP+3bZ268e++1z318NHGbu3UuBXIVoG6p2+Gx+nZNU69e3g7Lp/Wu25vtR7Zz4NQB\nrivwT4K79dBW3lv+Hn3v7Bt4mxfCw+HTT2HOHJo/0JwnZz/J2HVjeeFO/VHvLZ7ckPwIuACUAU5d\n8vokwI/KQyulVLJ9+2yitWqVbV+U2aQN7EKdmBg4dCjzY7lg7ra5NCzfkJzjo+HHH+0P55wu3ckM\nEJWLViamc8y/kjZjDM/MfYZSoaV46Z6XvBidS265BerUgchIiuYtSusqrYmMi3S1ZuKpU2kfk515\nkrg1AvoZY3Zf9vpWQIv+KKX8y2+/2RZGBw7YbW333+/MuK1b2/VvX3/tzHgOOnz6MKv2rOLBkvVs\nH9IOHezKcJVh03+bzvzt8xnWZNg/Gz0CTXg4zJ0Lu3cTERbB5kObWb5ruStTTZoEJUrYdqnq6jxJ\n3PLx7zttFxUGMrAdSymlUvbDHz+w9E+Xq9UvXw533WXrD6xYYVdGX+bAyQO0ndKWzQc3Z2zsEiXs\nXbwpUxwK1jkLti8gySTRZFKsXdf34YfeDskvnTh3gufmP8fDNz5Ms5uaeTsc97Rvb4vwjhrFfTfc\nR/lryhMZF+nKVHXrwkAt658qT3uVdr7kcyMiQUBfYJEjUSmlsrXYvbE0n9icQSsGuTfJ119Dw4ZQ\no4a903b99Vc9LDRXKLH7Yuk1r1fGHw+1bWsbtR886EDAzpm7bS7VQyty3fDxtkNCiRLeDskvCULH\n6h0Z1mSYt0NxV4ECtpbbiBEEGQivFc6UjVM4euao41OVKWM3sWott5R5krj1BXqIyFwgBHgf2ADU\nA/o5GJtSKhvadHATTSY0oWrxqoxvPd6dST75BNq0gebN7Zq2QinX3MqdIzdDGg9h/vb5zNw8M2Pz\n+ODjUmMMi3Ys4sGfT9iktWdPb4fkt/KF5OPdhu9S7ppy3g7FfeHh8OefEBND11u6ci7xHNG/RHs7\nqmwpw4mbMWYDcCOwDJiJfXQ6HahljNnubHhKqexkZ8JOGo1rxLX5rmX2Y7PJH+Lwr91JSdCvHzzz\nDPTuDRMnpqtDwMM3PkzTSk15bt5znD5/Ov3zFS9u18xNnpyJoJ0lImzM04f/TfvLbkjIoXXYVTrc\ncQdUrQqRkZQMLUnXW7r+3XlEZS2PytwZYxKMMW8bY9oaY5oaY14xxuxzOjilVPZx4OQBGo1rRHBQ\nMAs6LaBwHocL1547B507wwcfwEcfwaBB6a70KSIMaTyEfSf28d7y9zI27yOPwMKFdvODLzh4kNCX\n36Bo2652fZ9S6SFi77rNnAn79xPVPIpnb3/WtemGD9d2uSnJcOImIjVS+KguIpVERBvcKaUy5NjZ\nYzw44UGOnjnKd52+o1RoKWcnSEiApk3tRoFJk+C55zI8RKUilehTtw8Dlw3k9yO/p//E1q3tf6dP\nz/CcrnjxRXvn8b0MJqBKdepkE7ixY12fSsT2L1VX8uSO28/A2uSPny/5/GdgE5AgImNEJLdjUSql\nAtrItSPZdngb8zvOp2Lhis4Ovncv1KsHsbG2eXomGiH2v6c/xfIV4/n5z6f/pGLFbM9SX9hdumyZ\nbWv1zjv2Ma5SGVGkiP1FJCoq5VZvDnnySRgyxNUp/JYniVsrbM22HkBN4JbkP28GHgMex3ZVeMuh\nGJVSAa7X7b2I+2+cbb/kpF9/tWtzjhyxScu992ZquHwh+RjcaDChuUI5l3gu/Se2bQuLFsH+/Zma\nP1POnoUePWy9hf/+13txKP8WEQGbN9v3k/IKTxK3l4FexpgRxphfjDHrjTEjgN7AC8aYCcAz2ARP\nKaXSJCKUv6a8s4MuXWrXcBUqZGu0Va3qyLCPVH2Eca3GERIckv7Cmj6JAAAgAElEQVSTWrWyz368\n+bj0vfdg61b48svA6eKtst5990GFChDpTh03lTZP3r3VgT+v8vqfyV8D+9i0ZEYGFZGeIrJDRE6L\nyEoRuTWd57UTkSQR8ZEFJEopr5s6FR54AMLCbAJXurR34ylaFBo08N7u0k2b4O237Y7aatW8E4MK\nDEFB8Pjj9tH/UefruF3KGPjqK/t7l/qHJ4nbJuBFEfn7100RyQm8mPw1gNJAfHoHFJFHgUHAAKAW\nsA6YLyJF0zivLPABsCQjF6CUCmBDh9pHk23a2DY9BQt6OyKrbVtYvBj++itr501K4u13mrC0TnF4\n5ZWsnVsFpq5d4fx5mDDB1WlEbBeFb791dRq/40ni1hN4GNgtIjEi8h2wO/m1J5OPKQ8Mz8CYvYEv\njDFjjTGbgCewbbW6p3RCcreG8cBrwI4MX4VSKrAkJUGfPnbHaJ8+MG4chGTgcabbWrb0yuPSVZ+/\nwisV/mT9U61t2yKlMqtkSXj4Yfu41Bh+PfArnb/uzNkLzne9XL7c7qVR//CkAO+PwA3YhGk9tmvC\na0A5Y8zK5GPGGWM+SM94yXfragPfXzKHAWKAuqmcOgDYb4wZldFrUEp5x+o9q0lMcmGP/9mztlH6\n4MEwbBi8/77vreMqUsS22MrCx6WJe/fQc8P71DpbmCfaD86yeVU2EBEB69ZBbCxBEsS49eP4epPz\nHULy5XN8SL/naQHeE8aYz40xzxtjehtjvjDGHPcwhqJAMFc+Wo0HrtpAT0TuAroB4R7OqZTKYvO3\nzeeukXfxZeyXzg589Cg0aWLbSk2ZYrsi+Kq2bWHJkix7XBr1Zgtir03k08cmEBwUnCVzqmyiSRO7\ndjQykspFK3NPmXuIiovydlTZgse9TkTkZqAMtl/p34wx32Q2qItTAFcUihGR/MA4IMIYcySjg/bu\n3ZuCl615ad++Pe3bt/c0TqVUGnYl7KLdtHY0qtCI8LAM/L514QKcOJH6x9ChsGcPxMTA3Xe7dxGp\n2Ht8L+v+WseDlR5M/cCWLW0pjmnTXO8RenBGNC8ViqVr6D3UrdbE1blUNhQcDN27/92FJDwsnC4z\nurD98HYqFK7g+HSbNsENN/ju0/6JEycyceLEf72WkJDgylxiMlhET0TKA19jd5AabIJF8p8xxmTo\n17rkR6WngDaXJn0iMhooaIxpddnxNYE4IPGSuS/eOUwEbjLGXLHmTUTCgNjY2FjCwsIyEqJSKhMS\nkxJpOK4h2/76lXVBPSl8MintZOzix9l0rJm56SZ7t61KFfcvJgW95/VmxNoRbHlmCyXyX/VBwT+a\nNoWTJ+1GBbecOEGPHiWYXOEsW/rtpnj+a92bS2Vff/wB5ctDVBSnOrWj1KBS9Ly1J283eNvRabZv\nh4oVYcYMaNHC0aFdFRcXR+3atQFqG2PinBrXkztuQ7GbARoCvwO3AUWwu0L7ZHQwY8x5EYkFGgDf\nAIiIJH8+7Cqn/MY/ZUcuehvIDzwL7MpoDEop93zw4wcs/mMx348PovC+9+0uz/z57UdoqP1v0aL2\n1+mLr6f3I29en1jL9uq9rzL+l/H0i+nHmJZjUj+4bVt7p2LvXijlcGuvZKvf6EHUjScZdtsATdqU\ne264wZbdiYoib/fudKjegVE/j+KN+98gR5DHD/SuUKECzJtnG6AozxK3ukB9Y8wBEUkCkowxy0Tk\nJWyiVcuDMQcDY5ITuNXYXaZ5gdEAIjIW2G2M6W+MOQf8eunJInIUu6fhNw/mVkq5ZM2en3j1+5fp\nu8xw/10d7S60nDm9HZbjCucpzLsN3iXi2wh6hPXgrjKpNG9v0QJy5LCPS91Yj7dmDZu/+4q6bcry\nRBMt/6FcFhFh28ht3EhE7QiGrxnO7C2zaVHZ2VtjjRs7Opxf8+RX1WDgRPKfDwIXf2X8E7jJkyCM\nMZOBF4A3sX1PawCNjTEHkg+5jhQ2KiilfNOJM8d47ItG1NybxJu39YNRowIyabuoe63u3FrqVp6e\n+3TqO2evucbepXBjd+mFCxARQSepydIXtzh610Opq2re3PbjjYzklhK3UKdUHaLW6iYFN3mSuG3A\nJlYAq4C+ybs8X8M+OvWIMWa4MeYGY0weY0xdY8yaS75W3xiTYk03Y0w3Y0xrT+dWSjnszBn2hD9K\n7oNHmVD1NULeHmhrmAWwIAnik6afsO6vdWnvnG3b1hao2rPH2SCGDIH16+HLLwnK6UM17FTgCgmB\nLl1s3cQzZ/j8oc8Z3jQjZVwzJinJtaH9hieJ21uXnPcaUA5YCjTFrjFTSmVnyeU5bpr2A+saTuOm\nZ9/wdkRZ5rbSt/F4rcd5eeHLHDx1MOUDL31c6pQdO2DAAHj2Wbg1XR0DlXJGeDgcPgxff03tUrW5\nvuD1rkzz9ddQrlz69iwFMk8K8M43xkxP/vM2Y0xlbC224saYhU4HqJTyI7t3wz332Ls+MTFI6+x3\nI/ydBu9gMEz9dWrKBxUqZBftOPW41Bh46im7yeP//s+ZMZVKr5tusu/7KHcfkd58s+22deaMq9P4\nvAwtgBCRHMAZ4BZjzIaLrxtjDjsdmFLKz2zcaItyBgXZx4BeLM/hTcXyFWPjUxspFZrGjtG2baFz\nZ5vsXndd5ib96iu77W7WLLvbVqmsFhFh/z5v3263gbrgppvgjexzAz9FGbrjZoy5AOzEblBQSilr\n6VJb/LZwYVixItsmbRelmbSBXdQdEgJTU7kzlx6HD0OvXnZn30MPZW4spTz1n//YUj8u33VTnq1x\next4R0QKOx2MUsoPTZ1qd0nWqmXbOblUmyzgFCzoyOPSQ/2eYVXhU7aDhFLekicPdOwIo0fD+fPe\njiageZK4PQ3UA/aKyGYRibv0w+H4lFK+7JNP7CO/Vq1g7lybjKj0a9vW3qHc5WHd8EWLePmvaJo8\nZjhRJNTZ2JTKqIgI24d39mxXp5kwAd5919UpfJonRX5mOB6FUsq/GAP9+8PAgfD88zzX8AI3bxhD\nj9o9vB2Zf2neHHLlsncte/fO2LlnzrDmpS582QSGNHqH/CG6tk15Wc2aUKeOfVzasiUAfxz9g7IF\nyyIOlgP64w/YvNmx4fxOhhM3Y4wuDVQqOzt3zm7/HzcOBg1iRtPyDJ3Uii8e/sLbkfmfAgXsho7J\nkzOcuCW9/RY9a+ymeqGbeOo2dxvWK5VuERHw5JOwezdxwfup/WVtlnZbyt1l7nZsipdfdmwov+RR\nkz8RKSQi4SLy7sW1biISJiKlnQ1PKeVTjh+HZs1g0iSYOJG9Ee0I/yaclpVbEhEW4e3ofFr8iXgi\nYyOv/ELbtrByJfz5Z/oH27CBkfPeZXVpw6eto7RDgvId7dvb9W4jR3JLiVsof015IuOu8vdeeSzD\niZuI1AC2AP2wTeULJX+pNZCNnzorFeD++gvuvdcmGfPmkfRoW7rM6EJIcAiRzSIdfRQSiGZsmkGP\nWT2YveWy9T/Nmv3zuDQ9kpI43LMbLz4gdKr6mKN3MpTKtNBQePRRGDGCoCRDeK1wpmycwtEzR70d\nWcDw5I7bYGC0MaYStqbbRXOwmxaUUoFmyxa4806Ij7elP+6/n49WfETM7zGMbTWWonmLejtCn9ej\ndg8eqvQQ3WZ2468Tf/3zhdBQaNo0/btLv/iCl0PXcD5vbt5vMsidYJXKjIgI2LkTYmLoektXziWe\nY8L6CY5OYQwsWgS//OLosH7Bk8TtVuBqi1n2oI3glQo8q1bBXXdB7tx2B2SNGqzdt5aXvn+JPnX7\n0LB8Q29H6BdEhJEtRhIkQXSb2Y0kc0nTxUcegdWr7arr1OzZw/43+jKmdjBvNnybEvn1n1zlg26/\nHapWhagoSoaW5OEbHyYyLhJjjKPT9OgBI0c6OqRf8CRxOwsUuMrrNwIHMheOUsqnzJoF999vS5Yv\nWwZlypCYlEjHrztSrXg13qr/lrcj9CvF8xVnTMsxzNs2j2Grhv3zhYcftolxWo9Ln32W4uTjl66r\n6akbEpSvErF33WbOhP37iQiLYF38OmL3xTo6xeLFMHiwY0P6DU8St2+A10QkZ/LnRkTKAO8BDnZM\nVkp5VVSUbYb+4IPw3Xe2KwIQHBTMxw9+THSbaHLlyOXlIP1P44qNee725+gX0491f62zL6bncenM\nmTB9OgwbRoVyYbohQfm2Tp1s+7uxY2lSsQnXFbju6ptzMqFUKZvAZTeeJG4vAPmB/UAeYDGwDTgO\nZPNNuirgGGN/WG7f7qXpDT/t+YlJGyZx+vzprJrUNgS8uK1/8mS7S+wS9cvVp3LRylkTTwAa2HAg\nVYpWof209pw6f8q+2LYt/PQT7Nhx5QnHjkHPnja5e+SRrA1WKU8ULgytW0NUFMESxJN1nsTg7KPS\n7CrDiZsxJsEY8wDQDHgW+ARoaoy51xhz0ukAlfKqjz6CNm2gcmX4739tQ/AskHAmgc9++oywL8O4\nLeo22k1rxw1Db+CtJW9x6NQh9ya+cMEuHHn9dVua/OOPIVhbEzstV45cRLeJplbJWpxLPGdffOgh\nmyBPmXLlCa+8AkeOwPDh2fMWg/JPERG2Uu7SpfS/pz9fNvvSlWkOHrT/dGUXnpQDuR7AGLPMGDPc\nGPO+MSbG+dCU8rJp06BPH3jhBdshYNo0qFgRnn8eDri7nPPDHz/k6blPU6ZgGWa1n8WmnptoU6UN\nby99mzJDyjBv2zznJz10yLauGj0axoyBF1/UJMFFNxe7mQmtJ1Aod3JFpfz5bfJ2+ePSVatsa7G3\n3oKyZbM+UKU8de+9UKGCq43nt22DEiXsDtNswxiToQ8gEfgBCAcKZfR8b30AYYCJjY01SqXpxx+N\nyZ3bmHbtjElMtK8lJBjzxhvGhIYakz+/Ma+8YsyRI65Mv//EfrM7YfdVX3990evm4MmDzk127pwx\nQ4cac801xhQoYMy8ec6NrTJm8mRjwJjt2+3n584ZU726MbVrG3P+vHdjU8oT775r/y09fNiV4ZOS\njBk92piDDv6T6JTY2FgDGCDMOJjPeFoO5CdgAPCXiHwtIm1ERFcpq8CwbZvtIVmnDowaZRfYgm1P\n9Nprdg3SU0/BoEFQvjy89x6cdHaVQLF8xShd4MpGJMXyFWPAfQMokreIMxPNnQs1ath2S488Alu3\nQuPGzoytMq5p038/Lh00iBNbN0JkJOTQzQjKD3XpAufPQ3S0K8OL2CmKOPRPoj/wZI1bnDHmf0AZ\n4EHgIBAJxItINqyoogLKwYP2h2fhwjBjhi3RcLkiRWyytn07PPYYvPqqfRzwySdw9myqwx89c5RP\nV3/Kc/Oec+kCrAtJaSz4+PVXu1u0aVMoWRLi4uCLL6B48X8ddvr8aX4/8ruLkap/yZfPlgaZPBm2\nbePwe69TqW8exgdv9HZkSnmmZEnbHSQy0m58UpnmUa9SgOQ7gYuMMRFAQ2AH0MWxyJTKamfOQMuW\ncPSovROV1q9wJUvaZG3LFpsE9eoFN95o79JdslLWGMOKXSvoNrMbpQaVote8Xuw+tpvEpERXLmPd\nX+u4YcgNvL/8fRLOJPz7i4cOwTPP2LtsW7fC11/D999DzZpXHavPgj7UHVH3n52Pyn1t29pE+pFH\neLVxCCdzB9GgXANvR6WU5yIiYN06WLPG25EEBI8TNxG5XkT6isjP2EenJ4GnHYtMqayUlASdO9sf\nmN9+ax+BptcNN9hkbcMGuO026N4dqlXj6MRRfLLqY2p+XpM7R97JD3/8wCv1XmFX711MbTuV4CB3\ndmsWyFWAxhUa8+qiV7n+o+vps6APuw79DsOGQaVKMHas3WyxcaNNVFPYgDBryyyGrxnOgHsHkDdn\nXldiVVcyDz7I+fx5WPvXz3xe5SRv3PcGJUNLejsspTzXuDFcd52rmxRmz7b//GaH3aViMnjrUkR6\nAB2Au4DNwAQg2hjzh+PROUhEwoDY2NhYwsLCvB2O8jV9+8KHH9qabS1bZm6suDhOvvYipap/x6kQ\naF74Tv770Gs0rPAAQeLx70oZtu/4PoatGsZnKz/m5PmTtP8F+pRsQ40Bw694JHq5v078RfXPqnPH\ndXfwTbtvtIF8Fuo+sztBq3/iVznA8dLFiOsRR87gnGmfqJQvGzDAtjnYt49DQWd5/YfXee6O56hQ\nuIIjw69dC59/bn8nveYaR4bMtLi4OGrXrg1Q2xgT59S4nvwUeRVYDdQxxlQ1xrzj60mbUqn67DP4\n4ANbsy2zSRtAWBj5Zi1g5K3/x87ltzPtuR9p1OVNgpYszfzYGVBy1xHe/XAtu/7vJO//XpEf7ihB\nzeLT+Gh76s2ek0wSXWd0JViCGdF8hCZtWazudXUZEbKBFTnj+bTpp5q0qcDQvbvdxDV5Mnlz5mXc\n+nGMWDvCseFr1bLLdH0laXOTJ4lbGWPM/4wxP1/+BRGp5kBMSmWdWbPg6aft+rRevRwduk3rVyj5\n3QqYN89uWrjvPmjUyFbHd9Ol69i2bSN08gx6j93C9hd2Mr7VeJpWaprq6R+v+pj52+czpuUYiudL\n/c6ccl54WDg9wnrw3O3PUa9sPW+Ho5Qzypa1//5FRpInZx461ujIqJ9HcT7xvLcj8zue7Cr917NV\nEQkVkR4ishpY51hkSrktNhYefdT24xw0KN2nHT59mKErh7L54Oa0Dxax6zt++skW8N2zxy7EaNXK\nrolz0vnzMHSoLRJ86Tq2Fi1AhJzBOelQowM3Fb0pxSHWx6+nb0xfnrv9ORpX1LIg3iAifNHsCz5q\n8pG3Q1HKWRERsHIlbNhARFgEf534izlb53g7Kr+Tmc0J9URkNLAP6AMsBO5wKC6l3PXnn7bsQvXq\nMH58mm2djDEs27mMTl93otSgUvT5rg8rdq9I/3witm/f+vU2qVq3zt4R69gx831QjYE5c+y1PP+8\nTUa3brVdH3JlrLzinK1zqFy0Mu82fDdzMSml1OWaNYNixSAqipolalKnVB0i45xtPD9rlq08Esgy\nlLiJSEkReVFEtgJTsI3lcwEtjTEvGmNcfgaklAOOHv2n0Ok330De1HdMRsZGUnV4Ve4ZdQ8rdq3g\nzfvfZHfv3XS9pWvG5w4Ohk6dYNMm23dy0SLbB/WJJzzrg7pxoy1F8tBDUKrUPyt009h8kJIX736R\nH7v/SO4cV6lfp5RSmRESAl27wrhxcOYMEWERzN02l93HnOsBvXixLQwQyNKduInIN8AmoAbwHFDK\nGPOMW4Ep5Ypz5+ydr337bK22NBKc6F+i6TGrBzcXu5mYTjFseWYLfe/qy7X5r81cHCEhNlnbts0+\n0pw6NWN9UA8etGvzata0Y8yYYeux1aiRubiAfCH5Mj2GUkpd1eOPw+HD8PXXtK/Wnjw58jBq7SjH\nhh840P4+HsgycsetKTACGGCMmW2Mcad6qFJuMQbCw2H5cpg5E25Kea0X2K4Bvef3pkP1DkxtO5UG\n5Rs4X84jTx7bxP7336F/f1vnqHx521orIeHK4y+uY6tUyf7Wetk6NqWU8mk33QT16kFkJKG5Qnm0\n6qOMWDuCJJPkyPBprHoJCBn5KXQPEAqsEZFVIvK0iBRzKS6lnPf66zbZGTMG7rknzcPz5MzD952/\nZ/hDw92P7fI+qB9+COXK/dMH1RhbYdKBdWxKKeVVERF2mci2bbx494tMazstS2tc+rt0/58yxqxI\nbm9VEvgCaAfsSR7jAREJdSdEpRwwahS8+Sa8+y60a5fu06oVr0aBXAVcDOwyKfVBvf9+u5midOlM\nr2NTSimvatMGChWCESOoVKQStUvVdnyK336zDzICkSflQE4ZY0YaY+4GqgODgBeB/cnr4JTyLTEx\n0KOH/ejXz9vRpM/lfVBPn7br2GJiHFnHppRSXpMnj91RP2qUXf7hMGNsybhhwxwf2idk6t6kMWaz\nMaYvcB3Q3pmQlHLQL7/Y3+4eeAA+/dT/1oFd7IO6apWuY1NKBY7wcIiPt0tAHCZi654PHOj40D7B\nkYfKxphEY8wMY0xzJ8ZTyhF79tiyHxUqwKRJkCOHtyNSSikFdkf8rbe6VnStalXIHaBVjXQ1oApM\nx4/b2mYitiJjqC7BVEopnxIRYW+N7drl7Uj8iiZuKvCcPw9t29odmnPm2MK0adh8cDOrdq/KguCU\nUkoBdqNYnjx2OYhLzpyBJGcqjfgMn0ncRKSniOwQkdMislJEbk3l2FYi8pOIHBGREyKyVkQ6ZmW8\nykcZAz172kX806dDtWppnnL2wlnaTWtHxLcRjtUSUkoplYbQUJu8jRgBibY07JHTRzh57qQjw2/d\najffr8hAd0J/4BOJm4g8it2dOgCohW1WP19EiqZwyiHgLWxv1OrAKGCUiDyQBeEqXzZwoF0zERUF\nDRqk65T+3/fn1wO/MqblGK0lpJRSWSk8HHbuhJgYTpw7QdkhZRn982hHhq5QAV5+GcqUcWQ4n+Er\nP6V6A18YY8YaYzYBTwCngO5XO9gYs8QYMzN5V+sOY8wwYD1wd9aFrHzOxIm2+8CAAdClS7pOmbdt\nHoNXDmZgg4HUKlnL5QCVUkr9y+232ycjkZHkD8lPg/INiIyLxBiT6aGDgmwFqOuvdyBOH+L1xE1E\ncgK1ge8vvmbsdywGqJvOMRoANwKL3YhR+YElS2zz4s6dbeKWDvEn4ukyowtNKjah1x293I1PKaXU\nlUTsJoWZM2H/fsJrhbMufh2x+2K9HZnP8nriBhQFgoH4y16PB0qkdJKIFBCR4yJyDvgWeMYYs9C9\nMJXP2rQJWraEu++2j0nTUessySTRbWY3AEa3GK2PSJVSyls6drRNRseMoUnFJpQOLU1UXJS3o/JZ\nvvzTSoDU7pUeB2oCdYCXgY9EpF5WBKZ8SHy8rdVWqhRMmwYhIek67eNVHzN321xGtRjFtfmvdTlI\npZRSKSpc2BZKj4oiWILoXqs70b9Ec+LcCUeGX7jQ1i8PlN2lvlCR9CCQCFz+07M4V96F+1vy49SL\nncjWi8jNwEvAktQm6927NwULFvzXa+3bt6d9e2384HdOnYLmzW07qEWLbO+7dDqXeI4X6r5A00pN\nXQxQKaVUuoSHQ3Q0LF1K91rdeWvJW0zZOIVutbpleuhcuex6t4QEuOYaB2K9iokTJzJx4sR/vZaQ\nkODKXOLEAsBMByGyElhljOmV/LkAO4FhxpgP0jnGCKCcMaZ+Cl8PA2JjY2MJCwtzKHLlNYmJ9je0\nmBi7vk2/p0op5b+MgRtvhDvugHHjaDy+McfPHufHx3/0dmQei4uLo3bt2gC1jTFxTo3rK49KBwM9\nRKSziFQGPgfyAqMBRGSsiLxz8WAReVFEGopIORGpLCIvAB2BcV6IXXnD88/Dt9/C5MmatCmllL8T\nsXfdpk6FI0foEdaDnME5HavpFkh8InEzxkwGXgDeBNYCNYDGxpgDyYdcx783KuQDPgU2AMuAVkAH\nY4x75ZeV7xgyBIYNs03jm+qjTqWUCghdusCFCzBhAm1ubsPirovJF5LP21H5HJ94VJoV9FFpgJg+\nHf7zH/jf/+C997wdjVJKKSe1bg3bt8PPP6erQoAvC/RHpUqlbeVK6NDB9iF9911vR6OUUspp4eGw\nfj2sWePtSHyWJm7KP2zfDs2aQZ06MHq03SKUTtp/VCml/ETjxrbVQWSktyPxWZq4Kd936BA8+KCt\n9TNjBuTOne5TV+1eRZ0v67Dn2B4XA1RKKeWI4GDo3t22MDzhTB23QKOJm/JtZ87YrghHj8KcOVCk\nSLpPPXb2GI9Nf4yQ4BCK5yvuYpBKKaUc060bnDwJkyZ5OxKfpImb8l1JSbb/6Jo18M03UKFChk5/\nes7THDh5gOg20eQMzulOjEoppZxVtqx9ZKqPS69KEzflu/r3t3XaoqNtUcYMmLB+AuPWj2P4Q8Mp\nf015lwJUSinlivBwWLUKfvmFxKRE3ln6DjG/x3g7Kp+giZvyTV98Yct9DB4MrVpl6NTfj/zOk7Of\npEP1DnSs0dGlAJVSSrmmWTMoXtz2Lw0KZsamGXy08iNvR+UTNHFTvmfOHHjqKXjmGejVK0Onnk88\nz2PTHqNo3qIMf2i4SwEqpZRyVUiILcg7bhycOUNEWATzts1jV8Iub0fmdZq4Kd8SF2frtDVrBh99\nlOECjF/GfsmavWuIbhNNgVwFXApSKaWU68LD4cgRmD6ddtXakSdHHkb9rA2SNHFTvmPHDnj4Ybj5\nZruuLTg4w0NE1I5gQacF3HFdxtbEKaWU8jE33gj33gtRUYTmCqVdtXaMWDuCxKREb0fmVZq4Kd+w\nbh3cdRfkzWubx+fN69EwIcEh1C9X3+HglFJKeUV4OCxaBNu2ER4Wzs6Endl+k4Imbsr7Fi2CevWg\nVClYvhyuvdbbESmllPIFbdpAoUIQFcXtpW+nWvFqRMZl7zIhmrgp75o0CZo0seU+fvhBkzallFL/\nyJMHOnaE0aORCxeICItg5uaZ7D+539uReY0mbsp7hgyBdu3g0Uft49H8+b0dkVJKKV8TEQHx8TBr\nFh1rdGR62+kUzlPY21F5jSZuKuslJUHfvtC7N/TrB2PG2K3fSiml1OVq1IDbboOoKArnKUyzm5qR\nIyiHt6PyGk3cVNY6dw46d4YPP4ShQ2HgwAyX/Lho7ta5nE8873CASimlfE54OMybB7u0jpsmbirr\nHD9uy31MmQJffQXPPuvxUPO2zaNpdFMmbdQmxEopFfDatbPr3UaO9HYkXqeJm8oa8fFw332299z8\n+bbIrqdDnYiny4wuNKnYhMeqP+ZcjEoppXxTaKhN3kaOhESt46aUu7ZuhTvvhH37YOlSm8B5yBhD\nt5ndABjdYjRBon+FlVIqW4iIgJ074bvvvB2JV+lPPeWu1att0hYSAitW2EWmmTBs1TDmbpvLmJZj\nuDa/lg5RSqls47bboHp1iIrydiRepYmbcs/cuXD//VCpEixbBmXLZmq4dX+to29MX567/TmaVGzi\nUJBKKaX8gojdpDBzpl1+A5xPPM/h04e9HFjW0sRNuWP0aJ1fkgMAACAASURBVNsovmFDiImBIkUy\nNdyp86doN60dVYpWYWDDgc7EqJRSyr907Gj7WI8ZA8CdI+/kpZiXvBxU1tLETTnLGHjnHejWDR5/\nHKZN87jv6KXiT8STPyQ/E9tMJFeOXA4EqpRSyu8ULmzbYEVFgTE0rdiU6A3RnDh3wtuRZRlN3JRz\nEhPhmWfg5ZfhjTfg888hhzNFEstdU47V4aupUqyKI+MppZTyUxERdtPbkiV0r9Wdk+dOMnnjZG9H\nlWU0cVPOOHPGtq767DP48kt47TWPC+umRBweTymllB+6916oWBGioihbqCyNKjTKVo3nNXFTmXfk\nCDRuDHPmwIwZ9rchpZRSyg0XNylMnQpHjhARFsHK3SvZsH+DtyPLEpq4qczZvRvuuQc2bIDvv7cb\nEpRSSik3dekCFy7A+PE0u6kZxfMVJyoue5QJ0cRNeW7jRqhb17ayWr7c/lkppZRyW4kS9kZBZCQh\nQTnpUrML49aP48yFM96OzHWauCnPLFsGd99td/isWAGVKzs2tDHGsbGUUkoFqIgI+OUX+OknwsPC\nKZq3KH8c/cPbUblOEzeVcV9/beuz1aoFS5ZAqVKODv/4N4/z8aqPHR1TKaVUgGnUCK6/HqKiuLHI\njWzquYnKRZ27ieCrNHFTGfPZZ/Cf/0CLFrYzQsGCjg4/fv14Rv08imvyXOPouEoppQJMcDB07w4T\nJ8KJE9mm8oAmbip9jIFXXoGnnoJnn7VvlFzOFsLdemgrT81+io41OtKxRkdHx1ZKKRWAuneHkydh\n0iRvR5JlNHFTabtwwW69fvtt+OADGDwYgpz9q7Pl0BbuH3M/pUJL8WnTTx0dWymlVIAqU8aWo4rU\nOm5KWSdPQsuWMHYsjBsHffo4Xlj31wO/cu/oeymQqwCLuiyiQK4Cjo6vlFIqgEVEwKpVdqNCNqCJ\nm0rZgQNQvz4sXgyzZ9vmvg5bH7+e+0bfR7G8xfih6w+UDC3p+BxKKaUCWLNmULy47V+aDWjipq5u\nxw646y744w/44Qe7e8cF2w5v44ZCN7CoyyKK5yvuyhxKKaUCWM6c0LWrfSp0Ruu4qexo7Vq48067\nIeHHH6F2bdemal2lNSseX0GRvEVcm0MppVSACw+37RenTwdg4i8TGbturJeDcocmburfYmJsA9/r\nr7fdECpUcH3K4KBg1+dQSikVwCpVsj+7kjcpfL/je15d9CqJSYleDsx5PpO4iUhPEdkhIqdFZKWI\n3JrKseEiskREDid/fJfa8SqdoqOhaVP7iHThQrtmQCmllPIHERF2ac/WrUSERbAzYScxv8d4OyrH\n+UTiJiKPAoOAAUAtYB0wX0SKpnDKvUA0cB9wB7ALWCAiurLdU4MGQYcO8Nhj8M03kD+/tyNSSiml\n0q91ayhUCEaM4LbSt1GteDUi4wKvTIhPJG5Ab+ALY8xYY8wm4AngFND9agcbYzoZYz43xqw3xmwB\nwrHX0iDLIg4USUnwwgu2zEf//jBqlF3o6fQ0JsnxMZVSSqm/5ckDnTrB6NHIhQtEhEUwc/NM9p/c\n7+3IHOX1xE1EcgK1ge8vvmZsl/EYoG46h8kH5AQOOx5gIDt71pb4+Ogj+PhjW2DXhZYh327+ltuj\nbufwaf32KKWUclF4OMTHw6xZdKzRkWAJZszPY7wdlaO8nrgBRYFgIP6y1+OBEukc4z1gDzbZU+lx\n7Bg89JDdgTN5Mjz9tCvTTPt1Gq0nt6ZswbLkD9HHr0oppVxUowbcdhtERlI4T2Ha3NyGqLVR2PtB\ngSGHtwNIhQBp/p8WkReBtsC9xphzaR3fu3dvCl7WGL19+/a0b9/e0zj9z759dhPCjh2wYAHUq+fK\nNBN/mUinrzvRtmpbxrYaS44gX/7rppRSKiBERECPHrBzJxFhEUT/Es3SnUupV9adn3UAEydOZOLE\nif96LSEhwZW5xNtZaPKj0lNAG2PMN5e8PhooaIxplcq5fYD+QANjzNo05gkDYmNjYwkLC3Mkdr+0\neTM0aQLnz8PcuVC9uivTjPl5DN2/6U7HGh0Z2XyklvxQSimVNY4fh5Il4X//w7z2GuPXj6dF5RZZ\n3k4xLi6O2rYOam1jTJxT43r9Uakx5jwQyyUbC0REkj//MaXzROR/wMtA47SSNpVs1Spb6iNvXlix\nwrWkLSouim4zu9H9lu6MajFKkzallFJZJzQU2reHESOQpCQ61ewUUD2wvZ64JRsM9BCRziJSGfgc\nyAuMBhCRsSLyzsWDRaQv8H/YXac7ReTa5I98WR+6n5g1C+6/H6pUgaVLbYFdF0zaMImIbyN4ss6T\nfNHsC4LEV/6KKaWUyjYiImDXLvjuO29H4jif+KlqjJkMvAC8CawFamDvpB1IPuQ6/r1R4UnsLtKp\nwN5LPl7Iqpj9ysiR0LIlNG5s17QVLuzaVA3LN+TDBz7kk6afaNKmlFLKO2691T5Vigy8Om4+s1rc\nGDMcGJ7C1+pf9nm5LAnK3xljS3y8+io8+aQt+RHs7mPLInmL8MKdmj8rpZTyIhF71+355215kGuv\n9XZEjtFbIoEqMRGeesombW+9BZ9+6nrSppRSSvmMDh3sz70xWsdN+brTp+E//7G3iKOi4OWXXSms\nq5RSSvmswoXtz8KoKPsEKkBo4hZoDh+GBx6A+fNh5kx4/HFvR6SUUkp5R0QEbN0KS5Z4OxLHaOIW\nSHbuhLvvhk2bYOFC2xnBBcYY1uxd48rYSimllGPq1YNKlQJqk4ImboFiwwa48077mHT5crjjDlem\nSTJJ9JzTk7oj6rLjyA5X5lBKKaUcIWL7l06dap9IBQBN3ALB4sX2TluxYvDjj3DTTa5Mk5iUSI9v\ne/D5ms/54uEvKHeNbu5VSinl47p0sRv2JkzwdiSO0MTN302dCo0aQZ06NoErWdKVaS4kXaDbzG6M\n+nkUY1uNpXut7q7Mo5RSSjnq2muheXP7uDQANilo4ubvFi2CNm1gzhwo4E5Lj/OJ5+k4vSPRv0QT\n3TqajjU6ujKPUkop5YqICPjlF/jpJ29Hkmk+U4BXeWjYMPsMP8idHPxc4jnaTW3HrC2zmPzIZFpX\nae3KPEoppZRrHnjAdlLYuhVuu83b0WSKJm7+zuWiurO3zGb21tlMf3Q6D9/4sKtzKaWUUq4IDoZ1\n6wKipqkmbipVraq0YlPPTboRQSmllH8LgKQNdI2bSgdN2pRSSinfoImbUkoppZSf0MRNKaWUUspP\naOKmlFJKKeUnNHFTHDx1kGfmPMPp86e9HYpSSimlUqGJWzYXfyKe+0bfx+RfJ7P72G5vh6OUUkqp\nVGg5kGxs7/G9NBjbgIQzCSzuuphKRSp5OySllFJKpUITt2xqV8Iu6o+tz5kLZzRpU0oppfyEJm7Z\n0B9H/6D+mPoYDEu6LtE6bUoppZSf0DVu2cz2w9upN6oeQRLE4q6LNWlTSiml/IgmbtnQjUVuZHHX\nxZQpWMbboSillFIqA/RRaTZToXAFYjrHeDsMpZRSSnlA77gppZRSSvkJTdyUUkoppfyEJm5KKaWU\nUn5CE7cAder8KW+HoJRSSimHaeIWgBbtWES5oeWI2xfn7VCUUkop5SBN3ALMgu0LaBrdlJrX1qRy\n0creDkcppZRSDtLELYDM2TqH5hOb06BcA75p/w15c+b1dkhKKaWUcpAmbgFixqYZtPyqJQ9WepDp\nj04nd47c3g5JKaWUUg7TxC0ATNk4hUemPELLyi2Z/J/JhASHeDskpZRSSrlAEzc/99Oen2g3rR2P\nVn2U6DbR5AzO6e2QlFJKKeUSbXnl52qXqs3oFqN5rPpjBAcFezscpZRSSrlIEzc/FyRBdKrZydth\nKKWUUioL6KNSpZRSSik/oYmbUkoppZSf0MQtgE2cONHbIWQpvd7Al92uWa83sGW364Xsec1O85nE\nTUR6isgOETktIitF5NZUjr1ZRKYmH58kIs9mZaz+Iru9QfR6A192u2a93sCW3a4Xsuc1O80nEjcR\neRQYBAwAagHrgPkiUjSFU/IC24F+wL4sCVIppZRSyst8InEDegNfGGPGGmM2AU8Ap4DuVzvYGLPG\nGNPPGDMZOJeFcSqllFJKeY3XEzcRyQnUBr6/+JoxxgAxQF1vxaWUUkop5Wt8oY5bUSAYiL/s9Xjg\nJgfnyQ3w22+/OTikb0tISCAuLs7bYWQZvd7Al92uWa83sGW364Xsdc2X5BuONg8Xe3PLe0SkJLAH\nqGuMWXXJ6+8Ddxtj7kzj/B3AR8aYYWkc9xgwwYGQlVJKKaXSq4MxJtqpwXzhjttBIBG49rLXi3Pl\nXbjMmA90AP4Azjg4rlJKKaXU5XIDN2DzD8d4PXEzxpwXkVigAfANgIhI8uep3kXL4DyHAMcyXqWU\nUkqpNPzo9IBeT9ySDQbGJCdwq7G7TPMCowFEZCyw2xjTP/nznMDNgAAhQGkRqQmcMMZsz/rwlVJK\nKaXc5/U1bheJyFNAX+wj05+BZ4wxa5K/thD4wxjTPfnzssAO4PLgFxtj6mdd1EoppZRSWcdnEjel\nlFJKKZU6r9dxU0oppZRS6aOJm1JKKaWUnwi4xE1EXkpuPD84lWO6JB+TmPzfJBE5lZVxZoaIDLgk\n7osfv6ZxziMi8puInBaRdSLyYFbFm1kZvV5///4CiEgpERknIgdF5FTy9ywsjXPuE5FYETkjIltE\npEtWxeuEjF6ziNx7lb8XiSJSPCvj9oSI7LhK7Eki8nEq5/jzezhD1+vv72ERCRKR/xOR35P/Lm8T\nkVfScZ7fvoc9uWZ/fg8DiEh+ERkiIn8kX/MyEamTxjmZ/h77yq5SR4jIrUAEtkl9WhKAG7E7U+HK\njQ6+bgO2ZMrF+C+kdKCI1MWWQukHzAYeA2aISC1jTKoJnw9J9/Um89vvr4gUApZj28A1xtY6rAQc\nSeWcG4BZwHDs97chECUie40x37kccqZ5cs3JDPb7fPzvF4zZ71KYTqqD7RhzUXVgATD5agcHwHs4\nQ9ebzG/fw8CLwH+BzsCv2OsfLSJHjTGfXO0Ef38P48E1J/PX9zDACGyFiw7APqATECMiVYwx+y4/\n2KnvccAkbiKSHxgPhAOvpuMUY4w54G5UrrqQgfh7AXONMRfvQg4QkUbA08BTrkTnvIxcL/j39/dF\nYKcxJvyS1/5M45wngd+NMX2TP98sIndjS+v4yz/6Gb3miw4YY465EJNrkutK/k1EmgHbjTFLUzjF\nr9/DHlxv8ml++x6uC8w0xsxL/nyn2O49t6Vyjr+/hz255ov87j0sIrmB1kAzY8zy5JffSP67/STw\n2lVOc+R7HEiPSj8FvjXGLEzn8fmTb2/uFJEZInKzm8G5oJKI7BGR7SIyXkSuT+XYukDMZa/NT37d\nX2TkesG/v7/NgDUiMllE4kUkTkTC0zjnDvz7e+zJNYO9G/OziOwVkQUikmqLPF8kti5lB+xv7ykJ\nhPcwkO7rBf9+D/8INBCRSgBi64zeBcxJ5Rx/fw97cs3gv+/hHNi7yGcve/00cHcK5zjyPQ6IxE1E\n2gG3AC+l85TNQHegOfYfkCDgRxEp7U6EjlsJdMU+UnoCKAcsEZF8KRxfgivbh8Unv+4PMnq9/v79\nLY/9zWwz0Aj4HBgmIh1TOSel73EBEcnlSpTO8uSa92EfzbTB/ua7C/hBRG5xOVantQIKAmNSOcbf\n38OXSs/1+vt7eCAwCdgkIueAWGCIMearVM7x9/ewJ9fst+9hY8wJYAXwqoiUTF7j1xGbhJVM4TRH\nvsd+/6hURK4DhgAPGGPOp+ccY8xKbDJwcYwVwG9AD2CAG3E6yRhzad+zDSKyGvtYqS0wKp3DCH6y\nZiSj1+vv31/sD6nVxpiLj/zXiUhVbGIzPgPj+NPaoAxfszFmC7DlkpdWikgF7GMHv1nUjU1Q5hpj\n/srgeX7zHr5MmtcbAO/hR7FrmNph13vdAgxNXss0LgPj+NN7OMPXHADv4Y7ASGAPdt11HHYtaqob\nyS6T4e+x3yduQG2gGBArIhf/BwQD9UTkaSCXSaPKsDHmgoisBSq6G6o7jDEJIrKFlOP/C9uR4lLF\nuTLz9wvpuN7Lj/e37+8+7A+pS/2G/Y00JSl9j48ZY/6fvTuPs7neHzj+es9Yh8HYaqzZxlIRUyqy\nTEpX/aKSkC1UWm6LSlRCexdRXbqJyBYp1FVJllESyQxJuPasWZJ9mRk+vz8+Z6Yzx5nlnDnrzPv5\neJyHOd/t8/5+j5l5z2dN8WFs/uLNPbuzCts8ExZEpBq2g/IdORyaL76HPbjfTMLwe3g48Lox5lPH\n+98cHdOfA7JK3ML9e9ibe3YnbL6HjTE7gAQRKQ6UMsYcEJGZ2JWd3PHJZ5wfmkoXYUcoXQU0crxW\nY/9Kb5RT0gZ2GDNwBfaXR9hxDMyoRdbxr8COyHR2s2N72MnF/boeH26f73Kgrsu2umTfWd/dZ9yW\n8PmMvblnd64ifD5nsLVPB8i5H1B++R7O7f1mEobfw1FcXINygex/54b797A39+xOuH0PY4w540ja\nYrBdej7P4lDffMbGmHz3AhKBUU7vJ2P/Ekh//yL2h14NoDEwAzgF1At27Lm8vxFAS6A60Aw7GuUA\nUM6xf4rL/V4PpABPYX8ZDgPOAg2CfS9+ut9w/3yvxnZ4fQ6boN6LHSrfxemY14HJTu8vA04C/3J8\nxo84PvObgn0/frznJ7B9oGoBl2O7TKQCrYN9P7m8ZwF2Aq+52ef6Myusv4e9uN9w/x6eBOwCbnX8\n3LoTOOhyj/nte9ibew737+G22ETtMsf/1zXYQRqR/vyMg37jfnqYS8icuC0BJjq9H4WtyjwD7APm\nAQ2DHbcH9zcD2OOIfxe2Tb1GVvfr2NYR2OQ4Zx1wS7Dvw1/3G+6fr+MebnV8TqeB34A+LvsnAUtc\ntrXCdgg+A2wBegT7Pvx5z8AAx32eAg5h54BrGez78OB+bwbOA7Xd7MtX38Oe3m+4fw8DJZzu4ZTj\n/+lLQCGnY/LV97A395wPvoc7AVsdn9de4B0g2t+fsS4yr5RSSikVJvJDHzellFJKqQJBEzellFJK\nqTChiZtSSimlVJjQxE0ppZRSKkxo4qaUUkopFSY0cVNKKaWUChOauCmllFJKhQlN3JRSSimlwoQm\nbkoppZRSYUITN6WU8oCIPCgiu0QkTUQeD3Y8SqmCRZe8UkoBICKTgNLGmLuCHUuoEpFo4DDwJDAb\nOG6MORvcqJRSBUmhYAeglFJhpDr25+bXxpiD7g4QkULGmLTAhqWUKii0qVQplSsiUlVEvhCREyJy\nTEQ+EZGKLscMFpEDjv3jReQNEVmTzTVbicgFEWkrIskiclpEFolIBRFpJyIbHNeaLiLFnM4TEXlO\nRLY7zlkjIh2d9keIyASn/ZtcmzVFZJKIzBWRp0Vkn4gcFpExIhKZRay9gHWOtztE5LyIVBORoY7y\n+4rIduBsbmJ0HHOriPzPsX+xiPRyPI9Sjv1DXZ+fiDwhIjtctt3veFZnHP8+7LSvuuOad4rIEhE5\nJSJrReQ6l2s0F5FEx/4jIjJfREqLSA/HsynscvwXIvKR+09WKeUvmrgppXLrC6AM0AK4CagFzEzf\nKSLdgOeBAUA8sAt4GMhNf4yhwCPA9UA1YBbwONAFuBVoCzzmdPzzQHfgQaABMBqYKiItHPsjgN3A\n3UB94CXgNRG526XcBKAm0BroCdzneLkz03HfAFcDscAex/vawF3AncBVuYlRRKpim1u/ABoBE4A3\nufh5uXt+Gdscz30Y8BxQz1HuyyLSw+WcV4HhjrI2Ax+LSITjGlcBi4D1wHVAc2AeEAl8in2e7Z3K\nrAD8A5joJjallD8ZY/SlL33pC2ASMCeLfTcDKUAlp231gQtAvOP9CuAdl/OWAcnZlNkKOA+0dto2\n0LGtutO2/2CbJwGKACeBa12uNR6Ylk1Z/wZmudzvdhx9fR3bPgE+zuYajRyxVXPaNhRby1bWaVuO\nMQKvA7+67H/Dcf1STtdOdjnmCWC70/stQGeXY14Alju+ru74nO5z+ezOA3GO99OB77O577HAl07v\nnwK2BPv/rL70VRBf2sdNKZUb9YDdxph96RuMMRtF5Cg2CUgC6mJ/wTtbha3VysmvTl8fAE4bY353\n2XaN4+vaQBSwUETE6ZjCQEazoog8CvTG1uAVxyZTrs22vxljnGu09gNX5CJeV78bY444vc8uxmTH\n1/WAn1yus8KTQkUkClvz+aGITHDaFQkcdTnc+RnvBwSoiK19uwpby5mV8cAqEYk1xuwHemETX6VU\ngGnippTKDcF9k53rdtdjhNxJdblGqst+w99dO0o6/r0V2Ody3DkAEekCjAD6AyuBE8CzQNNsynUt\nxxOnXN7nGCNZP1NnF7j4GTr3NUsv535skuzsvMt712cMf9/rmeyCMMasFZF1QE8RWYht+p2c3TlK\nKf/QxE0plRsbgGoiUtkYsxdARBoApR37AP6HTYymO513tZ9iOYdtSv0hi2OaYZsKx6VvEJFafogl\nK7mJcQNwu8u2613eHwIuddnWOP0LY8xBEdkL1DLGzCRrOSWI64A22L6AWZmATYSrAIvS/x8opQJL\nEzellLMyItLIZdufxphFIvIrMF1E+mNrfcYCicaY9ObHfwPjRSQJ+BE7sKAhsC2HMnNbKweAMeak\niIwERjtGgP6ATSCbA8eMMVOx/b56iEhbYAfQA9vUut2TsryNN5cxvg88JSLDsUnR1dgmSGdLgTEi\n8izwGdAOOyjgmNMxw4B3ROQ48A1Q1HGtMsaYt3MZ8xvAOhEZ64grFTtgY5ZTE/B0YCS2ds914INS\nKkB0VKlSylkrbB8s59cQx74OwF/Ad8C3wFZscgaAMeZjbIf7Edg+b9WBj3BMj5ENj2cBN8a8CLwM\nDMLWXM3HNkumT5MxDpiDHQm6EijLxf3vvJWreHOK0RizG+iIfa5rsaNPn3O5xibsaNtHHMdcjX2+\nzsd8iE2memNrzpZiE0DnKUOyHZlqjNmCHbnbENvvbjl2FGma0zEnsKNgT2JHwiqlgkBXTlBK+Y2I\nfAvsN8a41iQpN0SkFbAEiDHGHA92PK5EZBF2JGz/YMeiVEGlTaVKKZ8QkeLAQ8ACbKf6rth+Uzdl\nd566iEdNx4EgImWwo4NbYefmU0oFiSZuSilfMdimwBew/az+B9xljEkMalThJxSbQdZgJ19+1tGs\nqpQKEm0qVUoppZQKEzo4QSmllFIqTGjippRSSikVJjRxU0oppZQKE5q4KaWUUkqFCU3clFJKKaXC\nhCZuSimllFJhQhM3pVS+JCIPicgFEakY7FiyIyJvisiZYMehlAoPmrgppfLEkRzl9DovIi09uGa0\niAwVkWZ5CM3g4WS2IvKuI95JeSjXUx7HqZQquHTlBKVUXnV3ed8Lu8xVdzIv37TRg2uWAoYCZ4Af\n8xRdLolIBHAPdnH2O0XkIWPMuUCUrZRSuaWJm1IqT4wxHzu/F5HrgZuMMTPycNlgrNd5C1AB6AQk\nAu2BT4MQh1JKZUmbSpVSASUil4jIRyJyUETOiMgaEenqtL8usAvbfPimU3Prs479jUVkiohsd5y/\nT0TGiUjpPIbWDUg2xiwDvnO8d439Fkcs7UVkmIjsFZHTIrJARKq7HJsgIp+JyC4ROSsiO0XkXyJS\nJKdARKSQiLzsuMdzjn+HiUghl+MiReQ1xzM4KSLfikgdEflDRN5zHFPPEXM/N+Xc6NjXwcNnpZQK\nEq1xU0oFjIiUAH4AKgPvAnuAzsB0ESlpjBkP7AMeA/4NzAS+dJy+xvFvO8f5E4ADwJVAP6Au0NrL\nuIoDHYAhjk0zgDEiEmOM+cvNKUOBc8CbQDngWeAjIMHpmM7Yn7FjgL+A64CngUuxzcnZmYpttp0B\nLAeaO2KrQ+aEchT2Wc0GFgPxwAKgcPoBxphNIpLkOG+cSzndgCPAVznEo5QKFcYYfelLX/ry2Qub\ncJ3PYt9A4Dxwh9O2QsBq4E+gmGNbZeAC8KybaxR1s62X47rxTtv6ObZVzEXM3YA0oLLjfQw2MXvQ\n5bhbHHElA5FO2wc4yqqZQ5xDgVSggtO2N4DTTu+bOsp42+Xcdx1lXOt4X8UR8zSX4153nP+e07bH\nHMdWd44Pm1CODfb/GX3pS1+5f2lTqVIqkNoBvxtjPk/fYIxJwyZ7ZYAcR5EapwEDIlJMRMoBP2H7\nxTXxMq57geXGmL2OMv4CvsVNc6nDBGPMeaf3yxz/1swizihHnD9iu6hclU0st2KbiUe7bH8Le4+3\nOd63dbz/j8tx/3ZzzRnYpO9ep223YweBTMsmFqVUiNHETSkVSNWBzW62b8QmIdXd7MtERMqLyBgR\nOQCcBg4BG7DJjsf93ESkAnAz8L2I1Ep/4WiiFJGqbk7b7fL+L0f8MU7XvUxEponIEeCkI84Fjt3Z\nxVkdSDHG/O680fH+DH8/o2qOf7e6HLcf+1yctx0GviFzItoN2GGMWZFNLEqpEKN93JRSgeSL0aKf\nY/u1DQd+BU4BxYB5ePfHaBfsz8LngRdc9hlsLdW/XLafxz0BO7gAWOKI61VssnoauAwYn0OcQt7n\ndXP3nKcAs0TkKmAntvbzzTyWo5QKME3clFKBtBOIc7O9PjZZSa9lcpu4iMgl2ObUAcaYt5y2X5GH\nmO7F9ll73c2+x7E1U66JW07isUlaJ2PM7PSNIvJ/5Jy87gSKikh151o3EakGFHfsh7+fVW3sII30\n42Idx7maBxzD3s9m7ACG6bm9IaVUaNCmUqVUIH0NVHeefsJRO/VP4Ci2eRJsLRrYfm/O0mu6XH92\n9ceLWipHk+i1wMfGmDmuL2AycLmIXOl0Wm7KuShOERHgiVyc/zU2uXvSZfvTjnO/drxf6Hj/iMtx\nj7u7qDEmBZiFTVR7Aj8bY7bkEItSKsRojZtSKpDGAvcDH4vIGGxfsS7YQQUZKxUYY46JyHagu4j8\njk3qfjF2aotVwGDH1CIHsE1+VfCuGbY7NvmZl8X+bKn3RgAAIABJREFULx37uwGDHNtyU86v2Lno\n/i0iNbGJ6D1AyZxONMasEpGZwOOO/nfp04HcC8wwxvzkOG6PiPwHeEREigGLsDV9rbHPy12COAV4\nEDslidsETykV2rTGTSnlD25rlYwxp4AW2Jqf3sAIIAroZuwcbs7uAw4CbwMfY1cyALgb23/scWz/\nsWOOfd6s+XkvsDmrmidjzCFgFTa5zNicxbUytjsS0NuA9dh+c4OBX7BJa7bnOvQEXsE2C492/PuS\nY7uzJ7D91Jph+/xVxo42LQScdXM/P2IHM6QBn2QRi1IqhIkxuraxUkrlF45+gPuBp40xrlOKICIb\ngG3GmNsDHpxSKs9CpsZNRB4VkR2OJWxWisg1ORz/pIhsciw3s0tERolI0UDFq5RSwZbFz7z0/n5L\n3Rx/A1AP23dPKRWGQqKPm4h0xk4u+SC2WaI/sEBE4hzzD7kefy92tvH7gBXYUWqTsbOFPxOgsJVS\nKth6iUgn7Bxtp7FLbt0NfG6MSV8iDMfginjs0lw7gbmBD1Up5QuhUuPWHxhnjJlijNkEPIT9IdQn\ni+OvB34wxnxijNlljFmEnRm8aWDCVUqpkLAWO1hiILYv3DXYvm73uhx3L3b+uDSgq8uqD0qpMBL0\nPm4iUhibpHU0xvzXaftHQGljzJ1uzumKHZ12izHmZ8eorS+BycYYT+dbUkoppZQKC6HQVFoeiMRp\nAkmHA0BddycYY2aISHngB8fcSJHA+9klbY51Am/BNhNcNNpKKaWUUsqHimEn4l5gjPnTVxcNhcQt\nK1ku+yIirbHL0zyE7RNXG3hXRPYbY17N4nq3oLOEK6WUUiqwumGnNPKJUEjcDmNnGb/EZXtFLq6F\nS/cyMMUYM8nx/jcRKQmMw87r5M5OgGnTplG/fv08BZwf9O/fn9GjL5opoMDS55GZPo/M9Hlkps/j\nb/osMtPn8beNGzfSvXt3+HuZOp8IeuJmjEkVkSSgDfBfyFgapg3wbhanRWFHkDq74DhVjPuOe2cB\n6tevT5MmTXwSezgrXbq0Pgcn+jwy0+eRmT6PzPR5/E2fRWb6PNzyafesoCduDqOAyY4ELn06kCjg\nIwARmQLsMcY87zh+HtBfRNYCPwF1sLVwX2SRtCmllFJKhb2QSNyMMbMcgw1exjaZrsWOGD3kOKQK\ndhh7ulewNWyvYJd4OYStrRscsKCVUkoppQIsJBI3AGPMe8B7Wey70eV9etL2SgBCU0oppZQKCSGT\nuKnA6tq1a7BDCCn6PDLT55GZPo/M9Hn8LbtnsWvXLg4fvmjxn3ztuuuuIzk5OdhhBFT58uWpVq1a\nwMoL+gS8gSIiTYCkpKQk7TiplFLKr3bt2kX9+vU5ffp0sENRfhYVFcXGjRsvSt6Sk5OJj48HiDfG\n+Cyb1Ro3pZRSyscOHz7M6dOndQqqfC59yo/Dhw8HrNZNEzellFLKT3QKKuVrobLIvFJKKaWUyoEm\nbkoppZRSYUITN6WUUkqpMKGJm1JKKaVCRkJCAk899VSwwwhZmrgppZRSCoBx48ZRqlQpLlz4eznw\nU6dOUbhwYdq0aZPp2MTERCIiIti5c6ff4klLS2PgwIE0bNiQkiVLUrlyZXr16sX+/fsBOHjwIEWK\nFGHWrFluz+/bty9XX3213+ILBk3clFJKKQXY2q5Tp06xevXqjG3Lli0jNjaWlStXkpKSkrH9u+++\no3r16lx22WUel5OWlpbzQcDp06dZu3YtQ4cOZc2aNcydO5f//e9/dOjQAYCKFSty2223MXHiRLfn\nfvbZZ9x///0exxfKNHFTSimlFABxcXHExsaydOnSjG1Lly7ljjvuoEaNGqxcuTLT9oSEBAB2795N\nhw4diI6OpnTp0nTu3JmDBw9mHPvSSy/RuHFjPvzwQ2rWrEmxYsUAm1z17NmT6OhoKleuzKhRozLF\nU6pUKRYsWEDHjh2pU6cOTZs2ZcyYMSQlJbFnzx7A1qotXrw44326WbNmkZaWlml1i3HjxlG/fn2K\nFy/O5ZdfzgcffJDpnN27d9O5c2fKlStHyZIlufbaa0lKSsrDE/U9ncdNKaWUCpbTp2HTJt9es149\niIry+vTWrVuTmJjIs88+C9gm0YEDB3L+/HkSExNp2bIl586d46effsqozUpP2pYtW0ZqaioPP/ww\nXbp0YcmSJRnX3bp1K3PmzGHu3LlERkYC8Mwzz7Bs2TLmzZtHhQoVeO6550hKSqJx48ZZxnf06FFE\nhDJlygBw6623UrFiRT766CMGDx6ccdxHH33EXXfdRenSpQGYPHkyr732GmPGjKFRo0YkJydz//33\nEx0dTdeuXTl58iQtW7akZs2afPXVV1SsWJGkpKRMzcYhwRhTIF5AE8AkJSUZpZRSyp+SkpJMrn7n\nJCUZA7595fH33Pjx4010dLQ5f/68OX78uClSpIg5dOiQmTFjhmndurUxxpjFixebiIgIs3v3bvPt\nt9+awoULm71792ZcY8OGDUZEzOrVq40xxgwbNswULVrU/PnnnxnHnDx50hQtWtTMnj07Y9uRI0dM\nVFSU6d+/v9vYzp49a+Lj402PHj0ybR80aJCpVatWxvutW7eaiIgIs3Tp0oxtl112mfnss88ynTds\n2DDTqlUrY4wxY8eONTExMeb48eO5flbZfc7p+4Amxof5jNa4KaWUUsFSrx74uimuXr08nZ7ez+3n\nn3/myJEjxMXFUb58eVq1akWfPn1ISUlh6dKl1KpViypVqjB37lyqVq1KpUqVMq5Rv359ypQpw8aN\nG9PX66R69eqULVs245ht27aRmppK06ZNM7bFxMRQt25dt3GlpaXRqVMnRIT33nsv076+ffvyr3/9\ni6VLl9K6dWsmTZpEjRo1aNWqFQAnTpzg999/p1evXtx3330Z550/f57y5csD8MsvvxAfH090dHSe\nnp+/aeKmlFJKBUtUFITYkli1atWicuXKJCYmcuTIkYzkJzY2lqpVq7J8+fJM/duMMYjIRddx3V6i\nRImL9gNuz3WVnrTt3r2bJUuWULJkyUz7a9euTYsWLZg0aRKtWrVi6tSp9OvXL2P/iRMnANt86roE\nWXqzbfHixXOMIxTo4ASllFJKZZKQkEBiYmJGDVa6li1bMn/+fFatWpWRuDVo0IBdu3axd+/ejOM2\nbNjAsWPHaNCgQZZl1K5dm0KFCmUa8PDXX3+xefPmTMelJ23bt29n8eLFxMTEuL1e3759mT17NrNn\nz2bfvn306tUrY1+lSpW45JJL2LZtGzVr1sz0ql69OgANGzYkOTmZ48eP5/5BBYEmbkoppZTKJCEh\ngR9++IFffvklo8YNbOI2btw4UlNTMxK6m266iSuvvJJu3bqxZs0aVq1aRa9evUhISMh2kEGJEiXo\n27cvAwYMIDExkfXr19O7d++MGjCwTZkdO3YkOTmZadOmkZqayoEDBzhw4ACpqamZrtepUycKFSpE\nv379aNu2LZUrV860f9iwYbz22muMHTuWLVu28OuvvzJx4kTeffddALp37065cuW48847WbFiBTt2\n7GD27NmZpkYJBZq4KaWUUiqThIQEzp49S506dahQoULG9latWnHy5Enq1avHpZdemrH9iy++ICYm\nhlatWtG2bVtq167NzJkzcyxnxIgRtGjRgvbt29O2bVtatGiR0ScOYM+ePXz55Zfs2bOHq666ikqV\nKhEbG0ulSpVYsWJFpmsVL16cLl26cPToUfr27XtRWf369eM///kPH374IQ0bNuTGG29k2rRp1KhR\nA4AiRYqwaNEiYmJiaNeuHQ0bNmTEiBGZEslQIOltzPmdiDQBkpKSki5q31ZKKaV8KTk5mfj4ePR3\nTv6W3eecvg+IN8Yk+6pMrXFTSimllAoTmrgppZRSSoUJTdyUUkoppcKEJm5KKaWUUmFCEzellFJK\nqTChiZtSSimlVJjQxE0ppZRSKkxo4qaUUkopFSY0cVNKKaWUChOauCmllFIqZCQkJPDUU08Fpewa\nNWpkrF0aqjRxU0oppRQA48aNo1SpUly4cCFj26lTpyhcuDBt2rTJdGxiYiIRERHs3LnTrzG1bt2a\niIgIIiIiKF68OHXr1uXNN9/0a5mhTBM3pZRSSgG2tuvUqVOsXr06Y9uyZcuIjY1l5cqVpKSkZGz/\n7rvvqF69OpdddpnH5aSlpeX6WBHhwQcf5MCBA2zevJnnnnuOIUOGMG7cOI/LzQ80cVNKKaUUAHFx\nccTGxrJ06dKMbUuXLuWOO+6gRo0arFy5MtP2hIQEAHbv3k2HDh2Ijo6mdOnSdO7cmYMHD2Yc+9JL\nL9G4cWM+/PBDatasSbFixQA4ffo0PXv2JDo6msqVKzNq1Ci3cUVFRVGhQgWqVq3KfffdR8OGDVm4\ncGHG/gsXLnD//fdTs2ZNoqKiqFev3kVNnr179+bOO+/krbfeolKlSpQvX55//vOfnD9/PsvnMWHC\nBGJiYkhMTMz9Q/SzQsEOQCmllCrI9p/Yz/6T+7PcX6xQMRpUaJDtNTYc2sDZtLPElowlNjo2T/G0\nbt2axMREnn32WcA2iQ4cOJDz58+TmJhIy5YtOXfuHD/99BP3338/QEbStmzZMlJTU3n44Yfp0qUL\nS5Ysybju1q1bmTNnDnPnziUyMhKAZ555hmXLljFv3jwqVKjAc889R1JSEo0bN84yvmXLlrFp0ybi\n4uIytl24cIGqVavy2WefUa5cOX788UcefPBBKlWqxN13351xXGJiIpUqVWLp0qVs3bqVe+65h8aN\nG9O3b9+Lyhk+fDgjR45k4cKFXH311Xl6pr6kiZtSSikVROOSxvHSdy9lub9BhQb89shv2V6j06ed\n2HBoA0NbDWVY62F5iqd169Y89dRTXLhwgVOnTrF27VpatmxJSkoK48aNY+jQoSxfvpyUlBRat27N\nwoULWb9+PTt37qRSpUoATJ06lcsvv5ykpCTi4+MBSE1NZerUqZQtWxawfecmTpzIxx9/TOvWrQGY\nPHkyVapUuSimsWPHMn78eFJSUkhNTaV48eI88cQTGfsLFSrE0KFDM95Xr16dH3/8kVmzZmVK3MqW\nLcuYMWMQEeLi4rjttttYvHjxRYnboEGDmDZtGt999x3169fP0/P0NU3clFJKqSDqF9+P9nXbZ7m/\nWKFiOV7j006fZtS45VV6P7eff/6ZI0eOEBcXR/ny5WnVqhV9+vQhJSWFpUuXUqtWLapUqcLcuXOp\nWrVqRtIGUL9+fcqUKcPGjRszErfq1atnJG0A27ZtIzU1laZNm2Zsi4mJoW7duhfF1L17dwYPHsyR\nI0cYOnQozZo149prr810zNixY5k0aRK7du3izJkzpKSkXFRzd/nllyMiGe9jY2NZv359pmNGjhzJ\n6dOnWb16tVf99/xNEzellFIqiGKj8968mVNTqidq1apF5cqVSUxM5MiRI7Rq1QqwSU7VqlVZvnx5\npv5txphMyVA61+0lSpS4aD/g9lxXpUuXpkaNGtSoUYNPPvmE2rVrc91113HjjTcCMHPmTAYMGMDo\n0aO57rrriI6OZvjw4axatSrTdQoXLpzpvYhkGkEL0LJlS7766is++eQTBg4cmGNsgaaDE5RSSimV\nSUJCAomJiSxdujSjGRNsUjN//nxWrVqVkbg1aNCAXbt2sXfv3ozjNmzYwLFjx2jQIOuEsnbt2hQq\nVCjTgIe//vqLzZs3ZxtbiRIleOKJJ3j66acztv344480b96cfv360ahRI2rWrMm2bds8vW0AmjZt\nyjfffMPrr7/OyJEjvbqGP2nippRSSqlMEhIS+OGHH/jll18yatzAJm7jxo0jNTU1I6G76aabuPLK\nK+nWrRtr1qxh1apV9OrVi4SEhGwHGZQoUYK+ffsyYMAAEhMTWb9+Pb17984YuJCdfv36sXnzZubM\nmQNAnTp1WL16Nd9++y1btmxhyJAh/Pzzz17f/7XXXsv8+fN55ZVXePvtt72+jj9o4qaUUkqpTBIS\nEjh79ix16tShQoUKGdtbtWrFyZMnqVevHpdeemnG9i+++IKYmBhatWpF27ZtqV27NjNnzsyxnBEj\nRtCiRQvat29P27ZtadGiRUafuHTumlJjYmLo2bMnw4YNA2wid9ddd9GlSxeuu+46jhw5wqOPPurx\nfTuX1axZM7788kuGDBnCmDFjPL6Wv0h6G3N+JyJNgKSkpCSaNGkS7HCUUkrlY8nJycTHx6O/c/K3\n7D7n9H1AvDEm2Vdlao2bUkoppVSY0MRNKaWUUipMaOKmlFJKKRUmNHFTSimllAoTmrgppZRSSoUJ\nTdyUUkoppcJEyCRuIvKoiOwQkTMislJErsnm2EQRueDmNS+QMSullFLpCsjsWirIQiJxE5HOwFvA\nUKAx8AuwQETKZ3HKncClTq8rgPPALP9Hq5RSSmU2ZQr06gVpacGOROV3IZG4Af2BccaYKcaYTcBD\nwGmgj7uDjTFHjTEH019AW+AU8FnAIlZKKaUcihWD6GjIxWpNSuVJ0BM3ESkMxAOL07cZu5zDIuD6\nXF6mDzDDGHPG9xEqpZRS2bvnHhg7FkRg717YsCHYEan8KuiJG1AeiAQOuGw/gG0GzZaINAUuByb4\nPjSllFLKMw8/DG+9FewovNe7d28iIiKIjIwkIiIi4+vt27fn6brnz58nIiKCr7/+OmNbixYtMspw\n92rbtm1ebweAr776ioiICC5cuOCT6wVToWAHkA0BctPVsy+w3hiTlJuL9u/fn9KlS2fa1rVrV7p2\n7ep5hEoppQqkzZth8GCYMAFKlcq8b8wY2LkTWrUKSmg+0a5dOz766COc1zN3XmzeG+7WRp83bx4p\nKSkA7Nixg2bNmvHdd98RFxcHQNGiRfNUpnPZIuI2Bl/45ptvMha8T3fs2DG/lIUxJqgvoDCQCrR3\n2f4RMDeHc4sDR4F/5qKcJoBJSkoySimlVF78+KMx119vzKFD7vcnJSWZcP2dc99995k777zT7b6v\nvvrKNG/e3JQpU8aUK1fO3H777Wb79u0Z+8+dO2ceeughExsba4oVK2Zq1KhhRowYYYwxpkqVKiYi\nIsKIiBERU6dOnUzX3rp1qxER89tvv11U7qFDh0zPnj1NuXLlTJkyZUzbtm3Nxo0bjTHGnD9/3jRr\n1sx07Ngx4/g//vjDVKxY0YwcOdKsX7/eiEhG2REREeaxxx7L83MyJvvPOX0f0MT4MG8KelOpMSYV\nSALapG8TEXG8/zGH0zsDRYDpfgtQKaWUcnH99bB8OZTPau4DD+zfD7/+evH2tWvhgEsnosOHITn5\n4mM3bIA9e/IeS07OnDnDgAEDSE5OZvHixRhj6NixY8b+UaNGsWDBAmbPns3mzZuZOnUq1apVA+Dn\nn3/GGMP06dP5448/WLlyZa7L7dChAykpKSxZsoRVq1ZRp04dbr75Zk6dOkVERATTpk1j4cKFTJo0\nCYA+ffpw5ZVX8vTTT1OvXj2mTp0KwL59+9i/fz9vvPGGD59KYIVKU+koYLKIJAGrsKNMo7C1bojI\nFGCPMeZ5l/P6Ap8bY/4KYKxKKaUUIr65zrhxtsnVNfFq2RKGDYOnnvp72+efwwMPXDxnXKdOcMst\nMGqUb2KaN28e0dHRGe9vvfVWPvnkk0xJGsD48eOpVKkSmzdvJi4ujt27dxMXF8f119uxhVWrVs04\nNr2ptXTp0lSsWDHXsSxYsIAdO3awbNkyIiJsfdO7777L3LlzmTdvHl26dKFGjRq88847PPbYY2zc\nuJEVK1bwqyMbjoyMpEyZMgBUrFgx4xrhKiQSN2PMLMecbS8DlwBrgVuMMYcch1QBMs2OIyJ1gGbA\nzYGMVSmlVMFz7hz07w/PPw9Vqvj22v36gUs+BMD330NsbOZtd9wBTZpcfOynn17c1y4vbrzxRt5/\n//2MPmElSpQAYMuWLbz44ousWrWKw4cPZ/Qd27VrF3FxcfTu3Zu2bdtSr149/vGPf3D77bfTpk2b\n7IrK0S+//MLBgwcv6p9+9uxZtm3blvH+vvvuY+7cuYwcOZLp06dTuXLlPJUbqkIicQMwxrwHvJfF\nvhvdbNuCHY2qlFJK+dWBA7BkCXTp4vvELTb24gQN4KqrLt5Wvrz75tkGDXwbU4kSJahRo8ZF22+7\n7Tbi4uKYOHEisbGxpKSk0KhRo4wBBldffTW///478+fPZ9GiRXTs2JF27doxY8YMr2M5efIktWvX\nZv78+RcNLihbtmzG18ePH2fdunUUKlSIzZs3e11eqAvv+kKllFIqAKpVg/XrbfNlQXXw4EG2bt3K\niy++SOvWralbty5//vkn4tJmHB0dzT333MMHH3zAxx9/zCeffMLJkyeJjIwkMjKS8+fPZ1mG67UA\nmjRpwq5duyhRogQ1a9bM9EpvAgV49NFHKVeuHJ9//jmvvfYaq1atythXpEgRgGzLDheauCmllFK5\nUChk2qiCo1y5csTExDBu3Di2b9/O4sWLGTBgQKZj3nrrLWbNmsXmzZvZvHkzn376KVWqVKFkyZIA\nVKtWjUWLFnHgwAGOHj16URmuNWoAt99+O1dccQXt27dnyZIl7Ny5kx9++IGBAweyceNGAGbNmsWc\nOXOYPn06t956Kw8//DDdunXj9OnTAFx22WUA/Pe//+Xw4cMZ28ORJm5KKaXcmjnTrsFZUL3/Pqxb\nF+woQkdkZCSffPIJP/30E1dccQUDBgxg5MiRmY4pWbIkr7/+OldffTXXXnst+/bt46uvvsrYP3r0\naL755huqVatG06ZNLyrDXY1bZGQkCxcupEmTJvTo0YP69evTs2dPDh06RPny5dm3bx+PPPIII0aM\noG7dugAMHz6cYsWK8cQTTwBQp04dBg0axKOPPsqll17KoEGDfPloAkrcZbf5kYg0AZKSkpJo4q5n\np1JKqUweeghSU+HDD4MdSeClpECzZtC+PQwZ4vn5ycnJxMfHo79z8rfsPuf0fUC8McbNJC7eKeAV\nv0oppbKSvvZmuoUL4Yor3Hekz2+KFLGjOosXD3YkSmWmTaVKKaUAuHAh8/xgkZGQPuXVuXPw4IPh\nvQanp6KifDdXm1K+ojVuSimlMAZ69IC4OBg69OL9RYvC0qWQT6fGAiApCf78E3y0rrlSfqGJm1JK\nKUTsvGFupu7KUL164OIJhnffhR074OabtaZNhS5N3JRSSgHgMrNDjpYtgxtuyD9JzoQJcOpU/rkf\nlT9pHzellCqgDhywo0a9sW6dnYz26699G1MwFS4MTvO5KhWStMZNKaUKoJQUW1t2xx0wYoTn5zds\naGvcmjf3fWyBcuIELFoEd97pvzLSJ4hV+VMwPl9N3JRSqgAqUgRGjnS/YHlu3XCD7+IJhsmTYfBg\nex8VKvj22uXLlycqKoru3bv79sIq5ERFRVHe3QKyfqKJm1JKFVAdOvjuWsbA9u1Qq5bvrulvjz4K\nt97q+6QN7NJOGzdu5PDhw1kes2GDrbXs18/35avAKV++PNWqVQtYeZq4KaVUAbFoEVx7LURH+/7a\n775rpxHZtg3KlfP99f1BBGrW9N/1q1Wrlu0v9E2bYOVKOzeeYylPpXKkgxOUUqoAOHYM7rkHxozx\nz/X79LFNj6GetH37beZJhoOpSxdYs0aTNuUZrXFTSqkCoHRp+PFHqFPHP9ePjvZt06s//Pwz3HKL\nrXls0ybY0fy9KoVSntDETSmlCoh69QJXVkqKnWqkRInAlZmTa66B1avBrvutVHjSfF8ppfKhtDR4\n7jnYty845ffoYZsCQ00oJm2pqfDCC7YZV6mcaOKmlFL50OHDMGuWrWEKhocegiefDE7Zzn791ftJ\nhgOlUCH7OW3fHuxIVDjQplKllMqHLr3UTjdRtGhwyk9ICE65zk6cgNat4YknYMiQYEeTNRH45htd\nakvljiZuSimVTxiT+Zd/sJI2d1JT7ZJSgRQdDV98AY0bB7Zcb2jSpnJLm0qVUiof2LULrrsO1q8P\ndiQXO34cmjaFqVMDX/YNN4TWAAml8koTN6WUygdKl4aqVUMzSYmOhnbt4Kqr/F/W4cM2UQxXK1fa\ntVNDvV+eCh5tKlVKqXygdGn47LNgR+GeCLz+emDK6trVrsP61VeBKc/XoqLsZMmHD0NsbLCjUaFI\nEzellFIB59ofz1dGjgydlRG80bAhLFkS7ChUKNOmUqWUCmN794ZforJpk+17tnu376/dqFFgmmSV\nChZN3JRSKkylpcH118PgwcGOxDOlSkHZsr5Z8skY26yoVEGhiZtSSoWpyEj46CPo2TPYkXimUiWY\nNw8qV877td580y5ldepU3q8VSoyBxx6DUaOCHYkKNdrHTSmlwpQI3HhjsKMIrh49bAIYiqNp80IE\nypTJf/el8q7A1bht3hzsCJRSSjlbutSubuBNX70qVcKvxjG3XnkF+vULdhQq1BS4xK1rV/jpp2BH\noZRSeXP2bODKWrJjCU9+47+FR/fsgY0bc39Pp0/7LRSlQl6BS9zefdfO4K2UUuHq1CmoXh1mzAhM\neYdPH+adn95hxe4Vfrl+9+6wYAEUL57zscuXQ40a8NtvfgklZIXbyGHlPwUucWveXNeEU0qFv4ED\n7YjSQLi7wd00qNCAl757yW9l5Pbn8pVXwgMPQJ06fgsl5CQnwxVXwP79wY5EhYICl7g5MwYefhi+\n/TbYkSilVO6VKAFPPQWXXRaY8iIkgiEth7Bg2wJ+2uP/viYzZsDChe73lSoFr75qV0coKGrWhPh4\nXQZLWQU6cTt71i7MfOxYsCNRSqnQsfPoTtpMacP2v7ZnbLu7wd3UL1/fr7VuYP+gnj4dvvji721p\naX4tMuSVKQNTpkC1asGORIWCAp24FS8OX34JnToFOxKllMqdQPR1+jD5Q1bvW80lJS7J2BYZEcmQ\nVkOYv3U+q/au8lvZInbN1X//277/809o0gT++1+/FalUWCnQiRtc3K/iyBE7wkkppULNwYPQoAH8\n/LP/yki7kMbEtRPpdmU3ShTJPIlYpwadqFdx7cpRAAAgAElEQVS+Hi9/97L/AgCKFfv7Z3OpUpCQ\nYO9bWQW9BrKgK/CJm6unnoJ//AMuXAh2JEopldnZs3DddbbPk798veVr9p3Yx4PxD160LzIikhdb\nvsiyXcs4cPKA/4JwUrgwvPMO1K4dkOJC3mOPwX33BTsKFUy6coKL4cNhxw7frKGnlFK+VK0aTJrk\n3zI+SPqAqytdzVWXul+pvfPlnWlXux0xxWP8G4hyq0WLwM7hp0KPJm4uKla0L6WUKmh2H9vN/K3z\nef+297M8JjIiUpO2ILrnnmBHoIJN65VysHu3/UY5fDjYkSillH9NXDOR4oWK0+WKLsEORSmVBU3c\ncrB/P/z+u85arZQKnq1boUMH2LvXf2UYY/h4/cfce+W9RBeN9l9Bymd06a+CSZtKc9C0Kaxcqast\nKKWC59AhOH4cypb1Xxkiwoq+Kzibph2owsGWLXbljLlzbb83VXBo4pYLrknbb79B/fo6gEEpFRjX\nXw+Jif4vp2xxP2aGyqdq1YInnvDvCGMVmjT18NDRo3a907feCnYkSimlCqqICHjxRahcOdiRqEDT\nxM1DZcrAnDl2jVOllCro/jz9J3fPupu1f6wNdihKFQghk7iJyKMiskNEzojIShG5JofjS4vIWBHZ\n5zhnk4j8IxCx3ngjlCwZiJKUUgVZUhIMHRrandBLFyvN2j/W8sr3rwQ7lALLGLvqjyoYPE7cROQj\nEWnpyyBEpDPwFjAUaAz8AiwQkfJZHF8YWARUA+4C6gIPAH4cc5W1CRNgxAgdeaqU8q3ffoPPP4ei\nRYMdSdYKRRTihRYvMGfjHNYdWBfscAqkgQOhVStd8aeg8KbGLQZYKCJbROR5EfFFC3t/YJwxZoox\nZhPwEHAa6JPF8X2BMsAdxpiVxphdxphlxphffRCLx3bvtqst6MhTpZQv9ewJa9ZAZGSwI8le94bd\nqVGmht/XMFXudekCb7yhv4MKCo8TN2NMB6AK8B+gM7BTROaLyN2OmjCPOM6JBxY7lWGwNWrXZ3Ha\n7cAK4D0R+UNEfhWR50QkKE2/L70EY8cGo2SlVH7nz9Hrh08fJnl/cp6vUziyMINbDmb2xtn8eiAo\nfz8XaE2awP/9nyZuBYVXPxKMMYeMMaOMMY2Aa4GtwFRgn4iMFpE6HlyuPBAJuK5YfAC4NItzagKd\nsPG3A14Bngae96Bcn3L+hjHGNnEopVQo+zD5Q5p92IxjZ4/l+Vo9GvagRpka2tdNKT/L0zxuIhIL\n3Ay0Bc4DXwNXAhtE5FljzOi8XB7IqtdYBDaxe9BRO7fG0WT7DPBqdhft378/pUuXzrSta9eudO3a\nNQ+hZjZ5MvTrZ2c7r1rVZ5dVShUQK1bYVVvuvNN/tSgXzAXGJ4+n0+WdKF2sdM4n5KBwZGGeb/E8\nD8x7gPUH13NFxSt8EKXy1B9/QExMaPeLzI9mzJjBjBkzMm07dizvfxC543Hi5mjabA/0xiZs64DR\nwHRjzAnHMXcCEx3bc3IYm/Rd4rK9IhfXwqXbD6Q4krZ0G4FLRaSQMSYtq8JGjx5NkyZNchGW97p1\nswvVa9KmlPLGnDl2wt077/RfGUt3LmXbX9uY1GGSz67Zs1FP3vjhDZbuXKqJWxD89RfExcGbb8Ij\njwQ7moLFXQVQcnIy8fHxPi/Lmxq3/dgarxlAU2OMu8l7EoGjubmYMSZVRJKANsB/AUREHO/fzeK0\n5YBrFVldYH92SVugFC4Mt94a7CiUUuFqxAi7xJU/+yx9kPQB9crX44ZqN/jsmkUii/Drw78SVTjK\nZ9dUuRcTAxMnQps2wY5E+ZM3fdz6A5WMMY9mkbRhjDlqjKnhwTVHAQ+KSE8RqQe8D0QBHwGIyBQR\ned3p+P8A5UTkHRGpIyK3Ac8BY7y4H79LTbWjw9bq/JRKqVwqVcp/1z506hBzNs7hgSYPID7ODjVp\nC66777YJnMq/vKlx+y82qcq0ErGIlAXSjDHHPb2gMWaWY862l7FNpmuBW4wxhxyHVAHSnI7fIyJt\nsU2xv2DnbxsNDPf8dvzv6FG7IPCJE8GORCmlYMovUxARejbqGexQlFIe8iZxmwnMA95z2X4Ptu+b\nV42Expj33Fwzfd+Nbrb9BDTzpqxAq1ABfvxRh2orpbK3apWtLanjybh8DxljGJ88nrvq30X5KLdz\nnKt84MIF2LgRLr882JEoX/OmqfRabB82V0sd+5Qbrknbnj3gpwEnSqkwNXgwPP64f8s4k3aGNjXa\n8MjV2ns9Pxs+HJo105ae/MibGreiWZxXGCiet3AKju7doUQJ+OqrYEeilAoVX3wBhw/7t4yowlGM\nvU1nDM/v+vSxy2BFRwc7EuVr3iRuq4AHgcdctj8EJOU5ogJi/HhISQl2FEqpUFK8uE4jpHyjYkX7\nUvmPN4nbYGCRiDTi72Wq2gDXYOd1U7ngzz4sSikVKoYvH872v7bz/v+9H+xQlMoXvFmrdDl2DdHd\n2AEJt2OXvGpojFnm2/AKjnXroG9fOH062JEopQJtwwY4ezbn48JRicIlGJ88ns1/bg52KAXWli12\nJQ6VP3i7VulaY0w3Y8zlxpirjTF9jDFbfB1cQfL777BZf64pVeAYA+3bwxNPBDsS/+jbpC+XlryU\nV7/PdjVC5Sepqbav28iRwY5E+Upe1yotjh2UkMGbedwU3H47/N//6ZQhShU0IvD11xDh1Z/Roa9Y\noWIMaj6IJxc8yYstX6ROOe0nEkiFC8OXX0L9+sGORPmKxz8qRCRKRMaIyEHgJPCXy0t5yTVp27gx\nOHEopQIrLg5q1w52FP7zQPwDXFLiEl5b9lqwQymQmjSxA19U/uDN33gjgBuBh4FzwP3AUGAfoNNw\n+8iWLdCwIXz6abAjUUqFuwnJE+j1eS+MMUEpv1ihYgy6YRDT1k1j65GtQYlBqfzCm8TtduARY8xs\n7DJUy4wxrwLPA918GVxBVqcOzJ4Nd9wR7EiUUv5y6FDOx+SVMYYxq8Zw/Nxx79Yl/d//7F+SefRA\nkweoUKKC1roF0blzOndofuBN4lYW2OH4+rjjPcAPQEtfBKWs9u1t/wSlVP5z9qztd/TOO/4tZ/W+\n1fxy4BcebPKg5yenpUG7dtC8eZ6HJRYvXJxBzQex9chW0i6k5XyC8rnZs6FDB9i1K9iRqLzwJnHb\nDlzm+HoTdkoQsDVxR30Qk8rC66/DzJnBjkIp5QuFCsG4cfYPNH/6IOkDqpWuRttaXkyzOXs27NgB\n589Dt2723zz4Z9N/8v1931MoIk/j4pSX7rkHfvsNqlULdiQqL7xJ3CYBjRxfvwk8KiLngNHY/m/K\nD4yBTZvsz1ClVPgrVAg6doQaNfxXxolzJ5ixfgZ9G/clMiLSs5ONgREjoE0bm8B99x28lrdmzsiI\nSO+aa5VPFCoEdesGOwqVVx7/2WOMGe309SIRqQfEA1uNMet8GZz6mwhMnhzsKJRS4WTG+hmcSTtD\nn8Z9PD85MRGSkmDBAmjdGoYMgZdespOCtWrl81iVUrnjUY2biBQWkcUikjERjzHmd2PMHE3a/E8k\n85QhKSmwbVvw4lFKeSc1NTDlfJD0AbfWuZUqpap4fvKIEdCoEdx8s30/eDC0bAn33huYURXKr37+\nGVavDnYUyhseJW7GmFSgoZ9iUR564w1o1gxOngx2JEqp3DpyBKpUsRVZ/rTlzy0k7U/yblDCunXw\nzTfwzDN//7UYGQnTp9uss1cvuHDBtwGrgDEGHn8c3n472JEob3jTx20a0NfXgSjP9e8P06ZByZLB\njkQplVsi0K8fNG7s33LqlKvD1se20q5OO89PHjkSqlaFzp0zb69UCaZOhfnz4a23fBOoCjgRmDNH\nu9+EK2+G9hQC+ojIzcBq4JTzTmPMU74ITOWsVKm/WzGUUuEhJgZefjkwZdUqW8vzk3bvhhkzYPhw\n9/MR3XILDBwIzz8PLVrAddflKcYL5gIRkk/X+wphsbHBjkB5y5vvliuAZOwcbnFAY6fXVb4LTXnq\nr79gxYpgR6GUCmtvv22r8e+/P+tjXnkFrrkGunSxP3i8tPaPtcT9O47fj/7u9TWUKmg8TtyMMQnZ\nvG70R5AqdwYNgh498jzVklKqoDp6FD74AB5+GKKjsz6ucGFbK3f8OPTtaztNeaFO2TocO3eMN354\nw8uAVV4dPw6jR9u5llV40PrpfOSVV+D7720fYlXwvPWWna1BhaadOyE+3s7HGLLef98OV3/88ZyP\nrV4dJk2CuXNh7FiviitRpATPXP8ME9dMZNcxnc4/GLZsgRdegDVrgh2Jyi2PEzcRSRSRJVm9/BGk\nyp2KFW3fYZW/nTljOxa7rkCUkmJfzqZPh1OnUCHg7FmoXdv2+Q9J587Z9bd69oRLL83dOR062CTv\n6achOdmrYh9t+iilipbizR/e9Op8lTfx8bB3r235VuHBmxq3tcAvTq8NQBGgCfCr70JTSsHFiVdq\nKnTqBEtc/kx67rnME9vv3QsPPQSffur/GFXO6tWDTz6BEiWCHUkWpk2DAwfsFCCeGD4crrjCjkA9\nccLjYksWKckzzZ5hQvIEdh/b7fH5Ku9iYoIdgfKEN33c+ru8/mmMuQF4GwjQtJIqJ199pXP05Adv\nvw21amXuQlSqFOzbZ5eOzE7lyrBhA9x3n19DVCHklz9+Yc/xPZ6feOGCnQKkfXvP10QqWtRmpAcO\n2HlOvOjv9ug1jxJdNFpr3ZTKBV/2cZsGeLGuivKHn3+2NTI6R2b4GDDANm06u/lm23fNdcDJJZfk\n7poh2yxXgCQled1332OPfv0ovb/o7fmJX35pO98NGOBdwbVr20ENM2bAxIkenx5dNJpnrn+GCWsm\neJd4Kp/49luYOTPYUaic+DJxux4468PrqTx48UX44guI0OEnYePwYTh2LPO2yy+3NWuFvJlx0cWF\nCzBuXOCWW1KweTM0bWrXaPe3DYc2sHz3ch5o8oDnJ48YYZdhad7c+wC6dIEHHoDHHoP16z0+/Z9N\n/0n98vXZ/td272NQefLZZ5q4hQOPfx2IyBzXTUAscDXwii+CUnmnI0vDz6RJ/r3+2rXw5JMQFwcJ\nCf4tS1lxcbYWIxDPe3zSeCpEVeCOend4duKKFfDDD3Z0aF69/ba9XufOsGqVRx36ootGs6bfGsR5\nQWYVUO++a1u+VWjzpj7mmMvrCLAUuNUYo5MRhCidoyf03H+/XTkoUJo0gW3bNGkLtDZt/F/zfTbt\nLFPWTaFXo14UiSzi2ckjRtgMs337vAcSFWX7u+3cmbspRVxo0hZcxYr9vTStCl0e17gZY7zoQKGC\n6dln7S/sQDTXqNw5fdr25T53LrDl6nQx/vXnn7aP/8svu18tyl/mbJzDkTNHeCDew2bSzZvh889t\nG7qvsssGDey8br17w4035jyKRinlEW/mcbtGRK51s/1aEbnaN2EpX2rWDP7xj8B1kFY5i4qCefPg\nDg9btXzpzBl47z39f+FLv/0GU6bAjh2BLXfS2km0qNaCuHJxnp341lt2AsgePXwbUK9e0L27nY9m\n82bfXlv53Z9/2m4VBw8GOxLljjd/Yo0F3I1Vq+zYp0LMHXfYPsNaBa6cLVlia2P196rvtGwJW7fa\nlsdA2XVsF4u3L6b3VR42hhw4AJMn2ybNYsV8G5SI/augUiXb3+2sjlsLJyJ2cNu6dcGORLnjTeLW\nALvIvKs1jn1KqTBw2222Cd3TabtUZq79R4sXD2z5Z1LPcM/l93B3g7s9O/Hf/7bDlR9+2D+BRUfb\n/m4bN3o+qa8KqrJl7R8gN90U7EiUO94kbucAd7NIxQLaBT7EHT9u16ZTwTF+vG1Bcp2XLVhyOx+c\ncm/aNLj+ejh5Mngx1C1fl5l3zyS6aDaLwrs6edLWiD3wgH+nzb/qKruC+dixXnWyNcaQcj4l5wOV\nz+nMBKHLm8TtW+ANESmdvkFEygCvAwt9FZjyjx49dCb9YCpVyi4DGYo/FA8dsomlyr1Gjewo3UDX\nsuXZxIn2r7gnn/R/WQ89BHffDX37etT5zxjDbR/fxqBFg/wYnFLhR4yHPZNFpDLwPVAO2zwKcBVw\nALjZGBOSi82JSBMgKSkpiSZNmgQ7nKDZtMl2jK9WLdiRqFAzbhwMHWo72JcrF+xolN+kpdmVDm64\nwVYZBsLRo9C4sR0IsWwZFMndlCXDlg7jX8v/5bYZuFZMLYa1Hpbt+U/Mf4IjZ49kuf/eK+6lXZ12\nWe7femQrL32X/SxXb9/yNuWi8u83zOefw+rV8OqrwY4k/CQnJxMfHw8Qb4xx18XMK95MB7JXRBoC\n3YBGwBlgEjDDGKNzsoe4evWCHYEKVf36QceOmrRl59gxO9KuTp1gR5IHn34Kv/9ue58HSpkytr9b\n8+bwwgt27rhcePK6J9l4eCO7ju26aF/JwiVzPH/vib0cOn0oy/0nUk5ke/65tHNuy3Z23oRIvwc/\n2bvXrnl8/nxothQURB7XuIUrrXFTwaQ/9PKHrl1trXVycpiO0jbGzsRcsSIsWBD48keNgqeftmuj\n3nZb4MtXHjMmTP+vhwB/1bh5M4/bcyJy0WLyItJHRAb6JiwVCN9+a6vBlX/t2WNbpn76KdiReOZ/\n/wtcS1q4GDECPv44jH+RLV5s1z7zdjH5vOrfH/7v/+w8b3vy2WLyJ07Y/xwffxzsSHwqbP+v52Pe\nDE7oB2xys/034KG8haMC6aOP8t3PmJAUGQnt2kH9+sGOxDNTpsC//gUpOqgvQ5Uq4fc5ZjJ8uO1r\n1qZNcMoXsYvyFisG994b/mvxnTxpm4DvugsqVLCrRHTrBkuWMHP9TJ5d+GywI1T5kDeJ26XAfjfb\nD2GnBFFhYsIE+zNH+VdsrJ15oVSpYEfimVde8agfeb40eTJ8/32wo7jYmFVjGJI4xLOT1q6FhQtt\nbVswq1HKl4cZM2D5crs2WLg5fRo++ww6dbJNzl262NrDV1+F7duhVSvo3Zu//trHiB9HMHtD/lhr\n8Ngxm2uvWBHsSJQ3idtuoLmb7c2BfXkLRwVSVJRWg6usRUTYPuUF1YULMHVqYPvw54YxhtErR7P7\nuIcD+EeOhOrVbcIRbC1a2KTt1Vdt822oO3MG5s61SVqFCvYZbt9uh2Fv2warVtlJhmvUsDWKR47w\n0JQNdKzfkb7//X/27jzO5vp74PjrPWPs+xJllyWSbUqIiOxbdlMxyFaKfFFSok3ipywVsoswdiWy\nRPYwYxdlz76NdTDLff/+eI/MMOude+/n3jvn+XjcR3zu53Pvcbtz59z3cs4bnLh2wup/QYplyWKS\nt9BQqyMRyd5VCkwCRiul/IDfo4/VAUYAoxwVmHA9WYTqWLdvQ6ZMVkfhOBs3mg/uJk2sjiR+ly+b\nXbGOeB/7+Jh+so7uBpVSG09t5FjoMaY2m5r0i06ehLlzzeaANPZ87DvBwIGwfr2ZWtyzx/2qQd+7\nZzZwzJsHy5aZadHy5c2u2DZt4t9aXLQo/N//oXr2ZHKzICpmCCZgYQAbOm3Az9fPtf8GB/LxgeXL\nrY5CgH0jbiOBKcD3wLHo2zhgrNb6SwfGJlzo3Xfho4+sjsJ7aG0SnHfesToSx5k0yb2a0l++bMqD\n3ae1+V36cKWJK1eS3iw7rvZV7vZlZvru6RTLUYwahWsk/aLRo81cfZdH9pVZx9fXDGlqbSqD22xW\nR2QWdC5fDh07mmnQ5s1Nw8733jOtu3bvhkGDEq8H07071KtH9p7vMrfeD+w8u5OPfpcPWOEYyU7c\ntPE+kAeogqnlllNr7YGLFcR9hQqZhdfCcXr3NmuWvcXkyaZrkbskMn37Qu3aDxJJrc2GildeiX3e\n5Mnm9+zDCWdwsGkecN/161ClCgQFOTfulLgVfougA0EElg/ERyXx4zs01GTdvXpB5sRrn7lUvnww\nezasWWN2wlghIgJWroTOnc2oX5MmsGOHeYPt3w/79sHgwckrgqkUTJkCt2/z/LCZDKs9jBFbRrDy\nyErn/TtE6qG1ThU3oBKgg4ODtRDC8506pfX69Ymf9++/Wq9dG/vYvXtap0mj9fjxD47ZbFr366f1\nnj2OjdORZuyeoRmKPh56POkXffGF1unSaX3+vNPiSrEPP9Ta11frjRtd83wREVqvWqV1165a58yp\nNWhdooTWH32k9d695s3gCDNmaA06auEC3XBWQ51nRB59/e51xzy2hRYu1LpBA62joqyOxL0FBwdr\nQAOVtAPzGbsWOyilngPaAIWAWHvOtNZ2jTEopXoB/TG7VvcA72itd8RzbiCmW4MG7n//v6u1zmjP\ncwshku/gQShTxrrnL1jQ3BJToMCjo8m+vmbELV++B8eUMuv33dm03dN4qchLFMleJGkX3L0LY8ea\nBsXutoYspqFD4Y8/TIXj3bud074jMtJsEZ43DxYtMnPtxYqZliFt25r1a44eTu7QARYuxKfnm8zY\n+Qdbwv4mazoP214ehzx5zG75sDD3G8RNDewpwNse2AyUBloAfkAZoDZw3Z4glFLtMBsbhgAVMYnb\nb0qp3Alcdh2T5N2/FbbnucWjbt0yDcdF8oWHp47X7s8/oWxZs7bcE/n6QrlyZhmTpzh57STrT6yn\nc4XOSb/oxx/NAr9+/ZwXmCOkSWNKhNy5Y5JMRy2kjIoyCeFbb0H+/KZ+3apVZq3fzp1w5AgMGwYV\nKjhnDYBSpgmwzUae/w2mealmjn8OC9SoAVOnStJmFXs2JwwC+mqtmwLhQB9MEhcEJNzULX59gYla\n65la60OYQr5hQEIrabXW+pLW+mL0LRX8unQ+raF+fXj7basj8UxTppj1VN6+Zb5yZTNo8eKLrn3e\n+fOt6dTkDgplK8TmLptpWTqJkxo2mxlCbNHCM5qrFihgqoL/8ovZTGEvmw02bTI7gwoUgFq1zGN2\n6GC+cRw7ZtbT+fu7ZsFmvnxmV8/ChWZnrxApZM9U6ZPA/U3B4UAmrbVWSn2DKQ8yJDkPFl1WxB8Y\ndv9Y9OOtAaomcGlmpdQJTPIZAgzSWh9MznOLRyllvoDKRgX7tGljap/lyGF1JM6l1KObAFxh/nxT\nYqV+fdc/t9WUUlQrWC3pFyxbBn//baoIe4omTeB//4P334fq1eG555J2nc1mkrJ588yb5OxZM8LW\nvj20a2e+afjYM07hIG3bmsStVy+TSD7uXbXqpZSUa9nzTr4KZIn+8xmgbPSfswP2rDHLDfgCFx46\nfgEzBRqXw5jRuGbAa5h/xxalVH47nl88pGZNePJJq6PwTLlzm2U6qZEryoTMmwfjxzv/ebzCyJEm\n+alSxepIkufLL83UZbt2ZqtvfLQ2hW/79YMiRaBaNfMGadXKjLidOgXffGP+/VYmbfd9951pQ9Kt\nm/vU1EmhiAjzJeqHH6yOJHWx5928Eagb/ef5wBil1CRgDuDIEtgKs/ngEVrrbVrrWVrrvVrrjUBL\nTMut7g58fiFEEmhtptYfrp/mDEq5X0Fct7R5M2zZYuqPeZq0aU0CdvUqdO0aO8nR2uwqee89U+j2\n+edh1ixo2tSsZTt92mzGeOEF90jWYsqd22Q4y5ebKWEv4OdnBjMLywpzl7JnqvRt4P5H5xdABFAN\nWAh8bsfjXQaigIe3PD3Go6NwcdJaRyqldgHFEzu3b9++ZMuWLdaxgIAAAlLrMEki1q83U1NJnbFI\nrfbuhWeeSZ3TBUqZ30nOmh6+dw/SpXPOY3utkSNN3bHGja2OxD5Fi5oCfG3awIQJULWqSeaCgswa\ntdy5oXVrMwX54otmt4knaNYMAgOhTx+zUaJQIc7ePMuVsCs8k/cZq6Ozy2efWR2Be5gzZw5z5syJ\ndex6QiPGKaC0GwzZKqW2AX9qrftE/11hNjqM1Von+j1eKeUD7Ad+1Vr3j+ecSkBwcHAwlSpVclzw\nXkxrM8tQtqxZdC/idvGiKWD8zTfw5ptWR+NdbDZTZLdWLVMxQiTBoUNQurT5oXWnTgn2eOutB3Pj\nOXOaadC2bc0bwl1adyXXtWvmQ7V0aVi1isZzmnDo8iFCuoeQLX22xK8XHiMkJAR/f38Af611iKMe\n113e+V8DM5RSwcB2zC7TjMB0AKXUTOC01npQ9N8HA9uAI5i1de9hyoFMdnnkXkwpsxnLGSWVvMlj\nj5mdjvJ9wPGUMmsGS5WyOhIPMmqUWfz+2mtWR5JyX39tdkr5+5sM3s9ze33+J3t2U0ujfn2YMIFx\n7cdRcWJFevzSgzmt5qA8eNg+IsI7/he5O7dYBKC1DgL6AZ8Cu4ByQP0YJT4KEHujQg7gB+AgZodr\nZqBqdCkR4UB58rjfUhF3VLMmZMmS+Hmpwa1bjlvCo5Spj1qrlmMez9Ncu3uNW+G3kn7BuXOm71ef\nPt4xv5w+vekNWr++d2UE9eqZN3b//hS7qpnUdBLzDsxjcojnjj38+qvZ1Bazf7BwDrf5lay1/l5r\nXURrnUFrXVVrvTPGfbW11l1i/P1/Wuui0ec+obVuqrXea03kQoiYli0zJbRO2VvVUfxn9LbRlBxX\nkkhbZNIuGDfOLO7v0cO5gYmUGznSDNd37kzbp1rRvVJ3eq/szf6L+62OzC6VKsGrr6bOdb6u5jaJ\nm3BvNhu8+675Mi+Mv/6C48etjsL9BATA4cNm3Z+9Vq2CmzcdF5Mnsmkb03dPp1GJRqTxScKqlps3\nzXqwHj3MdJxwb1mymKHpjRthzBhGNxhN8ZzFabegHWERYVZHl2z58sHw4ZBNluk5nd2Jm1KquFKq\nvlIqQ/TfJc/2Yj4+phvNnTtWR+I+Bg82paZEbErBE0/Yf/2tW+abe0qK53uDP078wcnrJ5Pe4mry\nZPPi9enj3MCE49Ssaf5/DRpEhiMnCGodxIlrJ+i9orfVkQk3luzNCUqpXMA8TG9SDZQAjgFTlFKh\nWms3b4on7DVxotURuJcZM+DMGaujcH+hoeZbeFLXSmbODDt2xG4AnxpN3zOd4jmLJ61bQkSE2dYc\nEAAFCzo/OOE4w4bBihUQGEjpLVv4tjTO2vIAACAASURBVOG3rD62mkhbZNJGWt2Q1uZLfkZ7SvKL\nRNkz4vYNEAkUwvQTvW8e0MARQQnhCTJlgpIlrY7Cvd2+bda+jBqVvOuKFoUMGZwTkye4ee8mCw4u\noFP5TknbZfjjj/DvvzBggPODE46VMaP5FhgcDCNG0KlCJ2a3nO3RSVv9+vJWdCZ73hn1MDs+Tz/0\ngfIPpiSHSAXuT5mm5l+uInGZMpkp5bp1Ez9XPDD/4HzuRNyhY/mOiZ988aL5LRkQYKpAC89TpYrp\nBjF0KKpJEyhXzuqI7KaUKR+YkuUSImH2jLhlIvZI2305gXspC0d4gshI02nmk0+sjsT1wsPNeuKI\nCKsj8RxduiQ+exceDi1awNatronJ3U3fPZ2Xi71MwWxJmPZ85x0zDz1mjPMDE84zdKgpWNixo/mB\n8GDt25uGFsI57O1VGvNroI7uXPAesM4hUQm3liYNfPABdE7immlvsm6d6RF95IjVkXiXa9fMpkjp\nQwp3Iu4QpaPoVKFT4icvWWLaQI0da4ouCs+VLp2ZMj1wAD63p3ukSC2S3fJKKVUW00w+BLNBYRnw\nNGbE7QWt9VFHB+kI0vJKOMqZM5A/v9VReKbffzddJr76yupI3J/WOuH1bdeuQZkypqvAsmVSQMtb\nfPKJaQC6datXNIm+fNm0lk2NnNXyKtkjblrr/UBJYBOwFDN1ugio6K5JmxCO5AlJ29JDSzlw8YDV\nYTzi5EnYtQvu3rU6EveX6KaE/v3N7o/x4yVp8yaDBkH58qYZfYwfFK01UbYoCwNLvs2bzeflnj1W\nR+Jd7KrjprW+rrX+QmvdVmvdSGv9kdb6nKODE55h61azoU24h0nBk3hl3iuUHV+WsX+OtTqcWDp3\nhpUrH0yJnjxpbTwea+1a00R+5EjTy1N4Dz8/M2V69Ch8/DFgkrZ2C9rx8bqPLQ4ueSpXNjvKixe3\nOhLvkuzETSlVLp7bM0qpEkopL2iQJ5IqPBzatjVLbLzZlCme8a3xjxN/8Navb9HTvydzWs2hcYnG\nVof0iPv13HbvNh/oa9ZYG4/HuX3bLLSsVQu6drU6GuEMZcvCp5/C//0fbN6MUopKj1fiy01fsuaY\n5/zA+PnB22+b3eXCcexZ42bDFN4FuD8+H/NBIjA13Xpord1mQkTWuDnPP/9AsWLg62t1JM4RGQkV\nK5qdUh9+aHU08TseepznJj1H+XzlWfnaSvx83bspt80Gs2ebKhZpPLNklTX69jXVsPfulaEMbxYV\nBdWrm0Viu3djy5iBhrMbsuf8Hvb03EPezHmtjlAkwm3WuAEtMDXbugPlgQrRfz4MvAq8gdm0INti\nUokSJbwrabt3Dw4dMp+bYJKKkBDo58Y9QW7eu0mzuc3Inj4789vMT3LStuXfLUREWVPbxMcHOnSQ\npC1Ztm41ZT8++0ySNm/n6/ugPcvAgfgoH2a+MhOlFK8vfh2btlkdYbJEREinGUexJ3H7EOijtZ6i\ntd6ntd6rtZ4C9AX6aa1nA+9gEjwh3NqcObB6dexja9dC6dJw9uyDY35+7l2qovPSzpy8dpJlAcvI\nmSFnkq65HHaZmtNrUnh0YT7941PO3zrv5ChFity7B2+8Ac8+K/1IU4uSJeHLL+Hbb+H338mbOS+z\nWsxi7bG1DN803OrokiUgwNxEytmTuD0DxLWk+GT0fQC7gcftDUp4pnv34P33Yf362MevXTPF3V0l\nPBxu3Ih9bNMmqFbNLA+KaeJE+OWX2MeqVjX/Bk/awv7ms28yr/U8yuQpk+RrcmfMTUj3EJqVasZX\nm7+i0DeFeH3R6/x5+k8nRiricvTqUUZtGcXt8Nvxn/TFF6aA4NSpMkyZmrzzjmlG37kz3LhBnWJ1\nGFRjEB+v+5jNpzZbHV2SDRwI331ndRTewZ7E7RAwUCmV9v4BpZQfMDD6PoD8wIWUhyc8SZo0sGUL\n3LoV+/gXX0CNGo+enzWr+R0U008/mWUdD3vnHViwIPaxgwdNyaP77bfuq1jRtFmKKUsWM7P08Lnr\n1j1acD5HDvM56UntvOoUq0PDEg2Tfd0zeZ9hQpMJnO57muEvD2fr6a1UmVKFypMqM2vvLCdEKuIy\ndddUPtvwGT4qno/kPXvMyMugQWbhukg9fHxg2jS4evW/9RpDaw2lasGq9FvVj+SuU7fKs89KRzZH\nsedrWy9M0d3TSqm9mI0J5QBfoEn0OcWA7x0SofAYvr5mmvHhdlBvvAFNmsQ+prVZpvNwfcl8+cwP\n+MMuXXo0ITx6VDPm+zscKdWPOk89T/0n6/N4lsf5+mvzODGVLw8zZz76uFL+ysiRIQf/q/o/+jzf\nh5VHVjJu+ziCDgTxernXrQ7N60XZopi5dyYBZQPI4BfHt4XISPND9NRTJnETqU/RoqauRo8e0LIl\naRo2ZG6rufj5+iVe7094nWTvKgVQSmUGXscU4lWYkbaftNY3HRue48iuUu9y/tZ53lr+FosPLaZ4\nzuIcvXoUjaZCvgrMajGLpx972uoQPV5EVITb70z1BquPrqberHpse2Mbzxd4/tETRowwPea2bjWF\nsUTqpDU0bAj79sH+/WZqwEPt32/WEXvTpra4OGtXqV0LJbTWt4AJjgpCiORYemgpnZd2xs/Xj/lt\n5tO6TGsu3b7EqqOrWHl0JQWySkFSR5CkzTWm75nOU7mfonL+OJKyv/+GIUPg3XclaUvtlILJk81U\nee/e8OOPVkdklyNHoFw502K3dWuro/FMdq9wVUqVAQoBaWMe11ovS2lQQiQkV8ZcNCrRiNENRpM7\no9lBkCdTHl4r9xqvlXst0ev/ufIPhbMXJq1v2kTPFfG7F3mPdGmk3nZKXL97nUV/LeKTWp88OuVl\ns5kCu088YdYVCFGggKl2HhgILVtCC88r3lC8OKxYAbVrWx2J50p24qaUKgYsxuwg1TxahNfLBz+F\n1aoXqk71QnHsYEgCrTX1ZtXjcthl6hStQ4PiDWhYvCGFsxd2cJTOMSl4EjWL1KRkrpKWxnHk6hFq\nTa/FqHqjaFe2naWxeLJ5B+YRHhUe91rCiRNh40b4/XfImNH1wQn31KEDLFxo1rtVrw558lgdUbLV\nr291BJ7Nnl2lY4DjQF4gDHgaeBHYCdRyWGRCOMmitosYVH0QV+9c5e1f36bImCKU/q40//vtf6w+\nupq7kW7T8COWpYeW0v2X7sw/MN/qUMiXOR8vFn6R9gvb02t5L+5F3rM6JI80ffd06j9ZnyeyPBH7\njlOn4L33oHt3eOkla4IT7kkpk9TbbPDmm2btm0hV7Gl5dRmorbXeq5S6DlTWWh9WStUGRmmtKzoj\n0JSSzQkiLtfuXmPtsbWsOLKClUdWcubmGTZ32Uy1gtWsDi2WfRf2UXVKVRoUb0BQm6D4y0a4kNaa\nCTsn8O5v71Iubznmt5lPkexFrA7LY2itWXxoMXky5qFG4Rox74DGjU0JkIMHIVs264IU7isoCNq1\nMzWUYlS2/WnfT1TIVyFZNR2tcuuW6VITVyUBb+CszQn2JG6h0UEcU0odBbpqrdcppZ4E9mmt3XJM\nXxI3z/HPlX/Yd3EfLUu3dOnzaq3Zf3E/pfOUJo2P+xQ4vXT7EpUnVyZbumxs7rKZTGndq2Nz8Nlg\n2sxvQ+jdUGa+MpOmpZpaHZJnmzXLTIctWwZN5bUUCWjfHlatggMH4PHHCY8Kp8KECvj6+LK96/a4\ny8u4kXfeMW/zY8e8c4epO/Uq3Y+p2wbwJ/CeUuoF4GPgmKMCE6lPlC2KUVtGUW5COYauH0qULcql\nz6+U4pm8zySatLkyrvCocFoFtSIsIoxlAcvcLmkD8H/Cn+DuwdQsXJNmc5vx/ur3XVIUdOu/W2n8\nU2NKjivJ2mNrnf58LnHhgmlnFRAgSZtI3HffQdq00K0baE1a37QEtQniyNUj9P2tr9XRJeqDD8wy\nTm9M2pzJnsTt8xjXfQwUBTYCjYDeDopLpDIHLx3khakvMGD1AHr692TrG1vx9XG/n+YrYVcoMa4E\nwzcN5+Y955Yt1Frz9q9vs+30Nha1XUShbIWc+nwpkSNDDha3W8z/1f0/7kbedWpR0E2nNlHvx3pU\nm1qNE9dOUKNQDbd+bZKld2+zhunhdh5CxCVXLvjhB1i+HKZPB6DsY2UZ02AME4MnusV62IQ88QQU\n8pIfXZfSWqf4BuQketrVXW9AJUAHBwdr4T7CI8P1sA3DdNrP0upS40rpzac2Wx1Sgi7euqjf/OVN\n7fepn871VS49fONwffPeTac817z98zRD0dN2TXPK43ua9cfX65emv6QZii77fVkdtD9IR9mirA7L\ncRYv1hq0nj3b6kiEpwkM1DpLFq1PntRaa22z2XTb+W111i+z6qNXj1obWyoWHBysMRU3KmkH5jPJ\nWuOmlEoD3AUqaK33OzyLdCJZ4+Z+9l3YR6elndh9fjcDqg1gaK2hpE+T3uqwkuTU9VMM3zScySGT\nyZouKwOqDaBX5V5kTpvZYc8RHhXOssPLaF1GqlTO2juLDos7UD5veT6u+TGvPPVKsjZovP3r2xTM\nWpC2T7elaI6iTozUTqGhUKaMWaW9bJn0YhPJc+2aKcxburRZ86YU1+9ep9IPlciVIRebumxy+7qV\nv/9uCvPmzm11JI7jFmvctNaRwCmkVptwgIu3LxIRFcG2N7Yx/OXhHpO0ARTKVojvG3/Pkd5HaFOm\nDYPXDabomKLM3jvbYc+R1jetJG3RWjzVgqXtl7Krxy5alm6ZrKTNpm1cvXOVT/74hGJji/H85Of5\nZus3nL5x2okRJ1P//hAWBuPHS9Imki97dpg6FdasgQmmqVG29NmY22ouu8/vZtBa9+5xe+0aNG9u\n9uWIxNmzq/QNoCXQQWt91SlROYGMuLmnKFuUW65lS65T10/x5cYvaVqqKY1KNLI6HLdl0zbLSpnc\nCr/Fz4d/Zt6Beaw4soLwqHCqF6pO+6fb07F8R7Kky+KSOB55Ddasgbp1TW2u7t1dEoPwUj17mlZY\ne/fCk08CMGHnBPJkzEOrMq0sDi5hhw9DyZLe9b3FncqB7AKKA37ASeB2zPu11m6ZFUniJoS1omxR\nNP6pMfWerEffKn1jbWDQWjt1Q8PDrt+9zpJDS5h3YB7rT6zn377/kitjLqc/71+X/qLuj3VZ+fpK\nyj5WFm7fNlNcRYrA2rXgY319PuHBbt6E8uVNa6x162S7psXcqcn8Ekc9uRAi9dBoyuUtR79V/dh4\naiPTmk8jW7psLDu8jE83fMq4huNcVvg4W/psBFYIJLBCILfCbzl0bWJCZuyZQVhEGCVyljAHPvzQ\nlABZvVqSNpFyWbLAtGlQq5bZmfy//1kdkXCCZCduWutPnBGI8D5hEWHsPr/b7boQWCUiKoLJIZMJ\nrBBIRj+3rFPtVGl80jCi7giqF6pO4JJA/H/wJ2u6rOw+v5taRWqRzteahvVJSdqqTalG4eyFqVO0\nDrWL1qZYjmLJfp5IWyQz98zk1WdeJV2adLB1q2kYPnKk6bwthCPUrGlqAQ4aBA0bmg0LHuTiRTNY\n2E5aIMfLrq94SqnsSqmuSqkvlVI5o49VUkrld2x4wlOtP7GecuPL0WJeC+5E3LE6HLfw55k/6b2y\nN0XHFOXrrV8TFhEGwOZTm3l/9fsuLzhslWalmhHSPYSi2YvyWKbH+KPTH6wLXIf/E/5WhxaniKgI\nahWpxbHQY/T4pQdPjn2SomOK0nVZV37a9xPnb51P0uOsPrqac7fO0blCZ7h3D954w+wi7dPHyf8C\nkeoMGwaFC0NgIERGWh1Nsvz0E7z1Fty4YXUk7sueNW7lgDXAdaAIUEqb9lefA4W01h0dHqUDyBo3\n17h57yYD1wzk+53fU6NQDaY0m0KJXCWsDsttHAs9xrCNw5i+ezq5M+am9/O9GfPnGJ7K/RSrO6x2\n+y37qd21u9fYcHIDa4+tZe3xtRy4dACAnd12Jpp4tlvQjoOXDrK3517Uxx/DV19BSIhZ4yaEo23b\nBi+8AJ99ZkbfPMTdu2bpZy7nLzl1OnfanLAGCNFav6eUugmUj07cqgE/aa2LOCo4R5LEzfm01tSe\nWZsdZ3Yw/OXhvPXcW27RDN0dxUzgCmYryI5uO8id0YsKGKUS52+dZ93xdbQu0xo/X794z7t65yqP\nj3qcYbWH0S/Ty2ak7cMPYehQ1wUrUp8PPoBRo2DnTlMkLYaLty+SO2Nu+Yx2IndK3K5jqgAffShx\nKwwc1lq7ZTEuSdycb/6B+bRd0JaVr62kfvH6VofjEf69/i9pfdOSN3Neq0MRTvTC1BfY8u8Wzvc5\nTd46zcxUaUiI6TMphLPcu2e+JPj6wvbt/73frt29RqlvS9G/an8GvDDA4iC9l1sU4I12D8gax/GS\nwKWUhSM81Z2IOwxYPYAmJZtI0pYMBbMVlKQtpSIiHHOLct4awxI5S/D+C++T94fZsHu3KZYqSZtw\ntnTpYMYMOHAAPv/8v8PZ02enU/lODPp9ENtOb7MwwPjZbDB/vvlxEbHZUw5kGfCxUqpt9N+1UqoQ\n8BWw0GGRCY+y7fQ2rty5wqh6o6wORaQWWptVzNGV4lNMKciTBx5/PPFb+uRNLEx/ZTr8/Tc0LQ/v\nvguVKzsmZiESU6kSfPSRWevWtCk89xwAn9f+nA2nNhCwMIBdPXaRPX12iwONTWsYMgTatIEKFayO\nxr3YM1WaDVgAPAtkAc4C+YCtQCOt9e0ELreMTJU63/W718mWPpvVYYjUYvBgM4rwySdmB11K3bsH\n58/DuXOxb+fPmxG5mLJnT1qClyWLSQhtNlNb68wZ2LcPMqa+cjDCQhERUKUK3Lljpuijv3icuHaC\nihMrUqdoHea3me/SIthJcf06ZPPgXyluU4BXa30dqKuUqg6UAzJjNiuscVRQwjNJ0iZcZsIEk7SN\nGAEDnLxGx2aDq1cfTeju306eNDv4zp0z/UZjypjxQQK3e7fppC1Jm3A1Pz8zZervb77wjBwJQJHs\nRZjSbAqtgloxYecE3nzuTYsDjc2TkzZnSnbippQqqLX+V2u9CdjkhJiEECJ+S5dCr17Qu7dpzu5s\nPj6QO7e5PfNM/OdpbVoOxZfgde0KL73k/HiFiEvZsvDpp2an6SuvmFIhQMvSLXnr2bfo+1tfqhWs\nRvl85S0OVCTGnjVuJ5RSG4FZwAKt9TUHxySEEHHbuhXat4eWLeHrr92rI7VSkDWruZUqZXU0Qjyq\nf39YsgQ6dTIjwJkyATCq/ig2/7uZufvnumXiduKE6eQ1dKh7/chbxZ5dpc8BO4AhwHml1GKlVCul\nlDX9aoQQqcPhw9CkiVlc/eOP0kBbiOTy9TVTpmfOwMCB/x1OnyY96zutZ1idYRYGF79jx+CHH+DU\nKasjcQ/JTty01iFa6wFAIaAhcBmYBFxQSk11cHxCCGGmGhs0MOvFli5N9q5OIUS0kiVh+HD49luz\n5jJa9vTZ3W5zwn21a8Px447Zg+QN7C6ZrI11WutuwMvAcSDQYZEJt3b1zlWrQxCpxY0b0KiR2Rm3\nYgXkyGF1REJ4trffNrucO3f2mKag8l3tAbsTN6VUQaXUe0qp3Zip09vA2yl4vF5KqeNKqTtKqW1K\nqeeSeF17pZRNKbXI3ucWyfPv9X8pMroIi/6Sl1w4WXg4tGplvm6vWAEFC1odkRCez8fHFIG+ehX6\n9bM6GpFMyU7clFLdlVJ/8GCELQh4UmtdXWs93p4glFLtgFGYdXMVgT3Ab0qpBJs3RrfZGglssOd5\nhX0Grh1IBr8MvFzsZatDEd7MZoMuXWDDBrOgOqEdnUKI5Cla1PQxnTzZfCnyEBMmmI4KqZk9I26D\nge3As1rrp7XWw7TWJ1IYR19gotZ6ptb6ENATCAO6xHeBUsoHs7P1Y0wSKVxg679b+WnfT3xR+wuy\npour85kQDjJoEMyebTYi1KpldTRCeJ9u3aB+fVOqJjTU6miSZP162LHD6iisZU/iVkhrPUBr/UgH\nMaVU2eQ+mFLKD/AH1t4/pk07hzVA1QQuHQJc1FpPS+5zCvvYtI0+K/tQIV8FOlfobHU4wpuNGwdf\nfQXffANt2yZ+vhAi+ZQyI263b5u6iA8JvRNK4JJATlw74frY4jF7tqm7nZrZs6s0Vo8spVSW6OnT\n7ZgpzuTKDfgCFx46fgHTSusRSqkXgM5AVzueT9hp1t5Z7Di7gzENxuDrI6UYhJMsXAh9+pi1N+++\na3U0Qni3AgVg7FiYNQsWL451l1KKP078QcDCACKiIuJ5ANeSKkAp25zwolJqOnAO6A/8DlRxUFwA\nCnikkapSKjPwI9BNa+0ZY7te4Fb4LQauGUjrMq15sfCLVocjEnPnjqnk72k2boTXXjNFdlP712oh\nXKVDB2jeHHr0gEuX/jucPX125raey86zOxm8brCFAYqYktU5QSn1OGZDwhtAVszGhHTAK1rrg3bG\ncBmIAvI+dPwxHh2FA3gSKAz8rB4UnfGJji8cKKW1jnfNW9++fcn2UAO0gIAAAgIC7Is+lRi+aThX\n71xlZN2RVociYoqIgL//No3L9+41t337TKXKypXhvfdMextP+Jp68CA0a2Za8UybZna+CSGcTymY\nOBGefhrefNOs/o/+9VqlQBW+qP0F7695n5eKvET94vUtDtY4ehQ++siEndUNllvPmTOHOXPmxDp2\n/fp1pzyX0kn8Vq6UWgbUBJYDs4GVWusopVQEUD4FiRtKqW3An1rrPtF/V8ApYKzWeuRD56YFij/0\nEF9gmt33Bv7RWkfG8RyVgODg4GAqVapkb6ip1oGLBwg5F0KH8h2sDiV10hrOn3+QmN1P0v76y5TM\nAMifH8qVM7svixaFoCBYtw6KFzfTjoGBkCGDtf+O+Jw+DdWqmRptGzZId2khrBAUBO3awU8/QYzB\nDJu20Wh2I0LOhbCn5x4ez/K4hUEap0+bRio//ui+G85DQkLw9/cH8NdahzjqcZOTuEUCY4HxWut/\nYhx3ROLWFpgB9MDsWO0LtAae0lpfUkrNBE5rrQfFc/00IJvWumUCzyGJm/AMYWFw4EDsJG3fPrh8\n2dyfKZNpGF2u3INE7ZlnIGfORx9r504YORIWLIBcucwC5Lfeivtcq1y7BjVqmEKgW7fCE09YHZEQ\nqVf79rBqlfkMevxBgnbx9kUqTKhA6TylWfX6KrdY56y1e/cudVbilpyp0hqY8hw7lVKHMOvM5jki\nCK11UHTNtk8xU6a7gfpa6/uT7QWAR0bRhPB4V66YEaaYSdqRIw8+kUqUMEnZO+/EHk1L6jTis8/C\nvHlmXuHrr+GLL+DLL832/759oUgRp/7zEnXvHrRoYXonbt4sSZsQVvvuOzNl2q0b/Pzzf5nRY5ke\nY1bLWbw882W+2fYN/av1tzhQ907anCnJI27/XaBURqA9JomrjNkR+j9gqtb6psMjdBAZcRNuZ80a\nMx1x+TLkzv0gMbs/klamDGTM6NjnvHTJ9Cj89lu4ft1MiwwYABUqOPZ5ksJmg1dfNcV116yB6tVd\nH4MQ4lHLlpnNClOnmrZYMczeO5u6T9blsUyPWRSc57B8qjTOi5Uqhdmo0AHIDqzWWjdzUGwOJYmb\ncBs2mxn5GjIE6taFSZNMKydXfn28fdtsABg1Ck6cMHG89x7UqeP8OM6cMbtH58835QcWLICW8a5y\nEEJYoVMnWLQI9u+HQoWsjiZBY8aYyYtPP7U6kticlbilaNuW1vqw1vo9zFSmbMsUIjFXrpgVtUOG\nwMcfw6+/mg9FV4/5Z8pkGk3/8w/MmWNG/erWBX9/mDsXIh20MkFr8xxTpphfBE8+aepGBQSYNTTT\npknSJoQ7Gj3abBJ64w23Ly0UHm5WXaQWKRpx8yQy4iYst2MHtG5tRrtmzzatZtyF1rB2ramdtnq1\nWfvWr5+ZJsmUKemPExVlvqFv2GBG1TZuNLthfXygfHl48UWzEaF6dcj7cAUgIYRbWbXKfE59/70p\nEyKSxS1H3IR3OhZ6jPdXv8+t8FtWh+IdtIbx402yki8fhIS4V9IGZsTv5ZfNB3VIiCnN8e67ZjRw\nyJBYRTljCQ83O0G/+sqMJObKZdbL9esHZ8+axO/XX+HqVfO4o0dDq1aStAnhCerVM0V5+/c3G5yE\nW5ARN/GIVkGt+PP0nxx++zCZ0iZjtEU86vZt88E3ezb06mXWlKVLZ3VUSXPihOkVOnmyWZfXpYsp\nJXL+/IMRtW3bTJeGTJlMslejhhlVq1zZfWvGCSGS7uZNM1peoICpC+kJxbzdhIy4CZdYf2I9i/5a\nxFcvfyVJW0odOmQSmCVLTEHLb7/1nKQNzHTpmDGmC8OHH5rNBGXLmpG5b7+FLFngs89g+3YIDTWj\ndYMHQ82akrQJ4S2yZDFrUTduNJ8H8dh0ahNWDwSdOmUarxw4YGkYTieJm/hPlC2Kd1e+S5UCVXj1\nmVetDsezBQXBc8+ZadLt22NVIfc4uXKZ3jInT8LSpabe3KVL5s/9+pl/p5+f1VEKIZylZk2zdGLQ\nINOt5SHbz2ynxrQaTNk1xYLgHsiXz5SC9PaNCpK4if9M2TWFPRf2MKbBGFRqrWyYUuHh0KePqY/W\npIlJ2sqUsToqx8iQwfQSLVtW+ogKkdoMGwaFC5vWeQ/tOq+cvzLdKnWj94reHLho3XBX2rRmYsDb\nV0PJp68A4Prd63z0+0d0KNeByvkrWx2OZzp9GmrVMhsRxo0z06OZM1sdlRBCpFyGDDBjBgQHm93n\nDxndYDTFchSj7YK2hEWEWRBg6iGJmwDgsw2fcTviNl/W+dLqUDzT6tVQsaJJ3jZuNDXSZNRSCOFN\nqlQxhbqHDjXt+WLI6JeRoDZBHA89Tp8VfayJ7yE2m9UROIckboIoWxQ7z+7kg+ofkD9rfqvD8Sw2\nm1mgX7++GZ8PCYHnn7c6KiGEcI6hQ6FUKejY0SwNiaFMnjJ82+hbJu+azJx9c6yJL9ro0dC4sdvX\nDrZLcprMCy/l6+PLusB1RNocN8P+uAAAIABJREFUVC0/tbhyBV5/HX77zXRBGDxYtsoLIbxbunRm\nyvT55+Hzzx/pM9W5QmfWHl9L91+681z+5yies7glYT71FNy6Zb5be9vHsiRuAgClFH6+sjMwybZv\nhzZtTJ22FSvcr6CuEEI4S6VKZqf5Z59B06ZmZ3k0pRQTGk/gnyv/cDz0uGWJW4MG5uaNZKpUiOTQ\n2rR/qV4dHn/cPbsgCCGEsw0aZArzBgbC3bux7sqSLgt/dv2Tuk/WtSg47yaJmxBJdfs2dOhgOiD0\n6GG6BxQqZHVUQgjhen5+MHOmaYU1ePAjd7tTSanISO/aqCCJmxBJEbMLwpw5ptxH2rRWRyWEENZ5\n+mmzxm3UKNi82epo4nTtmglzwQKrI3EcSdyESMj58zBx4oMuCDt2QPv2VkclhBDuoX9/s1GhUycz\nK+FmsmeH114zmxW8hSRuqdD5W+e5E3HH6jDc08WLpl3VW29B6dJmHVvPntC8udmQULq01REKIYT7\n8PU1u0zPnIGBA62OJk4ffwzlylkdhePIrtJUqMvSLtyNvMvvgb879oFv3YK+fU0vyzJlYt8KFXLP\nNkmXLsEff8D69bBuHRw8aI6XKmW6IAwdavr05ctnYZBCCOHGSpaE4cNNu78WLaB27XhPtWkbPsoN\nfxd4EEncUpkV/6xgxZEVLGq7yLEPfPgwtGxpGpE3bw7795uRq/tD5xkzmtGq+4nc00+b/xYp4toi\nO1euxE7U9u83x0uUMInaRx+ZRO2JJ1wXkxBCeLq334bFi6FzZ/PlPWvWR07Z+u9WevzSg9UdVpM3\nc14LgjTjC57eiVASt1QkIiqC/636H7WK1OKVp15x3AMvXmy2hOfPb9aA3Z9OtNlMC6iDB2Pfli6F\nGzfMOenTm8UHD4/QPfkkpHHA2zM0NHaidr9NS7Fi8NJL8P77JmErUCDlzyWEEKmVjw9MnWrmJPv1\ng0mTHjmlaI6iXLh9gY5LOrLitRUuH3mbMAG++AL+/tu0XvVUkrilIt/v+J6/r/zN3FZzHbNVOzIS\nPvzQNBxu3dr80GbJ8uB+Hx8zRVqoUOxKiFrD2bOPJnQrVphEC8yOzZIlHx2hK1484d2c166ZMh33\nE7U9e8zzFSliErV+/UyiJmU8hBDCsYoWNTtMe/QwMzANG8a6O1/mfMxqMYv6s+ozYvMIBlZ37Zq4\nutFl5Ty9k4LS3tjIKw5KqUpAcHBwMJUqVbI6HJe7HHaZEuNK0LZMWyY2nZjyB7x40eyu3LDBJG59\n+6a8qbrW5nHvJ3IHDjz486VL5pw0acy0ZszRuYwZTRzr1sGuXeZxChY0idpLL5lErUiRlP6LhRBC\nJEZrk7Dt22eWouTI8cgpg9YOYsTmEWzovIFqBatZEKRrhISE4O/vD+CvtQ5x1ONK4pZK9Frei1n7\nZvHPO//wWKbHUvZg27aZEbbISJg3z6wJc7ZLl+Cvvx4dpTt3ztyfP3/sRK1o0ZQnkkIIIZLv9Gko\nW9a0w/rxx0fujrRFUnN6TU7fOM2uHrvImSGnBUE6n7MSN5kqTQUOXT7EhOAJfPXyVylL2u63e+rb\n19Q1mz/fdYv48+QxtxdfjH08NNSslytUSBI1IYRwBwUKwNixZu1zy5Zmp2kMaXzSMKfVHCpMqMAb\ny95gUdtFLu+0EBZmlmF74kYF2ZObCpTIWYJpzafR+/ne9j9IWBh07Gh2Dr35ppmWdIedlzlyQOHC\nkrQJIYQ76dDBVBjo0ePBUpcYCmUrxNTmU1lyaAkrj6x0aWiRkabN6pdfuvRpHUYSt1TA18eXjuU7\nktbXzhZNR45AlSqwaBH89BOMGSPtnoQQQsRPKdN1xmYzX/bjWJb1ylOvsKXLFhoUbxDHAzhPmjQm\naXvjDZc+rcNI4iYStmwZPPss3L0Lf/4JAQFWRySEEMIT5M0L48fDwoUwd26cp1QtWNWShvStW5uq\nUJ5IEjcRt6goU4y2eXOz4H/HDrPYVAghhEiqNm2gXTvo1evBZjKRIpK4iUddvmy2c3/5pWljsmgR\nZMtmdVRCCCE80XffmeU13brFOWVqtePHrY4geSRxE7Ft3w6VKsHu3bB6teksIAv/hRBC2CtXLvjh\nB1i+HKZPtzqaWIKCTK33kyetjiTpJHEThtbmB6tGDbNbNDg4wUbBQgghRJI1a2bKg/TpA6dOWR3N\nf5o0McvvCha0OpKkk8TNy2it6f5zd9afWJ/0i+7cgS5dzLbtrl1Nb09PehcLIYRwf6NHm2U3b7xh\ndpvG4+qdq0wKfrTXqTNkzAitWpkOjZ7Cg0IVSbHk0BImhUwiLCIsaRccOwbVqpkOCDNnmrUI6dI5\nN0ghhBCpT/bsMGUKrFljOr7H4+fDP9P9l+7MPzDfhcF5DkncvMi9yHv0X92fBsUb0KhEo8Qv+PVX\n8Pc3nQe2bjUFE4UQQghnqVcPevaEAQPg6NE4T+lYviNtyrSh689dORZ6zGWhXbniGWvdJHHzIqO3\njebktZN8Xe/rhE+MioIhQ6BxY6heHXbuNGWkhRBCCGcbOdLUeOvc2fw+eohSiklNJ5ErQy7aL2hP\neFS4S8Jq0AD69XPJU6WIJG5e4vyt83y+8XN6PdeL0nlKx3/i1atmNeZnn8Hnn8PSpaZtlBBCCOEK\nmTPDtGmwcaPpxBOHbOmzMbf1XHad38WgtYNcEtaECaYdt7uTxM0LRNoi6bi4I+l80zGk1pD4TwwJ\nMVOj27fDypXw4YeetSJTCCGEd6hZE959FwYNgr/+ivOUyvkrM7zOcEZtHcXyv5c7PSR/f3jsMac/\nTYrJb20v0GdFH9adWEdQmyByZsgZ90lTp5pNCLlzmwSuXj3XBimEEELENGwYFC5syoRERsZ5St+q\nfWlUohGBSwI5c+OMiwN0T5K4eYEK+SowvvF4aheNo+7a3bvQvbvZfh0YaIamCxd2fZBCCCFETBky\nwIwZpm7oiBFxnuKjfJjxygwal2yMn6+fS8LSGn7/3S2bPACQxuoARMp18+8W9x0nT5oCNfv3my3Y\nXbq4NjAhhBAiIVWqwHvvwdChZv11uXKPnJI7Y25mvDLDZSFt2warVpm9e2nTuuxpk0xG3LzVb7+Z\n1lVXrsCWLZK0CSGEcE9Dh0KpUtCxI4S7ZgdpQqpWNW263TFpA0ncvI/NZnaLNmwIlSubIehKlayO\nSgghhIhbunSmAPyBA+b3l0iQJG7eJDQUmjeHjz82t+XLIWc8mxWEEEIId1GxInz0kdmwsGOH1dG4\nNUncvMXBg/Dss7B5M/zyixl6llIfQgghPMWgQaYYfGCg2Vgn4iS/2T3IvP3zuBJ25dE7DhyAWrUg\nUyYzNdooCe2uhBBCCHfi52emTI8ehcGDk3RJ6J1QJwflftwmcVNK9VJKHVdK3VFKbVNKPZfAuS2U\nUjuUUqFKqVtKqV1KqdddGa+rLTm0hICFAUzfPT32HQcPQu3a8MQTsG4dFC1qSXxCCCFEij39tOns\nM2qUmUFKwMjNI6n0QyWu3b3mouDcg1skbkqpdsAoYAhQEdgD/KaUyh3PJVeAz4EqwDPANGCaUqqu\nC8J1uV3ndvHaotdoVaYVfav2fXDHX3+ZpC1vXlizBnLlsi5IIYQQwhH69TNlQjp1gtu34z2tzdNt\nCL0TSrefu6HdteiaE7hF4gb0BSZqrWdqrQ8BPYEwIM4aFlrrDVrrpVrrw1rr41rrscBeoLrrQnaN\nczfP0WxuM0rnLs2MV2bgo6L/lx0+bJK2PHlg7VrTEUEIIYTwdL6+MH06nDkDAwfGe1qR7EWY0mwK\nCw4uYGLwRNfFZzHLEzellB/gD6y9f0yb1HkNUDWJj1EHKAn84YwYrXIn4g7N5zbHpm0sbb+UjH4Z\nzR1//w0vvWRG2NauNcmbEEII4S1KljTF1L791rQxiEerMq1489k3eXflu+y9sNeFAVrH8sQNyA34\nAhceOn4ByBffRUqprEqpm0qpcOBn4B2tdfz/dz2MTdvotLQT+y/uZ1n7ZeTPmt/c8c8/JmnLnt0k\nbZ7QEVcIIYRIrrffNhvvOneGGzfiPe3r+l9TKncp2i1ox+3w+KdWvYU7JG7xUUBCk9Y3gfLAs8CH\nwDdKqRddEZgrjP1zLEEHgpjVchb+T/ibg0eOmKQta1bzDSRvXmuDFEIIIZzFxwemToWrV826t3ik\nT5Oeea3ncer6Kd5e8bYLA7SGO/QqvQxEAQ9nIY/x6Cjcf6KnU49F/3WvUqoM8AGwIaEn69u3L9my\nZYt1LCAggICAgGSG7Vwdy3ckb6a8tCzd0hw4etQkbZkzm6QtX7yDkUIIIYR3KFrU7DDt0QNatIi3\n3NVTuZ/i+0bf02dlHz6t9SkFsxV0aZhz5sxhzpw5sY5dv37dKc+l3GEnhlJqG/Cn1rpP9N8VcAoY\nq7UemcTHmAIU1VrXjuf+SkBwcHAwlTytBdSxY2a4OEMGWL8eHn/c6oiEEEII19DatHHctw/274cc\nOeI99dLtS+TJ5B7rvkNCQvD39wfw11qHOOpx3WWq9Gugu1Kqo1LqKWACkBGYDqCUmqmUGnb/ZKXU\nQKXUy0qpokqpp5RS/YDXgR8tiN25jh83I23p05s6bZK0CSGESE2UgsmTTWmQ3r0TPNVdkjZncoep\nUrTWQdE12z7FTJnuBuprrS9Fn1IAiIxxSSbgu+jjd4BDwGta6wWui9oFTpwwSVvatCZpe+IJqyMS\nQgghXK9AARg71rTDatnSTJumUm4xVeoKHjdVevKkmR719TXTowUKWB2REEIIYR2tTcK2ZYtp9ejm\npbC8fapUxHTqlBlp8/ExI22StAkhhEjtlIKJE8FmgzffNIlcKiSJm8Wm7prKxJ0xKj7/+69J2sAk\nbQVduzNGCCGEcFt588L48bBwIcyda3U0lpDEzULrT6ynxy892HV+lzlw+rRJ2mw2k7QVKmRtgEII\nIYS7adMG2rWDXr3g3LlET195ZCXDNw13QWCuIYmbRY5cPUKroFbULFyTcQ3HmZ5sL70EEREmaStc\n2OoQhRBCCPf03Xdm4163bolOme45v4cP1n7AqqOrXBScc0niZoFrd6/RdE5TcmfMzfw28/G7cMkk\nbffumY0IRYpYHaIQQgjhvnLlgkmTYPly05A+AQNeGED9J+vTYXEHzt8675r4nEgSNxeLtEXSdn5b\nLty6wC8Bv5Dj2l2oXRvu3DFJW9GiVocohBBCuL+mTU15kD59zKa+ePgoH2a2mImP8uH1Ra8TZYty\nYZCOJ4mbi/VZ0Yd1J9axqN0iSkRkMUnbrVtmerRYMavDE0IIITzH6NGQLRu88YZZHx6PxzI9xqwW\ns/j9+O8ev95NEjcX2n1+N+N3jmd84/HUylDaJG03bpikrXhxq8MTQgghPEv27DBlCqxZAxMmJHhq\nnWJ1+LDGh3y8/mM2ndrkogAdTxI3F6qQrwL739pP1wLNTNJ27ZpJ2kqUsDo0IYQQwjPVqwc9e8KA\nAXD0aIKnDqk1hBcKvkDAwgBu3LvhogAdSxI3FytDHpO0Xb1qkraSJa0OSQghhPBsI0eaGm+dO0NU\n/GvY0vik4adWP/FJrU/IkjaLCwN0HEncXOnSJahTBy5fNklbqVJWRySEEEJ4vsyZYdo02LQJxoxJ\n8NQCWQvQpWIXlFIuCs6xJHFzlcuX4eWX4cIFk7Q99ZTVEQkhhBDeo2ZNs8N00CD46y+ro3EaSdxc\n4coVk7SdO2eSttKlrY5ICCGE8D7DhpkC9oGBEBlpdTROIYmbk0Taot8wV6+apO3sWfj9dyhTxtrA\nhBBCCG+VIQPMmAHBwTBihNXROIUkbk6w5NAS/H/w58qZIyZpO30a1q6FsmWtDk0IIYTwblWqwHvv\nwdChsHev1dE4nCRuDrbr3C5eW/QaJbMUIUfzdqaa89q18MwzVocmhBBCpA5Dh5oNgB07Qnh4ki4J\nvRPK0asJlxNxB5K4OdDZm2dpOqcpZXKUYsbYf/E5fsIkbeXKWR2aEEIIkXqkSwczZ8KBA/D550m6\npMPiDjSb24ywiDAnB5cykrg5SFhEGM3nNgetWTpHk/GfEyZpK1/e6tCEEEKI1KdiRRg82GxY2LEj\n0dNH1B3B8dDj9FnRxwXB2U8SNwewaRudlnTi4MWDLPstJ0/sO2Hab1SoYHVoQgghROr1wQfmd3Fg\nINy9m+CpZfKUYVzDcUzeNZm5++e6KMDkk8TNAYauH8r8g/P5cUcBKu04bZK2SpWsDksIIYRI3fz8\nzC7To0fN6FsiulTsQkDZAL7a/BU2HX/TeiulsToATxceFc7qf1Yy7J9CtFx/AVavBn9/q8MSQggh\nBMDTT8Nnn8HAgfDKK/DCC/GeqpRiQpMJaK3xUe45tiWJWwqlDbvH+h/TkHZvKKxeA889Z3VIQggh\nhIipXz9YsgQ6dYLduyFTpnhPzZouq+visoN7ppOe4tYtaNyYdHv2o1athsqVrY5ICCGEEA/z9YXp\n0+HMGTPy5sEkcbPX7dvQuLHJ3H/7DZ5/3uqIhBBCCBGfkiVh+HD49lvTychDSeJmj9u3oUkTCAmB\nlSuhalWrIxJCCCFEYt5+G2rVgs6d4cYNq6OxiyRuyRUWBk2bmpowK1dCtWpWRySEEEKIpPDxgWnT\nTB/xfv2sjsYukrglw/GzB03Stn07rFiR4M4UIYQQQrihIkVg1CiYPBl+/dXqaJJNErckWn/4N0pN\nLMsvlzab/9E1algdkhBCCCHs0a0b1K9v/hsaanU0ySKJWxIcOXeAVj82peYpRf0xy+HFF60OSQgh\nhBD2UsqMuN2+Db17Wx1NskjilojQa+doMuZ58tyIJChgMX4v1bE6JCGEEEKkVIECMG4czJoFixdb\nHU2SSeKWgIiwW7T99Bkucpuf600jR71mVockhBBCCEd5/XVo3hx69IBLl6yOJkkkcYuHvnuX3gOe\nZn3mKyx67v8o0STQ6pCEEEII4UhKwcSJYLPBm2+C1lZHlChJ3OJy7x7jej3LhMdOMb7Eu9Rq5Zlb\nhoUQQgiRiLx5Yfx4WLgQ5s61OppESeL2sPBwaNuWvCGH+eCJdnTt8I3VEQkhhBDCmdq0gXbtoFcv\nOHfO6mgSJIlbTNFJGytX0m7YMoZ1c//MWwghhBAO8N13kDatKRHixlOmkrjdFxEB7dubwrqLF0PD\nhlZHJIQQQghXyZULJk2C5ctNQ3o3JYkbmKQtIAB++cXMcTdqZHVEQgghhHC1pk2hUyfo0wdOnbI6\nmjilsToAy0VEwKuvwrJlJmlr0sTqiIQQQghhldGj4fp1kx+4odSduEVGmhouS5bAggUm0xZCCCFE\n6pUtGyxaZHUU8Uq9U6WRkdChA2t2LeDc7AmmAJ8QQgghhBtLnYlbVBQEBhKyMYjmr/vxReZdVkck\nhBBCCJGo1DdVGhUFnTpxdvlcmg7IRpnHnmRE3RFWRyWEEEIIkajUl7gNHUrY2pU0+6QIyu8ey9ov\nI6NfRqujEkIIIYRIVKpL3GwrfiVw5PP8dW8fmzpu4vEsj1sdkhBCCCFEkqS6xG1C/1osuLWeRW0X\nUfHxilaHI4QQQgiRZKluc8KU6+v5ss6XtCjdwupQhBBCCCGSxW0SN6VUL6XUcaXUHaXUNqXUcwmc\n21UptUEpdTX6tjqh82MaUG0A77/wvuMC91Bz5syxOgS3Iq9HbPJ6xCavR2zyejwgr0Vs8no4n1sk\nbkqpdsAoYAhQEdgD/KaUyh3PJTWBn4BaQBXgX2CVUirRBWvtn2mPUsoRYXs0+eGKTV6P2OT1iE1e\nj9jk9XhAXovY5PVwPrdI3IC+wESt9Uyt9SGgJxAGdInrZK11B631BK31Xq3130BXzL+ljssiFkII\nIYRwMcsTN6WUH+APrL1/TGutgTVA1SQ+TCbAD7jq8ACFEEIIIdyE5YkbkBvwBS48dPwCkC+Jj/EV\ncAaT7AkhhBBCeCV3LgeiAJ3oSUoNBNoCNbXW4Qmcmh7gr7/+ckx0Hu769euEhIRYHYbbkNcjNnk9\nYpPXIzZ5PR6Q1yI2eT0eiJFvpHfk4yozK2md6KnSMKCV1npZjOPTgWxa63jrdiil+gODgDpa6wQb\njiqlXgVmOyRoIYQQQoikeU1r/ZOjHszyETetdYRSKhizsWAZgDLbPusAY+O7Tik1AJO01UssaYv2\nG/AacAK4m8KwhRBCCCESkh4ogsk/HMbyETcApVRbYAbQA9iO2WXaGnhKa31JKTUTOK21HhR9/nvA\np0AAsCXGQ93SWt92afBCCCGEEC5i+YgbgNY6KLpm26dAXmA3UF9rfSn6lAJAZIxL3sTsIl3w0EN9\nEv0YQgghhBBexy1G3IQQQgghROLcoRyIEEIIIYRIAknchBBCCCE8hFckbkqpIUop20O3g4lc00Yp\n9Vd0U/s9SqmGrorXmZL7WiilAqPPiYpxfpgrY3Y2pdQTSqkflVKXlVJh0f+/KyVyTS2lVLBS6q5S\n6m+lVKCr4nW25L4eSqmacbynopRSj7kybmdQSh2P499mU0qNS+Aar/zsgOS/Ht78+aGU8lFKfaaU\nOhb9c3JEKfVREq7zys8Oe14Pb/7sAFBKZVZKjVZKnYh+TTYppZ5N5JoUvz/cYnOCg+zHlBC530E+\nMr4TlVJVMU3q3weWA68CS5RSFbXWCSZ8HiLJr0W060DJGOd7zcJHpVR2YDOmpVp94DJQAghN4Joi\nwC/A95j3xsvAZKXUWa31aieH7FT2vB7RNOY9cvO/A1pfdFKYrvQspnPLfc8Aq4CguE5OBZ8dyXo9\nonnr58dATKWDjsBBzGszXSl1TWv9bVwXePNnB3a8HtG89bMDYApQBlNq7BzQAVijlCqttT738MmO\nen94xeYEpdQQoLnWOsFRlBjnzwUyaq2bxTi2FdiltX7LSWG6hB2vRSDwjdY6p3Mjs4ZSajhQVWtd\nMxnXfAU01FqXi3FsDqYgdCMnhOkydr4eNYHfgRxa6xtOC84NKKVGA4201iXjud9rPzvikoTXw2s/\nP5RSPwPntdbdYhxbAIRprTvGc403f3bY83p47WeHUio9JhltqrVeGeP4TuBXrfXHcVzjkPeHV0yV\nRiuhlDqjlDqqlJqllCqYwLlVebSv6W8kvam9u0vOawGQOXqo95RSaolSqoxLonSNpsBOpVSQUuqC\nUipEKdU1kWuq4L3vD3teDzCjKbuVUmeVUquUUtWcHKfLKdPF5TXMt+j4ePtnx3+S+HqA935+bAHq\nKKVKACilygMvAL8mcI03f3bY83qA9352pMGMTt976PgdoHo81zjk/eEtids2oBNm6qcnUBTYoJTK\nFM/5+UhZU3t3ltzX4jDQBWiG+ZD2AbYopfI7P1SXKIap+3cYqAdMAMYqpV5P4Jr43h9ZlVLpnBKl\n69jzepzDTJG0AloC/wLrlVIVnByrq7WA/2/v3oOtKss4jn9/oJWmgjY6UQkaTOJlFEcqL6PopEwy\n08VLI5V4y3HSJk0bLTRCnbykTsKoUw4omqKoZTE2WUpopUHMCIY3BINEAVEzQRDl9vTH+x5dLvbe\nZ58z57Dde/8+M3s4a613rfWu56zz7of1vu/e9CN9GHg1rdx2lNUTj1ZuP64G7gEWSFoPPAFMiIhp\nNfZp5bajO/Fo2bYjItYAs4BxkgbkMYAnk5KwAVV265H7oyXGuEVE8esknpY0B3iR9OXzU+o8TF1f\nav9h19VYRMRsUrIHvNft8xxwFjC+d2u7VfQB5kTEuLz8L0n7kpKXO7twnFYZv9PleETEQmBhYdVs\nSYNJ33DSEgOvszOAByPilS7u1xJtRwWdxqPF24+TSOOQRpPGdA0DJubxSHd04Tit0nZ0OR5t0Hac\nDNwKLCONJZ9LGgNb11ClrMv3R0skbmURsUrSQmBIlSKvkL6hoWg3tsyEm14dsSiX3yhpXr3lm8AK\n0htJ0XOk//1VU+3+WB0R63uwbo3QnXhUMofUTdISJA0kDRT+eidF26Lt6EI8PqDF2o9rgCsj4r68\n/EweXD4WqJa4tXLb0Z14VNIybUdELAGOkrQdsFNErMzjYJdU2aVH7o9W6Sr9AEk7AINJb1KVzCLN\nuiw6Jq9vKXXEoly+D7BfveWbwOPAXqV1e5GeQlZT6f4YSWvcH92JRyXDaJ17BNLTpZV0Pl6nXdqO\neuPxAS3WfmzPlk9BNlP7fbOV247uxKOSVms7iIh1OWnbmTRM6fdVivbM/RERTf8CrgWOAAYBhwIP\nkxqdT+Ttvyb9T6Gj/CHAeuAC0pvWpcA7wD6NvpYGxGIc6Y1nT+BA4G5gLTC00dfSQ/EYTho8OpaU\nwH6LNBNodKHMlcDtheU9gDXAz/P9cU6+X45u9PU0KB7nkcYwDQb2BSYAG4AjG309PRQTAf8Brqiw\n7fZ2aTu6GY+WbT9IQ0uWAqNye3oc8Grp+tup7ehOPFq97RhJStT2yH8H80iTOPr25v3R8AvvoeDd\nDbxMms2xlNTHvGdh+0zg1tI+JwAL8j7zSV9q3/Br2dqxAH5Beqy7DlgOPADs3+jr6OGYjMq/47eB\nZ4AzStunADNL60aQBt+uAxYBYxp9HY2KB3BhjsFa4DXSZ8Ad0ejr6MF4HANsAoZU2NY2bUd34tHK\n7Qfw8cL1rc1/A5cB2xTKtE3b0Z14tEHb8Q3ghfy7XgZMBHbs7fujJT7HzczMzKwdtOQYNzMzM7NW\n5MTNzMzMrEk4cTMzMzNrEk7czMzMzJqEEzczMzOzJuHEzczMzKxJOHEzMzMzaxJO3MzMzMyahBM3\nMzMzsybhxM3MrAsknSVpqaSNks5tdH3MrL34K6/MDABJU4B+EXF8o+vyYSVpR+B14AfAb4HVEfFO\nY2tlZu1km0ZXwMysiQwitZt/jIhXKxWQtE1EbNy61TKzduGuUjOri6TdJU2X9JakVZLukbRbqcxP\nJK3M2ydJukrSvBrHHCFps6SRkuZKelvSDEm7SjpW0rP5WFMlfaywnySNlbQ47zNP0gmF7X0kTS5s\nX1Du1pQ0RdLvJP1Q0nJ6k3RVAAAFZ0lEQVRJr0u6UVLfKnU9FZifF5dI2iRpoKTx+fzfkbQYeKee\nOuYyoyQ9n7f/RdKpOR475e3jy/GTdJ6kJaV1Z+ZYrcv/nl3YNigf8zhJMyWtlfSkpINLxzhM0iN5\n+xuSHpTUT9KYHJttS+WnS7qt8m/WzHqLEzczq9d0oD9wOHA0MBiY1rFR0reBi4ELgYOApcDZQD3j\nMcYD5wCHAAOBe4FzgdHAKGAk8P1C+YuBk4GzgH2A64E7JB2et/cBXgJOBPYGLgOukHRi6bxHAZ8F\njgROAU7Lr0qm5esGGA4MAF7Oy0OA44HjgGH11FHS7qTu1unAAcBk4Gq2jFel+L23Lsf9UmAsMDSf\n93JJY0r7/Ay4Jp9rIXCXpD75GMOAGcDTwMHAYcADQF/gPlI8v1o4567Al4FbK9TNzHpTRPjll19+\nAUwB7q+y7RhgPfCpwrq9gc3AQXl5FjCxtN/fgbk1zjkC2AQcWVj3o7xuUGHdL0ndkwAfAdYAXywd\naxJwZ41z3QDcW7rexeSxvnndPcBdNY5xQK7bwMK68aSnbLsU1nVaR+BK4KnS9qvy8XcqHHtuqcx5\nwOLC8iLgpFKZS4DH88+D8u/ptNLvbhPwubw8Ffhbjeu+CfhDYfkCYFGj71m//GrHl8e4mVk9hgIv\nRcTyjhUR8ZykN0lJwBPAXqQ3+KI5pKdanXmq8PNK4O2IeLG07vP55yHA9sDDklQosy3wXreipO8B\np5Oe4G1HSqbK3bbPRETxidYKYL866lv2YkS8UViuVce5+eehwD9Lx5nVlZNK2p705PMWSZMLm/oC\nb5aKF2O8AhCwG+np2zDSU85qJgFzJA2IiBXAqaTE18y2MiduZlYPUbnLrry+XEbUZ0PpGBtK24P3\nh3bskP8dBSwvlXsXQNJo4FrgfGA28BZwEfCFGuctn6cr1paWO60j1WNatJktY1gca9ZxnjNJSXLR\nptJyOcbw/rWuq1WJiHhS0nzgFEkPk7p+b6+1j5n1DiduZlaPZ4GBkj4dEcsAJO0D9MvbAJ4nJUZT\nC/sN76W6vEvqSn2sSplDSV2FN3eskDS4F+pSTT11fBb4SmndIaXl14BPltYd2PFDRLwqaRkwOCKm\nUV1nCeJ84EuksYDVTCYlwp8BZnTcB2a2dTlxM7Oi/pIOKK37b0TMkPQUMFXS+aSnPjcBj0RER/fj\nDcAkSU8A/yBNLNgf+Hcn56z3qRwAEbFG0nXA9XkG6GOkBPIwYFVE3EEa9zVG0khgCTCG1NW6uCvn\n6m5966zjr4ALJF1DSoqGk7ogix4FbpR0EfAb4FjSpIBVhTKXAhMlrQb+BHw0H6t/REyos85XAfMl\n3ZTrtYE0YePeQhfwVOA60tO98sQHM9tKPKvUzIpGkMZgFV8/zdu+BvwP+CvwEPACKTkDICLuIg24\nv5Y05m0QcBv54zFq6PKngEfEOOBy4MekJ1cPkrolOz4m42bgftJM0NnALmw5/q676qpvZ3WMiJeA\nE0hxfZI0+3Rs6RgLSLNtz8llhpPiWyxzCymZOp305OxRUgJY/MiQmjNTI2IRaebu/qRxd4+TZpFu\nLJR5izQLdg1pJqyZNYC/OcHMeo2kh4AVEVF+kmQVSBoBzAR2jojVja5PmaQZpJmw5ze6Lmbtyl2l\nZtYjJG0HfBf4M2lQ/TdJ46aOrrWfbaFLXcdbg6T+pNnBI0ifzWdmDeLEzcx6SpC6Ai8hjbN6Hjg+\nIh5paK2az4exG2Qe6cOXL8rdqmbWIO4qNTMzM2sSnpxgZmZm1iScuJmZmZk1CSduZmZmZk3CiZuZ\nmZlZk3DiZmZmZtYknLiZmZmZNQknbmZmZmZNwombmZmZWZP4P6q/4bzR3aEnAAAAAElFTkSuQmCC\n" - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "# a sample model using gensim's Word2Vec for getting vocab counts\n", "corpus = Text8Corpus('text8')\n", @@ -1209,21 +557,21 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/annoytutorial.ipynb b/docs/notebooks/annoytutorial.ipynb deleted file mode 100644 index 30274ee3eb..0000000000 --- a/docs/notebooks/annoytutorial.ipynb +++ /dev/null @@ -1,876 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Similarity Queries using Annoy Tutorial" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "This tutorial is about using the ([Annoy Approximate Nearest Neighbors Oh Yeah](https://github.com/spotify/annoy \"Link to annoy repo\")) library for similarity queries with a Word2Vec model built with gensim.\n", - "\n", - "## Why use Annoy?\n", - "The current implementation for finding k nearest neighbors in a vector space in gensim has linear complexity via brute force in the number of indexed documents, although with extremely low constant factors. The retrieved results are exact, which is an overkill in many applications: approximate results retrieved in sub-linear time may be enough. Annoy can find approximate nearest neighbors much faster.\n", - "\n", - "\n", - "## Prerequisites\n", - "Additional libraries needed for this tutorial:\n", - "- annoy\n", - "- psutil\n", - "- matplotlib\n", - "\n", - "## Outline\n", - "1. Download Text8 Corpus\n", - "2. Build Word2Vec Model\n", - "3. Construct AnnoyIndex with model & make a similarity query\n", - "4. Verify & Evaluate performance\n", - "5. Evaluate relationship of `num_trees` to initialization time and accuracy\n", - "6. Work with Google's word2vec C formats" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPython 3.5.3\n", - "IPython 6.2.1\n", - "\n", - "gensim 3.0.1\n", - "numpy 1.13.3\n", - "scipy 1.0.0\n", - "psutil 5.4.0\n", - "matplotlib 2.1.0\n", - "\n", - "compiler : GCC 6.3.0 20170406\n", - "system : Linux\n", - "release : 4.10.0-37-generic\n", - "machine : x86_64\n", - "processor : x86_64\n", - "CPU cores : 8\n", - "interpreter: 64bit\n" - ] - } - ], - "source": [ - "# pip install watermark\n", - "%reload_ext watermark\n", - "%watermark -v -m -p gensim,numpy,scipy,psutil,matplotlib" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### 1. Download Text8 Corpus" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [], - "source": [ - "import os.path\n", - "if not os.path.isfile('text8'):\n", - " !wget -c http://mattmahoney.net/dc/text8.zip\n", - " !unzip text8.zip" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Import & Set up Logging\n", - "I'm not going to set up logging due to the verbose input displaying in notebooks, but if you want that, uncomment the lines in the cell below." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], - "source": [ - "LOGS = False\n", - "\n", - "if LOGS:\n", - " import logging\n", - " logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### 2. Build Word2Vec Model" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Word2Vec(vocab=71290, size=100, alpha=0.05)\n" - ] - } - ], - "source": [ - "from gensim.models import Word2Vec, KeyedVectors\n", - "from gensim.models.word2vec import Text8Corpus\n", - "\n", - "# Using params from Word2Vec_FastText_Comparison\n", - "\n", - "params = {\n", - " 'alpha': 0.05,\n", - " 'size': 100,\n", - " 'window': 5,\n", - " 'iter': 5,\n", - " 'min_count': 5,\n", - " 'sample': 1e-4,\n", - " 'sg': 1,\n", - " 'hs': 0,\n", - " 'negative': 5\n", - "}\n", - "\n", - "model = Word2Vec(Text8Corpus('text8'), **params)\n", - "print(model)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "See the [Word2Vec tutorial](word2vec.ipynb) for how to initialize and save this model." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Comparing the traditional implementation and the Annoy approximation" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "# Set up the model and vector that we are using in the comparison\n", - "from gensim.similarities.index import AnnoyIndexer\n", - "\n", - "model.init_sims()\n", - "annoy_index = AnnoyIndexer(model, 100)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[('the', 0.9999999403953552),\n", - " ('of', 0.8254586458206177),\n", - " ('in', 0.8207480907440186),\n", - " ('a', 0.7935141324996948),\n", - " ('and', 0.7539303302764893)]" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Dry run to make sure both indices are fully in RAM\n", - "vector = model.wv.syn0norm[0]\n", - "model.most_similar([vector], topn=5, indexer=annoy_index)\n", - "model.most_similar([vector], topn=5)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "import time\n", - "import numpy as np" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "def avg_query_time(annoy_index=None, queries=1000):\n", - " \"\"\"\n", - " Average query time of a most_similar method over 1000 random queries,\n", - " uses annoy if given an indexer\n", - " \"\"\"\n", - " total_time = 0\n", - " for _ in range(queries):\n", - " rand_vec = model.wv.syn0norm[np.random.randint(0, len(model.wv.vocab))]\n", - " start_time = time.clock()\n", - " model.most_similar([rand_vec], topn=5, indexer=annoy_index)\n", - " total_time += time.clock() - start_time\n", - " return total_time / queries" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Gensim (s/query):\t0.02066\n", - "Annoy (s/query):\t0.00038\n", - "\n", - "Annoy is 54.59 times faster on average on this particular run\n" - ] - } - ], - "source": [ - "queries = 10000\n", - "\n", - "gensim_time = avg_query_time(queries=queries)\n", - "annoy_time = avg_query_time(annoy_index, queries=queries)\n", - "print(\"Gensim (s/query):\\t{0:.5f}\".format(gensim_time))\n", - "print(\"Annoy (s/query):\\t{0:.5f}\".format(annoy_time))\n", - "speed_improvement = gensim_time / annoy_time\n", - "print (\"\\nAnnoy is {0:.2f} times faster on average on this particular run\".format(speed_improvement))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "\n", - "**This speedup factor is by no means constant** and will vary greatly from run to run and is particular to this data set, BLAS setup, Annoy parameters(as tree size increases speedup factor decreases), machine specifications, among other factors.\n", - "\n", - ">**Note**: Initialization time for the annoy indexer was not included in the times. The optimal knn algorithm for you to use will depend on how many queries you need to make and the size of the corpus. If you are making very few similarity queries, the time taken to initialize the annoy indexer will be longer than the time it would take the brute force method to retrieve results. If you are making many queries however, the time it takes to initialize the annoy indexer will be made up for by the incredibly fast retrieval times for queries once the indexer has been initialized\n", - "\n", - ">**Note** : Gensim's 'most_similar' method is using numpy operations in the form of dot product whereas Annoy's method isnt. If 'numpy' on your machine is using one of the BLAS libraries like ATLAS or LAPACK, it'll run on multiple cores(only if your machine has multicore support ). Check [SciPy Cookbook](http://scipy-cookbook.readthedocs.io/items/ParallelProgramming.html) for more details." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## 3. Construct AnnoyIndex with model & make a similarity query" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Creating an indexer\n", - "An instance of `AnnoyIndexer` needs to be created in order to use Annoy in gensim. The `AnnoyIndexer` class is located in `gensim.similarities.index`\n", - "\n", - "`AnnoyIndexer()` takes two parameters:\n", - "\n", - "**`model`**: A `Word2Vec` or `Doc2Vec` model\n", - "\n", - "**`num_trees`**: A positive integer. `num_trees` effects the build time and the index size. **A larger value will give more accurate results, but larger indexes**. More information on what trees in Annoy do can be found [here](https://github.com/spotify/annoy#how-does-it-work). The relationship between `num_trees`, build time, and accuracy will be investigated later in the tutorial. \n", - "\n", - "Now that we are ready to make a query, lets find the top 5 most similar words to \"science\" in the Text8 corpus. To make a similarity query we call `Word2Vec.most_similar` like we would traditionally, but with an added parameter, `indexer`. The only supported indexer in gensim as of now is Annoy. " - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Approximate Neighbors\n", - "('science', 1.0)\n", - "('multidisciplinary', 0.6066591441631317)\n", - "('astrobiology', 0.5995452105998993)\n", - "('actuarial', 0.5984143614768982)\n", - "('robotics', 0.5919757187366486)\n", - "('sciences', 0.5884003043174744)\n", - "('scientific', 0.5805909633636475)\n", - "('interdisciplinary', 0.5763890445232391)\n", - "('astronautics', 0.5748652517795563)\n", - "('psychohistory', 0.5744689702987671)\n", - "('aaas', 0.574154257774353)\n", - "\n", - "Normal (not Annoy-indexed) Neighbors\n", - "('science', 1.0)\n", - "('fiction', 0.7570418119430542)\n", - "('multidisciplinary', 0.6905661225318909)\n", - "('astrobiology', 0.6792721152305603)\n", - "('actuarial', 0.6774581670761108)\n", - "('robotics', 0.6670321822166443)\n", - "('vinge', 0.6633784770965576)\n", - "('sciences', 0.6611713767051697)\n", - "('vernor', 0.6521490812301636)\n", - "('popularizer', 0.6499912738800049)\n", - "('scientific', 0.648192286491394)\n" - ] - } - ], - "source": [ - "# 100 trees are being used in this example\n", - "annoy_index = AnnoyIndexer(model, 100)\n", - "# Derive the vector for the word \"science\" in our model\n", - "vector = model[\"science\"]\n", - "# The instance of AnnoyIndexer we just created is passed \n", - "approximate_neighbors = model.most_similar([vector], topn=11, indexer=annoy_index)\n", - "# Neatly print the approximate_neighbors and their corresponding cosine similarity values\n", - "print(\"Approximate Neighbors\")\n", - "for neighbor in approximate_neighbors:\n", - " print(neighbor)\n", - "\n", - "normal_neighbors = model.most_similar([vector], topn=11)\n", - "print(\"\\nNormal (not Annoy-indexed) Neighbors\")\n", - "for neighbor in normal_neighbors:\n", - " print(neighbor)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Analyzing the results" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The closer the cosine similarity of a vector is to 1, the more similar that word is to our query, which was the vector for \"science\". There are some differences in the ranking of similar words and the set of words included within the 10 most similar words." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### 4. Verify & Evaluate performance" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Persisting Indexes\n", - "You can save and load your indexes from/to disk to prevent having to construct them each time. This will create two files on disk, _fname_ and _fname.d_. Both files are needed to correctly restore all attributes. Before loading an index, you will have to create an empty AnnoyIndexer object." - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [], - "source": [ - "fname = '/tmp/mymodel.index'\n", - "\n", - "# Persist index to disk\n", - "annoy_index.save(fname)\n", - "\n", - "# Load index back\n", - "if os.path.exists(fname):\n", - " annoy_index2 = AnnoyIndexer()\n", - " annoy_index2.load(fname)\n", - " annoy_index2.model = model" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "('science', 1.0)\n", - "('multidisciplinary', 0.6066591441631317)\n", - "('astrobiology', 0.5995452105998993)\n", - "('actuarial', 0.5984143614768982)\n", - "('robotics', 0.5919757187366486)\n", - "('sciences', 0.5884003043174744)\n", - "('scientific', 0.5805909633636475)\n", - "('interdisciplinary', 0.5763890445232391)\n", - "('astronautics', 0.5748652517795563)\n", - "('psychohistory', 0.5744689702987671)\n", - "('aaas', 0.574154257774353)\n" - ] - } - ], - "source": [ - "# Results should be identical to above\n", - "vector = model[\"science\"]\n", - "approximate_neighbors2 = model.most_similar([vector], topn=11, indexer=annoy_index2)\n", - "for neighbor in approximate_neighbors2:\n", - " print(neighbor)\n", - " \n", - "assert approximate_neighbors == approximate_neighbors2" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Be sure to use the same model at load that was used originally, otherwise you will get unexpected behaviors." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Save memory by memory-mapping indices saved to disk\n", - "\n", - "Annoy library has a useful feature that indices can be memory-mapped from disk. It saves memory when the same index is used by several processes.\n", - "\n", - "Below are two snippets of code. First one has a separate index for each process. The second snipped shares the index between two processes via memory-mapping. The second example uses less total RAM as it is shared." - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [], - "source": [ - "# Remove verbosity from code below (if logging active)\n", - "\n", - "if LOGS:\n", - " logging.disable(logging.CRITICAL)" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [], - "source": [ - "from multiprocessing import Process\n", - "import os\n", - "import psutil" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Bad Example: Two processes load the Word2vec model from disk and create there own Annoy indices from that model. " - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Process Id: 18708\n", - "\n", - "Memory used by process 18708: pmem(rss=544612352, vms=2047995904, shared=10641408, text=4120576, lib=0, data=823377920, dirty=0)\n", - "---\n", - "Process Id: 18715\n", - "\n", - "Memory used by process 18715: pmem(rss=544624640, vms=2047995904, shared=10641408, text=4120576, lib=0, data=823386112, dirty=0)\n", - "---\n", - "CPU times: user 464 ms, sys: 68 ms, total: 532 ms\n", - "Wall time: 45.3 s\n" - ] - } - ], - "source": [ - "%%time\n", - "\n", - "model.save('/tmp/mymodel.pkl')\n", - "\n", - "def f(process_id):\n", - " print('Process Id: {}'.format(os.getpid()))\n", - " process = psutil.Process(os.getpid())\n", - " new_model = Word2Vec.load('/tmp/mymodel.pkl')\n", - " vector = new_model[\"science\"]\n", - " annoy_index = AnnoyIndexer(new_model,100)\n", - " approximate_neighbors = new_model.most_similar([vector], topn=5, indexer=annoy_index)\n", - " print('\\nMemory used by process {}: {}\\n---'.format(os.getpid(), process.memory_info()))\n", - "\n", - "# Creating and running two parallel process to share the same index file.\n", - "p1 = Process(target=f, args=('1',))\n", - "p1.start()\n", - "p1.join()\n", - "p2 = Process(target=f, args=('2',))\n", - "p2.start()\n", - "p2.join()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Good example. Two processes load both the Word2vec model and index from disk and memory-map the index\n" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Process Id: 18733\n", - "\n", - "Memory used by process 18733: pmem(rss=525369344, vms=2028597248, shared=140480512, text=4120576, lib=0, data=674148352, dirty=0)\n", - "---\n", - "Process Id: 18740\n", - "\n", - "Memory used by process 18740: pmem(rss=525365248, vms=2028597248, shared=140480512, text=4120576, lib=0, data=674148352, dirty=0)\n", - "---\n", - "CPU times: user 444 ms, sys: 96 ms, total: 540 ms\n", - "Wall time: 2.06 s\n" - ] - } - ], - "source": [ - "%%time\n", - "\n", - "model.save('/tmp/mymodel.pkl')\n", - "\n", - "def f(process_id):\n", - " print('Process Id: {}'.format(os.getpid()))\n", - " process = psutil.Process(os.getpid())\n", - " new_model = Word2Vec.load('/tmp/mymodel.pkl')\n", - " vector = new_model[\"science\"]\n", - " annoy_index = AnnoyIndexer()\n", - " annoy_index.load('/tmp/mymodel.index')\n", - " annoy_index.model = new_model\n", - " approximate_neighbors = new_model.most_similar([vector], topn=5, indexer=annoy_index)\n", - " print('\\nMemory used by process {}: {}\\n---'.format(os.getpid(), process.memory_info()))\n", - "\n", - "# Creating and running two parallel process to share the same index file.\n", - "p1 = Process(target=f, args=('1',))\n", - "p1.start()\n", - "p1.join()\n", - "p2 = Process(target=f, args=('2',))\n", - "p2.start()\n", - "p2.join()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### 5. Evaluate relationship of `num_trees` to initialization time and accuracy" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [], - "source": [ - "import matplotlib.pyplot as plt\n", - "%matplotlib inline" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Build dataset of Initialization times and accuracy measures" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "exact_results = [element[0] for element in model.most_similar([model.wv.syn0norm[0]], topn=100)]\n", - "\n", - "x_values = []\n", - "y_values_init = []\n", - "y_values_accuracy = []\n", - "\n", - "for x in range(1, 300, 10):\n", - " x_values.append(x)\n", - " start_time = time.time()\n", - " annoy_index = AnnoyIndexer(model, x)\n", - " y_values_init.append(time.time() - start_time)\n", - " approximate_results = model.most_similar([model.wv.syn0norm[0]], topn=100, indexer=annoy_index)\n", - " top_words = [result[0] for result in approximate_results]\n", - " y_values_accuracy.append(len(set(top_words).intersection(exact_results)))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Plot results" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1gAAAGoCAYAAABbkkSYAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3Xd4lfX9//HnOwPCCISQAGGPMGXvoRUVt9RRteLCgXtU\na6u22mqtXX77U6ttVRRxoritClZxItMwwxLCDJCEDLJJyPj8/jgHGxHICeTkTk5ej+s6lzn3fe77\nfuUQz33e92fc5pxDREREREREjl2Y1wFERERERERChQosERERERGRWqICS0REREREpJaowBIRERER\nEaklKrBERERERERqiQosERERERGRWqICS0REREREpJaowBLxiJnNNbOptf3aQ2zb3cycmUUc676q\nOc5aM5tY2/s9zLEKzaxnXRxLRKS+MLNtZjbJ6xwicmSmGw1LQ2Fm24Bpzrl5Xmfxkpldhe99OD7A\n13cHtgKRzrnyWsrwArDTOXd/beyvmmN9CbzinHsu2McSEanPqjsPmllEbX3ONwZmFu6cq/A6h4Qe\ntWBJyDjQQiMiIlLb/K1HvzKz1WaWZ2azzSzKv+4qM/vmoNc7M0v0//yCmf3b34Og0MwWmFkHM3vc\nzPaa2QYzG1bN8V8GugIf+Pdxd5UeCtea2Q7gc/9rx5rZQjPLNbNVVXsXmFlrM5thZmlmtsvMHjaz\ncP+6RDP7yv/7ZZnZ7MNkmWtmtx60bJWZXWA+j5nZHjPLN7NkMxt4mP1cbWbrzazAzLaY2Q0HrT/X\nzFb697PZzM7wL481s5lmttv//r1Xg3+Hp8xsjpkVASeZ2dlmtsJ/jFQze/Cg7Y+v8l6m+o8xyswy\nDrxv/tddYGarDv8vKI2Kc04PPap9ANuAXwGrgTxgNhDlX3cV8M1Br3dAov/nF4B/A3OBQmAB0AF4\nHNgLbACGVXP8l4FKYJ9/H3cD3f3HuRbYAXztf+1YYCGQC6wCJlbZT2tgBpAG7AIeBsL96xKBr/y/\nXxYw+zBZ5gK3HrRsFXABYMBjwB4gH0gGBh5mP1/iuxL5/XsI/N3/nmwFzjz4tUB/oASo8L8Puf71\nZwMr/MdMBR6ssu2B9yniEMdd5d/PgYc78H4BbwLp/vfja+A4//LrgTJgv3+bD6r8jUzy/9zU/++7\n2/94HGjqXzcR2Anc5X+f0oCrD/Me/cn/u5b4j/XPY/37AjoCbwOZ/vf5dq///9JDDz3q/8P/GbfU\n/xkSC6wHbvSvu4rqz4NZwAggCl8htBW4EgjHdy76IsAMk6o8P/D5/hLQAmgGdAKygbPwXUg/1f88\n3r/Nu8Az/te38/9ON/jXvQbc598uCjj+MDmuBBZUeT4A3zm3KXA6sAyIwXdO7A8kHGY/ZwO9/K87\nESgGhvvXjcZ3/jnVn6cT0M+/7iN830PaAJHAiTX4d8gDJlT5HScCg/zPBwMZwHn+13cDCoAp/uO0\nBYb6163jh+fpd4G7vP471aN+PNSCJTVxMXAG0APfh9BVNdz2fiAOKAUWAcv9z98CHj3Sxs65K/AV\nUZOdcy2dc49UWX0ivg/w082sE74P3ofxnQB/BbxtZvH+174AlOMrpoYBp+ErXAD+CHyC7wO7M/Dk\nYeK8hu/DFgAzG4DvQ/gj//5+AvTBV8xdjO/EFogxwHf43pNHgBlmZge9D+uBG4FF/vchxr+qCN8J\nLwbfCesmMzuvugM654b499MS+KX/+Mv9q+cCvfGdgJcDr/q3me7/+RH/tpMPsev78BW6Q4Eh+E6U\nVbsTdsD3/nTCVyD/y8zaHCLffcB8fAVtS+fcrQe/xi+gvy8zCwM+wFdYdgJOAe4ws9OP8DaJiBzw\nhHNut3MuB99nydAabPuuc26Zc64E35fxEufcS87XRW02vnPS0XrQOVfknNsHXA7Mcc7Ncc5VOuc+\nBZKAs8ysPb7C6w7/6/fguyh4iX8/ZfjOZx2dcyXOuW8OcSz8+YeaWTf/88uAd5xzpf59RAP98A1F\nWe+cSzvUTpxzHznnNjufr/Cdg0/wr74WeN4596n/99jlnNtgZgnAmfiK273OuTL/toF63zm3wL/P\nEufcl865ZP/z1fjO8Sf6X3spMM8595r/ONnOuZX+dS/ie68xs1h8heWsGuSQEKYCS2pCJxb/70It\nnFgOYbtz7ln/e/IikAC0D2TDak4Q1TKz4/EVpT91zuX79/m8c67A/3s9CAwxs9YB7vIy4CHn3B7n\nXCbwB+CKKuvL/OvLnHNz8LU89Q007yEE+vc1Ct9V3Iecc/udc1uAZ/nf34CIyJGkV/m5GGhZg20z\nqvy87xDPa7Kvg6VW+bkbcJG/S1uumeUCx+M7p3TD1xKTVmXdM/gupIGvd4gBS803cdE1hzqYc64A\n30XFA5+dU/jfRbjPgX8C/wL2mNl0M2t1qP2Y2ZlmttjMcvxZzsJ3YQygC7D5EJt1AXKcc3ureU8O\np+p7hZmNMbMvzCzTzPLwXcSsLgPAK8BkM2uB7yLf/Bqc7yXEqcCSmtCJhdo7sRzC9++vc67Y/2NA\n70s1J4jqtu0CvAFMdc5t9C8LN7O/+vu85+PrlkKg+8TXhWZ7lefb/csOyHY/HIhd07+ngwX699UN\n6HjQ38dvCbCQFRE5jCKg+YEnZtYhSMc53MxkVZenAi8752KqPFo45/7qX1cKxFVZ18o5dxyAcy7d\nOXedc64jcAPw7wPjlw7hNWCKmY3D19Xui+/DOPeEc24Evq6DfYBfH7yxmTXF113770B7f4+MOfjO\nwwd+j16HOG4qEGtmMYdYF8i/w8Hv4SzgP0AX51xr4OkAMuCc24Wvt8QF+C4gvnyo10njpAJLaoNO\nLDU8sRyjQ70PRzpBHJaZNQPeAx53zs2tsupS4FxgEr6ufN0PbHKEDFXtxlfMHNDVv+xo1OZUp6nA\n1oP+PqKdc2fV4jFEpPFZBRxnZkPNN/HFg0E6TgZQ3S0qDrSsnO6/WBZlZhPNrLO/heUT4P+ZWSsz\nCzOzXmZ2IoCZXWRmnf372Yvv87fyMMeZg+9z/iF8Y5Yr/fsY5b/oF4nv+0HJYfbRBN+YrUyg3MzO\nxNfN/oAZwNVmdoo/Zycz6+f/HebiO0e3MbNIM/uJf5uj+XeIxtciVmJmo/Gd/w54FZhkZhebWYSZ\ntTWzqr13XsJ3cXYQ8E4Ax5JGQgWW1AadWGp+YjkWGUBnM2tSZdmRThBH8jywwf1wTNuB/ZXiGz/W\nHPjzITIc6d/iNeB+M4s3szjg9/j+bY5GIP/ugVoKFJjZPWbWzP83MtDMRtXS/kWkEfK3/j8EzAM2\n4Zu0KBj+gu+zNdfMfnWYLKn4LpD9Fl/xkorvQt+B73xX4itu1uE7172Fr5cH+LpRLzGzQnwX7X7h\n70p9qOOU4isqJvHDsUet8HW93ouv90I28H+H2L4AuB1fD4q9+M5b/6myfilwNb6u/Hn4JqE6cOHu\nCnxdzTfgmyzpDv82R/PvcDPwkJkV4DtXvVElww583RbvAnKAlfjGFR/wrj/Tu1V6nohoFkE9Anvw\n45mLHsR3b6IDz+/DN0NSKr5xUAfP2vNwlddOA76s8jwRKA8gw7n4JrrIxTd5RXeqzI5X5XVj8H0Q\n5+A7uXwEdPWvaw08hW8Wuzx8M+9d4l/3CL6ZBQvx9bm+vpo8M/zHH1Vl2Sn4Zlos9L8frwItD7P9\nlxw0i+BB66u+h1Vf28T/O+UAWf5lF+I7kRUAH+LrpviKf90P3qeD9uXwdc+rOpPgCfi61L3v3992\nfCfkqnl64zvR5ALvHfw3gq9V7wl8MwSm+X8+MOvkRHz30Drs39dB68YBG/GdgJ84xHvzAjX4+8LX\nVfE1fF0y9wKLD3dsPfTQQw899DjSw/99QecQPX7w0I2GRURERERqyMx+BvwN6OP8PVlEAHRjVhER\nEZF6wMy64uu6dygDnK/LmtQDZvYlvrHWV6i4koOpBUvqDZ1YRERERKShU4ElIiIiIiJSSxpEF8G4\nuDjXvXt3r2OIiEiQLFu2LMs5F+91jqOl85SISGiryXmqQRRY3bt3JykpyesYIiISJGa2vfpX1V86\nT4mIhLaanKd0HywREREREZFaogJLRERERESklqjAEhERERERqSUqsERERERERGqJCiwREREREZFa\nogJLRERERESklqjAEhERERERqSUqsERERERERGqJCiwREREREZFaogJLRERERESklqjAEhERERER\nqSUqsERERERERGqJCiwREREREZFaogJLRESOWmWl8zqCiIjIETlXt+eqiDo9moiIhIyKSsepj33F\n5WO6cc3xPbyOIyIiQbBvfwW/fmsVJWWVnDmwA5MGtKd1s8hj3q9zjtU785izJo3Fm7M5rlNrzhqY\nwNiesUSEH3sbUElZBfM3ZTE3OY1vt+fw+V0TiayF/QZCBZaIiByVRZuz2ZJZRPtWUV5HERGRICgq\nLefaF79l6dYc2kVHMW99BpHhxoTEOM4amMCpA9rTpkWTgPdXWelYkZrL3OQ05q5JZ1fuPiLCjMGd\nW/Peil3MWrKDNs0jOW1AB84Y1IEJveJoEhF4UbRvfwVffreHOWvS+Xx9BkX7K2jdLJLTBrSnoKSc\n2BpkPRYqsERE5Ki8s2In0VERnNK/nddRRESklhWWlnPNzG9J2p7DYz8fyuTBHVm1M5e5a9KZk5zG\n3W+vJvxdY3yvtpw5MIHTjmtPXMumP9pPRaUjaVsOc9ek8/GadNLzS2gSHsYJveO489Q+nNq/Pa2b\nR1JSVsFXGzOZm5zGR8lpzE5KJToqglMHtOesgQkc3zuOqMjwH+2/qLSczzfsYe6aNL7YkMm+sgpi\nWzThp0M7cubABMb1altnLVcHWF33STwaI0eOdElJSV7HEBERv+L95Yx8eB4/HdKRv/5s8DHvz8yW\nOedG1kI0T+g8JSKhpKCkjKtmfsvK1Fz+cclQzhnc8QfrnXOs3Z3PnOQ05iSnsS27mDCD0T1iOWtQ\nApP6t2dbVhFz1qTx8ZoMsgpLaRIRxsQ+8Zw1KIGT+7ejVdThuxmWllfwzaYs5iSn8+m6dPJLymnZ\n1HdB78yBCQzvFsPClGzmJKfx1cZMSssriWvZlDMG+oqx0T1qp5thVTU5T6nAEhGRGnt3xU7unL2K\n2dePZUzPtse8PxVYIiL/Mzc5jb/M3cCdp/bmvKGdMLM6O3bevjKmPr+UNbvyeHLKMM4clHDE1zvn\n2JBe8H3L0+bMou/XNYsM56R+8Zw5MIGT+rWjZdOad57bX17Joi3ZzE1O479r09lbXPb9ug6tojhj\nYAfOGpTAiG5tCA8L3vukAktERILqihlL2JJZxPy7TyKsFk5oKrBERHzyiss45dEvyd9Xzv6KSk7u\n144/nT+QhNbNgn7s3OL9XPn8Utan5fOvS4dz2nEdaryPTRkFfPHdHrq0ac6JfeNp3qT2RiSVV1Sy\nZGsOK1NzGduzLcO6xNTKOSgQNTlPaQyWiIjUyJ78EhakZHHzxMQ6O7GJiDQWf//kO3KK9vP+LceT\ntD2HRz7+jtMe/Zrfnt2fS0Z1CVpr1t6i/Vw+YwmbMgp5+vIRnNK//VHtp3f7aHq3j67ldD4R4WFM\nSIxjQmJcUPZfW3QfLBERqZH3V+6m0sH5wzt5HUVEJKSsSs3llSXbuXJcdwZ1bs3VE3rw3zt+wsBO\nrfnNO8lcPmMJqTnFtX7c7MJSpjy7mE17Cpl+5dEXV+KjAktERGrknRW7GNK5Nb3iW3odRUQkZFRU\nOu5/bw1xLZvyy9P6fL+8a9vmzLpuDH8+fxCrUvM47bGveWHB1lq70Xtmga+42ppVxIypI5nYVzPD\nHisVWCIiErAN6fmsT8vn/GFqvRIRqU2zlmwneVce95/d/0cz7JkZl47pyid3/oQxPWN58IN1XPzM\nIjZnFh7TMfcUlDDl2cWk5uxj5lWjOKF3/DHtT3xUYImISMDeXb6LiDBj8pCO1b9YREQCkllQyiP/\n/Y4JiW356RE+XzvGNGPmVaN49OIhbNpTyJn/mM9TX26mvKKyxsfMyC/hkumL2Z27j5lXj2J8PR/X\n1JBokgsREQlIRaXjvZW7mNg3nraHuJmkiIgcnT/PWU9JWQUPnTuw2kkszIwLhnfm+N5x/O69Nfzt\n4w3MSU7j3jP7ER0V2Ff7krJK7n5rFZkFpbx4zWhGdY+tjV9D/FRgiYhIQBZtziYjv5Tfn9PZ6ygi\nIiFj0eZs3l2xi1tPSqzR2NZ20VE8ffkI5iSn8/v313DZc0tqdNzophG8dO0YRnRrU9PIUg0VWCIi\nEpB3VuwkOiqCU/prALSISG3YX17J795fQ+c2zbjlpMQab29mnD04gQmJbVm+Yy81ub1tv4RWdIoJ\n/r21GiMVWCIiUq3i/eV8vCadnw7pSFRkuNdxRERCwoxvtpKyp5AZU0fSrMnRf7bGNG/Cyf00tXp9\noQJLRESq9cnaDIr3V2j2QBEJWd+lF7A1K/BZ+cLDwhjfqy0tmh7d1+mde4t54rNNnDagve47FWJU\nYImISLXeXr6TTjHNNBBaRELSsu05/PyZxZTX8N5Snds0428/G8yEo5iB7w8frAPg95MH1Hhbqd9U\nYImIyBHtyS9hQUoWN09MJCzsyLNbiYg0NDlF+7l11goSYqL496UjiAgP7HMuPa+Ehz5cx2XPLeGS\nUV347SHuX3U489Zl8Om6DO45ox+d2zQ/lvhSD6nAEhGRI3p/5W4qHZw/XN0DRSS0VFQ6fvH6CrKL\n9vPOTeMZ2Kl1wNv2T2jFuF5teezTjTw7fwtffpfJny8YWO1YqH37K3jwg7X0bteSa4/vcay/gtRD\nutGwiIgc0TsrdjGkc+saTR8sItIQ/PPzFOZvyuKByQNqVFwdEBUZzm/O6s+7N0+gVbMIrnkhiTtn\nr2Rv0f7DH/OLTezcu48/njeQJhH6Kh6K9K8qIiKHtSE9n/Vp+ZrcQkRCzjebsnj8s42cP6wTl47u\nekz7GtIlhg9uO57bT+nNB6t2c+pjXzE3Oe1Hr0vZU8j0r7dwwbBOjO3Z9piOKfWXCiwRETmsd5fv\nIiLMmDyko9dRRERqTXpeCb94fQWJ8S350/kDMTv28aVNI8L55al9+M+tx9OhdRQ3vbqcm15ZRmZB\nKQDOOX7//prvW70kdGkMloiIHFJFpeO9lbs4sU88bVs29TqOiEitKKuo5NZZy9lXVsFTlw+neZPa\n/To8oGMr3rt5AtPnb+HxeZtYtOUrHpg8gDAzFm7O5o/nHkd8tD5TQ5lasEREGpDknXn88/NNVNRw\nKuGjsWhzNhn5pZrcQkRCyv/99zuStu/lLxcMIrFddFCOEREexs0TE5lz+wn0jGvBnbNXcdcbqxjc\nuTWXjukWlGNK/RG0AsvMosxsqZmtMrO1ZvYH//IeZrbEzFLMbLaZNQlWBhGRUOKc4/73kvn7Jxv5\nzTurcS64RdY7K3YS3TSCSboBpoiEiP+uTWf611u4fGxXzh0a/ItHie1a8uaN4/n9OQPo2rY5fz5/\nEOG63UXIC2YLVilwsnNuCDAUOMPMxgJ/Ax5zziUCe4Frg5hBRCRkLN+Ry6qdeQzp3Jo3knby8Efr\ng1ZkFe8v5+M16Zw9OIGoyPCgHENEpC7tyC7mV2/6WpF+d07d3dw3PMy45vgefH7XxKOaqVAanqAV\nWM6n0P800v9wwMnAW/7lLwLnBSuDiEgomblgK9FREcy6bixXje/OjG+28uTnKUE51idrMyjeX6HZ\nA0UkJJSUVXDTq8sw4F+XDqdphC4cSfAEdZILMwsHlgGJwL+AzUCuc67c/5KdgM7eIiLVSMvbx9w1\n6Vw9vjstmkbw+3MGUFBSzqOfbiQ6KoKrJ9TuzSrfWbGLTjHNGNU9tlb3KyLihYc+XMfa3fk8d+VI\nusQ29zqOhLigFljOuQpgqJnFAO8C/QLd1syuB64H6Nr12O5NICLS0L28aDvOOaaO7w5AWJjxt58N\norC0jD98sI7oqEguHNG5Vo61J7+EbzZlcvPERMI0VkBEGrh3V+xk1pId3HhiLyYN0JhSCb46mUXQ\nOZcLfAGMA2LM7EBh1xnYdZhtpjvnRjrnRsbHx9dFTBGReqmkrILXlu5gUv/2P7jyGhEexhNThnFC\n7zjufmsVH6/58U0tj8b7K3dT6Wg0swea2Z3+yZjWmNlr/kmaNCGTSAjYmFHAb99Zw+gesfzqtD5e\nx5FGIpizCMb7W64ws2bAqcB6fIXWhf6XTQXeD1YGEZFQ8N6KXewtLjtkN8CmEeE8c8UIhnaJ4fbX\nVjJ/U+YxH++dFbsY0rk1veJbHvO+6jsz6wTcDox0zg0EwoFL0IRMIg1eUWk5N72yjBZNw/nnlGFE\nhOvuRFI3gvmXlgB8YWargW+BT51zHwL3AL80sxSgLTAjiBlERBo05xwzF2yjX4doxvY89Hio5k0i\nmHnVaHrGt+D6l5axbPveoz7ehvR81qflN7bJLSKAZv7eFc2BNDQhk0iDlV9SxrsrdjL1+aVszSri\niSnDaNcqyutY0ogEbQyWc241MOwQy7cAo4N1XBGRULJoczbfZRTwyM8GY3b48VCtm0fy0rWjufjp\nRVw9cymvXz+OAR1b1ehYzjlmf5tKRJgxeUjHY43eIDjndpnZ34EdwD7gE3yTM1U7IZPGCovUH7nF\n+/l0XQZz16Qzf1MmZRWODq2i+NP5gxjfK87reNLIBHWSCxEROTbPL9hGbIsm/HRo9QVPu+goXpk2\nhoueXsSVzy/hzRvH0yOuxRG3ySwo5ZuUTOZvzOLrTVlkFZZyxnEdaNuyaW39CvWambUBzgV6ALnA\nm8AZgWzrnJsOTAcYOXJkcO/6LCI/klO0n0/WpjNnTToLU7Ior3R0imnGVeO7c8bABIZ1idFEPeIJ\nFVgiIvXU9uwiPtuQwS0TEwO+2W/nNs15+doxXPzMIi5/bglv3jiOjjHNvl9fUlZB0ra9zN+Uydeb\nsliflg9AbIsmHJ8Yxwm94zhrUEJQfp96ahKw1TmXCWBm7wAT8E/I5G/FOuyETCJStzILSvnv2nTm\nrklj8ZYcKiodXWObM+2Enpw1qAODOrU+Ymu/SF1QgSUiUk+9uHA74WZcMa5bjbZLbNeSl64ZzZTp\ni7l8xhL+78LBrNiRy/xNWSzZmk1JWSWR4cbIbrHcfUZfftI7ngEJrRrrld4dwFgza46vi+ApQBL/\nm5DpdTQhk4in0vNK+HhNGnPXpLN0Ww7OQc+4Ftx0Yi/OHNSBAQmtVFRJvaICS0SkHiosLefNpFTO\nGpRA+6MYnD2wU2tmXDWKK59fws+eWgRAr/gWXDKqKz/pE8eYHm1p0VSnAOfcEjN7C1gOlAMr8HX7\n+wh43cwe9i/ThEwidWhX7j7mJvuKqgMT9/Rp35LbTu7N2YMS6NO+pYoqqbd0dhURqYfeSkqloLSc\nqyd0P+p9jO4Ry6zrxpKSUciE3nF0qtJVUP7HOfcA8MBBizUhk0gd25FdzBx/S9Wq1FwABiS04len\n9eGMgQkktgv9W0dIaFCBJSJSz1RWOl5ctJ2hXWIY1rXNMe1reNc2DD/GfYiIBMuWzELmrklnTnIa\na3f7xoQO6dyae8/sx5kDO9Ct7ZEn6hGpj1RgiYjUM19u3MPWrCL+cclQr6OIiNS6TRkFzEn2TVSx\nIb0AgOFdY7j/7P6cflwHusQ29zihyLFRgSUiUs/MXLCN9q2aNrbZ/EQkRDnnWJ9WwNw1acxJTmNz\nZhFmMKp7LA9MHsAZAzuQ0FpdmCV0qMASEalHNmUUMH9TFr86rQ+R4WFexxEROSrOOdbsyveNqUpO\nY1t2MWEGY3u25aoJPTj9uPa0i675BD4iDYEKLBGRemTmwm00iQhjyuiuXkcRkRCUU7SfvH1lQdt/\ndmEpn6zLYE5yGjv37iMizBjXqy03nNiL0wa0bzQ3MZfGTQWWiEg9kVu8n3eW7+S8oR31JUREatX+\n8kr++UUK//4ihfJKF9RjRYYbJ/SO5xen9ObUAe2Jad4kqMcTqW9UYImI1BOzv02lpKySqyf08DqK\niISQVam53P3War7LKOC8oR2Z2Ldd0I4VFRnOuF5tad0sMmjHEKnvVGCJiNQD5RWVvLRoO2N7xtI/\noZXXcUQkBJSUVfDYpxt5dv4W2kVH8fxVIzm5X3uvY4mEPBVYIiL1wKfrMtiVu4/fTx7gdRQRCQHf\nbsvh7rdWszWriCmju/Cbs/rTKkqtSiJ1QQWWiEg9MHPBNrrENmNSf11dFpGjV1RaziMfb+Clxdvp\nFNOMV6eNYUJinNexRBoVFVgiIh5bsyuPpdtyuP/s/oSHmddxRKSB+mZTFve+s5pdufuYOq47vz69\nLy2a6queSF3T/3UiIh6buWAbzZuEc9HILl5HEZEGKG9fGX/+aD2zk1LpGdeCN28Yx8jusV7HEmm0\nVGCJiHhoT0EJH6zazc9HddGsWyJSY5+tz+C37yaTWVDKjSf24o5JvYmKDPc6lkijpgJLRMQDFZWO\nt5al8vdPNlLpHFdN6O51JBFpQHKK9vPQB2t5b+Vu+raPZvoVIxnSJcbrWCKCCiwRkTq3MCWLP360\nnvVp+QzvGsP0K0bQK76l17FEpIH4aHUav39/DXn7yrhjUm9unphIk4gwr2OJiJ8KLBGROrIls5A/\nz9nAvPUZdIppxpNThnHO4ATMNLGFiFRvT0EJv39vLR+vTWdQp9a8Mm2M7psnUg+pwBIRCbLc4v38\n47NNvLxoO1GR4dx9Rl+umdBD4yREJCDOOd5ZvouHPlzHvrIK7jmjH9ed0IOIcLVaidRHKrBERIJk\nf3klryzezj8+20RBSRk/H9WVX57ah/jopl5HE5EGYnfuPn77bjJffpfJiG5teOTCwepSLFLPqcAS\nEallzjnmrd/Dn+esZ2tWESf0juO+s/vTr4O68ohIYJxzvLY0lT/PWU9FpeOByQO4clx33StPpAFQ\ngSUiUouyC0u57bUVLNycTa/4Fsy8ahQT+8ZrnJWIBGxHdjH3vL2aRVuyGd+rLX+9YDBd2zb3OpaI\nBEgFlohILSkpq+C6l5JYuzufh849jimjuxKpMRIiEqBNGQV8sGo3z87fSniY8ZcLBnHJqC66QCPS\nwKjAEhEgiADQAAAgAElEQVSpBc45fv3WapbvyOWpy4Zz5qAEryOJSD3nnGNDegFzk9OYsyadlD2F\nmMEp/drz0LnH0TGmmdcRReQoqMASEakFj83bxAerdnPPGf1UXInIYTnnWLs7nznJacxdk87WrCLC\nDMb0aMvUcd04/bgOtGsV5XVMETkGKrBERI7Ruyt28sRnm7h4ZGduPLGn13FEpJ5xzrEyNZe5a9KZ\nuyaN1Jx9hIcZ43u15boTenLace2Ja6nZRUVChQosEZFjsHRrDve8lcy4nm15+LxBGishIt+rqHTM\nXLCV57/Zyu68EiLDjQmJcdx2Um9OHdCeNi2aeB1RRIJABZaIyFHallXEDS8n0Tm2GU9fPoImEZrQ\nQkR8NmYU8Ou3VrMqNZcJiW2567S+TOrfntbNI72OJiJBpgJLROQo5BWXcc0L3wLw/NRR+tIkIgCU\nVVTy9JebeeLzTURHRfLElGFMHpyg1m2RRkQFlohIDe0vr+TGV5aRureYV6eNpXtcC68jiUg9sGZX\nHne/tZp1aflMHtKRBycPoK3GVok0OiqwRERqwDnH795bw6It2Tx68RBG94j1OpKIeKykrIInP9/E\n019tIbZFE565YgSnH9fB61gi4hEVWCIiNfDM11uYnZTK7ScncsHwzl7HERGPLd+xl7vfWk3KnkIu\nGtGZ+88eoC7DIo2cCiwRkQB9vCaNv87dwOQhHbnz1D5exxERD+3bX8HfP/mO5xdspWPrZrx4zWhO\n7BPvdSwRqQdUYIlIo/P+yl1kFpTSK74lPeNb0LlNc8LDjjwAfVVqLnfMXsnwrjH834WDNWBdpBFb\nuDmLe99OZkdOMVeM7cY9Z/ajZVN9pRIRH30aiEijkl9Sxp2zV1Lp/resSUQYPdq2oGd8C3rFt6RX\nuxb0jPMVX9FRkezK3ce0l5KIa9mU6VeOJCoy3LtfQEQ89f7KXfzi9ZV0a9uc168fy9iebb2OJCL1\njAosEWlUFm/OptLBM1eMoG2LJmzJLGJzZiGbM4v4Lr2AT9ZlUFGl+moX3RQHlOyvYNa0McRpRjCR\nRmt/eSWPfPwdgzu3Zvb142jWRBdbROTHVGCJSKOycHM2zSLDmdg3nqYR4Yzs/sNZAPeXV7Ijp5gt\n/qJrS2Yh6fkl3Dwxkd7toz1KLSL1weykVHbl7uMvFwxScSUih6UCS0QalW9SshjVI5amEYf+ctQk\nIozEdi1JbNeyjpOJSH1WUlbBvz5PYWS3NpzQO87rOCJSj4V5HUBEpK5k5JeQsqeQ4xM1ZkJEaub1\npTtIzy/hl6f20SQ3InJEKrBEpNFYuDkLgPG9dPVZRAJXUlbBv77czNiesYxP1OeHiByZCiwRaTS+\n2ZRNm+aRDEho5XUUEWlAXlm8ncyCUu6cpPvfiUj1glZgmVkXM/vCzNaZ2Voz+4V/+YNmtsvMVvof\nZwUrg4jIAc45Fm7OYnyvOMKqueeViMgBxfvLefqrzRyfGMcYTckuIgEI5iQX5cBdzrnlZhYNLDOz\nT/3rHnPO/T2IxxYR+YEtWUWk5ZUwXuOvRKQGXlq0nazC/dx5am+vo4hIAxG0Ass5lwak+X8uMLP1\nQKdgHU9E5EgWpvjGXx2v8RMiEqDC0nKe+WozJ/aJZ0S32Oo3EBGhjsZgmVl3YBiwxL/oVjNbbWbP\nm1mbw2xzvZklmVlSZmZmXcQUkRD2TUoWnWKa0TW2uddRRKSBeHHhNvYWl/HLUzX2SkQCF/QCy8xa\nAm8Ddzjn8oGngF7AUHwtXP/vUNs556Y750Y650bGx8cHO6aIhLCKSseizdkcnxin6ZVFJCD5JWVM\n/3oLk/q3Y0iXGK/jiEgDEtQCy8wi8RVXrzrn3gFwzmU45yqcc5XAs8DoYGYQEVmzK4/8knKNvxKR\ngD3/zVby9pVxh2YOFJEaCuYsggbMANY75x6tsjyhysvOB9YEK4OICMAC3f9KRGogr7iMGfO3cvpx\n7RnYqbXXcUSkgQnmLIITgCuAZDNb6V/2W2CKmQ0FHLANuCGIGUREWJCSRb8O0cRHN/U6iog0AM99\ns4WC0nLu1NgrETkKwZxF8BvgUIMd5gTrmCIiByspq+DbbXu5Ymw3r6OISAOwt2g/z3+zlbMHJ9Cv\ng25KLiI1VyezCIqIeGXZ9r3sL69kgsZfiUgAnvl6C8VlFdxxiu57JSJHRwWWiIS0BSlZRIQZo3uo\nwBKRI8sqLOXFhdv46ZCO9G4f7XUcEWmgVGCJSEhbsDmboV1iaNk0mENORSQUPPPVZkrLK7hdrVci\ncgxUYIlIyMrbV0byzlzGJ2r2QBE5sj35Jby0aDvnD+tMr/iWXscRkQZMBZaIhKzFW7KpdHC8CiwR\nqcZTX22mvNJx+ymJXkcRkQZOBZaIhKwFKVk0iwxnaJcYr6OISD2WlrePV5fs4MLhnenWtoXXcUSk\ngVOBJSIha0FKFmN6xtIkQh91InJ4//5iM5WVjltPVuuViBw7fesQkZCUnlfC5swiJvRS90ARObwV\nO/by+rc7uHhUF7rENvc6joiEAE2rJSIhaUFKFgATNP5KRA6hpKyCxz7dyLPzt9C+VRS3qfVKRGqJ\nCiwRCUkLUrKIbdGEfh10LxsR+aGlW3O45+3VbM0qYsroLvzmrP60ior0OpaIhAgVWCIScpxzLNic\nxfhebQkLM6/jiEg9UVRaziMfb+DFRdvpEtuMV6eNUSu3iNQ6FVgiEnI2ZxaSkV+qL04i8r1vNmVx\nz9ur2Z23j6vGd+fXp/elhW5ALiJBoE8WEQk5C1KyATTBhYiQt6+MP3+0ntlJqfSMa8GbN4xjZPdY\nr2OJSAhTgSUiIWdBShZdYpvRta1mBBNpzOaty+C+95LJLCjlxhN7ccek3kRFhnsdS0RCnAosEQkp\n5RWVLNqSzdmDEryOIiIeySnazx8+WMv7K3fTr0M0z145ksGddcNxEakbKrBEJKSs2Z1PQUm5xl+J\nNFJrduVx1cyl5BaXccek3tw8MVE3GxeROqUCS0RCyoH7X43v1dbjJCJS11bvzOXy55YQHRXJB7eN\noX9CK68jiUgjpAJLRELKgpQs+ie0om3Lpl5HEZE6tGLHXq58fikxzSOZNW0sXWI1BlNEvKE2cxEJ\nGSVlFSRt38sEtV6JNCrLtudwxYylxLZowuvXj1NxJSKeUguWiISMpG172V9eyYTeGn8l0lgs3ZrD\n1TOX0q5VFK9dN5YOraO8jiQijZxasEQkZHyTkkVEmDFa97iRGjCzGDN7y8w2mNl6MxtnZrFm9qmZ\nbfL/t43XOeXHFm3OZurzS+nQOorZ16u4EpH6QQWWiISMhZuzGN61DS2aqnFeauQfwMfOuX7AEGA9\ncC/wmXOuN/CZ/7nUIwtSsrj6haV0btOM168fR7tWKq5EpH5QgSUiISG3eD/Ju/IYn6jxVxI4M2sN\n/ASYAeCc2++cywXOBV70v+xF4DxvEsqhfLUxk2te+JbubVvw2vVjiY/WpDYiUn+owBKRkLB4SzbO\noftfSU31ADKBmWa2wsyeM7MWQHvnXJr/NelAe88Syg98sWEP172URK/4lsy6bixxmjFUROoZFVgi\nEhIWpGTTokk4Q7vEeB1FGpYIYDjwlHNuGFDEQd0BnXMOcAdvaGbXm1mSmSVlZmbWSdjGbt66DG54\neRl92rdk1nVjiG3RxOtIIiI/ogJLRELCgpQsRveIJTJcH2tSIzuBnc65Jf7nb+EruDLMLAHA/989\nB2/onJvunBvpnBsZHx9fZ4Ebq4/XpHPTq8vonxDNq9eOJaa5iisRqZ/0TUREGrzdufvYklWk7oFS\nY865dCDVzPr6F50CrAP+A0z1L5sKvO9BPPGbk5zGrbOWM7BTa16eNobWzSO9jiQicliaaktEGrwF\nKVmAxl/JUbsNeNXMmgBbgKvxXYB8w8yuBbYDF3uYr1HblbuPO15fydAuMcy8ehTRUSquRKR+U4El\nIg3elxsziWvZhL7to72OIg2Qc24lMPIQq06p6yzyY//8PAWAf0wZpuJKRBoEdREUkQbLOcfj8zby\n0eo0zhnckbAw8zqSiNSi1Jxi3kxK5ZLRXegU08zrOCIiAalRC5Z/6toS51xFkPKIiASkstLx0Ifr\neGHhNi4c0Zn7z+7vdSQRqWVPfr6JsDDjlpMSvY4iIhKwIxZYZhYGXAJcBowCSoGmZpYFfAQ845xL\nCXpKEZEqyioqueet1byzYhfXHt+D+87qr9YrkRCzLauIt5fvYuq47rRvFeV1HBGRgFXXgvUFMA/4\nDbDGOVcJYGaxwEnA38zsXefcK8GNKSLiU1JWwa2zljNv/R5+dVofbjkpETMVVyKh5onPNhEZbtw4\nsafXUUREaqS6AmuSc67s4IXOuRzgbeBtM9OIUxGpEwUlZUx7MYml23L447nHccW47l5HEpEgSNlT\nyHsrdzHthJ60i1brlYg0LEec5OJAcWVmvcysqf/niWZ2u5nFVH2NiEgwZReWcumzS1i2fS+P/3yo\niiuREPbEZ5uIigznhp+o9UpEGp5AZxF8G6gws0RgOtAFmBW0VCIiVezO3cdFzyxiY0YBz145knOH\ndvI6kogEycaMAj5YvZurxnenbcumXscREamxQGcRrHTOlZvZ+cCTzrknzWxFMIOJiABszizkiueW\nUFBSzsvXjmF0j1ivI4lIED0+byMtmkRw3QlqvRKRhinQAqvMzKYAU4HJ/mUaeyUiQbVmVx5Tn1+K\nGbx2/VgGdmrtdSQRCaJ1u/OZk5zO7Scn0qZFE6/jiIgclUC7CF4NjAP+5JzbamY9gJeDF0tEGrsl\nW7K5ZPpioiLDeeOGcSquRBqBx+dtJDoqgmuPV+uViDRcAbVgOefWAbdXeb4V+FuwQolI4/bpugxu\nnbWczm2a8cq0MSS0buZ1JBEJsuSdeXyyLoM7J/WhdXN1khGRhuuILVhm9oGZTT7UVOxm1tPMHjKz\na4IXT0QaE+ccT325metfTqJfh2jevHG8iiuRRuLxeRtp3SySa47v7nUUEZFjUl0L1nXAL4HHzSwH\nyASigO7AZuCfzrn3g5pQRBqFkrIKfvNOMu+u2MU5gxP4vwuH0KxJuNexRKQOrNixl8827OHXp/cl\nOkqtVyLSsB2xwHLOpQN3A3ebWXcgAdgHbHTOFQc9nYg0CnvyS7j+5WWsTM3lrlP7cOvJiZiZ17FE\npI48Nm8TsS2aMHV8d6+jiIgcs0BnEcQ5tw3YFujrzawL8BLQHnDAdOfcP8wsFpiNrxVsG3Cxc25v\nwIlFJKQk78zjupeSyC8p4+nLR3DGwA5eRxKROpS0LYevN2bymzP70bJpwF9LRETqrUBnETwa5cBd\nzrkBwFjgFjMbANwLfOac6w185n8uIo3QB6t2c9EzCwkPM966cbyKK5FG6LF5G4lr2YQrxnXzOoqI\nSK0IWoHlnEtzzi33/1wArAc6AecCL/pf9iJwXrAyiEj9VFnpePST77jttRUM6tSa92+dwICOrbyO\nJSJ1bPGWbBakZHPTxESaN1HrlYiEhoA/zcysGdDVOfddTQ/iH781DFgCtHfOpflXpePrQnioba4H\nrgfo2rVrTQ8pIvVUUWk5v3xjJf9dm8FFIzrz8PkDaRqhySxEGhvnHI9+upF20U25bIzO8yISOgJq\nwTKzycBK4GP/86Fm9p8At20JvA3c4ZzLr7rOOefwjc/6EefcdOfcSOfcyPj4+EAOJSL13M69xfzs\nqYV8ui6D+8/uzyMXDlZxJdJILdyczdKtOdxyUiJRkfocEJHQEWgL1oPAaOBLAOfcSjPrUd1G/vtn\nvQ286px7x784w8wSnHNpZpYA7KlxahFpcJK25XDDy8vYX17J81eNYmLfdl5HEhGPHGi9Smgdxc9H\ndfE6johIrQp0DFaZcy7voGWHbHk6wHxzLM8A1jvnHq2y6j/AVP/PUwHdR0skxL2ZlMqUZxcTHRXB\nu7dMUHEl0sh9vSmLZdv3qvVKREJSoC1Ya83sUiDczHoDtwMLq9lmAnAFkGxmK/3Lfgv8FXjDzK4F\ntgMX1zy2iDQEFZWOv85dz7PztzIhsS3/unQ4Mc2beB1LRDy0t2g/D3+4jk4xzbh4pFqvRCT0BFpg\n3QbcB5QCrwH/Bf54pA2cc98Ah7tT6CmBBhSRhqmgpIzbX1vBF99lcuW4bvzunAFEhgfzzhAiUt9l\nF5Zy2XNL2J5TzIypI2kSoc8EEQk9ARVYzrlifAXWfcGNIyKhYEd2Mde++C1bsor443kDuWKs7m8j\n0thlFZZy2bNL2JZdxHNXjuSE3prASkRCU0AFlpmNxNe9r3vVbZxzg4MTS0QaqsVbsrnplWVUOnj5\nmtGMT4zzOpI0AmY2yDmX7HUOObQ9BSVc+uwSdu4t5vmrRjFBnwsiEsIC7SL4KvBrIBmoDF4cEWnI\nXlu6g9+9t4ZubZszY+oouse18DqSNB7/NrOmwAv4Zq49eGIm8UhGfglTnl1Mel4JL1w9mrE923od\nSUQkqAItsDKdcwHd90pEGp/yikr+NGc9Mxds4yd94nlyyjBaN4v0OpY0Is65E/yTMF0DLDOzpcBM\n59ynHkdr1NLy9jFl+mIyC0p58ZrRjOoe63UkEZGgC7TAesDMngM+wzfRBQBV7m0lIo1UfkkZt85a\nwdcbM7l6QnfuO6s/EZrMQjzgnNtkZvcDScATwDD/LUN+q/NV3duV6yuucor289K1YxjRrY3XkURE\n6kSgBdbVQD8gkv91EXSATlgijdjWrCKmvfgt27OL+csFg5gyuqvXkaSRMrPB+M5VZwOfApOdc8vN\nrCOwCJ2v6lRqTjFTnl1M3r4yXpk2hqFdYryOJCJSZwItsEY55/oGNYmINCgLU7K46dXlhBm8Mm2M\nxlWI154EnsPXWrXvwELn3G5/q5bUke3ZRVz67BIKS8uZNW0sgzq39jqSiEidCrTAWmhmA5xz64Ka\nRkTqPeccMxds409z1tMzrgUzpo6ia9vmXscSORvY55yrADCzMCDKOVfsnHvZ22iNx9asIqZMX0xp\neQWvThvDwE4qrkSk8Qm0wBoLrDSzrfjGYBngNE27SONSUFLGvW8n81FyGqcOaM+jFw8hOkqTWUi9\nMA+YBBT6nzcHPgHGe5aokdmcWciU6Yspr3TMum4s/RNaeR1JRMQTgRZYZwQ1hYjUexvS87n5leVs\nzynm3jP7ccNPeuKbP0CkXohyzh0ornDOFZqZmlbrSMqeAi6ZvgRwvHbdWPp2iPY6koiIZ45YYJlZ\nK+dcPlBQR3lEpB56Z/lOfvtuMtFRkbyq8VZSPxWZ2XDn3HIAMxsB7KtmG6kl976dDDhev34sie1U\nXIlI41ZdC9Ys4BxgGb5ZA6ternZAzyDlEpF6oKSsgoc+XMesJTsY0yOWJy8dRrvoKK9jiRzKHcCb\nZrYb37mqA/BzbyM1Dil7CknavpffnNlPxZWICNUUWM65c/z/7VE3cUSkvkjNKebmV5eTvCuPmyb2\n4q5T++j+VlJvOee+NbN+wIEZb79zzpV5mamxeGvZTsLDjPOHd/I6iohIvRDQGCwz+8w5d0p1y0Qk\nNHy+IYM7Z6+i0jmevXIkpw5o73UkkUD0BQYAUcBwM8M595LHmUJaeUUlby/fyUl949W6LSLiV90Y\nrCh8MzHFmVkb/tdFsBWgS1UiIaa8opLH5m3kX19s5riOrXjqshGagl0aBDN7AJiIr8CaA5wJfAOo\nwAqirzdlkllQykUju3gdRUSk3qiuBesGfP3aO+Ibh3WgwMoH/hnEXCJSxzILSrn9tRUs2pLNlNFd\neGDycURFhnsdSyRQFwJDgBXOuavNrD3wiseZQt4b3+4krmUTTu7XzusoIiL1RnVjsP4B/MPMbnPO\nPVlHmUSkjqXsKeCy55aQt6+Mv180hAtHdPY6kkhN7XPOVZpZuZm1AvYAalYJouzCUuatz+Cq8d2J\n1PhMEZHvBTQGS8WVSOjaubeYy59bSkUlvHvzBN0cVBqqJDOLAZ7F1+OiEFjkbaTQ9t7K3ZRXOnUP\nFBE5SKA3GhaREJRVWMoVM5ZSvL+c2TeMU3ElDZL57nj9F+dcLvC0mX0MtHLOrfY4WshyzvFmUipD\nusTopsIiIgdRm75II5VfUsaVM5aSlrePmVePUnElDZZzzuGb2OLA820qroIreVceG9ILuEjdiUVE\nfiTgFiwz6wR0q7qNc+7rYIQSkeDat7+CaS8ksWlPAc9NHcWIbrFeRxI5VsvNbJRz7luvgzQGbybt\npGlEGJOHdPQ6iohIvRPofbD+BvwcWAdU+Bc7QAWWSANTVlHJza8u49vtOTw5ZRgn9on3OpJIbRgD\nXGZm24EifLPeOufcYG9jhZ6SsgreX7mLMwd2oHWzSK/jiIjUO4G2YJ0H9HXOlQYzjIgEV2Wl4643\nVvHFd5n8+fxBnDNYV58lZJzudYDG4r9r08kvKdfkFiIihxHoGKwtgC5TiTRgzjke+M9a/rNqN/ec\n0Y9Lx3T1OpJIbXKHeUgte2vZTjrFNGNcz7ZeRxERqZcCbcEqBlaa2WfA961Yzrnbg5JKRGrdY59u\n5OXF27nhxJ7cNLGX13FEattH+AoqA6KAHsB3wHFehgo1O/cW801KFr84pTdhYeZ1HBGReinQAus/\n/oeINEDPzd/CE5+ncMmoLtx7Rj+v44jUOufcoKrPzWw4cLNHcULW28t24Rz8bLhmDxQROZxAbzT8\nopk1Afr4F33nnCsLXiwRqS1vJqXy8EfrOWtQB/50/iB8twwSCW3OueVmNsbrHKGkstLx1vJUJiS2\npUtsc6/jiIjUW4HOIjgReBHYhq/7RRczm6pp2kXqt/+uTeeet1dzQu84Hvv5UMLVpUdClJn9ssrT\nMGA4sNujOCFp8dZsUnP28avT+nodRUSkXgu0i+D/A05zzn0HYGZ9gNeAEcEKJiLHZmFKFrfNWsGQ\nLjE8ffkImkaEex1JJJiiq/xcjm9M1tseZQlJbybtJDoqgtOP6+B1FBGRei3QAivyQHEF4JzbaGaa\nVVCknnp/5S7ufTuZHnEtmHnVKFo0Dfie4iINknPuD15nCGX5JWXMXZPGz4Z3JipSF2tERI4k0Gna\nk8zsOTOb6H88CyQFM5iI1FxpeQW/e28Nv3h9JQM7teLlaaOJad7E61giQWdmn5pZTJXnbczsv15m\nCiUfrkqjpKySi3XvKxGRagV6Wfsm4BbgwLTs84F/ByWRiByVnXuLueXV5azamcf1P+nJr0/vS2R4\noNdQRBq8eOdc7oEnzrm9ZtbOy0Ch5I2kVPq0b8ngzq29jiIiUu8FOotgKfCo/yEi9cwXG/Zwx+yV\nVFY6nr58BGcM1BgJaXQqzKyrc24HgJl1QzcarhWbMgpYmZrL/Wf31yykIiIBOGKBZWZvOOcuNrNk\nDnGics4NDloyEalWRaXjsU838s8vUuif0IqnLhtO97gWXscS8cJ9wDdm9hW+2W5PAK73NlJoeHPZ\nTiLCjPOGdfI6iohIg1BdC9Yv/P89J9hBRKRmsgpL+cXrK1iQks3FIzvz0LkDNfhcGi3n3Mf+mwuP\n9S+6wzmX5WWmUFBWUck7y3dycr92xLVs6nUcEZEG4YgDNJxzaf4fb3bOba/6AG4OfjwROZSkbTmc\n/cR8krbt5ZGfDeaRC4eouJJGzczOB8qccx865z4Eys3sPK9zNXRffpdJVuF+TW4hIlIDgY6AP/UQ\ny86szSAiUj3nHM/N38LPpy+mWWQ47948gYtH6YuPCPCAcy7vwBP/hBcPeJgnJLyRlEpcy6ZM7Bvv\ndRQRkQajujFYN+FrqeppZqurrIoGFgQzmIj8UH5JGXe/uZqP16Zz+nHt+b+LhtAqSrejE/E71AVD\n3QDuGGQWlPL5hj1MO74HEZqRVEQkYNWdfGYBc4G/APdWWV7gnMsJWioR+YHNmYVc92IS23OKue+s\n/kw7oYdm8xL5oSQzexT4l//5LcAyD/M0eO+t2EVFpeOikZ29jiIi0qAcscDyd7fIA6YA+O8pEgW0\nNLOWB6bDFZHgmb8pk1teXU5keBizpo1hTM+2XkcSqY9uA34HzPY//xRfkSVHwTnHG0mpDOsaQ2K7\naK/jiIg0KAF1nzCzyfjugdUR2AN0A9YDxwUvmkjj5pzjpUXbeejDdfRu15JnrxxJl9jmXscSqZec\nc0X8sKeFHINVO/PYtKeQv1wwyOsoIiINTqD90x/GN/XtPOfcMDM7Cbg8eLFEGreyikoe/M9aXl2y\ng0n92/P4JUP/f3v3HV9lff5//H1lsDcElD1EERUZYakdjrZqVdxVW0WLWkdt1S6tv9YOu2uH39pa\nXKDirqu2jn79arWKkEDCFGSFBAQCWQQCmdfvj3NjU0pCEk7Ofcbr+Xjkcc65z0nO+8Mdzp3rvj9D\n3ToynARoipllSfq2Iif+Ou3b7u6nhBYqgb2U/5E6ZqTprHGHhx0FABJOS0et1rp7iaQ0M0tz9zcl\nZbdjLiBlle2u0RUPLtS8BYW67lOj9OfLJ1FcAQc3T9IqSSMk/VBSgaScMAMlsvfW7VD28N7qzkQ6\nANBqLS2wys2sm6S3Jc0zs99L2t3cN5jZQ2ZWbGbLG237gZltNrP84OvMtkcHks/a4kqd+8d3tWhj\nme6+6HjddsYYpacxmQXQAn3d/UFFTgj+092/LImrV21Qsqtaq7ZW6oRR/cKOAgAJqaUF1gxJVZJu\nkfSqpHWSzj7I98yRdPoBtv/W3ccHX39vaVAg2b21uljn3fuedlfX6Ylrp+qCSczcBbRCbXC7xcw+\nb2YTJPUJM1CiWrAhMknwNCbUAYA2aWm/o1slzXH3IklzJcnMrpU0u6lvcPe3zWz4oQYEkp276+F3\nC3TX31bqqMN66P4rJmlwbyazAFrpLjPrKekbkv5HUg9FTgqileavK1GXDukaN7hn2FEAICG19ArW\nTZJeDSa32Oe6Nr7nV81sadCFsHcbfwaQFGrqGnT7c8v0o5dX6rSjB+jZ66ZTXAFt4O4vu3uFuy93\n9yV0uesAACAASURBVJPdfZK7v9SS7zWzdDPLM7OXg8cjzGyBma01s6fMrEP7po8v89eXaPLwPspk\ncWEAaJOWfnpulnSGpJ+b2beCbW0ZGPInSaMkjZe0RdLdTb3QzK41s1wzy92+fXsb3gqIb6W7a3T5\ngwv0ZE6Rbjx5lO770iR1ZTILIAxfV2TpkX1+oUh39iMklUmaFUqqEBTv3Ku1xbs0fRTdAwGgrVp8\neipYVPhTksaa2TOSOrf2zdx9m7vXu3uDpPslTWnmtbPdPdvds7Oyslr7VkBcK9ixW+f/8V3lFZXr\nd18Yr299bozSmMwCiDkzGyzp85IeCB6bIpNjPBu8ZK6kc8NJF3vz15dIkqYz/goA2qylBVauJLn7\nXne/StJbklrdZcLMGi+ocZ6k5U29FkhWiwvLdP6f3tPOvXV64pppOnfCoLAjAansd4qsn9UQPO4r\nqdzd64LHmyQd8D9pMva0eH99ibp3zNAxA3uEHQUAElaLCix3v2a/x/e6+8jmvsfMnpA0X9JRZrbJ\nzGZJ+qWZLTOzpZJOFgOQkWJeXb5Vl85+X907Zei560/QpGEMQwSiycymmdmrZvaWmTV75cnMzpJU\n7O6L2vJeydjTYv66Ek0Z0UcZjL8CgDZrdsCHmT3t7heb2TJJvv/z7j6uqe9190sPsPnB1kcEksOc\ndzfohy+v1PGDe+nBmdnq261j2JGAhGdmh7n71kabblWkh4RJWiDphWa+/URJ5wRrMnZSZObB30vq\nZWYZwVWswYqMQ056Wyr2qKCkSl+aNizsKACQ0A42ov7rwe1Z7R0ESFYNDa6fvfKB7n9ngz4zdoDu\nuWSCOndIDzsWkCzuM7PFkn7p7nsllUu6UJEufzub+0Z3v13S7ZJkZp+W9E13/2IwzvhCSU9Kminp\nxfaLHz/mrwvGXzHBBQAckmYLLHffEtxujE0cILnsra3XN55eor8t26KZ04fp+2cfo3QmswCixt3P\nNbOzJb1sZo9IulnSZZK6qO2TU3xH0pNmdpekPKVI74v560rUq0umjj6M8VcAcCgO1kWwUgfoGqhI\n1wt3dz6FgSaUV9XomkdylVNQpjvOPFpXf2KEIhOUAYgmd/+rmf1d0g2Snpf0E3d/u5U/4y1FJnCS\nu69XM7PcJqv560s0dUQfZjQFgEPU7ChWd+/u7j0O8NWd4gpoWlFplc7/03taUlSh/7l0gq755EiK\nK6AdmNk5ZvampFcVmZn2C5JmmNmTZjYq3HSJo6i0SpvK9jA9OwBEQatWNTWz/ooMBJb08dpYABpZ\nuqlcX56Tq5q6ej06a4qm8gcL0J7uUuRqU2dJr7n7FEnfMLPRkn4i6ZIwwyWKf4+/6hdyEgBIfC0q\nsMzsHEl3SxooqVjSMEVWvT+m/aIBief/Vm3TjfPy1KdrBz157VQd0b972JGAZFch6XxFxlwV79vo\n7mtEcdVi89eXqG/XDjpyQLewowBAwmvpQhc/ljRN0ofuPkLSqZLeb7dUQAJ6KqdQV8/N1aj+XfX8\njSdQXAGxcZ4iiwNnKDK5BVrJ3TV/XYmmjexLV2YAiIKWdhGsdfcSM0szszR3f9PMfteuyYAE8tC/\nNuhHL6/UJ4/M0p++OFFdO7aq9y2ANnL3HZL+J+wciaygpEpbd+7VNKZnB4CoaOlfgeVm1k3S25Lm\nmVmxpN3tFwtIHPe+uVa/em21PnfMAN1z6QR1zGCNKwCJ4+PxV4wXBYCoaGkXwRmS9ki6RZGZmtZJ\nOru9QgGJwN3169dW61evrdaM8QN172UTKa4AJJz560vUv3tHjcrqGnYUAEgKLbqC5e6Nr1bNbacs\nQMJwd/345Q/00LsbdMnkIfrJecexgDCAhLNv/NWJRzD+CgCi5WALDf/L3U86wILDLDSMlNXQ4Lrj\nheV6YmGhrjxhuO48eyx/mABISOu279KOXdV0DwSAKGq2wHL3k4JbpkMDJNXVN+hbzy7V83mbdcOn\nR+lbnzuK4gpAwvr3+lcUWAAQLS0ag2Vmj7ZkG5DMauoadNMTeXo+b7O++dkj9e3Tx1BcAUho760r\n0cCenTS0T5ewowBA0mjpLIL/saCwmWVImhT9OEB82ltbr+sfW6Q3V2/X984aq1knjQg7EgAckoYG\n1/vrS3TymP6cLAKAKGr2CpaZ3R6MvxpnZjuDr0pJ2yS9GJOEQMh2V9fpqodz9NaH2/XT846juAKQ\nFFZvq1RZVS3jrwAgypotsNz9Z8H4q1+5e4/gq7u793X322OUEQjNzr21uuKhhVqwoUS/ufh4XTZ1\naNiRACAqGH8FAO3jYLMIjnH3VZKeMbOJ+z/v7ovbLRkQspJd1Zr58EKt3lqpey+bqDOOOzzsSAAQ\nNfPXl2hIn84a3JvxVwAQTQcbg3WrpGsl3X2A51zSKVFPBMSBnIJS3fR4nkqrajT78mydPKZ/2JEA\nIGrqG1wL1pfojGM5cQQA0XawadqvDW5Pjk0cIFwNDa773l6nu1//UEN6d9Zz15+gYwf1DDsWAETV\nB1t2aufeOroHAkA7aOksgjKzEyQNb/w97v5IO2QCQlGyq1q3Pr1E//xwu84ad7h+dv5x6t4pM+xY\nABB1jL8CgPbTogIrWPNqlKR8SfXBZpdEgYWk0LhL4F3nHqsvTh3KtMUAktb89SUa2a+rBvToFHYU\nAEg6Lb2ClS1prLt7e4YBYm3/LoHP33CCjhlIl0AAyauuvkELN5TqnPEDw44CAEmppQXWckmHSdrS\njlmAmKJLIIBUtGxzhXZV17H+FQC0k5YWWP0krTSzhZKq921093PaJRXQzhZuKNXXnqBLIIDUM399\nZPzVNAosAGgXLS2wftCeIYBYaWhw/emf6/Sbf9AlEEBqmr+uRKP7d1NW945hRwGApNSiAsvd/9ne\nQYD2trZ4l3788kq6BAJIWTV1DcotKNNF2YPDjgIASavZAsvMKhWZLfC/npLk7t6jXVIBUeLumr++\nRA+8s0H/t6pYHTPS9JPzjtVlU+gSCCD1LN1Urj219TqB6dkBoN0cbKHh7rEKAkRTTV2DXl76kR54\nZ4NWbtmpvl076ObTRutL04apXze6xQBITfPXlchMmjqCAgsA2kuLFxoGEkFFVa0eX1ioOe9t0Lad\n1Tqifzf9/PzjdO6EQeqUmR52PAAI1fz1JRpzWA/17toh7CgAkLQosJAUNpbs1sPvFujp3CJV1dTr\npCP66ecXjNOnRmcpLY2ugACwt7ZeizaW6YtTh4UdBQCSGgUWEtqijWWa/fY6vb5ymzLSTOccP0iz\nThqhsQMZHggAjeUVlqu6rkHTGX8FAO2KAgsJ69lFm/TNZ5aoZ+dM3fDpUbpi+nAN6NEp7FgAEJfm\nry9RmklTRvQJOwoAJDUKLCSk11ds1Xf+slQnHdFPf758krp25FcZAJrz/roSHTOwp3p2ZnkKAGhP\naWEHAFpr/roSffWJPB07qCfFFQC0wJ6aeuUVldE9EABigAILCWXZpgpd80iuhvXpojlXTqa4AoAW\nWLSxTLX1rukjKbAAoL1RYCFhrNu+SzMfXqienTP16KypTDMMAC2Uu7FUZlL28N5hRwGApEeBhYTw\nUfkeXf7AAqWZ9NjVU3VYTyazAICWyiss15H9u6t7J8ZfAUB7o8BC3CvdXaPLH1ygyr11mnPVFI3o\n1zXsSACQMBoaXPlF5ZowtFfYUQAgJTCABXFtV3Wdrnx4oTaV7dGjs6bq2EE9w44EAAllQ8luVeyp\npcACgBihwELc2ltbr2vm5mrFRzs1+/JJrN0CAG2QX1guSZowlPFXABALdBFEXKqrb9DXnsjT/PUl\n+vVF43Tq0QPCjgQACSmvqEzdO2boiKxuYUcBgJRAgYW44+66/bllen3lNt159lidN2Fw2JEAIGHl\nFZZr3JCeSkuzsKMAQEqgwEJccXf97JVVembRJn3t1NG66sQRYUcCgIRVVVOnVVsrNWEI3QMBIFba\nrcAys4fMrNjMljfa1sfM/mFma4JbPvHxsb219frt/67R7LfXa+b0YbrltNFhRwKAhLZsU4XqG5wJ\nLgAghtrzCtYcSafvt+02SW+4+2hJbwSPkeLWFlfqxy+v1LSfvaF73lijc8cP1J1nHyMzurMAwKHI\nL4pMcDF+CAUWAMRKu80i6O5vm9nw/TbPkPTp4P5cSW9J+k57ZUD82ltbr1eWb9ETC4q0sKBUmemm\nzx5zmC6bMlTTR/ZlrAAAREFeYbmG9e2ivt06hh0FAFJGrKdpH+DuW4L7WyU1OTWcmV0r6VpJGjp0\naAyiIRbWbKvUEwuL9JfFm1Sxp1bD+3bR7WeM0QWTBqsffwAAQNS4uxYXlumEUX3DjgIAKSW0dbDc\n3c3Mm3l+tqTZkpSdnd3k6xD/9l2tenxBoXIKypSZbvpccLVqGlerAKBdbKnYq+LKaroHAkCMxbrA\n2mZmh7v7FjM7XFJxjN8fMfant9bpvn+uU8WeWo3o11XfPXOMLpg4mO4qANDO8lhgGABCEesC6yVJ\nMyX9PLh9Mcbvjxh6fEGhfvHqKp0ypr+u/sQITR/Zl4krACBG8grL1CEjTUcf3iPsKACQUtqtwDKz\nJxSZ0KKfmW2SdKcihdXTZjZL0kZJF7fX+yNcC9aX6PsvLtenjszS/VdkK51ugAAQU/lF5TpuUE91\nyGDJSwCIpfacRfDSJp46tb3eE/GhqLRK189brKF9u+ieSydQXAFAjNXUNWjZ5gpdPm1Y2FEAIOVw\nWgtRtbu6Ttc8kqu6+gY9cEW2enbODDsSAKScVVt3qrquQeNZYBgAYi60WQSRfBoaXLc+na8Pt1Vq\nzlVTNDKrW9iRACAlMcEFAISHK1iImt+9sUavrdimOz4/Vp88MivsOACQsvIKy9S/e0cN7Nkp7CgA\nkHIosBAVf1u6Rfe8sUYXTRqsL584POw4AJDS8ovKNWFoL2ZuBYAQUGDhkC3fXKFvPJOvScN6667z\njuWADgAhKt1do4KSKroHAkBIKLBwSLZXVuvaR3LVu0sH3felSeqYkR52JABIaflFZZKk8UOY4AIA\nwsAkF2iz6rp6XffYIpVW1ejZ605QVveOYUcCgJSXV1iuNJPGDe4ZdhQASEkUWGgTd9f3XliuRRvL\n9IfLJujYQRzIASAe5BWWa8xhPdSlA4d4AAgDXQTRJnPeK9DTuZt00ylH6KxxA8OOAwBQZLmMJcEE\nFwCAcFBgodXeWbNdP355pT47doBuOe3IsOMAAALrtu9SZXUdE1wAQIgosNAqG3bs1o3zFuvIAd31\n2y+MV1oaMwYCQLzYt8AwE1wAQHgosNBixZV7deXDC5WeZrr/imx17Uj/fgCIJ3lFZerRKUMj+3UN\nOwoApCz+QkaLVFTV6ooHF2p7ZbUeu3qqhvTpEnYkAMB+8grLNX5ob3oXAECIuIKFg6qqqdNVcxZq\n/fbdmn15tibStx8A4s6u6jqt3lapCXQPBIBQUWChWdV19frKo4uUX1Suey4dr5NG9ws7EgDgAJZu\nKpe7mEEQAEJGF0E0qb7BdfOT+XpnzQ798sJxOv3Yw8OOBABoAhNcAEB84AoWDsjd9d3nlumV5Vv1\n/z5/tC7OHhJ2JABAM/IKyzWyX1f16tIh7CgAkNIosPBf3F0//fsHeiq3SF875Qhd/YmRYUcCADTD\n3ZVfVKbxdA8EgNBRYOG/3PvmWt3/zgbNnD5Mt3yGhYQBIN5tKtujHbtqWGAYAOIABRb+w6PzC/Tr\n1z/UeRMG6c6zj5EZU/0CSF5mNsTM3jSzlWa2wsy+HmzvY2b/MLM1wW1cVy55RZHxV8wgCADho8DC\nx17M36zvv7RCpx3dX7+8cBzrqABIBXWSvuHuYyVNk3SjmY2VdJukN9x9tKQ3gsdxK6+wTJ0y0zTm\nsO5hRwGAlEeBBUnSGx9s061PL9HUEX30h8smKjOdXw0Ayc/dt7j74uB+paQPJA2SNEPS3OBlcyWd\nG07ClskrLNe4Qb2UwWc3AISOT2Lo/fUlumHeYh0zsIfuvyJbnTLTw44EADFnZsMlTZC0QNIAd98S\nPLVV0oADvP5aM8s1s9zt27fHLOf+quvqtfKjnax/BQBxggIrxS3fXKGr5+ZqSJ8umnPVFHXvlBl2\nJACIOTPrJukvkm52952Nn3N3l+T7f4+7z3b3bHfPzsrKilHS/7bio52qqW+gwAKAOEGBlcKKSqt0\n5cM56tk5U4/OmqI+XVk7BUDqMbNMRYqree7+XLB5m5kdHjx/uKTisPIdzL4FhplBEADiAwVWiqqo\nqtWVDy9UTV295lw1WYf37Bx2JACIOYtMlfqgpA/c/TeNnnpJ0szg/kxJL8Y6W0vlF5VrYM9OGtCj\nU9hRAACSMsIOgNirrqvXNY/mqqh0jx6ZNUWjBzDrFICUdaKkyyUtM7P8YNt3Jf1c0tNmNkvSRkkX\nh5TvoPIKWWAYAOIJBVaKaWhwfeuZpVq4oVS/v2S8po3sG3YkAAiNu/9LUlNrUpwayyxtUVy5V5vK\n9mjm9OFhRwEABOgimGJ+/fpqvbTkI3379KM0Y/ygsOMAAA5B/sfjr7iCBQDxggIrhcxbsFF/fGud\nLps6VNd/alTYcQAAhyivqFwZaaZjB/UMOwoAIECBlSLeXFWs772wXCcflaUfnXOMIuO6AQCJLL+w\nXGMH9mD9QgCIIxRYKWDZpgrd+PhijR3YQ3+4bKIy0tntAJDo6htcSzaVa8IQugcCQDzhL+0kt6ms\nSl+em6PeXTrooZmT1bUj85oAQDL4cFulqmrqmUEQAOIMf20nschaVznaW1uvx6+eqv6skQIASePj\nBYaHsMAwAMQTrmAlqeq6en3lsVxtLNmt2Zdns9YVACSZvMIy9e6SqWF9u4QdBQDQCFewkpC769vP\nLtX76yNrXU0fxVpXAJBs8ovKNWFobyYtAoA4wxWsJPTr11frxfyP9K3PsdYVACSjij21WlO8iwku\nACAOcQUribi77n1zre59c50unTJUN3yata4AIBktKYqMv2KCCwCIPxRYSaKmrkHffX6Znl20SedN\nGKQfz2CtKwBIVrkFpUozacJQJrgAgHhDgZUEKqpqdd1jizR/fYluPm20vn7qaIorAEhiOQVlGjuw\nh7qx9AYAxB0+mRNcYUmVrpqzUEWle/TbLxyv8yYMDjsSAKAd1dY3KK+oTJdMHhp2FADAAVBgJbBF\nG0t1zSOL1OCux66eqikj+oQdCQDQzpZvrtDe2gZNHs5nPgDEIwqsBPXXJR/pG88s0cCenfTwVVM0\nol/XsCMBAGIgt6BMkjR5OOOvACAehVJgmVmBpEpJ9ZLq3D07jByJyN31x7fW6Vevrdbk4b01+/Js\n9e7aIexYAIAYySko1bC+XdS/R6ewowAADiDMK1gnu/uOEN8/4dTUNeiO55fpmUWbdO74gfrFhePU\nMSM97FgAgBhxd+VuLNPJR/UPOwoAoAl0EUwQjWcK/Pqpo3XzacwUCACpZv2O3SrdXUP3QACIY2EV\nWC7pdTNzSX9299n7v8DMrpV0rSQNHZraMyXtmymwsLRKv7n4eJ0/kZkCASAV5RaUSpKymeACAOJW\nWAXWSe6+2cz6S/qHma1y97cbvyAoumZLUnZ2tocRMh7kFJTqukcXqd5dj82aqqkj+4YdCQAQkpyC\nMvXukqlRWUxsBADxKi2MN3X3zcFtsaTnJU0JI0e8e2JhoS67/3317Jyp564/geIKAFJcbkGpsof3\noYs4AMSxmBdYZtbVzLrvuy/ps5KWxzpHPKutb9CdLy7X7c8t0/RR/fT8jSdqZFa3sGMBAEJUXLlX\nBSVVjL8CgDgXRhfBAZKeD86+ZUh63N1fDSFHXCrbXaMb5i3W/PUluuYTI3TbGUcrPY0zlQCQ6hYF\n618x/goA4lvMCyx3Xy/p+Fi/byJYtXWnrnkkV9t2Vuvui47XBZOYzAIAELGwoFSdMtN07MCeYUcB\nADSDadrjxGsrtuqWp/LVrWOGnv7KdI0f0ivsSACAOJJbUKbxQ3qpQ0Yow6cBAC3Ep3TIGhpcv//f\nNfrKo4s0ekB3/fWmkyiuAAD/YVd1nVZ8VKHJdA8EgLjHFawQVdXU6RtPL9Ery7fq/AmD9NPzj1On\nzPSwYwEA4kx+YbkanPFXAJAIKLBCsqmsStc8skirt+7UHWceras/MYJpdwEAB5RTUKo0kyYOpYcD\nAMQ7CqwQLFhfouvnLVZtfYMeunKyPn1U/7AjAQDiWO7GUo05rIe6d8oMOwoA4CAYgxVjzy3epC89\nuEC9umTqhRtPpLgCADSrtr5BeYXlrH8FAAmCK1gx4u669821+vXrH2r6yL667/JJ6tmZM5EAgOZ9\nsGWnqmrqGX8FAAmCAisG6uob9P9eWK4nc4p07viB+uWFxzPNLgCgRXKCBYaZQRAAEgMFVjvbXV2n\nGx9frLdWb9eNJ4/SNz97FJNZAABaLLegVEP6dNZhPTuFHQUA0AIUWO2ouHKvvjwnRys/2qmfnnec\nLps6NOxIAIAE4u7KKSjVJ0dnhR0FANBCFFjtZG3xLl358EKV7KrRAzOzdcqYAWFHAgAkmIKSKu3Y\nVcP4KwBIIBRY7WDhhlJd80iuMtNNT31lmsYNZt0SAEDr5RSUShIzCAJAAqHAirK/Ld2iW57O1+Be\nnTXnqika2rdL2JEAAAkqt6BUvbpkalRWt7CjAABaiAIrStxdD/5rg+762wfKHtZb91+Rrd5dO4Qd\nCwCQwHILypQ9rLfS0pgcCQASBQVWFNQ3uH788krNea9AZxx7mH77hfHqlJkediwAQALbsata63fs\n1sWTh4QdBQDQChRYh6iqpk63PJWv11Zs06yTRuiOM4/mTCMA4JDlfrz+FeOvACCRUGAdgq0Ve3X1\nIzla8dFOff+ssfrySSPCjgQASBK5BaXqkJGmYwf1DDsKAKAVKLDaaNmmCl39SI527a3TA1dk69Sj\nmYYdABA9ORvLNH5IL3XMoMs5ACSStLADJKJXl2/RRX9+TxlpaXr2+hMorgAAUVVVU6cVmyvoHggA\nCYgrWK3g7vrjW+v0q9dWa8LQXpp9ebayuncMOxYAIMnkF5arrsFZYBgAEhAFVgtV19Xr9ueW6bnF\nm3XO8QP1ywvHMVMgAKBd5BSUyUyaOJQrWACQaCiwWqBkV7W+8ugi5W4s062fOVI3nXKEzJgpEADQ\nPnI3luqoAd3Vs3Nm2FEAAK1EgXUQH26r1Ky5OSreWa0/XDZBZ40bGHYkAEASq6tv0OKNZTp/4uCw\nowAA2oACqxlvrS7WTY/nqWNmup76ynSNH9Ir7EgAgCS3amuldtfUK5sJLgAgIVFgNWHuewX64V9X\n6KjDeujBmdka2Ktz2JEAACkgp6BUkjSZCS4AICFRYO2ntr5BP/rrSj36/kaddvQA/f6S8erakX8m\nAEBs5BaUaVCvzpzYA4AEReXQSEVVrW58fLH+tXaHrv3kSH3n9DFKT2MyCwBAbLi7cgpKdcKovmFH\nAQC0EQVWYP32Xbp6bq6Kyqr0qwvH6aLsIWFHAgCkmKLSPSqurGb9KwBIYBRYkt5du0PXP7ZIGelp\nevyaafR7BwCEYiHjrwAg4aV8gfXY+xt150srNCqrqx6cOVlD+nQJOxIAIEXlFpSqR6cMje7fLewo\nAIA2StkCq66+QXf97QPNea9AJx+VpXsunaDunVjQEQAQnpyCUmUP76M0xv8CQMJKyQKrYk+tvvr4\nYr2zZoeuPmmEbj/zaCazAACEqmRXtdZt360LJrHAMAAkspQrsAp27NasuTkqLK3SLy44Tl+YPDTs\nSAAAaNHGMkmMvwKARJdSBdZ763bohnmLZZIenTVV00YyDS4AID7kbixTh/Q0HTeoZ9hRAACHIGUK\nrCcWFup7LyzXiH6RySyG9mUyCwBA/MgpKNW4wT3VKTM97CgAgEOQFnaAWPj5K6t0+3PLdOIR/fSX\nG06guAIAxJU9NfVavrmC9a8AIAmkxBWsow/vri+fOELfPXOMMtJToqYEACSQXdV1Ouf4QfrUkVlh\nRwEAHKKUKLBmjB+kGeMHhR0DAIADyureUXdffHzYMQAAUcDlHAAAAACIEgosAAAAAIgSCiwAAAAA\niBIKLAAAAACIEgosAAAAAIiSUAosMzvdzFab2Vozuy2MDAAAAAAQbTEvsMwsXdK9ks6QNFbSpWY2\nNtY5AABoDicDAQBtEcYVrCmS1rr7enevkfSkpBkh5AAA4IA4GQgAaKswCqxBkooaPd4UbPsPZnat\nmeWaWe727dtjFg4AAHEyEADQRnE7yYW7z3b3bHfPzsrKCjsOACC1tOhkIAAA+wujwNosaUijx4OD\nbQAAJAx6WgAADiSMAitH0mgzG2FmHSRdIumlEHIAANCUg54MpKcFAOBAYl5guXudpK9Kek3SB5Ke\ndvcVsc4BAEAzOBkIAGiTjDDe1N3/LunvYbw3AAAH4+51ZrbvZGC6pIc4GQgAaAlz97AzHJSZbZe0\n8RB+RD9JO6IUJ97R1uSVSu2lrcmpubYOc/eE7WfHcarVUqm9tDU5pVJbpdRqb1NtbfFxKiEKrENl\nZrnunh12jligrckrldpLW5NTKrW1tVLt3yaV2ktbk1MqtVVKrfZGo61xO007AAAAACQaCiwAAAAA\niJJUKbBmhx0ghmhr8kql9tLW5JRKbW2tVPu3SaX20tbklEptlVKrvYfc1pQYgwUAAAAAsZAqV7AA\nAAAAoN1RYAEAAABAlCR1gWVmp5vZajNba2a3hZ2nPZhZgZktM7N8M8sNtvUxs3+Y2ZrgtnfYOdvC\nzB4ys2IzW95o2wHbZhH3BPt6qZlNDC956zXR1h+Y2eZg3+ab2ZmNnrs9aOtqM/tcOKnbxsyGmNmb\nZrbSzFaY2deD7Um3b5tpa7Lu205mttDMlgTt/WGwfYSZLQja9ZSZdQi2dwwerw2eHx5m/rAk+7Eq\nmY9TEseqJP4841iVhPs2Zscpd0/KL0npktZJGimpg6QlksaGnasd2lkgqd9+234p6bbg/m2S65D1\nYAAABrhJREFUfhF2zja27ZOSJkpafrC2STpT0iuSTNI0SQvCzh+Ftv5A0jcP8Nqxwe9zR0kjgt/z\n9LDb0Iq2Hi5pYnC/u6QPgzYl3b5tpq3Jum9NUrfgfqakBcE+e1rSJcH2+yRdH9y/QdJ9wf1LJD0V\ndhtC+DdL+mNVMh+ngvwcq5Lz84xjVRLu21gdp5L5CtYUSWvdfb2710h6UtKMkDPFygxJc4P7cyWd\nG2KWNnP3tyWV7re5qbbNkPSIR7wvqZeZHR6bpIeuibY2ZYakJ9292t03SFqryO97QnD3Le6+OLhf\nKekDSYOUhPu2mbY2JdH3rbv7ruBhZvDlkk6R9Gywff99u2+fPyvpVDOzGMWNF6l6rEqK45TEsaoZ\nif55xrGqaQm7b2N1nErmAmuQpKJGjzep+V+WROWSXjezRWZ2bbBtgLtvCe5vlTQgnGjtoqm2Jev+\n/mrQ1eChRl1okqatwaX2CYqcQUrqfbtfW6Uk3bdmlm5m+ZKKJf1DkTOb5e5eF7ykcZs+bm/wfIWk\nvrFNHLqE3+ctkGrHKSnJP88OICk/z/bhWJVc+zYWx6lkLrBSxUnuPlHSGZJuNLNPNn7SI9c0k3Iu\n/mRuW+BPkkZJGi9pi6S7w40TXWbWTdJfJN3s7jsbP5ds+/YAbU3afevu9e4+XtJgRc5ojgk5EsKX\nsscpKfnbpyT+PJM4VikJ920sjlPJXGBtljSk0ePBwbak4u6bg9tiSc8r8ouybd9l6eC2OLyEUddU\n25Juf7v7tuBDoEHS/fr35feEb6uZZSryIT7P3Z8LNiflvj1QW5N53+7j7uWS3pQ0XZGuMhnBU43b\n9HF7g+d7SiqJcdSwJc0+b0oKHqekJP08O5Bk/jzjWJW8+1Zq3+NUMhdYOZJGB7OCdFBkYNpLIWeK\nKjPrambd992X9FlJyxVp58zgZTMlvRhOwnbRVNteknRFMIvPNEkVjS7hJ6T9+m6fp8i+lSJtvSSY\n2WaEpNGSFsY6X1sFfZcflPSBu/+m0VNJt2+bamsS79ssM+sV3O8s6TOK9OV/U9KFwcv237f79vmF\nkv4vOCOcSpL6WJWixykpCT/PmpLEn2ccq5Jw38bsOLX/rBfJ9KXIjC4fKtK38o6w87RD+0YqMovL\nEkkr9rVRkb6hb0haI+l/JfUJO2sb2/eEIpekaxXpDzurqbYpMivMvcG+XiYpO+z8UWjro0Fblgb/\nwQ9v9Po7graulnRG2Plb2daTFOlSsVRSfvB1ZjLu22bamqz7dpykvKBdyyV9P9g+UpGD71pJz0jq\nGGzvFDxeGzw/Muw2hPTvlrTHqmQ/TgVt4ViVnJ9nHKuScN/G6jhlwTcDAAAAAA5RMncRBAAAAICY\nosACAAAAgCihwAIAAACAKKHAAgAAAIAoocACAAAAgCihwALilJldaWYDw84BAEBTOFYB/40CC4hf\nV0o64EHLzNJjGwUAgAO6UhyrgP9AgQW0gpkNN7MPzOx+M1thZq+bWWcze8vMsoPX9DOzguD+lWb2\ngpn9w8wKzOyrZnarmeWZ2ftm1qeJ97lQUrakeWaWH7xHgZn9wswWS7rIzEaZ2atmtsjM3jGzMcH3\nZpnZX8wsJ/g6Mdj+qeBn5Qfv3z0W/2YAgNjiWAWEiwILaL3Rku5192MklUu64CCvP1bS+ZImS/qJ\npCp3nyBpvqQrDvQN7v6spFxJX3T38e6+J3iqxN0nuvuTkmZLusndJ0n6pqQ/Bq/5vaTfuvvkINsD\nwfZvSrrR3cdL+oSkfT8TAJB8OFYBIckIOwCQgDa4e35wf5Gk4Qd5/ZvuXimp0swqJP012L5M0rhW\nvvdTkmRm3SSdIOkZM9v3XMfg9jRJYxtt7xG8/l1JvzGzeZKec/dNrXxvAEDi4FgFhIQCC2i96kb3\n6yV1llSnf18R7tTM6xsaPW5Q6/8P7g5u0ySVB2f49pcmaZq7791v+8/N7G+SzpT0rpl9zt1XtfL9\nAQCJgWMVEBK6CALRUSBpUnD/wij9zEpJB+x77u47JW0ws4skySKOD55+XdJN+15rZuOD21Huvszd\nfyEpR9KYKOUEACSGAnGsAtodBRYQHb+WdL2Z5UnqF6WfOUfSffsGDh/g+S9KmmVmSyStkDQj2P41\nSdlmttTMVkq6Lth+s5ktN7OlkmolvRKlnACAxMCxCogBc/ewMwAAAABAUuAKFgAAAABECZNcACEz\ns3slnbjf5t+7+8Nh5AEAYH8cq4CWo4sgAAAAAEQJXQQBAAAAIEoosAAAAAAgSiiwAAAAACBKKLAA\nAAAAIEoosAAAAAAgSv4/HSu492cdAokAAAAASUVORK5CYII=\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "plt.figure(1, figsize=(12, 6))\n", - "plt.subplot(121)\n", - "plt.plot(x_values, y_values_init)\n", - "plt.title(\"num_trees vs initalization time\")\n", - "plt.ylabel(\"Initialization time (s)\")\n", - "plt.xlabel(\"num_trees\")\n", - "plt.subplot(122)\n", - "plt.plot(x_values, y_values_accuracy)\n", - "plt.title(\"num_trees vs accuracy\")\n", - "plt.ylabel(\"% accuracy\")\n", - "plt.xlabel(\"num_trees\")\n", - "plt.tight_layout()\n", - "plt.show()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "##### Initialization:\n", - "Initialization time of the annoy indexer increases in a linear fashion with num_trees. Initialization time will vary from corpus to corpus, in the graph above the lee corpus was used\n", - "\n", - "##### Accuracy:\n", - "In this dataset, the accuracy seems logarithmically related to the number of trees. We see an improvement in accuracy with more trees, but the relationship is nonlinear. " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### 6. Work with Google word2vec files\n", - "\n", - "Our model can be exported to a word2vec C format. There is a binary and a plain text word2vec format. Both can be read with a variety of other software, or imported back into gensim as a `KeyedVectors` object." - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [], - "source": [ - "# To export our model as text\n", - "model.wv.save_word2vec_format('/tmp/vectors.txt', binary=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "b'71290 100'\n", - "b'the 0.141686 0.255228 -0.191478 0.232801 0.094346 0.120224 0.075487 0.032936 0.154292 -0.063886 -0.321305 0.128102 0.072219 0.081531 -0.080868 -0.000505 -0.094688 -0.031570 -0.022748 -0.030894 0.118537 -0.091672 0.268565 0.017336 -0.158142 0.028882 -0.354505 -0.248104 0.114017 -0.132821 -0.068284 -0.311653 -0.109148 0.071787 0.391749 0.027252 -0.192908 0.323144 0.100474 -0.049426 -0.157461 -0.289598 0.148029 0.059920 -0.084889 -0.012278 0.041439 0.109375 -0.123536 -0.001224 0.112495 -0.138175 0.114445 -0.208958 0.253858 -0.033594 0.145608 0.295680 -0.008925 0.032524 0.192903 0.035965 0.135603 -0.103187 0.162365 0.031851 0.017547 -0.106019 0.094497 0.071965 0.068053 0.024725 -0.003645 0.001062 0.078102 -0.172048 0.093869 -0.035663 -0.166211 0.176462 0.049964 -0.114905 0.024031 -0.058539 -0.117258 -0.351215 -0.025666 -0.211885 0.036296 -0.326675 -0.182654 -0.019680 -0.189521 -0.206698 -0.100391 0.120583 0.076890 -0.010218 0.084345 -0.277560'\n", - "b'of 0.042654 0.329115 -0.062874 0.331052 0.041591 0.141496 0.023409 0.054587 0.003090 0.059803 -0.190404 0.169919 -0.001547 -0.005588 0.060066 0.089611 -0.072265 -0.230048 -0.028314 -0.115761 0.126566 -0.054547 0.366766 0.045456 0.011724 0.010946 -0.237676 -0.323509 0.232554 -0.039293 -0.049269 -0.085853 -0.215061 0.130000 0.347488 0.165928 -0.169574 0.305217 -0.017916 0.034427 -0.133006 -0.144247 0.150204 0.120708 0.053237 -0.183496 0.053565 0.030120 -0.115428 0.030555 0.115227 -0.206632 -0.043280 -0.194560 0.220410 -0.107236 -0.003629 0.253298 0.048558 -0.040416 0.225557 0.091650 0.052787 -0.052910 0.101683 0.113876 -0.105539 -0.056264 0.159010 0.211075 0.057890 -0.017479 0.124350 0.032155 0.097972 -0.220727 0.148302 -0.019309 -0.098981 0.180954 -0.064003 -0.011532 0.148809 0.071048 0.002689 -0.310323 -0.272785 -0.213483 0.030733 -0.217041 -0.346220 0.031555 -0.209962 -0.303856 -0.218638 0.012904 0.188286 0.030006 0.090853 -0.374457'\n" - ] - } - ], - "source": [ - "from smart_open import smart_open\n", - "# View the first 3 lines of the exported file\n", - "\n", - "# The first line has the total number of entries and the vector dimension count. \n", - "# The next lines have a key (a string) followed by its vector.\n", - "with smart_open('/tmp/vectors.txt') as myfile:\n", - " for i in range(3):\n", - " print(myfile.readline().strip())" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# To import a word2vec text model\n", - "wv = KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False)" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# To export our model as binary\n", - "model.wv.save_word2vec_format('/tmp/vectors.bin', binary=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# To import a word2vec binary model\n", - "wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True)" - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# To create and save Annoy Index from a loaded `KeyedVectors` object (with 100 trees)\n", - "annoy_index = AnnoyIndexer(wv, 100)\n", - "annoy_index.save('/tmp/mymodel.index')" - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Approximate Neighbors\n", - "('cat', 0.9998779296875)\n", - "('guppy', 0.5811221897602081)\n", - "('prionailurus', 0.5801613330841064)\n", - "('leopardus', 0.5798428654670715)\n", - "('felis', 0.5769271850585938)\n", - "('kitten', 0.5718004107475281)\n", - "('asinus', 0.5689475536346436)\n", - "('bobcat', 0.567633181810379)\n", - "('albino', 0.5676078200340271)\n", - "('toed', 0.5668608546257019)\n", - "('polydactyl', 0.5667275190353394)\n", - "\n", - "Normal (not Annoy-indexed) Neighbors\n", - "('cat', 1.0)\n", - "('guppy', 0.6490827798843384)\n", - "('prionailurus', 0.6474710702896118)\n", - "('leopardus', 0.6469359993934631)\n", - "('meow', 0.6448643207550049)\n", - "('felis', 0.6420187950134277)\n", - "('cats', 0.6419901251792908)\n", - "('kitten', 0.63329017162323)\n", - "('asinus', 0.6283876299858093)\n", - "('nermal', 0.6274536848068237)\n", - "('bobcat', 0.6261179447174072)\n" - ] - } - ], - "source": [ - "# Load and test the saved word vectors and saved annoy index\n", - "wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True)\n", - "annoy_index = AnnoyIndexer()\n", - "annoy_index.load('/tmp/mymodel.index')\n", - "annoy_index.model = wv\n", - "\n", - "vector = wv[\"cat\"]\n", - "approximate_neighbors = wv.most_similar([vector], topn=11, indexer=annoy_index)\n", - "# Neatly print the approximate_neighbors and their corresponding cosine similarity values\n", - "print(\"Approximate Neighbors\")\n", - "for neighbor in approximate_neighbors:\n", - " print(neighbor)\n", - "\n", - "normal_neighbors = wv.most_similar([vector], topn=11)\n", - "print(\"\\nNormal (not Annoy-indexed) Neighbors\")\n", - "for neighbor in normal_neighbors:\n", - " print(neighbor)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Recap\n", - "In this notebook we used the Annoy module to build an indexed approximation of our word embeddings. To do so, we did the following steps:\n", - "1. Download Text8 Corpus\n", - "2. Build Word2Vec Model\n", - "3. Construct AnnoyIndex with model & make a similarity query\n", - "4. Verify & Evaluate performance\n", - "5. Evaluate relationship of `num_trees` to initialization time and accuracy\n", - "6. Work with Google's word2vec C formats" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - } - ], - "metadata": { - "anaconda-cloud": {}, - "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.3" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/docs/notebooks/atmodel_prediction_tutorial.ipynb b/docs/notebooks/atmodel_prediction_tutorial.ipynb index bb70d1056b..6dd5258dc8 100644 --- a/docs/notebooks/atmodel_prediction_tutorial.ipynb +++ b/docs/notebooks/atmodel_prediction_tutorial.ipynb @@ -1836,7 +1836,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.0" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/atmodel_tutorial.ipynb b/docs/notebooks/atmodel_tutorial.ipynb index 2699e3519c..54daece7da 100644 --- a/docs/notebooks/atmodel_tutorial.ipynb +++ b/docs/notebooks/atmodel_tutorial.ipynb @@ -43,9 +43,7 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -72,9 +70,7 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "import tarfile\n", @@ -99,9 +95,7 @@ { "cell_type": "code", "execution_count": 5, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "import os, re\n", @@ -145,9 +139,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "from smart_open import smart_open\n", @@ -227,9 +219,7 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -284,7 +274,6 @@ "cell_type": "code", "execution_count": 6, "metadata": { - "collapsed": false, "scrolled": true }, "outputs": [ @@ -319,9 +308,7 @@ { "cell_type": "code", "execution_count": 7, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "# Create a dictionary representation of the documents, and filter out frequent and rare words.\n", @@ -369,9 +356,7 @@ { "cell_type": "code", "execution_count": 9, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -413,9 +398,7 @@ { "cell_type": "code", "execution_count": 10, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -446,9 +429,7 @@ { "cell_type": "code", "execution_count": 11, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -481,9 +462,7 @@ { "cell_type": "code", "execution_count": 12, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -508,9 +487,7 @@ { "cell_type": "code", "execution_count": 13, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "# Save model.\n", @@ -520,9 +497,7 @@ { "cell_type": "code", "execution_count": 14, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "# Load model.\n", @@ -543,9 +518,7 @@ { "cell_type": "code", "execution_count": 15, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -601,9 +574,7 @@ { "cell_type": "code", "execution_count": 43, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -664,9 +635,7 @@ { "cell_type": "code", "execution_count": 18, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -719,9 +688,7 @@ { "cell_type": "code", "execution_count": 55, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -742,9 +709,7 @@ { "cell_type": "code", "execution_count": 46, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -768,9 +733,7 @@ { "cell_type": "code", "execution_count": 47, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -791,9 +754,7 @@ { "cell_type": "code", "execution_count": 53, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -825,9 +786,7 @@ { "cell_type": "code", "execution_count": 24, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "from gensim.models import atmodel\n", @@ -844,9 +803,7 @@ { "cell_type": "code", "execution_count": 25, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -877,9 +834,7 @@ { "cell_type": "code", "execution_count": 26, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -912,9 +867,7 @@ { "cell_type": "code", "execution_count": 27, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -949,7 +902,6 @@ "cell_type": "code", "execution_count": 28, "metadata": { - "collapsed": false, "scrolled": true }, "outputs": [ @@ -1118,9 +1070,7 @@ { "cell_type": "code", "execution_count": 29, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -1426,9 +1376,7 @@ { "cell_type": "code", "execution_count": 64, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -1541,9 +1489,7 @@ { "cell_type": "code", "execution_count": 72, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -1672,9 +1618,7 @@ { "cell_type": "code", "execution_count": 34, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -1694,9 +1638,7 @@ { "cell_type": "code", "execution_count": 35, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "# Delete the file, once you're done using it.\n", @@ -1741,7 +1683,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.2" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/deepir.ipynb b/docs/notebooks/deepir.ipynb index 41359cf66e..1bdcff61eb 100644 --- a/docs/notebooks/deepir.ipynb +++ b/docs/notebooks/deepir.ipynb @@ -181,8 +181,8 @@ ] }, "execution_count": 4, - "output_type": "execute_result", - "metadata": {} + "metadata": {}, + "output_type": "execute_result" } ], "source": [ @@ -427,15 +427,15 @@ ] }, "execution_count": 14, - "output_type": "execute_result", - "metadata": {} + "metadata": {}, + "output_type": "execute_result" }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAAAtUAAAFWCAYAAACmf2GAAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3X2cXWV97/3vDwISG2GSgkbDgTkarcWH7ipG7pqarZxq\nRMW8fCxUzXi8LfepHJ0eT+/a3trM9EGk6oupYGuxnM4oFVS0o6CCtLKiqEBUJoBEFHQiBBIekqBE\nIyT87j/W2ps1+3HtmZ25rjXzeb9egb32Xnvt31xrzZrfvtZvXZe5uwAAAADM3mGhAwAAAADKjqQa\nAAAAmCOSagAAAGCOSKoBAACAOSKpBgAAAOaIpBoAAACYI5JqAKVgZgfN7PtmNmVm3zWzUw7BZ/yi\ny+snmtkZ/f7cQ83MNprZ+S2e32Rm/2uW25z3tjCz3zGzV8znZwJAUSTVAMpin7s/z90rkv5S0gcP\nwWd0G7j/v0o6cy4fYGahzrv9npSgbVuY2eF9/qyaiqTTennDIYwFAGYgqQZQFpZ7fIyk3fUXzD5k\nZjeb2VYze2P23AYz+4/s8ZPN7DYze2LWaztpZtdkz/1Vyw+buc03ZE+fI2lt1mP+7ob1zcz+0cxu\nNbOrzOzLZvba7LWfmtkHzey7kl6f9bh+J+t1/7yZHZOtd42ZPS97/Jtm9tPscduYzeyPzOz6LKZ/\nMjPLnn9btu51kl7UoV0rZvbtbN23Z++dMLPTc59xsZm9uuF9M9oii/GLZvafkv7DzNaZ2eW5bZxv\nZm/NHj/PzBIz22JmXzWzJ7Vo/zdk7X9jtu4Rkv5a0huzz3yDmb0gi/17ZnatmT091175WFaa2ebs\nfTeZWaf2AIBZWRI6AAAoaKmZfV/SUkkrJb1UkrLE9bnu/hwze6KkLWa22d0nzey1ZvZOSeslvd/d\n781yzhdIepak/dn6V7j792sfZGava7HNb0h6r6T3uPvpavZaSSe4+0lZkrhN0kW51+9395Oz7W+V\n9E53v9bMRiVtktSqDCPfu9wUs6RfSnqTpN9z94Nm9jFJf5R9mRiR9LuSfi4pkfR9tfYcSS+U9ARJ\nN5rZl7O4/1TSl8zsaEn/l6S3NrxvRluY2cbs857j7g+a2Tq16B03syWSzpd0urs/kH0J+oCktzes\n+n5JL3P3e8zsaHd/JPsy8Xx3f1e2rWWS1rr7o2Z2qtJE//XZ+/Ox/C9JV7r7OdmXjse3aQsAmDWS\nagBl8Ut3r/XiniLpU5KeLWmtpEskKUuaE6UJ6BWS3iXpFknfcffP5rZ1tbvvzbb1hWwb+aTzRW22\n2anmeq2kz2Xv2WVm1zS8/pns846WdIy7X5s9PyHps+ouH/Pns887KOn5SpNsk3SUpF1Kk+Rr3H13\ntv5nJD29zXa/6O4PS3rAzL4uaY27f8nMPmZmv6k0Sf28uz9aMMYHu6zzW0r329VZzIdJurvFetdK\nmjCzz0r6QpttDUj6ZNZD7Zr5Ny0fyxZJF2W93V90960FfhYA6AlJNYDScffrzOxYMzu2xcv5MpH/\nIulRSY3lBY09qN3qja3L60XsK7DOAT1WlndUw2v5GC23PO7u/19+RTN7jYrH3G67n5T0Fkl/KGmo\n4LbyP2P+Z5Ee+3lM0i3u3rEEw93/xMxeIOlVkr5XK4tp8DeSvu7urzWzEyXlv8jUY3H3b5rZiyW9\nUtK4mX3E3S8u+DMBQCHUVAMoi3qSaGbPVHr+ekDSNyW9ycwOM7PjJP2+pBuyMoOLlCaF28zsPblt\n/YGZDZjZUkkblPaK5j+j5TaV9lQ/oU1835L0Oks9SVK11Uru/nNJe3J1vW+RtDl7PC3p5OzxGxre\n2hjztyR9XWmN9nFZuyw3sxMkXS/pxdnyES22lfcaMzsy65Vep7RXV0p70IfTkP2HLd7XqS0kabuk\nk8zsCDMbkHRq9vxtko7LrjbIzJaY2UmNbzazp7r7FnffJOlepV+QfiHp6NxqR0vakT1+W7tAsja5\n190vkvQvklol6AAwJ/RUAyiLo7Ka6lri+1Z3d0n/niVoW5X2Sv9ZVrLxfknfcPdvm9lNShPtK7L3\n3qC0pGCVpE+5+43Z8y5J7t5um7slPWpmNyrtIf6HXHyfV1rn/QNJd0r6nqQH89vN2Sjpn7ME+Sd6\nLCH8sKTPmtk7JH254T2NMX9fkszsfZK+ZumoIg8rrdW+wcxGJF0naY+kqQ7tepPSmuvflPTX7r4z\na4N7zWybpH/v8L56W2SfU+fud2WlG7dI+qmy8pqsNvr1ks639AbNwyWNSbq1Yfsfqt14KOk/3f0m\nM7tT0nuz4+AcSX+vtPzjfS3aK68q6c/M7BGliXljfTgAzJmlf5MAYHHIbqir3+zW523/hrvvM7MV\nSnuLX+Tu9/Zhu4cs5g6f+XilXyqe5+4dx+8GANBTDQD9dEVW6nCE0l7fOSfUIWQjaVwk6SMk1ABQ\nDD3VAAAAwBxxoyIAAAAwRyTVAAAAwByRVAMAAABzRFINYNEzs6PM7HIz25vNPhglM7vGzP57BHGs\ny4a3CxnDX5jZhR1eP9PMrpzPmAAsboz+AaD0zOxRSavd/Sez3MTrJR0nablz93ZRQdvJ3c+pPc5m\nU/yppCW16dTd/dOSPh0oPACLED3VABaCuSZ4J0r6EQl1yswODx1Dj2rTq/djOnkAmBWSagBRMLNn\nZuUNe8zsZjN7de61GWUPZrbRzL6ZPd6sNJm6ycx+bmYtp+Rut/1s5sG/kvSH2ftbTndtZueZ2S4z\ne9DMttam1jaz08zs+9nz281sU+49J5rZo2Y2ZGY/M7MHzOwsMzs528ZuMzu/4ee61szOz0pRbjWz\nl3Zos/+erfOAmX01m4671Xq1ON5hZjuyf+/Jvb7JzD5nZp8ys72SNmZTl49l696V/fxHzNys/YWZ\n3WdmPzGzMzvEeY2ZfcDMrs/a6d+z8bxrr59uZrdk7fF1S6ehr73259nn/9zMtpnZS3IxfzJbrTbN\n+95svRc2HCP/aGYfaohp0syGs8dPNrPLzOxeM7vDzP5nu58FANohqQYQnJktkXS5pCuVlmG8S9K/\n2WPTVLdSm1J8Xbb8HHc/2t0/18v23X1E0gckXZq9/19bvP9lktYqLTE5RtIbJT2QvfyQpLdkz79S\n0v9jZqc3bGKNpNWS3qR0Su6/VDql+bMlvdHMfj+37gsl/VjptOEjkr6QT0BzMb1G0nslbch+pm9K\nuqR1U9VVJT1N0ssl/XlDwn66pM+6+4DSson3ZXE/V9LvZI/fl1t/paQVkp4iaUjShV3211uy9VZK\nOijp/OzneEb2ee/Kfo6vSrrczJZkr71T6WySR2dxT7fY9ouz/x+d7cPrs+XalYdLlO4zZZ85IOll\nki4xM1N6bNwo6cmSTpX0bjP7gw4/CwA0IakGEINTJP2Gu5/r7gfc/RpJV0g6o4dtdLr0P9ftPyLp\nCZJOMjNz99vcfZckufs33P0H2eNbJF0qaV3uva50dsWH3f0/JO2TdIm7P+DudytNhn83t/4ud/+o\nux90989Kuk1pst7oLEnnuPuPsjriD0qqmNl/6fBzjLj7/izOf234+b/j7pdnP8d+SWdKGs3ifEDS\nqNLEOP9zvd/dH3H3b0j6snKJawufcvdt7v4rSe+X9IYsoX2jpCvc/evuflDShyUtlfR7SpPvIyU9\n28yWuPvP3P2nHT6j5THg7t+U5Ga2Nnvq9ZK+ne3DNZKOdfe/y9p8WtK/SPrDDp8DAE1IqgHE4CmS\nGkeT2C5p1Ww2ZmZfMbNfZKUAZ/S6/awUofb+F2VJ+AWSPiZpl5l93MyWZeuuyUoW7s1KJ86SdGzD\nJvPTlf9K0q6G5WW55R0t4nxKizBPlPQPWcnEbqU9597uZ8peu6vDdhvb5ymSftZh/T1Z8t0tzlbb\n3650Kvdjs/dsrweZ1rXfKWmVu98haVhpj/0uM/u0ma3s8BmdfEaPfYk4U9K/ZY9PkLSq1o5mtkfS\nX0h64iw/B8AiRVINIAZ3S2rsYT1BjyWY+yQ9Pvdax8TK3U9z9ydkpQCXFNh+4/ufnXv/t7LnLnD3\nkyWdJOm3JP1ZtvqnJU0qTQIHJP2z5nbDXGNSfEIWf6M7JZ3l7iuyf8vdfZm7X9dmu6aZbdC43cab\nNHcoTdxrTmxYf7mZLS0QZ03+s09U2vt/f/aeE1usu0OS3P1Sd//93Drntth2kRtML5H0+qzu/IWS\nPp89f6eknzS04zHu/uq2WwKAFkiqAcTgekm/NLP/N6ulrUp6lR6rEZ6S9FozW2pmqyW9veH9OyU9\ndQ7b7yi7sXBNVpv9K0n7lZYmSGkv8x53f8TM1ijtBZ3x9iKfkfNEM/ufWZxvkPRMpaUVjT4u6S/t\nsRsmjzGz13fZ9vuzNnyWpLcpLVVp51JJ7zOzY83sWKUlG5/KvW6SRs3siKwm/JWSmurZc95s6c2i\nj1daSvK5rFf6s5JeaWYvyX7m/620fb9tZs/Inj9S0sNK2/7RFtu+L3v+ae0+3N2nlPbm/4ukK939\n59lLN0j6RXZsHGVmh5vZs8zs5A4/CwA0IakGEJy7PyLp1ZJOU9p7eYHSm/9+nK1yntKezZ1Ka4Ev\nbtjEiKRPZpfvmxLLAtvv5mhJn5C0W+l4yPcrrf2VpD+R9Ddm9qDSG/kaJ49p7EXttny9pKdnn/E3\nkl7n7nsb13X3SaV11JdmZSc3SVrf5efYLOl2SVdL+nt3/88O6/6tpO9m292aPf673Ov3SNqjtKf5\nU0p7zX/UYXufkjSRrX+kpHdnP8ePJL1Z6T65T2ly/mp3PyDpcdnPeF/2vuOUlmbMkNVp/52kb2XH\nwJo2MXxa6Y2I/5Z776NKv2BVlO7be5Xu66M7/CwA0MS6DctqZhcpPeHscvfntlnno5JeofQS7VDW\nIwAA6IGZbZT0dnd/cdeVe9vuiZJ+IumI2uQo88nMrlF6o+L/me/PBoD5UqSn+l+VDmPUkpm9QtLT\n3P3pSm/Q+XifYgMA9A8TowDAIdQ1qXb3a5Ve4mvnNZI+ma17vaRjzOxJ/QkPANAnIWeLZKZKAAve\nkj5sY5VmDpW0I3tuV+vVAQCtuPuE0rrjfm93u6RgU4+7e9tZIQFgoeBGRQAAAGCO+tFTvUMzxx89\nXm3GfjUzLgECAACgtNy95T0qRZNqU/ubXL4k6Z2SPmNmp0jaW5u+t00gBT9ycRgaGtL4+HjoMFAC\ny5Yt00MPPRQ6DERobGxMk5OTkqTNmzdr3bp0lvQNGzZoeHg4ZGiIVKUypKmp8dBhIHLkKM3M2t/z\n3TWpNrNPS6pK+k0z+5mkTUrHGHV3v9Ddv2Jmp5nZ7UqH1HtbX6JeJG699dbQISBiSZIoSRJJ0r59\n+zQyMiJJqlarqlarweJCXCqVivbuTYey3rx5c/3YqFQqAaNCzLZuDR0BsPB0TardvXF2sFbrnN2f\ncBafe++9N3QIAEpuamqq/uVLUv3xwMAAX77QxmDoAFACg4ODoUMolX7UVGMOBgYGQoeAiOV7pCcn\nJ+s91UAePdXoXTV0ACgBvpT3hqQ6gHz949atW+sHLfWP6GTlypWhQ0Ck6KkGgPBIqgMYHh6uJ8+V\nSmXGH0OgnfXr14cOAZGipxrAoTA+LvG9vDjGqQ6M8g8URYIEoF82baqGDgElMDFRDR1CqZBUB7Zh\nw4bQIaAkuKIBoF+4PQPoP8o/AqP3EUVNT0+HDgGRuuyyy3TFFVfUl2vjyt5///3UVKOlJEk4NlBA\nIm5qLY6kGohYfpzqiYmJ+vBGjFMNAEBcbD5nODQzZ0ZFYHZGRkYYUg8t5b98jY6OatOmTZL48gVg\nbswk0raZzKztNOUk1UBJkFSjiOyEHzoMAAvAyAj19406JdWUfwRGXRuKuv/++0OHgEjle6olMZ09\nuhoaSjQ+Xg0dBiJXrSaipro4Rv8ASuKhhx4KHQKABWJiInQEwMJD+QdQEpR/LHxmLa8oBsG5emGj\nVhaYHco/gJJqvAGthsv6C1M/EtmhoaH6kHoAgPlDUh0YNdXoJJ88X3fddfRUoyvGvkcxiaiVRTfk\nKL2hphooiZ07d4YOASUwNUVSDaA/uOjVG2qqgZLgsj6KoFYWRTBUGorgfNKMmmqgpJhREcChQEIN\n9B891YFRr4SiKpWKpqamQoeByJklcq+GDgOR428PiuB80qxTTzU11QAAAMAc0VMNRKxxSL1NmzZJ\novwD7VEDCaBfOJ80o6YaKKl88jw9Pc2Qeugq+94FAHPG+aQ3lH8EVuuFBLq59tprQ4eAEqhWk9Ah\noASGhpLQIaAEOJ/0hqQ6MG48AwDMt4mJ0BEACw/lH4GRVKOTfE31HXfcUS//oKYa7XBcoJhq6ABQ\nApxPekNPdWDT09OhQwAAAMAcMfpHAIzogNlgnGoUwfjDKILxh1EE55NmjFMNLAArV64MHQJKgJns\nAfQL55Pe0FMdWLVaZQQQFEKPAYpgXFkUMTLCVOXojvNJM3qqIzY4OBg6BJQECTWAfiGhBvqPpDqw\nZcuWhQ4BJcEVDRSThA4AJcD5BMUkoQMoFZLqwB566KHQIQAAAGCOSKoDo/wDRVH+gWKqoQNACXA+\nQTHV0AGUCpO/BNA4pF4NQ+qhE25URBHZCJ0ASmzFCmnPntBRpKzlLXnzb/lyaffu0FF0xugfgTH2\nMIoaGhrSOOMboQu+fKGIoaFE4+PV0GGgjVhG3YjpfBJLmzD6R8SoqUZRO3fuDB0CgAViYiJ0BMDC\nQ/lHAPnyjzvuuEMj2dhGlH+gUf5YueqqqzhW0BXHBYqphg4AJcD5pDeUfwRG+QeKGhwc1PT0dOgw\nACwAsVxKR2vsn2axtEmn8g96qgPI9z5u3bqV3ke0lT9Wtm/fzrGCrmKqgUTMEtFbjW44n/SGpDqA\nfEL0kY98pJ4oAcBcjY9L/A0EgPlH+UcAjUPqbcrGwKL3EZ0MDAxo7969ocNA5GK5RIq4jYwwVXnM\n+D1uFkubUP4BlNTY2JgmJyclSQ8++GD9S9eGDRs0PDwcMDIAZUZCDfQfSTUQseHh4XryvGrVqvoV\nDqC9RNTKohtqZVEEx0lvSKoDyJd5XHzxxdRUo5CDBw+GDgEAALTB5C+BrV27NnQIKIkTTjghdAgo\nhWroAFAC9D6iCI6T3tBTHdjQ0FDoEBCx/E2tW7ZsYUg9dJXd9wwAmGeFRv8ws/WSxpT2bF/k7uc2\nvH60pIslnSDpcEkfcffxFtth9I8GY2Nj3HCGQpYtW8a09uiKGkgUMTSUaHy8GjoMtBHLSBcxnU9i\naZM5jf5hZodJukDSqZLulrTFzL7o7j/MrfZOST9w99PN7FhJt5nZxe5+oA/xL2jMpohO8j3V+/bt\no6caQF9MTKRjmgPonyLlH2sk/djdt0uSmV0q6TWS8km1S3pC9vgJkh4goS5mcHAwdAiI2NTU1IwR\nP2qPBwYGSKrREscFiqmGDgAlwPmkN13LP8zsdZJe7u5/nC2/WdIad39Xbp1lkr4k6ZmSlkl6k7t/\ntcW2KP8Qk79gdpYsWaIDB/iuCmDuYrmUjtbYP81iaZP5mPzl5ZJudPeXmtnTJF1tZs91dwpAW8gn\nz5OTkwyph7byX8AOHjxI+Qe6iqkGEjFLRG81uuF80psiSfUOpTcg1hyfPZf3NknnSJK732FmP1Xa\na/3dxo0NDQ3VSx4GBgZUqVTqO6yWPCym5fvuu081McTDclzLl112mW655RbVTE5OamBgQAMDA/Xn\nYoqX5fDL4+NStRpPPCzHuSxNKUniiYflmctSEsX+qQndHo/FM/+fnySJxrMbELqV7BYp/zhc0m1K\nb1S8R9INks5w9225dT4m6V53HzWzJylNpn/H3Xc3bIvyD6U7q7bDKP9AUYODg5qeng4dBiIXyyVS\nNFuxQtqzJ3QU8Vm+XNq9u/t6iwm/x81iaZNO5R+9DKn3D3psSL0PmtlZktzdLzSzJ0sal/Tk7C3n\nuPslLbZDUt2gUqkwAggK4VhBEbH84UEz9k1rtEsz2qRZLG0y55pqd79S0m81PPfPucf3KK2rRgH5\nnuqtW7dSJ4tCli1bFjoElEKi2iVSoJ0kSfh7g644TnrDjIoB5JPniy++mBsVUcjOnTtDhwAAANoo\nVP7Rtw+j/EMSNdWYnZUrV5JYo6tYLpGiGfumNdqlGW3SLJY2mY8h9dCDfPI8PT1NTzXaGhsb0+Tk\npCRp165d9eNmw4YNTG+PlrLv6ACAeXZY6AAAtFcbcrKWTNceVyqVsIEhWtVqEjoElEDjkGlAKxwn\nvSGpDozkCAAAoPyoqQZKYtWqVdqxo3HeJQBlEUtNaGxol2a0SbNY2qRTTTU91YFxaQVFLV26NHQI\nAACgDZLqwGpTXwJAP/BFHUVwnKAIjpPeMPoHELH88It33HEHEwWhq/FxiUMDKDeXSS0LDBYvz/03\nViTVAeQTpYmJCQ0ODkoiUQIwdxMTVXEBDN3wtyZuJo+ifrgaOoAcs9hTam5UDG5kZIRxqlHI4OCg\npqenQ4eByMVyMw+asW9ao12a0SbNYmkTblSMGEkSilqyhAtLKCIJHQBKgFpZFMFx0hv+SgfGONXo\nhJpqAADKgfKPwJIkITlCIZQKoYhYLpGiGfumNdqlGW3SLJY2ofwjYgyph6Kuu+660CGgBDZtCh0B\nACxOJNWBXX311aFDQEncfvvtoUNACVSrSegQUALUyqIIjpPeUFMdQL5O9u6776ZOFgAAoORIqoGI\njY2NaXJyUlJ6o2LtS9eGDRs0PDwcMDLEii/mKILjBEVwnPSGGxUDyCdKmzdv1rp16ySRKKGzpUuX\n6le/+lXoMADMUiw3WsWGdmlGmzSLpU063ahIUh3YihUrtHv37tBhIFL5UqHR0VFtyu5Co1QI7TCi\nULxiSQqkuI6TmNolFrG0CcdJqzgY/SNahx3GLgDQPwwoBABh0FMd2OrVqxnVYYEza/mFNhh+Bxe2\nWHpz0Ix90xrt0ow2aRZLm3TqqeZGxcCOP/740CHgEOtXEmu2Uu47+7ItAADQX9QeBDA2Nlavid28\neXP98djYWOjQELHly5eFDgGlkIQOACXA+MMoguOkN/RUBzA8PFwf5WPp0qUctCjkzDPXhw4BAAC0\nQU11YEcddZT2798fOgwAC0QsdYdoxr5pjXZpRps0i6VNqKmOTH6c6l//+tdM6AGgb7JRFwEA84ya\n6gAqlcqMcYZrjyuVStjAEDXKhFBEtZqEDgFtuCztbovgXxJBDLV/rrhGSMJj+LvTG3qqA8gn1B/4\nwAc0MjISNB4AwKFn8iguX0uSkkSKaVKP0EEAfUBSHUB+lrxHHnmknlQzSx46SZJqLH8DETHOISiC\n4wRFcJz0hvIPoCRGR0NHAAAA2mH0j8BWrlypnTuZ0APdmSVyr4YOA5FLkoTepUjFMnqBFNdxElO7\nxCKWNuE4aRVH+9E/6KkO7MCBA6FDALCAjI+HjgAAFid6qgPI11SPjo5qUzYGFjXV6CSWb+mIG8dJ\nvNg3rdEuzWiTZrG0SaeeapLqwJYtW6aHHnoodBgogVhOKIgbx0m82Det0S7NaJNmsbQJ5R+RGRsb\nq/dK79u3r/54bGwsdGiI2MaNSegQUApJ6ABQAow/jCI4TnrDkHoBVCoV7d27V5K0efPmeskHk7+g\nk6Gh0BEAAIB26KkGSoJ6exRTDR0ASoDzCYrgOOkNPdUAsIBk9z0DKDlj9vYZli8PHUF39FQHMDU1\nNWMEkNrjqampsIEhatS2oYhqNQkdAkqA80nc3OP4JyXBY6j927079F7pjp7qAKipBgAAWFgYUm8O\nLLJrMwupbdFsZCT9B6CcYhkSLDa0S7zYN80Ypzpi69ev15VXXhk6DJQAJzeg3Pgdbo12iRf7phnj\nVEds/fr1oUNAaSShA0AJUCuLIjhOUEwSOoBSIakOjDpqAP00Ph46AgALxcaNoSMol0LlH2a2XtKY\n0iT8Inc/t8U6VUnnSTpC0n3u/pIW61D+AcwSl+FQBMdJvNg3rdEuKJM5lX+Y2WGSLpD0cknPknSG\nmT2zYZ1jJH1M0qvc/dmS3jDnqBcJbjwDAAAovyLlH2sk/djdt7v7I5IulfSahnXOlPR5d98hSe5+\nf3/DXLhGR5PQIaAkNm5MQoeAUkhCB4ASoKYaRXCc9KZIUr1K0p255buy5/KeIWmFmV1jZlvM7C39\nChBAamgodAQAAKCdrjXVZvY6SS939z/Olt8saY27vyu3zvmSni/ppZJ+Q9J3JJ3m7rc3bIua6gbU\nkgHoJ84p8WLftEa7oEw61VQXmVFxh6QTcsvHZ8/l3SXpfnffL2m/mX1D0u9Iur1hPQ0NDWlwcFCS\nNDAwoEqlUp9RsHaZYbEtS3HFwzLLLPe2vGKFtGdPulz7fX6sDGP+l9N5qcLGs2xZossvj2P/xLTM\n+Z7lMi0nSVUjI/HEE2I5SRKNZ8Mq1fLXdor0VB8u6TZJp0q6R9INks5w9225dZ4p6XxJ6yU9TtL1\nkt7k7rc2bIue6gZmidyrocNACSRJUv+FR1xi6mmL5TiJqU1iEVObxHKcSHG1C2YiR2k2p55qdz9o\nZmdL+poeG1Jvm5mdlb7sF7r7D83sKkk3SToo6cLGhBqtMQYkAABA+TFNOVASIyMMwRgretqa0SbN\naJPWaJd4sW+adeqpJqkGSoKTW7zYN81ok2a0SWu0S7zYN83mNPkLDq1aMTzQXRI6AJQA5xQUwXGC\nYpLQAZQKSTUAAACacN9Xbyj/AEqCy3DxYt80o02aWcsLxli+XNq9O3QUQDGUf0SMG88AYHFwj+df\nTPGQUGOhIKkObHQ0CR0CSmLjxiR0CCgBamVRTBI6AJQA55PekFQDJTE0FDoCAADQDjXVgVF3CJQf\nv8fNaJO4sX+A2aGmGgAAAD3hvq/ekFQHl4QOACVBbRuK4DhBEdyjgSK476s3JNWBMQYkAGC+cY8G\n0H/UVAMlMTLCpbhYUZ/ajDYByo/f42adaqpJqoGS4OQWL/ZNM9oEKD9+j5txo2LEqH9EcUnoAFAC\nnFNQBMcJiklCB1AqJNUAAABown1fvaH8AygJLsPFi33TjDaJG/doALND+UfEOKkBAObb6GjoCICF\nh6Q6MMbxfulAAAAXPklEQVSARFGMK4siqJVFMUnoAFACnE96Q1INlATjygIAEC9qqgOj7hAoP36P\nm9EmcWP/ALNDTTUAAAB6wn1fvSGpDi4JHQBKgto2FMFxgiK4RwNFcN9Xb0iqA2MMSADAfOMeDaD/\nqKkGSoJxZeNFfWoz2gQoP36Pm3WqqSapBkqCk1u82DfNaBOg/Pg9bsaNihGj/hHFJaEDQAlwTkER\nHCcoJgkdQKmQVAMAAKAJ9331hvIPoCS4DBcv9k0z2iRu3KMBzA7lHxHjpAYAmG+jo6EjABYekurA\nGAMSRTGubLxclnbNRvAviSAGmaVtgogloQNACVB735sloQMAUAzjysbL5PGUOiSJVK2GjiIt/wgd\nBADMI2qqA6PuECg/fo+b0SZxY/8As0NNNQAAAHrCfV+9IakOLgkdAEqC2jYUwXGCIrhHA0Vw31dv\nSKoDYwxIAMB84x4NoP+oqQZKgnFl40V9ajPaBCg/fo+bdaqpJqkGSoKTW7zYN81oE6D8+D1uxo2K\nEaP+EcUloQNACXBOQREcJygmCR1AqZBUAwAAoAn3ffWG8g+gJLgMFy/2TTPaJG7cowHMDuUfEeOk\nBgCYb6OjoSMAFh6S6sAYAzJuK1akPW4x/JOS4DGYpW2CeFEri2KS0AGgBDif9GZJ6ACAmO3ZE88l\n7CSRqtXQUdQSfAAAkEdNdWDUHcaN/dOMNmlGmzSjTeLG/gFmh5pqAAAA9IT7vnpTKKk2s/Vm9kMz\n+5GZ/XmH9V5gZo+Y2Wv7F+JCl4QOACVBbRuK4DhBERs3JqFDQAlw31dvuibVZnaYpAskvVzSsySd\nYWbPbLPeByVd1e8gFzLGgAQAzLehodARAAtP15pqMztF0iZ3f0W2/F5J7u7nNqz3bkkPS3qBpCvc\n/QsttkVNNUqFusNmtEkz2qQZbQKUH7/HzeZaU71K0p255buy5/If8BRJG9z9nyQxNgAAAAAWlX7d\nqDgmKV9rTWJdEPWPKIpjBUVwnKAIjhMUk4QOoFSKjFO9Q9IJueXjs+fyTpZ0qZmZpGMlvcLMHnH3\nLzVubGhoSIODg5KkgYEBVSoVVbPBd2u/5ItpeWpqKqp4WG5eluKIZ2pqKujnx9YeLLdergkdj5Qo\nHVs9zOez3Hk5lvMJy3Ev1+77iiWeEMtJkmh8fFyS6vlrO0Vqqg+XdJukUyXdI+kGSWe4+7Y26/+r\npMupqcZCQD1ZM9qkGW3SjDaJ28gIw6UBszGnmmp3PyjpbElfk/QDSZe6+zYzO8vM/rjVW+YU7SLD\nSQ0AMN9GR0NHACw8zKgYmFki92roMNBGTL1tSZLUL02FFFObxCKmNuE4QRH87UERsZxPYsKMigAA\nAMAhRE91YPTmxI3904w2aUabNKNN4sb+AWaHnmoAAAD0hPu+ekNSHVwSOgCURG2IH6ATjhMUsXFj\nEjoElMDoaBI6hFIpMk71grRihbRnT+goUhbJVDnLl0u7d4eOAiinWH6PY7F8eegI0MnQUOgIgIVn\n0dZUU0/WjDZpRps0o03ixv4B0C+cT5pRUw0AAAAcQiTVgVH/iKI4VlBMEjoAlADnExSThA6gVEiq\nAQAA0GTjxtARlAs11aijTZrRJs1ok7ixf1DEyAjDpQGzQU01ACwSmzaFjgBlMDoaOgJg4SGpDoy6\ntri5LO36i+BfEkEMMkvbBNGqVpPQIaAUktABoATIUXqzaMepBooweTyX0pNEqlZDR5GWF4QOAgCA\nyFBTjTrapBlt0ow2AcqP32NgdqipBgAAQE+4mbU3JNWBUa+EojhWUATHCYrYuDEJHQJKYHQ0CR1C\nqZBUA8ACMj4eOgKUwdBQ6AiAhYeaatTRJs1ok2a0SdzYPwD6xWxM7sOhw4gKNdUAAADo0QWhAygV\nkurAqH9EURwrKCYJHQBKgPPJwmdmc/4n3dGX7aTbWvhIqgEAABYYd5/Vv/POO0/r1q3TunXrJKn+\n+Lzzzpv1NmMp/T3USKoDq0YwmQfKgWMFxVRDB4ASSJJq6BCABYekGgAWkE2bQkeAMhgdDR0BsPCQ\nVAdGXRuK4lhBEdVqEjoElEISOgBEqlKpqFqt1q+O1h5XKpWwgZUASTUAAAAwR0tCB7DYUSeLojhW\nUATHCYqphg4AkZqamppxZbT2eGBggPNLFyTVAAAAkJSWf+zdu1eStHnz5noiTflHd4u2/MNl6dRj\ngf8lEcRQ++daHONIlhU11SiC4wRFbNyYhA4BWHAWbU+1yeOYyjdJpEgup5hJMTQJgNkbH4/mlIKI\nDQ2FjgCxovxj9mw+B+Q2M49lAHAzxZFUR4Q2aUabNKNN4sb+AdAvRx55pB5++OHQYUTFzOTuLS/t\nL9qeagAAAMw0NjamyclJSdIjjzxS753esGGDhoeHA0YWP3qqA0uSJJrLKbG0SUxiapNYjpWY2gTN\nzBK5V0OHgcjFcj5B3FatWqUdO3aEDiMqnXqqF+2NigAAAGjvuOOOCx1CqZBUB0ZPAYriWEEx1dAB\noASSpBo6BJTA2rVrQ4dQKiTVALCAbNoUOgKUweho6AhQBscee2zoEEqFpDowxpRFURwrKKJaTUKH\ngFJIQgeAEpieng4dQqkw+gfQhTEnzgzLl4eOAMDcTYlSIbSSJEm9E2diYkKDg4OS0hJEyhA7Y/QP\n1NEmcWP/AOgXsxG5j4QOA5EbGRnRyMhI6DCiwjjVAAAsENany2dmcy+sjqWjDIcG5R+9IakOjLFC\nUVwiLteiG84pC99sE9n8Zf3R0VFtyu5q5bI+2rn11ltDh1AqlH8EFtMfwFjaBK0xqQeKGBpKND5e\nDR0GIpddwg4dBiLH5C/NOpV/kFSjjjaJG/sHRXCcoJ21a9fqu9/9riTp17/+tR73uMdJkk4++WRd\ne+21IUNDRLii0Rk11cACwPjDAOaiUqnorrvukiRt375dK1eurD8PYO5IqgOLqfwDcUvHH64GjgLx\nS8RxglZWr15dHx5t+/bt9cerV68OFxSiMzU1NWNehNrjgYEB8pUuKP8ILKakOpY2QWsxHSuIF7X3\nKIKaahSxZMkSHThwIHQYUZlz+YeZrZc0pnQGxovc/dyG18+U9OfZ4i8k/Q93v3n2IS8eJEkoimMF\nxVRDB4BIjY2NaXJysr5cO6ds2LBBw8PDgaJCbPI11QcPHqyPU01NdXddk2ozO0zSBZJOlXS3pC1m\n9kV3/2FutZ9IerG7P5gl4J+QdMqhCBgA0B6192jn9ttvnzHucO3x7bffHiYgYIEp0lO9RtKP3X27\nJJnZpZJeI6meVLv7dbn1r5O0qp9BLmRc0kdRHCsogtp7AHOR75GenJxkRsUeFEmqV0m6M7d8l9JE\nu53/W9JX5xIUgGbj4xI5NYDZuuCCC3TBBRdISutCmS0P3ezfvz90CKXS19E/zOwlkt4maW0/t7uQ\n0fOIoiYmqhofDx0FYsc5Be3ka2UlUSuLro466qjQIZRKkaR6h6QTcsvHZ8/NYGbPlXShpPXuvqfd\nxoaGhurD+AwMDKhSqdR/mWu/7CyHWZYSJUk88bA8c5n9wzLLLM9leWpqSnnT09P1v8cxxMdyfMsD\nAwNRxRNiOUkSjWc9WrXfl3a6DqlnZodLuk3pjYr3SLpB0hnuvi23zgmS/lPSWxrqqxu3xZB6DZIk\nqe/E0GJpE7TGUGkoIqZzCuKSJEk9WWCmPLSTHyVm8+bNWrdunSRGiamZ05B67n7QzM6W9DU9NqTe\nNjM7K33ZL5T0fkkrJP2jmZmkR9y9U911FKxlkyxey5eHjgDAXFF7j3aY1ANFDA8P15PnSqUy45hB\nZ4Vqqt39Skm/1fDcP+cev0PSO/ob2qEVS4+sWTWaWBC7augAUALU3qOdSqWivXv3Skp7IGuJNNOU\no51a+QeKOSx0AACKYfxhAMB82rBhQ+gQSqWvo39gNhLRA4kiGH8YxSTiOEErlH+gV1zF6A1JNQAA\ni0C+VnbFihXUygJ9RvlHcNXQAaAk6ElCMdXQAaAETjjhhO4rYdFrHIYRnZFUB0adLIB+4pyCIoaG\nhkKHgBKoDa2HYkiqA0vrZIHuuFSLIjinoAhqZVHEXXfdFTqEUiGpBkqCYdIA9Mtll10WOgREamxs\nrD4h0B133FF/PDY2Fjq06HWdUbGvHxbRjIpA2TDjJYB+qU2/DHQyODio6enp0GFEZU4zKgIAAGBx\nyE9nv337do2MjEhiOvsi6KkOLEkSDlIUYpbIvRo6DESOcwraGRsbq994tnnzZq1bt05SOsFHbag9\nIG/NmjW64YYbQocRFXqqIzY+LvH3D0C/cE5BO/lxqlevXk35B7o66aSTQodQKvRUB0adLIriWEER\nHCcoglpZFMGVr2adeqoZ/QMoCcYfBtAvT3ziE0OHACw4lH8El4gZ0FBEOv5wNXAUiF8ijhO0kr8B\nbcuWLdyAhq7Gx8c5NnpAUg0AwCKQT54//OEP15NqAP1BUh1cNXQAKAl6C1BMNXQAiFS+p3rfvn30\nVKOl/HEyMTGhwcFBSRwnRZBUB0adLIB+4pyCdqampmaM+FF7PDAwQLKEunzyPD09zRWNHjD6R2Dc\nWYuiOFZQBMcJishGMAgdBiJXqVQ0NTUVOoyoMPoHsACMj4eOAECZnX322RocHKxfzq89Pvvss8MG\nhmitXLkydAilQvlHYPQooaiJiSqJNbrinIJ2Vq9eXU+ot2/fXn+8evXqcEEhOvma6quuuora+x5Q\n/gGUBJN6AOiXJUuW6MCBA6HDQOSGhoY0Tm/ODJR/RIxpYlFcEjoAlADnFBRxxBFHhA4BJUA9dW8o\n/whsfFziagqAfuGcgnbyl/X379/PZX10deSRR4YOoVQo/wiMS/ooimMFRXCcoIiRkRGGSkNL+S9f\no6Oj2pSN08mXr1Sn8g96qoGSYPxhAMChlk+ekyThy1cPSKqDS8QMaCiiWk3EsYLuEnGcoJuBgYHQ\nISBS+Z7qzZs3UybUA5JqAAAASJqZPH/0ox+lp7oHjP4RXDV0ACgJeghQTDV0ACgBRnVAEUcffXTo\nEEqFnurAqJMF0E+cU1AESTXaGRsb0+TkpKR0kqBah86GDRs0PDwcMLL4MfpHYEmS0AOJQjhWUATH\nCdphVAf0asWKFdq9e3foMKLC5C/AAsCkVgCA+fTwww+HDqFUKP8IjN4BFDUxUSWxRlecUwDMRf6K\nxr59+xj9owck1QAALAL5pOjjH/84ozoAfUZNdWDUP6Ios0Tu1dBhIHKcU9AONdXoVaVS4abWBsyo\nGLHxcYlzGYB+4ZyCdvLJ88UXX0xPNbpauXJl6BBKhZ7qwMwkmgRFcKygCI4TFFGtVuu91kA7XPlq\nRk81sAAw/jCAuWD6afSK46I39FQHRp0siqLHAEVwTkER69ev15VXXhk6DESOvzvNGKcaAADU3Xzz\nzaFDABYceqoDo/4RQD9xTkERK1eu1M6dO0OHAZQONdURo04WQD+9/OVjkoZDh4EI5Wuqd+3aRU01\n0GeUfwRWrSahQ0BJcKc+irj55g+FDgGRmpqampFY1x4zDjHa4e9Ob+ipBkqC8YcXPrOWVxSDbIdS\nvYVneHhYw8PpVYylS5eSMAF9RlIdGJfcUNTERFXj46GjwKE020R2bGxMk5OTktKh0tatWydJ2rBh\nQz2JAvK91Pv376f8A+gzkmoAABYBZlRErxhSrzeFRv8ws/WSxpTWYF/k7ue2WOejkl4haZ+kIXdv\nKtJi9I9mHLAoivGHUUR2Z3roMBChfE/16OioNmV3ytNTjXaGhoY0ziXSGeY0+oeZHSbpAkmnSrpb\n0hYz+6K7/zC3ziskPc3dn25mL5T0cUmn9CX6Be6DH5ziZIaCpiRVQweBCOWTJUlc1kdL+ePhE5/4\nBD3VaCl/PpmYmNDg4KAkzidFdO2pNrNTJG1y91dky++V5PneajP7uKRr3P0z2fI2SVV339WwLXqq\nG5iNyH0kdBgoAY4VtPOc5zxH27ZtkyQdPHhQhx9+uCTpt3/7t5nkAy0NDg5qeno6dBiIXKVSYXSY\nBnMdp3qVpDtzy3dJWtNlnR3Zc7sEoC+ye88AYFbyPZDbt2/niga62rt3b+gQSoUbFYObDh0ASmJw\ncDp0CIjU29/+9hmjf6xdu1ZSOvoHUJNPnicnJyn/QFdLlpAm9qJo+ceIu6/PlouUf/xQ0rpW5R99\njh8AAACYN3Mp/9giabWZnSjpHkl/KOmMhnW+JOmdkj6TJeF7GxPqTkEAAAAAZdY1qXb3g2Z2tqSv\n6bEh9baZ2Vnpy36hu3/FzE4zs9uVDqn3tkMbNgAAABCPQuNUAwAAAGjvsNABLFZmdpGZ7TKzm0LH\ngniZ2fFm9nUz+4GZ3Wxm7wodE+JjZo8zs+vN7MbsONkUOibEy8wOM7Pvm9mXQseCeJnZtJltzc4r\nN4SOpwzoqQ7EzNZKekjSJ939uaHjQZzMbKWkle4+ZWbLJH1P0mvyky8BkmRmj3f3X5rZ4ZK+Jeld\n7s4fQjQxsz+V9HxJR7v76aHjQZzM7CeSnu/ue0LHUhb0VAfi7tdK4kBFR+6+092nsscPSdqmdAx4\nYAZ3/2X28HFK75ehxwRNzOx4SadJ+pfQsSB6JvLEntBYQEmY2aCkiqTrw0aCGGWX9G+UtFPS1e6+\nJXRMiNJ5kv5MfOlCdy7pajPbYmbvCB1MGZBUAyWQlX5cJundWY81MIO7P+ruvyvpeEkvNLOTQseE\nuJjZKyXtyq5+WfYPaOdF7v48pVc23pmVraIDkmogcma2RGlC/Sl3/2LoeBA3d/+5pGskrQ8dC6Lz\nIkmnZ7Wyl0h6iZl9MnBMiJS735P9/z5J/y5pTdiI4kdSHRY9BSji/0i61d3/IXQgiJOZHWtmx2SP\nl0r6A0nczIoZ3P0v3f0Ed3+q0oncvu7ubw0dF+JjZo/PrpDKzH5D0ssk3RI2qviRVAdiZp+W9G1J\nzzCzn5kZE+agiZm9SNIfSXppNqzR982MHkg0erKka8xsSmnN/VXu/pXAMQEorydJuja7T+M6SZe7\n+9cCxxQ9htQDAAAA5oieagAAAGCOSKoBAACAOSKpBgAAAOaIpBoAAACYI5JqAAAAYI5IqgEAAIA5\nIqkGgHlkZseY2f+Y58880czOmM/PBIDFhqQaAObXckl/0uoFMzv8EH3mf5V0Zi9vOISxAMCCRFIN\nAPPrHElPzWbHPNfM1pnZN8zsi5J+kPUq31xb2czeY2Z/lT1+qpl91cy2mNlmM3tG48bN7MW52Te/\nl00xfI6ktdlz784+4xtm9t3s3ynZextjebyZXZFt7yYze8O8tBAAlNCS0AEAwCLzXknPcvfnSWki\nK+l3s+d+ZmYnSmo31e2Fks5y9zvMbI2kf5J0asM6/1vSn7j7d8zs8ZL2Z5/5Hnc/PfvMoyT9N3d/\n2MxWS7pE0guy9+djea2kHe7+qux9T+hLCwDAAkRSDQDh3eDuP+u0Qtbj/HuSPmdmlj19RItVvyXp\nPDP7N0lfcPcdj61ed6SkC8ysIumgpKe3ieVmSR82s3Mkfdndr+3ppwKARYSkGgDC25d7fEBSvp75\nqOz/h0naU+vhbsfdzzWzKyS9UtK3zOxlLVb7U0k73f25We30r1rF4u4/NrPnSTpN0t+a2X+4+98W\n/qkAYBGhphoA5tcvJHUqo9gl6TgzW25mj5P0Kkly919I+qmZvb62opk9t/HNZvZUd/+Bu/+9pC2S\nnpl95tG51Y6RdE/2+K2amcTnt/VkSb9y909L+pCkjgk9ACxm9FQDwDxy991m9i0zu0nSVyV9peH1\nA2b210oT4rskbcu9/GZJ/2Rm71N6/r5U0k0NHzFsZi9RWtbxg+wzXNJBM7tR0rikj0n6gpm9VdKV\nmtlTnvccSR8ys0clPSxpXocCBIAyMfd298MAAAAAKILyDwAAAGCOSKoBAACAOSKpBgAAAOaIpBoA\nAACYI5JqAAAAYI5IqgEAAIA5IqkGAAAA5oikGgAAAJij/x8uG/vkI+c/JwAAAABJRU5ErkJggg==\n" }, - "output_type": "display_data", - "metadata": {} + "metadata": {}, + "output_type": "display_data" } ], "source": [ @@ -456,16 +456,16 @@ "language_info": { "codemirror_mode": { "name": "ipython", - "version": 3.0 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.1" + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/distance_metrics.ipynb b/docs/notebooks/distance_metrics.ipynb deleted file mode 100644 index 99d0071b68..0000000000 --- a/docs/notebooks/distance_metrics.ipynb +++ /dev/null @@ -1,855 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## New Distance Metrics for Probability Distribution and Bag of Words " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "A small tutorial to illustrate the new distance functions.\n", - "\n", - "We would need this mostly when comparing how similar two probability distributions are, and in the case of gensim, usually for LSI or LDA topic distributions after we have a LDA model.\n", - "\n", - "Gensim already has functionalities for this, in the sense of getting most similar documents - [this](http://radimrehurek.com/topic_modeling_tutorial/3%20-%20Indexing%20and%20Retrieval.html), [this](https://radimrehurek.com/gensim/tut3.html) and [this](https://radimrehurek.com/gensim/similarities/docsim.html) are such examples of documentation and tutorials.\n", - "\n", - "What this tutorial shows is a building block of these larger methods, which are a small suite of distance metrics.\n", - "We'll start by setting up a small corpus and showing off the methods." - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "from gensim.corpora import Dictionary\n", - "from gensim.models import ldamodel\n", - "from gensim.matutils import kullback_leibler, jaccard, hellinger, sparse2full\n", - "import numpy" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# you can use any corpus, this is just illustratory\n", - "\n", - "texts = [['bank','river','shore','water'],\n", - " ['river','water','flow','fast','tree'],\n", - " ['bank','water','fall','flow'],\n", - " ['bank','bank','water','rain','river'],\n", - " ['river','water','mud','tree'],\n", - " ['money','transaction','bank','finance'],\n", - " ['bank','borrow','money'], \n", - " ['bank','finance'],\n", - " ['finance','money','sell','bank'],\n", - " ['borrow','sell'],\n", - " ['bank','loan','sell']]\n", - "\n", - "dictionary = Dictionary(texts)\n", - "corpus = [dictionary.doc2bow(text) for text in texts]" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(0,\n", - " u'0.164*bank + 0.142*water + 0.108*river + 0.076*flow + 0.067*borrow + 0.063*sell + 0.060*tree + 0.048*money + 0.046*fast + 0.044*rain'),\n", - " (1,\n", - " u'0.196*bank + 0.120*finance + 0.100*money + 0.082*sell + 0.067*river + 0.065*water + 0.056*transaction + 0.049*loan + 0.046*tree + 0.040*mud')]" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "numpy.random.seed(1) # setting random seed to get the same results each time.\n", - "model = ldamodel.LdaModel(corpus, id2word=dictionary, num_topics=2)\n", - "\n", - "model.show_topics()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's take a few sample documents and get them ready to test Similarity. Let's call the 1st topic the water topic and the second topic the finance topic.\n", - "\n", - "Note: these are all distance metrics. This means that a value between 0 and 1 is returned, where values closer to 0 indicate a smaller 'distance' and therefore a larger similarity." - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "doc_water = ['river', 'water', 'shore']\n", - "doc_finance = ['finance', 'money', 'sell']\n", - "doc_bank = ['finance', 'bank', 'tree', 'water']\n", - "\n", - "# now let's make these into a bag of words format\n", - "\n", - "bow_water = model.id2word.doc2bow(doc_water) \n", - "bow_finance = model.id2word.doc2bow(doc_finance) \n", - "bow_bank = model.id2word.doc2bow(doc_bank) \n", - "\n", - "# we can now get the LDA topic distributions for these\n", - "lda_bow_water = model[bow_water]\n", - "lda_bow_finance = model[bow_finance]\n", - "lda_bow_bank = model[bow_bank]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Hellinger and Kullback–Leibler" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We're now ready to apply our distance metrics.\n", - "\n", - "Let's start with the popular Hellinger distance. \n", - "The Hellinger distance metric gives an output in the range [0,1] for two probability distributions, with values closer to 0 meaning they are more similar." - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.51251199778753576" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "hellinger(lda_bow_water, lda_bow_finance)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.23407305272210427" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "hellinger(lda_bow_finance, lda_bow_bank)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Makes sense, right? In the first example, Document 1 and Document 2 are hardly similar, so we get a value of roughly 0.5. \n", - "\n", - "In the second case, the documents are a lot more similar, semantically. Trained with the model, they give a much less distance value." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's run similar examples down with Kullback Leibler." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.30823547" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "kullback_leibler(lda_bow_water, lda_bow_bank)" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.19881117" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "kullback_leibler(lda_bow_finance, lda_bow_bank)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "*NOTE!*\n", - "\n", - "KL is not a Distance Metric in the mathematical sense, and hence is not symmetrical. \n", - "This means that `kullback_leibler(lda_bow_finance, lda_bow_bank)` is not equal to `kullback_leibler(lda_bow_bank, lda_bow_finance)`. " - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.24780412" - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# As you can see, the values are not equal. We'll get more into the details of this later on in the notebook.\n", - "kullback_leibler(lda_bow_bank, lda_bow_finance)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In our previous examples we saw that there were lower distance values between bank and finance than for bank and water, even if it wasn't by a huge margin. What does this mean?\n", - "\n", - "The `bank` document is a combination of both water and finance related terms - but as bank in this context is likely to belong to the finance topic, the distance values are less between the finance and bank bows." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(0, 0.44146764073708339), (1, 0.55853235926291656)]" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# just to confirm our suspicion that the bank bow is more to do with finance:\n", - "\n", - "model.get_document_topics(bow_bank)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "It's evident that while it isn't too skewed, it it more towards the finance topic." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Distance metrics (also referred to as similarity metrics), as suggested in the examples above, are mainly for probability distributions, but the methods can accept a bunch of formats for input. You can do some further reading on [Kullback Leibler](https://en.wikipedia.org/wiki/Kullback–Leibler_divergence) and [Hellinger](https://en.wikipedia.org/wiki/Hellinger_distance) to figure out what suits your needs." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Jaccard " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let us now look at the [Jaccard Distance](https://en.wikipedia.org/wiki/Jaccard_index) metric for similarity between bags of words (i.e, documents)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.8571428571428572" - ] - }, - "execution_count": 11, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "jaccard(bow_water, bow_bank)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.8333333333333334" - ] - }, - "execution_count": 12, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "jaccard(doc_water, doc_bank)" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.0" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "jaccard(['word'], ['word'])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The three examples above feature 2 different input methods. \n", - "\n", - "In the first case, we present to jaccard document vectors already in bag of words format. The distance can be defined as 1 minus the size of the intersection upon the size of the union of the vectors. \n", - "\n", - "We can see (on manual inspection as well), that the distance is likely to be high - and it is. \n", - "\n", - "The last two examples illustrate the ability for jaccard to accept even lists (i.e, documents) as inputs.\n", - "In the last case, because they are the same vectors, the value returned is 0 - this means the distance is 0 and they are very similar. " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Distance Metrics for Topic Distributions" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "While there are already standard methods to identify similarity of documents, our distance metrics has one more interesting use-case: topic distributions. \n", - "\n", - "Let's say we want to find out how similar our two topics are, water and finance." - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(3, 0.196),\n", - " (12, 0.12),\n", - " (10, 0.1),\n", - " (14, 0.082),\n", - " (2, 0.067),\n", - " (0, 0.065),\n", - " (11, 0.056),\n", - " (15, 0.049),\n", - " (5, 0.046),\n", - " (9, 0.04)]" - ] - }, - "execution_count": 14, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "topic_water, topic_finance = model.show_topics()\n", - "\n", - "# some pre processing to get the topics in a format acceptable to our distance metrics\n", - "\n", - "def make_topics_bow(topic):\n", - " # takes the string returned by model.show_topics()\n", - " # split on strings to get topics and the probabilities\n", - " topic = topic.split('+')\n", - " # list to store topic bows\n", - " topic_bow = []\n", - " for word in topic:\n", - " # split probability and word\n", - " prob, word = word.split('*')\n", - " # get rid of spaces\n", - " word = word.replace(\" \",\"\")\n", - " # convert to word_type\n", - " word = model.id2word.doc2bow([word])[0][0]\n", - " topic_bow.append((word, float(prob)))\n", - " return topic_bow\n", - "\n", - "finance_distribution = make_topics_bow(topic_finance[1])\n", - "water_distribution = make_topics_bow(topic_water[1])\n", - "\n", - "# the finance topic in bag of words format looks like this:\n", - "finance_distribution" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now that we've got our topics in a format more acceptable by our functions, let's use a Distance metric to see how similar the word distributions in the topics are." - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.36453028040240248" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "hellinger(water_distribution, finance_distribution)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Our value of roughly 0.36 means that the topics are not TOO distant with respect to their word distributions.\n", - "This makes sense again, because of overlapping words like `bank` and a small size dictionary." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Some things to take care of " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In our previous example we didn't use Kullback Leibler to test for similarity for a reason - KL is not a Distance 'Metric' in the technical sense (you can see what a metric is [here](https://en.wikipedia.org/wiki/Metric_(mathematics)). The nature of it, mathematically also means we must be a little careful before using it, because since it involves the log function, a zero can mess things up. For example:" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "inf" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# 16 here is the number of features the probability distribution draws from\n", - "kullback_leibler(water_distribution, finance_distribution, 16) " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "That wasn't very helpful, right? This just means that we have to be a bit careful about our inputs. Our old example didn't work out because they were some missing values for some words (because `show_topics()` only returned the top 10 topics). \n", - "\n", - "This can be remedied, though." - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.19781515" - ] - }, - "execution_count": 17, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# return ALL the words in the dictionary for the topic-word distribution.\n", - "topic_water, topic_finance = model.show_topics(num_words=len(model.id2word))\n", - "\n", - "# do our bag of words transformation again\n", - "finance_distribution = make_topics_bow(topic_finance[1])\n", - "water_distribution = make_topics_bow(topic_water[1])\n", - "\n", - "# and voila!\n", - "kullback_leibler(water_distribution, finance_distribution)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "You may notice that the distance for this is quite less, indicating a high similarity. This may be a bit off because of the small size of the corpus, where all topics are likely to contain a decent overlap of word probabilities. You will likely get a better value for a bigger corpus.\n", - "\n", - "So, just remember, if you intend to use KL as a metric to measure similarity or distance between two distributions, avoid zeros by returning the ENTIRE distribution. Since it's unlikely any probability distribution will ever have absolute zeros for any feature/word, returning all the values like we did will make you good to go." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## So - what exactly are Distance Metrics? " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Having seen the practical usages of these measures (i.e, to find similarity), let's learn a little about what exactly Distance Measures and Metrics are. \n", - "\n", - "I mentioned in the previous section that KL was not a distance metric. There are 4 conditons for for a distance measure to be a matric:\n", - "\n", - "1.\td(x,y) >= 0\n", - "2. d(x,y) = 0 <=> x = y\n", - "3. d(x,y) = d(y,x)\n", - "4. d(x,z) <= d(x,y) + d(y,z)\n", - "\n", - "That is: it must be non-negative; if x and y are the same, distance must be zero; it must be symmetric; and it must obey the triangle inequality law. \n", - "\n", - "Simple enough, right? \n", - "Let's test these out for our measures." - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.22491784692602151" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# normal Hellinger\n", - "hellinger(water_distribution, finance_distribution)" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.22491784692602151" - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# we swap finance and water distributions and get the same value. It is indeed symmetric!\n", - "hellinger(finance_distribution, water_distribution)" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.0" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# if we pass the same values, it is zero.\n", - "hellinger(water_distribution, water_distribution)" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.23407305272210427" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# for triangle inequality let's use LDA document distributions\n", - "hellinger(lda_bow_finance, lda_bow_bank)" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.79979376323008911" - ] - }, - "execution_count": 22, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Triangle inequality works too!\n", - "hellinger(lda_bow_finance, lda_bow_water) + hellinger(lda_bow_water, lda_bow_bank)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "So Hellinger is indeed a metric. Let's check out KL. " - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.2149342" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "kullback_leibler(finance_distribution, water_distribution)" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "0.19781515" - ] - }, - "execution_count": 24, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "kullback_leibler(water_distribution, finance_distribution)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We immediately notice that when we swap the values they aren't equal! One of the four conditions not fitting is enough for it to not be a metric. \n", - "\n", - "However, just because it is not a metric, (strictly in the mathematical sense) does not mean that it is not useful to figure out the distance between two probability distributions. KL Divergence is widely used for this purpose, and is probably the most 'famous' distance measure in fields like Information Theory.\n", - "\n", - "For a nice review of the mathematical differences between Hellinger and KL, [this](http://stats.stackexchange.com/questions/130432/differences-between-bhattacharyya-distance-and-kl-divergence) link does a very good job. " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Conclusion" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "That brings us to the end of this small tutorial.\n", - "The scope for adding new similarity metrics is large, as there exist an even larger suite of metrics and methods to add to the matutils.py file. ([This](http://nzcsrsc08.canterbury.ac.nz/site/proceedings/Individual_Papers/pg049_Similarity_Measures_for_Text_Document_Clustering.pdf) is one paper which talks about some of them)\n", - "\n", - "Looking forward to more PRs towards this functionality in Gensim! :)" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 2", - "language": "python", - "name": "python2" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 2 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.11" - } - }, - "nbformat": 4, - "nbformat_minor": 0 -} diff --git a/docs/notebooks/doc2vec-IMDB.ipynb b/docs/notebooks/doc2vec-IMDB.ipynb deleted file mode 100644 index 61e83a9459..0000000000 --- a/docs/notebooks/doc2vec-IMDB.ipynb +++ /dev/null @@ -1,1066 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Gensim `Doc2Vec` Tutorial on the IMDB Sentiment Dataset" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Introduction\n", - "\n", - "In this tutorial, we will learn how to apply Doc2vec using gensim by recreating the results of Le and Mikolov 2014. \n", - "\n", - "### Bag-of-words Model\n", - "Early state-of-the-art document representations were based on the bag-of-words model, which represent input documents as a fixed-length vector. For example, borrowing from the Wikipedia article, the two documents \n", - "(1) `John likes to watch movies. Mary likes movies too.` \n", - "(2) `John also likes to watch football games.` \n", - "are used to construct a length 10 list of words \n", - "`[\"John\", \"likes\", \"to\", \"watch\", \"movies\", \"Mary\", \"too\", \"also\", \"football\", \"games\"]` \n", - "so then we can represent the two documents as fixed length vectors whose elements are the frequencies of the corresponding words in our list \n", - "(1) `[1, 2, 1, 1, 2, 1, 1, 0, 0, 0]` \n", - "(2) `[1, 1, 1, 1, 0, 0, 0, 1, 1, 1]` \n", - "Bag-of-words models are surprisingly effective but still lose information about word order. Bag of n-grams models consider word phrases of length n to represent documents as fixed-length vectors to capture local word order but suffer from data sparsity and high dimensionality.\n", - "\n", - "### `Word2Vec`\n", - "`Word2Vec` is a more recent model that embeds words in a lower-dimensional vector space using a shallow neural network. The result is a set of word-vectors where vectors close together in vector space have similar meanings based on context, and word-vectors distant to each other have differing meanings. For example, `strong` and `powerful` would be close together and `strong` and `Paris` would be relatively far. There are two versions of this model based on skip-grams (SG) and continuous-bag-of-words (CBOW), both implemented by the gensim `Word2Vec` class.\n", - "\n", - "\n", - "#### `Word2Vec` - Skip-gram Model\n", - "The skip-gram word2vec model, for example, takes in pairs (word1, word2) generated by moving a window across text data, and trains a 1-hidden-layer neural network based on the synthetic task of given an input word, giving us a predicted probability distribution of nearby words to the input. A virtual one-hot encoding of words goes through a 'projection layer' to the hidden layer; these projection weights are later interpreted as the word embeddings. So if the hidden layer has 300 neurons, this network will give us 300-dimensional word embeddings.\n", - "\n", - "#### `Word2Vec` - Continuous-bag-of-words Model\n", - "Continuous-bag-of-words Word2vec is very similar to the skip-gram model. It is also a 1-hidden-layer neural network. The synthetic training task now uses the average of multiple input context words, rather than a single word as in skip-gram, to predict the center word. Again, the projection weights that turn one-hot words into averageable vectors, of the same width as the hidden layer, are interpreted as the word embeddings. \n", - "\n", - "But, Word2Vec doesn't yet get us fixed-size vectors for longer texts.\n", - "\n", - "\n", - "### Paragraph Vector, aka gensim `Doc2Vec`\n", - "The straightforward approach of averaging each of a text's words' word-vectors creates a quick and crude document-vector that can often be useful. However, Le and Mikolov in 2014 introduced the Paragraph Vector, which usually outperforms such simple-averaging.\n", - "\n", - "The basic idea is: act as if a document has another floating word-like vector, which contributes to all training predictions, and is updated like other word-vectors, but we will call it a doc-vector. Gensim's `Doc2Vec` class implements this algorithm. \n", - "\n", - "#### Paragraph Vector - Distributed Memory (PV-DM)\n", - "This is the Paragraph Vector model analogous to Word2Vec CBOW. The doc-vectors are obtained by training a neural network on the synthetic task of predicting a center word based an average of both context word-vectors and the full document's doc-vector.\n", - "\n", - "#### Paragraph Vector - Distributed Bag of Words (PV-DBOW)\n", - "This is the Paragraph Vector model analogous to Word2Vec SG. The doc-vectors are obtained by training a neural network on the synthetic task of predicting a target word just from the full document's doc-vector. (It is also common to combine this with skip-gram testing, using both the doc-vector and nearby word-vectors to predict a single target word, but only one at a time.)\n", - "\n", - "### Requirements\n", - "The following python modules are dependencies for this tutorial:\n", - "* testfixtures ( `pip install testfixtures` )\n", - "* statsmodels ( `pip install statsmodels` )" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Load corpus" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's download the IMDB archive if it is not already downloaded (84 MB). This will be our text data for this tutorial. \n", - "The data can be found here: http://ai.stanford.edu/~amaas/data/sentiment/\n", - "\n", - "This cell will only reattempt steps (such as downloading the compressed data) if their output isn't already present, so it is safe to re-run until it completes successfully. " - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "IMDB archive directory already available without download.\n", - "Cleaning up dataset...\n", - " train/pos: 12500 files\n", - " train/neg: 12500 files\n", - " test/pos: 12500 files\n", - " test/neg: 12500 files\n", - " train/unsup: 50000 files\n", - "Success, alldata-id.txt is available for next steps.\n", - "CPU times: user 17.3 s, sys: 14.1 s, total: 31.3 s\n", - "Wall time: 1min 2s\n" - ] - } - ], - "source": [ - "%%time \n", - "\n", - "import locale\n", - "import glob\n", - "import os.path\n", - "import requests\n", - "import tarfile\n", - "import sys\n", - "import codecs\n", - "from smart_open import smart_open\n", - "import re\n", - "\n", - "dirname = 'aclImdb'\n", - "filename = 'aclImdb_v1.tar.gz'\n", - "locale.setlocale(locale.LC_ALL, 'C')\n", - "all_lines = []\n", - "\n", - "if sys.version > '3':\n", - " control_chars = [chr(0x85)]\n", - "else:\n", - " control_chars = [unichr(0x85)]\n", - "\n", - "# Convert text to lower-case and strip punctuation/symbols from words\n", - "def normalize_text(text):\n", - " norm_text = text.lower()\n", - " # Replace breaks with spaces\n", - " norm_text = norm_text.replace('
', ' ')\n", - " # Pad punctuation with spaces on both sides\n", - " norm_text = re.sub(r\"([\\.\\\",\\(\\)!\\?;:])\", \" \\\\1 \", norm_text)\n", - " return norm_text\n", - "\n", - "if not os.path.isfile('aclImdb/alldata-id.txt'):\n", - " if not os.path.isdir(dirname):\n", - " if not os.path.isfile(filename):\n", - " # Download IMDB archive\n", - " print(\"Downloading IMDB archive...\")\n", - " url = u'http://ai.stanford.edu/~amaas/data/sentiment/' + filename\n", - " r = requests.get(url)\n", - " with smart_open(filename, 'wb') as f:\n", - " f.write(r.content)\n", - " # if error here, try `tar xfz aclImdb_v1.tar.gz` outside notebook, then re-run this cell\n", - " tar = tarfile.open(filename, mode='r')\n", - " tar.extractall()\n", - " tar.close()\n", - " else:\n", - " print(\"IMDB archive directory already available without download.\")\n", - "\n", - " # Collect & normalize test/train data\n", - " print(\"Cleaning up dataset...\")\n", - " folders = ['train/pos', 'train/neg', 'test/pos', 'test/neg', 'train/unsup']\n", - " for fol in folders:\n", - " temp = u''\n", - " newline = \"\\n\".encode(\"utf-8\")\n", - " output = fol.replace('/', '-') + '.txt'\n", - " # Is there a better pattern to use?\n", - " txt_files = glob.glob(os.path.join(dirname, fol, '*.txt'))\n", - " print(\" %s: %i files\" % (fol, len(txt_files)))\n", - " with smart_open(os.path.join(dirname, output), \"wb\") as n:\n", - " for i, txt in enumerate(txt_files):\n", - " with smart_open(txt, \"rb\") as t:\n", - " one_text = t.read().decode(\"utf-8\")\n", - " for c in control_chars:\n", - " one_text = one_text.replace(c, ' ')\n", - " one_text = normalize_text(one_text)\n", - " all_lines.append(one_text)\n", - " n.write(one_text.encode(\"utf-8\"))\n", - " n.write(newline)\n", - "\n", - " # Save to disk for instant re-use on any future runs\n", - " with smart_open(os.path.join(dirname, 'alldata-id.txt'), 'wb') as f:\n", - " for idx, line in enumerate(all_lines):\n", - " num_line = u\"_*{0} {1}\\n\".format(idx, line)\n", - " f.write(num_line.encode(\"utf-8\"))\n", - "\n", - "assert os.path.isfile(\"aclImdb/alldata-id.txt\"), \"alldata-id.txt unavailable\"\n", - "print(\"Success, alldata-id.txt is available for next steps.\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The text data is small enough to be read into memory. " - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "100000 docs: 25000 train-sentiment, 25000 test-sentiment\n", - "CPU times: user 5.3 s, sys: 1.25 s, total: 6.55 s\n", - "Wall time: 6.74 s\n" - ] - } - ], - "source": [ - "%%time\n", - "\n", - "import gensim\n", - "from gensim.models.doc2vec import TaggedDocument\n", - "from collections import namedtuple\n", - "\n", - "# this data object class suffices as a `TaggedDocument` (with `words` and `tags`) \n", - "# plus adds other state helpful for our later evaluation/reporting\n", - "SentimentDocument = namedtuple('SentimentDocument', 'words tags split sentiment')\n", - "\n", - "alldocs = []\n", - "with smart_open('aclImdb/alldata-id.txt', 'rb', encoding='utf-8') as alldata:\n", - " for line_no, line in enumerate(alldata):\n", - " tokens = gensim.utils.to_unicode(line).split()\n", - " words = tokens[1:]\n", - " tags = [line_no] # 'tags = [tokens[0]]' would also work at extra memory cost\n", - " split = ['train', 'test', 'extra', 'extra'][line_no//25000] # 25k train, 25k test, 25k extra\n", - " sentiment = [1.0, 0.0, 1.0, 0.0, None, None, None, None][line_no//12500] # [12.5K pos, 12.5K neg]*2 then unknown\n", - " alldocs.append(SentimentDocument(words, tags, split, sentiment))\n", - "\n", - "train_docs = [doc for doc in alldocs if doc.split == 'train']\n", - "test_docs = [doc for doc in alldocs if doc.split == 'test']\n", - "\n", - "print('%d docs: %d train-sentiment, %d test-sentiment' % (len(alldocs), len(train_docs), len(test_docs)))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Because the native document-order has similar-sentiment documents in large clumps – which is suboptimal for training – we work with once-shuffled copy of the training set." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], - "source": [ - "from random import shuffle\n", - "doc_list = alldocs[:] \n", - "shuffle(doc_list)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Set-up Doc2Vec Training & Evaluation Models" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We approximate the experiment of Le & Mikolov [\"Distributed Representations of Sentences and Documents\"](http://cs.stanford.edu/~quocle/paragraph_vector.pdf) with guidance from Mikolov's [example go.sh](https://groups.google.com/d/msg/word2vec-toolkit/Q49FIrNOQRo/J6KG8mUj45sJ):\n", - "\n", - "`./word2vec -train ../alldata-id.txt -output vectors.txt -cbow 0 -size 100 -window 10 -negative 5 -hs 0 -sample 1e-4 -threads 40 -binary 0 -iter 20 -min-count 1 -sentence-vectors 1`\n", - "\n", - "We vary the following parameter choices:\n", - "* 100-dimensional vectors, as the 400-d vectors of the paper take a lot of memory and, in our tests of this task, don't seem to offer much benefit\n", - "* Similarly, frequent word subsampling seems to decrease sentiment-prediction accuracy, so it's left out\n", - "* `cbow=0` means skip-gram which is equivalent to the paper's 'PV-DBOW' mode, matched in gensim with `dm=0`\n", - "* Added to that DBOW model are two DM models, one which averages context vectors (`dm_mean`) and one which concatenates them (`dm_concat`, resulting in a much larger, slower, more data-hungry model)\n", - "* A `min_count=2` saves quite a bit of model memory, discarding only words that appear in a single doc (and are thus no more expressive than the unique-to-each doc vectors themselves)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Doc2Vec(dbow,d100,n5,mc2,t4) vocabulary scanned & state initialized\n", - "Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4) vocabulary scanned & state initialized\n", - "Doc2Vec(dm/c,d100,n5,w5,mc2,t4) vocabulary scanned & state initialized\n", - "CPU times: user 28.7 s, sys: 414 ms, total: 29.1 s\n", - "Wall time: 29.1 s\n" - ] - } - ], - "source": [ - "%%time\n", - "from gensim.models import Doc2Vec\n", - "import gensim.models.doc2vec\n", - "from collections import OrderedDict\n", - "import multiprocessing\n", - "\n", - "cores = multiprocessing.cpu_count()\n", - "assert gensim.models.doc2vec.FAST_VERSION > -1, \"This will be painfully slow otherwise\"\n", - "\n", - "simple_models = [\n", - " # PV-DBOW plain\n", - " Doc2Vec(dm=0, vector_size=100, negative=5, hs=0, min_count=2, sample=0, \n", - " epochs=20, workers=cores),\n", - " # PV-DM w/ default averaging; a higher starting alpha may improve CBOW/PV-DM modes\n", - " Doc2Vec(dm=1, vector_size=100, window=10, negative=5, hs=0, min_count=2, sample=0, \n", - " epochs=20, workers=cores, alpha=0.05, comment='alpha=0.05'),\n", - " # PV-DM w/ concatenation - big, slow, experimental mode\n", - " # window=5 (both sides) approximates paper's apparent 10-word total window size\n", - " Doc2Vec(dm=1, dm_concat=1, vector_size=100, window=5, negative=5, hs=0, min_count=2, sample=0, \n", - " epochs=20, workers=cores),\n", - "]\n", - "\n", - "for model in simple_models:\n", - " model.build_vocab(alldocs)\n", - " print(\"%s vocabulary scanned & state initialized\" % model)\n", - "\n", - "models_by_name = OrderedDict((str(model), model) for model in simple_models)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Le and Mikolov notes that combining a paragraph vector from Distributed Bag of Words (DBOW) and Distributed Memory (DM) improves performance. We will follow, pairing the models together for evaluation. Here, we concatenate the paragraph vectors obtained from each model with the help of a thin wrapper class included in a gensim test module. (Note that this a separate, later concatenation of output-vectors than the kind of input-window-concatenation enabled by the `dm_concat=1` mode above.)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "from gensim.test.test_doc2vec import ConcatenatedDoc2Vec\n", - "models_by_name['dbow+dmm'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[1]])\n", - "models_by_name['dbow+dmc'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[2]])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Predictive Evaluation Methods" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's define some helper methods for evaluating the performance of our Doc2vec using paragraph vectors. We will classify document sentiments using a logistic regression model based on our paragraph embeddings. We will compare the error rates based on word embeddings from our various Doc2vec models." - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [], - "source": [ - "import numpy as np\n", - "import statsmodels.api as sm\n", - "from random import sample\n", - " \n", - "def logistic_predictor_from_data(train_targets, train_regressors):\n", - " \"\"\"Fit a statsmodel logistic predictor on supplied data\"\"\"\n", - " logit = sm.Logit(train_targets, train_regressors)\n", - " predictor = logit.fit(disp=0)\n", - " # print(predictor.summary())\n", - " return predictor\n", - "\n", - "def error_rate_for_model(test_model, train_set, test_set, \n", - " reinfer_train=False, reinfer_test=False, \n", - " infer_steps=None, infer_alpha=None, infer_subsample=0.2):\n", - " \"\"\"Report error rate on test_doc sentiments, using supplied model and train_docs\"\"\"\n", - "\n", - " train_targets = [doc.sentiment for doc in train_set]\n", - " if reinfer_train:\n", - " train_regressors = [test_model.infer_vector(doc.words, steps=infer_steps, alpha=infer_alpha) for doc in train_set]\n", - " else:\n", - " train_regressors = [test_model.docvecs[doc.tags[0]] for doc in train_set]\n", - " train_regressors = sm.add_constant(train_regressors)\n", - " predictor = logistic_predictor_from_data(train_targets, train_regressors)\n", - "\n", - " test_data = test_set\n", - " if reinfer_test:\n", - " if infer_subsample < 1.0:\n", - " test_data = sample(test_data, int(infer_subsample * len(test_data)))\n", - " test_regressors = [test_model.infer_vector(doc.words, steps=infer_steps, alpha=infer_alpha) for doc in test_data]\n", - " else:\n", - " test_regressors = [test_model.docvecs[doc.tags[0]] for doc in test_docs]\n", - " test_regressors = sm.add_constant(test_regressors)\n", - " \n", - " # Predict & evaluate\n", - " test_predictions = predictor.predict(test_regressors)\n", - " corrects = sum(np.rint(test_predictions) == [doc.sentiment for doc in test_data])\n", - " errors = len(test_predictions) - corrects\n", - " error_rate = float(errors) / len(test_predictions)\n", - " return (error_rate, errors, len(test_predictions), predictor)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Bulk Training & Per-Model Evaluation" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Note that doc-vector training is occurring on *all* documents of the dataset, which includes all TRAIN/TEST/DEV docs.\n", - "\n", - "We evaluate each model's sentiment predictive power based on error rate, and the evaluation is done for each model. \n", - "\n", - "(On a 4-core 2.6Ghz Intel Core i7, these 20 passes training and evaluating 3 main models takes about an hour.)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "from collections import defaultdict\n", - "error_rates = defaultdict(lambda: 1.0) # To selectively print only best errors achieved" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Training Doc2Vec(dbow,d100,n5,mc2,t4)\n", - "CPU times: user 18min 41s, sys: 59.7 s, total: 19min 41s\n", - "Wall time: 6min 49s\n", - "\n", - "Evaluating Doc2Vec(dbow,d100,n5,mc2,t4)\n", - "CPU times: user 1.85 s, sys: 226 ms, total: 2.07 s\n", - "Wall time: 673 ms\n", - "\n", - "0.102600 Doc2Vec(dbow,d100,n5,mc2,t4)\n", - "\n", - "Training Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "CPU times: user 28min 21s, sys: 1min 30s, total: 29min 52s\n", - "Wall time: 9min 22s\n", - "\n", - "Evaluating Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "CPU times: user 1.71 s, sys: 175 ms, total: 1.88 s\n", - "Wall time: 605 ms\n", - "\n", - "0.154280 Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "\n", - "Training Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n", - "CPU times: user 55min 8s, sys: 36.5 s, total: 55min 44s\n", - "Wall time: 14min 43s\n", - "\n", - "Evaluating Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n", - "CPU times: user 1.47 s, sys: 110 ms, total: 1.58 s\n", - "Wall time: 533 ms\n", - "\n", - "0.225760 Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n", - "\n" - ] - } - ], - "source": [ - "for model in simple_models: \n", - " print(\"Training %s\" % model)\n", - " %time model.train(doc_list, total_examples=len(doc_list), epochs=model.epochs)\n", - " \n", - " print(\"\\nEvaluating %s\" % model)\n", - " %time err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs)\n", - " error_rates[str(model)] = err_rate\n", - " print(\"\\n%f %s\\n\" % (err_rate, model))" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "Evaluating Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "CPU times: user 4.13 s, sys: 459 ms, total: 4.59 s\n", - "Wall time: 1.72 s\n", - "\n", - "0.103360 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "\n", - "\n", - "Evaluating Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n", - "CPU times: user 4.03 s, sys: 351 ms, total: 4.38 s\n", - "Wall time: 1.38 s\n", - "\n", - "0.105080 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n", - "\n" - ] - } - ], - "source": [ - "for model in [models_by_name['dbow+dmm'], models_by_name['dbow+dmc']]: \n", - " print(\"\\nEvaluating %s\" % model)\n", - " %time err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs)\n", - " error_rates[str(model)] = err_rate\n", - " print(\"\\n%f %s\\n\" % (err_rate, model))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Achieved Sentiment-Prediction Accuracy" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Err_rate Model\n", - "0.102600 Doc2Vec(dbow,d100,n5,mc2,t4)\n", - "0.103360 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "0.105080 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n", - "0.154280 Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "0.225760 Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n" - ] - } - ], - "source": [ - "# Compare error rates achieved, best-to-worst\n", - "print(\"Err_rate Model\")\n", - "for rate, name in sorted((rate, name) for name, rate in error_rates.items()):\n", - " print(\"%f %s\" % (rate, name))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In our testing, contrary to the results of the paper, on this problem, PV-DBOW alone performs as good as anything else. Concatenating vectors from different models only sometimes offers a tiny predictive improvement – and stays generally close to the best-performing solo model included. \n", - "\n", - "The best results achieved here are just around 10% error rate, still a long way from the paper's reported 7.42% error rate. \n", - "\n", - "(Other trials not shown, with larger vectors and other changes, also don't come close to the paper's reported value. Others around the net have reported a similar inability to reproduce the paper's best numbers. The PV-DM/C mode improves a bit with many more training epochs – but doesn't reach parity with PV-DBOW.)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Examining Results" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Are inferred vectors close to the precalculated ones?" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "for doc 66229...\n", - "Doc2Vec(dbow,d100,n5,mc2,t4):\n", - " [(66229, 0.9756568670272827), (66223, 0.5901858806610107), (81851, 0.5678753852844238)]\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/neuscratch/Dev/gensim/gensim/matutils.py:737: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4):\n", - " [(66229, 0.9355567097663879), (71883, 0.49743932485580444), (74232, 0.49549904465675354)]\n", - "Doc2Vec(dm/c,d100,n5,w5,mc2,t4):\n", - " [(66229, 0.9248996376991272), (97306, 0.4372865557670593), (99824, 0.40370166301727295)]\n" - ] - } - ], - "source": [ - "doc_id = np.random.randint(simple_models[0].docvecs.count) # Pick random doc; re-run cell for more examples\n", - "print('for doc %d...' % doc_id)\n", - "for model in simple_models:\n", - " inferred_docvec = model.infer_vector(alldocs[doc_id].words)\n", - " print('%s:\\n %s' % (model, model.docvecs.most_similar([inferred_docvec], topn=3)))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "(Yes, here the stored vector from 20 epochs of training is usually one of the closest to a freshly-inferred vector for the same words. Defaults for inference may benefit from tuning for each dataset or model parameters.)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Do close documents seem more related than distant ones?" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": { - "scrolled": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/neuscratch/Dev/gensim/gensim/matutils.py:737: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "TARGET (34105): «even a decade after \" frontline \" aired on the abc , near as i can tell , \" current affairs \" programmes are still using the same tricks over and over . time after time , \" today tonight \" and \" a current affair \" are seen to be hiding behind the facade of journalistic professionalism , and yet they feed us nothing but tired stories about weight-loss and dodgy tradesmen , shameless network promotions and pointless celebrity puff-pieces . having often been subjected to that entertainment-less void between 'the simpsons' at 6 : 00 pm and 'sale of the century' ( or 'temptation' ) at 7 : 00 pm , i was all too aware of the little tricks that these shows would use to attract ratings . fortunately , four rising comedians – rob sitch , jane kennedy , santo cilauro and tom gleisner – were also all too aware of all this , and they crafted their frustrations into one of the most wickedly-hilarious media satires you'll ever see on television . the four entertainers had already met with comedic success , their previous most memorable television stint being on 'the late show , ' the brilliant saturday night variety show which ran for two seasons from 1992-1993 , and also featured fellow comedians mick molloy , tony martin , jason stephens and judith lucy . \" frontline \" boasts an ensemble of colourful characters , each with their own distinct and quirky personality . the current-affairs show is headed by nicely-groomed mike moore ( rob sitch ) , an ambitious , pretentious , dim-witted narcissist . mike works under the delusion that the show is serving a vital role for society – he is always adamant that they \" maintain their journalistic integrity \" – and his executive producers have excelled into getting him to believe just that . mike is basically a puppet to bring the news to the people ; occasionally he gets the inkling that he is being led along by the nose , but usually this thought is stamped out via appeals to his vanity or promises of a promotion . brooke vandenberg ( jane kennedy ) is the senior female reporter on the show . she is constantly concerned about her looks and public profile , and , if the rumours are to be believed , she has had a romantic liaison with just about every male celebrity in existence . another equally amoral reporter , marty di stasio , is portrayed by tiriel mora , who memorably played inept solicitor dennis denuto in the australian comedy classic , 'the castle . ' emma ward ( alison whyte ) is the line producer on the show , and the single shining beacon of morality on the \" frontline \" set . then there's the highly-amusing weatherman , geoffrey salter ( santo cilauro ) , mike's best friend and confidant . geoff makes a living out of always agreeing with mike's opinion , and of laughing uproariously at his jokes before admitting that he doesn't get them . for each of the shows three seasons , we are treated to a different ep , executive producer . brian thompson ( bruno lawrence ) , who unfortunately passed away in 1995 , runs the programme during season 1 . he has a decent set of morals , and is always civil to his employees , and yet is more-than-willing to cast these aside in favour of high ratings . sam murphy ( kevin j . wilson ) arrives on set in season 2 , a hard-nosed , smooth-talking producer who knows exactly how to string mike along ; the last episode of the second season , when mike finally gets the better of him , is a classic moment . graeme \" prowsey \" prowse ( steve bisley ) , ep for the third season , is crude , unpleasant and unashamedly sexist . it's , therefore , remarkable that you eventually come to like him . with its cast of distinctive , exaggerated characters , \" frontline \" has a lot of fun satirising current-affairs programmes and their dubious methods for winning ratings . many of the episodes were shot quickly and cheaply , often implementing many plot ideas from recent real-life situations , but this never really detracts from the show's topicality ten years on . celebrity cameos come in abundance , with some of the most memorable appearances including pauline hanson , don burke and jon english . watch out for harry shearer's hilarious appearance in the season 2 episode \" changing the face of current affairs , \" playing larry hadges , an american hired by the network to reform the show . particularly in the third season , i noticed that \" frontline \" boasted an extremely gritty form of black humour , uncharacteristic for such a light-hearted comedy show . genuinely funny moments are born from brooke being surreptitiously bribed into having an abortion , murder by a crazed gunman and mike treacherously betraying his best friend's hopes and dreams , only to be told that he is a good friend . the series' final minute – minus an added-scene during the credits , which was probably added just in case a fourth season was to be produced – was probably the greatest , blackest ending to a comedy series that i've yet seen . below is listed a very tentative list of my top five favourite \" frontline \" episodes , but , make no mistake , every single half-hour is absolutely hilarious and hard-hitting satire . 1 ) \" the siege \" ( season 1 ) 2 ) \" give 'em enough rope \" ( season 2 ) 3 ) \" addicted to fame \" ( season 3 ) 4 ) \" basic instincts \" ( season 2 ) 5 ) \" add sex and stir \" ( season 1 )»\n", - "\n", - "SIMILAR/DISSIMILAR DOCS PER MODEL Doc2Vec(dbow,d100,n5,mc2,t4):\n", - "\n", - "MOST (34106, 0.6284705996513367): «the sad thing about frontline is that once you watch three or four episodes of it you really begin to understand that it is not far away from what happens in real life . what is really sad is that it also makes extremely funny . the frontline team in series one consists of brian thompson ( bruno lawrence ) - a man who truly lives and dies merely by the ratings his show gets . occasionally his stunts to achieve these ratings see him run in with his line producer emma thompson ( alison whyte ) ; a woman who hasn't lost all her journalistic integrity and is prepared to defend moral scruples on occasions . the same cannot be said of reporter brooke vandenberg ( jane kennedy ) - a reporter who has had all the substance sucked out of her- so much so that when interviewing ben elton she needs to be instructed to laugh . her reports usually consist of interviewing celebrities ( with whom she has or hasn't 'crossed paths' with before ) or scandalous unethical reports that usually backfire . martin de stasio ( tiriel mora ) is the reporter with whom the team relies on for gravitas and dignity , as he has the smarts of 21 years of journalism behind him . his doesn't have principles so much as a nous of what makes a good journalistic story , though he does draw the occasional line . parading over this chaos ( in name ) is mike moore ( rob sitch ) an egotistical , naive reporter who can't see that he's only a pretty face for the grubby journalism . he often finds his morals being compromised simply because brian appeals to his vanity and allows his stupidity to do the rest . frontline is the sort of show that there needs to be more of , because it shows that while in modern times happiness , safety and deep political insight are interesting things ; it's much easier to rate with scandal , fear and tabloid celebrities .»\n", - "\n", - "MEDIAN (35245, 0.2309201955795288): «\" hell to pay \" bills itself as the rebirth of the classic western . . . it succeeds as a western genre movie that the entire family could see and not unlike the films baby-boomers experienced decades ago . the good guys are good and the bad guys are really bad ! . bo svenson , stella stevens , lee majors , andrew prine ( excellent in this film ) tim thomerson and james drury are all great and it's fun to see them again . james drury really shines in this one , maybe even better than his days as \" the virginian . \" in a way , \" hell to pay \" reminds me of those movies in the 60's where actors you know from so many shows make an appearance . if you're of a certain age , buck taylor , peter brown and denny miller and william smith provide a \" wow \" factor because we seldom get to see these icons these days . \" hell to pay \" features screen legends along with newer names in hollywood . most notable in the cast of \" newbies \" is rachel kimsey ( rebekah ) , who i've seen lately on \" the young and the restless \" and kevin kazakoff , who plays the angst-ridden kirby , a war-weary man who's torn between wanting to live and let live or stepping in to \" do the right thing . \" william gregory lee is excellent as chance , kirby's mischievous and womanizing brother . katie keane plays rachel , rebekah's sister , a woman who did what was necessary to stay alive but giving up her pride in the process . in a small but memorable role , jeff davis plays mean joe , a former confederate with a rather nasty mean streak . i think we'll be seeing more of these fine actors in the future . \" hell to pay \" is a fun movie with a great story to tell grab the popcorn , we're headin' west ! .»\n", - "\n", - "LEAST (261, -0.09666291624307632): «an unusual film from ringo lam and one that's strangely under-appreciated . the mix of fantasy kung-fu with a more realistic depiction of swords and spears being driven thru bodies is startling especially during the first ten minutes . a horseback rider get chopped in two and his waist and legs keep riding the horse . several horses get chopped up . it's very unexpected . the story is very simple , fong and his shaolin brothers are captured by a crazed maniac general and imprisoned in the red lotus temple which seems to be more of a torture chamber then a temple . the general has a similarity to kurtz in apocalypse now as he spouts warped philosophy and makes frightening paintings with human blood . the production is very impressive and the setting is bleak . blood is everywhere . the action is very well done and mostly coherent unlike many hk action scenes from the time . sometimes the movie veers into absurdity or the effects are cheesy but it's never bad enough to ruin the film . find this one , it's one of the best hk kung fu films from the early nineties . just remember it's not child friendly .»\n", - "\n" - ] - } - ], - "source": [ - "import random\n", - "\n", - "doc_id = np.random.randint(simple_models[0].docvecs.count) # pick random doc, re-run cell for more examples\n", - "model = random.choice(simple_models) # and a random model\n", - "sims = model.docvecs.most_similar(doc_id, topn=model.docvecs.count) # get *all* similar documents\n", - "print(u'TARGET (%d): «%s»\\n' % (doc_id, ' '.join(alldocs[doc_id].words)))\n", - "print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\\n' % model)\n", - "for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]:\n", - " print(u'%s %s: «%s»\\n' % (label, sims[index], ' '.join(alldocs[sims[index][0]].words)))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Somewhat, in terms of reviewer tone, movie genre, etc... the MOST cosine-similar docs usually seem more like the TARGET than the MEDIAN or LEAST... especially if the MOST has a cosine-similarity > 0.5. Re-run the cell to try another random target document." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Do the word vectors show useful similarities?" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [], - "source": [ - "word_models = simple_models[:]" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "most similar words for 'spoilt' (97 occurences)\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/neuscratch/Dev/gensim/gensim/matutils.py:737: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - }, - { - "data": { - "text/html": [ - "
Doc2Vec(dbow,d100,n5,mc2,t4)Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)Doc2Vec(dm/c,d100,n5,w5,mc2,t4)
[(\"wives'\", 0.4262964725494385),
\n", - "('horrificaly', 0.4177134335041046),
\n", - "(\"snit'\", 0.4037289619445801),
\n", - "('improf', 0.40169233083724976),
\n", - "('humiliatingly', 0.3946930170059204),
\n", - "('heart-pounding', 0.3938479423522949),
\n", - "(\"'jo'\", 0.38460421562194824),
\n", - "('kieron', 0.37991276383399963),
\n", - "('linguistic', 0.3727714419364929),
\n", - "('rothery', 0.3719364404678345),
\n", - "('zellwegger', 0.370682954788208),
\n", - "('never-released', 0.36564797163009644),
\n", - "('coffeeshop', 0.36534833908081055),
\n", - "('slater--these', 0.3643302917480469),
\n", - "('over-plotted', 0.36348140239715576),
\n", - "('synchronism', 0.36320072412490845),
\n", - "('exploitations', 0.3631579875946045),
\n", - "(\"donor's\", 0.36226314306259155),
\n", - "('neend', 0.3619685769081116),
\n", - "('renaud', 0.3611547350883484)]
[('spoiled', 0.6693772077560425),
\n", - "('ruined', 0.5701743960380554),
\n", - "('dominated', 0.554553747177124),
\n", - "('marred', 0.5456377267837524),
\n", - "('undermined', 0.5353708267211914),
\n", - "('unencumbered', 0.5345744490623474),
\n", - "('dwarfed', 0.5331343412399292),
\n", - "('followed', 0.5186703205108643),
\n", - "('entranced', 0.513541042804718),
\n", - "('emboldened', 0.5100494623184204),
\n", - "('shunned', 0.5044804215431213),
\n", - "('disgusted', 0.5000460743904114),
\n", - "('overestimated', 0.49955034255981445),
\n", - "('bolstered', 0.4971669018268585),
\n", - "('replaced', 0.4966174364089966),
\n", - "('bookended', 0.49495506286621094),
\n", - "('blowout', 0.49287083745002747),
\n", - "('overshadowed', 0.48964253067970276),
\n", - "('played', 0.48709338903427124),
\n", - "('accompanied', 0.47834640741348267)]
[('spoiled', 0.6672338247299194),
\n", - "('troubled', 0.520033597946167),
\n", - "('bankrupted', 0.509053647518158),
\n", - "('ruined', 0.4965386986732483),
\n", - "('misguided', 0.4900725483894348),
\n", - "('devoured', 0.48988765478134155),
\n", - "('ravaged', 0.4861036539077759),
\n", - "('frustrated', 0.4841104745864868),
\n", - "('suffocated', 0.4828023314476013),
\n", - "('investigated', 0.47958582639694214),
\n", - "('tormented', 0.4791877865791321),
\n", - "('traumatized', 0.4785040616989136),
\n", - "('shaken', 0.4784379005432129),
\n", - "('persecuted', 0.4774147868156433),
\n", - "('crippled', 0.4771782457828522),
\n", - "('torpedoed', 0.4764551818370819),
\n", - "('plagued', 0.47006863355636597),
\n", - "('drowned', 0.4688340723514557),
\n", - "('prompted', 0.4678872525691986),
\n", - "('abandoned', 0.4652657210826874)]
" - ], - "text/plain": [ - "" - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "import random\n", - "from IPython.display import HTML\n", - "# pick a random word with a suitable number of occurences\n", - "while True:\n", - " word = random.choice(word_models[0].wv.index2word)\n", - " if word_models[0].wv.vocab[word].count > 10:\n", - " break\n", - "# or uncomment below line, to just pick a word from the relevant domain:\n", - "#word = 'comedy/drama'\n", - "similars_per_model = [str(model.wv.most_similar(word, topn=20)).replace('), ','),
\\n') for model in word_models]\n", - "similar_table = (\"
\" +\n", - " \"\".join([str(model) for model in word_models]) + \n", - " \"
\" +\n", - " \"\".join(similars_per_model) +\n", - " \"
\")\n", - "print(\"most similar words for '%s' (%d occurences)\" % (word, simple_models[0].wv.vocab[word].count))\n", - "HTML(similar_table)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Do the DBOW words look meaningless? That's because the gensim DBOW model doesn't train word vectors – they remain at their random initialized values – unless you ask with the `dbow_words=1` initialization parameter. Concurrent word-training slows DBOW mode significantly, and offers little improvement (and sometimes a little worsening) of the error rate on this IMDB sentiment-prediction task, but may be appropriate on other tasks, or if you also need word-vectors. \n", - "\n", - "Words from DM models tend to show meaningfully similar words when there are many examples in the training data (as with 'plot' or 'actor'). (All DM modes inherently involve word-vector training concurrent with doc-vector training.)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Are the word vectors from this dataset any good at analogies?" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Success, questions-words.txt is available for next steps.\n" - ] - } - ], - "source": [ - "# grab the file if not already local\n", - "questions_filename = 'questions-words.txt'\n", - "if not os.path.isfile(questions_filename):\n", - " # Download IMDB archive\n", - " print(\"Downloading analogy questions file...\")\n", - " url = u'https://raw.githubusercontent.com/tmikolov/word2vec/master/questions-words.txt'\n", - " r = requests.get(url)\n", - " with smart_open(questions_filename, 'wb') as f:\n", - " f.write(r.content)\n", - "assert os.path.isfile(questions_filename), \"questions-words.txt unavailable\"\n", - "print(\"Success, questions-words.txt is available for next steps.\")" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/neuscratch/Dev/gensim/gensim/matutils.py:737: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Doc2Vec(dbow,d100,n5,mc2,t4): 0.00% correct (0 of 14657)\n", - "Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4): 17.37% correct (2546 of 14657)\n", - "Doc2Vec(dm/c,d100,n5,w5,mc2,t4): 19.20% correct (2814 of 14657)\n" - ] - } - ], - "source": [ - "# Note: this analysis takes many minutes\n", - "for model in word_models:\n", - " score, sections = model.wv.evaluate_word_analogies('questions-words.txt')\n", - " correct, incorrect = len(sections[-1]['correct']), len(sections[-1]['incorrect'])\n", - " print('%s: %0.2f%% correct (%d of %d)' % (model, float(correct*100)/(correct+incorrect), correct, correct+incorrect))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Even though this is a tiny, domain-specific dataset, it shows some meager capability on the general word analogies – at least for the DM/mean and DM/concat models which actually train word vectors. (The untrained random-initialized words of the DBOW model of course fail miserably.)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Slop" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "This cell left intentionally erroneous." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Advanced technique: re-inferring doc-vectors" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Because the bulk-trained vectors had much of their training early, when the model itself was still settling, it is *sometimes* the case that rather than using the bulk-trained vectors, new vectors re-inferred from the final state of the model serve better as the input/test data for downstream tasks. \n", - "\n", - "Our `error_rate_for_model()` function already had a non-default option to re-infer vectors before training/testing the classifier, so here we test that option. (This takes as long or longer than initial bulk training, as inference is only single-threaded.)" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Evaluating Doc2Vec(dbow,d100,n5,mc2,t4) re-inferred\n", - "CPU times: user 7min 9s, sys: 1.55 s, total: 7min 11s\n", - "Wall time: 7min 10s\n", - "\n", - "0.102240 Doc2Vec(dbow,d100,n5,mc2,t4)_reinferred\n", - "\n", - "Evaluating Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4) re-inferred\n", - "CPU times: user 9min 48s, sys: 1.53 s, total: 9min 49s\n", - "Wall time: 9min 48s\n", - "\n", - "0.146200 Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)_reinferred\n", - "\n", - "Evaluating Doc2Vec(dm/c,d100,n5,w5,mc2,t4) re-inferred\n", - "CPU times: user 16min 13s, sys: 1.32 s, total: 16min 14s\n", - "Wall time: 16min 13s\n", - "\n", - "0.218120 Doc2Vec(dm/c,d100,n5,w5,mc2,t4)_reinferred\n", - "\n", - "Evaluating Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4) re-inferred\n", - "CPU times: user 15min 50s, sys: 1.63 s, total: 15min 52s\n", - "Wall time: 15min 49s\n", - "\n", - "0.102120 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)_reinferred\n", - "\n", - "Evaluating Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(dm/c,d100,n5,w5,mc2,t4) re-inferred\n", - "CPU times: user 22min 53s, sys: 1.81 s, total: 22min 55s\n", - "Wall time: 22min 52s\n", - "\n", - "0.104320 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(dm/c,d100,n5,w5,mc2,t4)_reinferred\n", - "\n" - ] - } - ], - "source": [ - "for model in simple_models + [models_by_name['dbow+dmm'], models_by_name['dbow+dmc']]: \n", - " print(\"Evaluating %s re-inferred\" % str(model))\n", - " pseudomodel_name = str(model)+\"_reinferred\"\n", - " %time err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs, reinfer_train=True, reinfer_test=True, infer_subsample=1.0)\n", - " error_rates[pseudomodel_name] = err_rate\n", - " print(\"\\n%f %s\\n\" % (err_rate, pseudomodel_name))" - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Err_rate Model\n", - "0.102120 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)_reinferred\n", - "0.102240 Doc2Vec(dbow,d100,n5,mc2,t4)_reinferred\n", - "0.102600 Doc2Vec(dbow,d100,n5,mc2,t4)\n", - "0.103360 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "0.104320 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(dm/c,d100,n5,w5,mc2,t4)_reinferred\n", - "0.105080 Doc2Vec(dbow,d100,n5,mc2,t4)+Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n", - "0.146200 Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)_reinferred\n", - "0.154280 Doc2Vec(\"alpha=0.05\",dm/m,d100,n5,w10,mc2,t4)\n", - "0.218120 Doc2Vec(dm/c,d100,n5,w5,mc2,t4)_reinferred\n", - "0.225760 Doc2Vec(dm/c,d100,n5,w5,mc2,t4)\n" - ] - } - ], - "source": [ - "# Compare error rates achieved, best-to-worst\n", - "print(\"Err_rate Model\")\n", - "for rate, name in sorted((rate, name) for name, rate in error_rates.items()):\n", - " print(\"%f %s\" % (rate, name))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Here, we do *not* see much benefit of re-inference. It's more likely to help if the initial training used fewer epochs (10 is also a common value in the literature for larger datasets), or perhaps in larger datasets. " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### To get copious logging output from above steps..." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "import logging\n", - "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)\n", - "rootLogger = logging.getLogger()\n", - "rootLogger.setLevel(logging.INFO)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### To auto-reload python code while developing..." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "%load_ext autoreload\n", - "%autoreload 2" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "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.6.6" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/docs/notebooks/doc2vec-lee.ipynb b/docs/notebooks/doc2vec-lee.ipynb deleted file mode 100644 index 371f879f15..0000000000 --- a/docs/notebooks/doc2vec-lee.ipynb +++ /dev/null @@ -1,550 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Doc2Vec Tutorial on the Lee Dataset" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "import gensim\n", - "import os\n", - "import collections\n", - "import smart_open\n", - "import random" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## What is it?\n", - "\n", - "Doc2Vec is an NLP tool for representing documents as a vector and is a generalizing of the Word2Vec method. This tutorial will serve as an introduction to Doc2Vec and present ways to train and assess a Doc2Vec model." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Resources\n", - "\n", - "* [Word2Vec Paper](https://papers.nips.cc/paper/5021-distributed-representations-of-words-and-phrases-and-their-compositionality.pdf)\n", - "* [Doc2Vec Paper](https://cs.stanford.edu/~quocle/paragraph_vector.pdf)\n", - "* [Dr. Michael D. Lee's Website](http://faculty.sites.uci.edu/mdlee)\n", - "* [Lee Corpus](http://faculty.sites.uci.edu/mdlee/similarity-data/)\n", - "* [IMDB Doc2Vec Tutorial](doc2vec-IMDB.ipynb)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Getting Started" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To get going, we'll need to have a set of documents to train our doc2vec model. In theory, a document could be anything from a short 140 character tweet, a single paragraph (i.e., journal article abstract), a news article, or a book. In NLP parlance a collection or set of documents is often referred to as a corpus. \n", - "\n", - "For this tutorial, we'll be training our model using the [Lee Background Corpus](https://hekyll.services.adelaide.edu.au/dspace/bitstream/2440/28910/1/hdl_28910.pdf) included in gensim. This corpus contains 314 documents selected from the Australian Broadcasting\n", - "Corporation’s news mail service, which provides text e-mails of headline stories and covers a number of broad topics.\n", - "\n", - "And we'll test our model by eye using the much shorter [Lee Corpus](https://hekyll.services.adelaide.edu.au/dspace/bitstream/2440/28910/1/hdl_28910.pdf) which contains 50 documents." - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [], - "source": [ - "# Set file names for train and test data\n", - "test_data_dir = '{}'.format(os.sep).join([gensim.__path__[0], 'test', 'test_data'])\n", - "lee_train_file = test_data_dir + os.sep + 'lee_background.cor'\n", - "lee_test_file = test_data_dir + os.sep + 'lee.cor'" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Define a Function to Read and Preprocess Text" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Below, we define a function to open the train/test file (with latin encoding), read the file line-by-line, pre-process each line using a simple gensim pre-processing tool (i.e., tokenize text into individual words, remove punctuation, set to lowercase, etc), and return a list of words. Note that, for a given file (aka corpus), each continuous line constitutes a single document and the length of each line (i.e., document) can vary. Also, to train the model, we'll need to associate a tag/number with each document of the training corpus. In our case, the tag is simply the zero-based line number." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], - "source": [ - "def read_corpus(fname, tokens_only=False):\n", - " with smart_open.smart_open(fname, encoding=\"iso-8859-1\") as f:\n", - " for i, line in enumerate(f):\n", - " if tokens_only:\n", - " yield gensim.utils.simple_preprocess(line)\n", - " else:\n", - " # For training data, add tags\n", - " yield gensim.models.doc2vec.TaggedDocument(gensim.utils.simple_preprocess(line), [i])" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "train_corpus = list(read_corpus(lee_train_file))\n", - "test_corpus = list(read_corpus(lee_test_file, tokens_only=True))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's take a look at the training corpus" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[TaggedDocument(words=['hundreds', 'of', 'people', 'have', 'been', 'forced', 'to', 'vacate', 'their', 'homes', 'in', 'the', 'southern', 'highlands', 'of', 'new', 'south', 'wales', 'as', 'strong', 'winds', 'today', 'pushed', 'huge', 'bushfire', 'towards', 'the', 'town', 'of', 'hill', 'top', 'new', 'blaze', 'near', 'goulburn', 'south', 'west', 'of', 'sydney', 'has', 'forced', 'the', 'closure', 'of', 'the', 'hume', 'highway', 'at', 'about', 'pm', 'aedt', 'marked', 'deterioration', 'in', 'the', 'weather', 'as', 'storm', 'cell', 'moved', 'east', 'across', 'the', 'blue', 'mountains', 'forced', 'authorities', 'to', 'make', 'decision', 'to', 'evacuate', 'people', 'from', 'homes', 'in', 'outlying', 'streets', 'at', 'hill', 'top', 'in', 'the', 'new', 'south', 'wales', 'southern', 'highlands', 'an', 'estimated', 'residents', 'have', 'left', 'their', 'homes', 'for', 'nearby', 'mittagong', 'the', 'new', 'south', 'wales', 'rural', 'fire', 'service', 'says', 'the', 'weather', 'conditions', 'which', 'caused', 'the', 'fire', 'to', 'burn', 'in', 'finger', 'formation', 'have', 'now', 'eased', 'and', 'about', 'fire', 'units', 'in', 'and', 'around', 'hill', 'top', 'are', 'optimistic', 'of', 'defending', 'all', 'properties', 'as', 'more', 'than', 'blazes', 'burn', 'on', 'new', 'year', 'eve', 'in', 'new', 'south', 'wales', 'fire', 'crews', 'have', 'been', 'called', 'to', 'new', 'fire', 'at', 'gunning', 'south', 'of', 'goulburn', 'while', 'few', 'details', 'are', 'available', 'at', 'this', 'stage', 'fire', 'authorities', 'says', 'it', 'has', 'closed', 'the', 'hume', 'highway', 'in', 'both', 'directions', 'meanwhile', 'new', 'fire', 'in', 'sydney', 'west', 'is', 'no', 'longer', 'threatening', 'properties', 'in', 'the', 'cranebrook', 'area', 'rain', 'has', 'fallen', 'in', 'some', 'parts', 'of', 'the', 'illawarra', 'sydney', 'the', 'hunter', 'valley', 'and', 'the', 'north', 'coast', 'but', 'the', 'bureau', 'of', 'meteorology', 'claire', 'richards', 'says', 'the', 'rain', 'has', 'done', 'little', 'to', 'ease', 'any', 'of', 'the', 'hundred', 'fires', 'still', 'burning', 'across', 'the', 'state', 'the', 'falls', 'have', 'been', 'quite', 'isolated', 'in', 'those', 'areas', 'and', 'generally', 'the', 'falls', 'have', 'been', 'less', 'than', 'about', 'five', 'millimetres', 'she', 'said', 'in', 'some', 'places', 'really', 'not', 'significant', 'at', 'all', 'less', 'than', 'millimetre', 'so', 'there', 'hasn', 'been', 'much', 'relief', 'as', 'far', 'as', 'rain', 'is', 'concerned', 'in', 'fact', 'they', 've', 'probably', 'hampered', 'the', 'efforts', 'of', 'the', 'firefighters', 'more', 'because', 'of', 'the', 'wind', 'gusts', 'that', 'are', 'associated', 'with', 'those', 'thunderstorms'], tags=[0]),\n", - " TaggedDocument(words=['indian', 'security', 'forces', 'have', 'shot', 'dead', 'eight', 'suspected', 'militants', 'in', 'night', 'long', 'encounter', 'in', 'southern', 'kashmir', 'the', 'shootout', 'took', 'place', 'at', 'dora', 'village', 'some', 'kilometers', 'south', 'of', 'the', 'kashmiri', 'summer', 'capital', 'srinagar', 'the', 'deaths', 'came', 'as', 'pakistani', 'police', 'arrested', 'more', 'than', 'two', 'dozen', 'militants', 'from', 'extremist', 'groups', 'accused', 'of', 'staging', 'an', 'attack', 'on', 'india', 'parliament', 'india', 'has', 'accused', 'pakistan', 'based', 'lashkar', 'taiba', 'and', 'jaish', 'mohammad', 'of', 'carrying', 'out', 'the', 'attack', 'on', 'december', 'at', 'the', 'behest', 'of', 'pakistani', 'military', 'intelligence', 'military', 'tensions', 'have', 'soared', 'since', 'the', 'raid', 'with', 'both', 'sides', 'massing', 'troops', 'along', 'their', 'border', 'and', 'trading', 'tit', 'for', 'tat', 'diplomatic', 'sanctions', 'yesterday', 'pakistan', 'announced', 'it', 'had', 'arrested', 'lashkar', 'taiba', 'chief', 'hafiz', 'mohammed', 'saeed', 'police', 'in', 'karachi', 'say', 'it', 'is', 'likely', 'more', 'raids', 'will', 'be', 'launched', 'against', 'the', 'two', 'groups', 'as', 'well', 'as', 'other', 'militant', 'organisations', 'accused', 'of', 'targetting', 'india', 'military', 'tensions', 'between', 'india', 'and', 'pakistan', 'have', 'escalated', 'to', 'level', 'not', 'seen', 'since', 'their', 'war'], tags=[1])]" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_corpus[:2]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "And the testing corpus looks like this:" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[['the', 'national', 'executive', 'of', 'the', 'strife', 'torn', 'democrats', 'last', 'night', 'appointed', 'little', 'known', 'west', 'australian', 'senator', 'brian', 'greig', 'as', 'interim', 'leader', 'shock', 'move', 'likely', 'to', 'provoke', 'further', 'conflict', 'between', 'the', 'party', 'senators', 'and', 'its', 'organisation', 'in', 'move', 'to', 'reassert', 'control', 'over', 'the', 'party', 'seven', 'senators', 'the', 'national', 'executive', 'last', 'night', 'rejected', 'aden', 'ridgeway', 'bid', 'to', 'become', 'interim', 'leader', 'in', 'favour', 'of', 'senator', 'greig', 'supporter', 'of', 'deposed', 'leader', 'natasha', 'stott', 'despoja', 'and', 'an', 'outspoken', 'gay', 'rights', 'activist'], ['cash', 'strapped', 'financial', 'services', 'group', 'amp', 'has', 'shelved', 'million', 'plan', 'to', 'buy', 'shares', 'back', 'from', 'investors', 'and', 'will', 'raise', 'million', 'in', 'fresh', 'capital', 'after', 'profits', 'crashed', 'in', 'the', 'six', 'months', 'to', 'june', 'chief', 'executive', 'paul', 'batchelor', 'said', 'the', 'result', 'was', 'solid', 'in', 'what', 'he', 'described', 'as', 'the', 'worst', 'conditions', 'for', 'stock', 'markets', 'in', 'years', 'amp', 'half', 'year', 'profit', 'sank', 'per', 'cent', 'to', 'million', 'or', 'share', 'as', 'australia', 'largest', 'investor', 'and', 'fund', 'manager', 'failed', 'to', 'hit', 'projected', 'per', 'cent', 'earnings', 'growth', 'targets', 'and', 'was', 'battered', 'by', 'falling', 'returns', 'on', 'share', 'markets']]\n" - ] - } - ], - "source": [ - "print(test_corpus[:2])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Notice that the testing corpus is just a list of lists and does not contain any tags." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Training the Model" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Instantiate a Doc2Vec Object " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now, we'll instantiate a Doc2Vec model with a vector size with 50 words and iterating over the training corpus 40 times. We set the minimum word count to 2 in order to discard words with very few occurrences. (Without a variety of representative examples, retaining such infrequent words can often make a model worse!) Typical iteration counts in published 'Paragraph Vectors' results, using 10s-of-thousands to millions of docs, are 10-20. More iterations take more time and eventually reach a point of diminishing returns.\n", - "\n", - "However, this is a very very small dataset (300 documents) with shortish documents (a few hundred words). Adding training passes can sometimes help with such small datasets." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "model = gensim.models.doc2vec.Doc2Vec(vector_size=50, min_count=2, epochs=40)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Build a Vocabulary" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "model.build_vocab(train_corpus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Essentially, the vocabulary is a dictionary (accessible via `model.wv.vocab`) of all of the unique words extracted from the training corpus along with the count (e.g., `model.wv.vocab['penalty'].count` for counts for the word `penalty`)." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Time to Train\n", - "\n", - "If the BLAS library is being used, this should take no more than 3 seconds.\n", - "If the BLAS library is not being used, this should take no more than 2 minutes, so use BLAS if you value your time." - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 4.61 s, sys: 814 ms, total: 5.43 s\n", - "Wall time: 2.68 s\n" - ] - } - ], - "source": [ - "%time model.train(train_corpus, total_examples=model.corpus_count, epochs=model.epochs)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Inferring a Vector" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "One important thing to note is that you can now infer a vector for any piece of text without having to re-train the model by passing a list of words to the `model.infer_vector` function. This vector can then be compared with other vectors via cosine similarity." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "array([ 0.24116205, 0.07339828, -0.27019867, -0.19452883, 0.126193 ,\n", - " 0.22654183, 0.26595142, 0.21971616, -0.03823646, -0.14102826,\n", - " 0.30460876, 0.0068176 , -0.1742173 , 0.05304497, 0.16511315,\n", - " -0.15094836, 0.14354771, 0.01259909, -0.17909774, 0.07656667,\n", - " 0.15878952, -0.18826678, 0.03750297, -0.3339148 , -0.09979844,\n", - " -0.05963492, 0.00099474, -0.18307815, -0.00851006, -0.02054437,\n", - " 0.0683636 , -0.13510053, -0.05586798, -0.07510707, 0.13390398,\n", - " -0.08525871, -0.03863541, 0.03461651, -0.1619014 , 0.12662718,\n", - " 0.23388451, 0.11462782, -0.02873337, 0.16269833, -0.01474206,\n", - " 0.09754166, 0.12638392, -0.09281237, -0.04791372, 0.15747668],\n", - " dtype=float32)" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "model.infer_vector(['only', 'you', 'can', 'prevent', 'forest', 'fires'])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Note that `infer_vector()` does *not* take a string, but rather a list of string tokens, which should have already been tokenized the same way as the `words` property of original training document objects. \n", - "\n", - "Also note that because the underlying training/inference algorithms are an iterative approximation problem that makes use of internal randomization, repeated inferences of the same text will return slightly different vectors." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Assessing Model" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To assess our new model, we'll first infer new vectors for each document of the training corpus, compare the inferred vectors with the training corpus, and then returning the rank of the document based on self-similarity. Basically, we're pretending as if the training corpus is some new unseen data and then seeing how they compare with the trained model. The expectation is that we've likely overfit our model (i.e., all of the ranks will be less than 2) and so we should be able to find similar documents very easily. Additionally, we'll keep track of the second ranks for a comparison of less similar documents. " - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/neuscratch/Dev/gensim/gensim/matutils.py:737: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - } - ], - "source": [ - "ranks = []\n", - "second_ranks = []\n", - "for doc_id in range(len(train_corpus)):\n", - " inferred_vector = model.infer_vector(train_corpus[doc_id].words)\n", - " sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs))\n", - " rank = [docid for docid, sim in sims].index(doc_id)\n", - " ranks.append(rank)\n", - " \n", - " second_ranks.append(sims[1])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's count how each document ranks with respect to the training corpus " - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "data": { - "text/plain": [ - "Counter({0: 292, 1: 8})" - ] - }, - "execution_count": 12, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "collections.Counter(ranks) # Results vary between runs due to random seeding and very small corpus" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Basically, greater than 95% of the inferred documents are found to be most similar to itself and about 5% of the time it is mistakenly most similar to another document. the checking of an inferred-vector against a training-vector is a sort of 'sanity check' as to whether the model is behaving in a usefully consistent manner, though not a real 'accuracy' value.\n", - "\n", - "This is great and not entirely surprising. We can take a look at an example:" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Document (299): «australia will take on france in the doubles rubber of the davis cup tennis final today with the tie levelled at wayne arthurs and todd woodbridge are scheduled to lead australia in the doubles against cedric pioline and fabrice santoro however changes can be made to the line up up to an hour before the match and australian team captain john fitzgerald suggested he might do just that we ll make team appraisal of the whole situation go over the pros and cons and make decision french team captain guy forget says he will not make changes but does not know what to expect from australia todd is the best doubles player in the world right now so expect him to play he said would probably use wayne arthurs but don know what to expect really pat rafter salvaged australia davis cup campaign yesterday with win in the second singles match rafter overcame an arm injury to defeat french number one sebastien grosjean in three sets the australian says he is happy with his form it not very pretty tennis there isn too many consistent bounces you are playing like said bit of classic old grass court rafter said rafter levelled the score after lleyton hewitt shock five set loss to nicholas escude in the first singles rubber but rafter says he felt no added pressure after hewitt defeat knew had good team to back me up even if we were down he said knew could win on the last day know the boys can win doubles so even if we were down still feel we are good enough team to win and vice versa they are good enough team to beat us as well»\n", - "\n", - "SIMILAR/DISSIMILAR DOCS PER MODEL Doc2Vec(dm/m,d50,n5,w5,mc2,s0.001,t3):\n", - "\n", - "MOST (299, 0.93604576587677): «australia will take on france in the doubles rubber of the davis cup tennis final today with the tie levelled at wayne arthurs and todd woodbridge are scheduled to lead australia in the doubles against cedric pioline and fabrice santoro however changes can be made to the line up up to an hour before the match and australian team captain john fitzgerald suggested he might do just that we ll make team appraisal of the whole situation go over the pros and cons and make decision french team captain guy forget says he will not make changes but does not know what to expect from australia todd is the best doubles player in the world right now so expect him to play he said would probably use wayne arthurs but don know what to expect really pat rafter salvaged australia davis cup campaign yesterday with win in the second singles match rafter overcame an arm injury to defeat french number one sebastien grosjean in three sets the australian says he is happy with his form it not very pretty tennis there isn too many consistent bounces you are playing like said bit of classic old grass court rafter said rafter levelled the score after lleyton hewitt shock five set loss to nicholas escude in the first singles rubber but rafter says he felt no added pressure after hewitt defeat knew had good team to back me up even if we were down he said knew could win on the last day know the boys can win doubles so even if we were down still feel we are good enough team to win and vice versa they are good enough team to beat us as well»\n", - "\n", - "SECOND-MOST (112, 0.8006965517997742): «australian cricket captain steve waugh has supported fast bowler brett lee after criticism of his intimidatory bowling to the south african tailenders in the first test in adelaide earlier this month lee was fined for giving new zealand tailender shane bond an unsportsmanlike send off during the third test in perth waugh says tailenders should not be protected from short pitched bowling these days you re earning big money you ve got responsibility to learn how to bat he said mean there no times like years ago when it was not professional and sort of bowlers code these days you re professional our batsmen work very hard at their batting and expect other tailenders to do likewise meanwhile waugh says his side will need to guard against complacency after convincingly winning the first test by runs waugh says despite the dominance of his side in the first test south africa can never be taken lightly it only one test match out of three or six whichever way you want to look at it so there lot of work to go he said but it nice to win the first battle definitely it gives us lot of confidence going into melbourne you know the big crowd there we love playing in front of the boxing day crowd so that will be to our advantage as well south africa begins four day match against new south wales in sydney on thursday in the lead up to the boxing day test veteran fast bowler allan donald will play in the warm up match and is likely to take his place in the team for the second test south african captain shaun pollock expects much better performance from his side in the melbourne test we still believe that we didn play to our full potential so if we can improve on our aspects the output we put out on the field will be lot better and we still believe we have side that is good enough to beat australia on our day he said»\n", - "\n", - "MEDIAN (119, 0.26439014077186584): «australia is continuing to negotiate with the united states government in an effort to interview the australian david hicks who was captured fighting alongside taliban forces in afghanistan mr hicks is being held by the united states on board ship in the afghanistan region where the australian federal police and australian security intelligence organisation asio officials are trying to gain access foreign affairs minister alexander downer has also confirmed that the australian government is investigating reports that another australian has been fighting for taliban forces in afghanistan we often get reports of people going to different parts of the world and asking us to investigate them he said we always investigate sometimes it is impossible to find out we just don know in this case but it is not to say that we think there are lot of australians in afghanistan the only case we know is hicks mr downer says it is unclear when mr hicks will be back on australian soil but he is hopeful the americans will facilitate australian authorities interviewing him»\n", - "\n", - "LEAST (243, -0.12885713577270508): «four afghan factions have reached agreement on an interim cabinet during talks in germany the united nations says the administration which will take over from december will be headed by the royalist anti taliban commander hamed karzai it concludes more than week of negotiations outside bonn and is aimed at restoring peace and stability to the war ravaged country the year old former deputy foreign minister who is currently battling the taliban around the southern city of kandahar is an ally of the exiled afghan king mohammed zahir shah he will serve as chairman of an interim authority that will govern afghanistan for six month period before loya jirga or grand traditional assembly of elders in turn appoints an month transitional government meanwhile united states marines are now reported to have been deployed in eastern afghanistan where opposition forces are closing in on al qaeda soldiers reports from the area say there has been gun battle between the opposition and al qaeda close to the tora bora cave complex where osama bin laden is thought to be hiding in the south of the country american marines are taking part in patrols around the air base they have secured near kandahar but are unlikely to take part in any assault on the city however the chairman of the joint chiefs of staff general richard myers says they are prepared for anything they are prepared for engagements they re robust fighting force and they re absolutely ready to engage if that required he said»\n", - "\n" - ] - } - ], - "source": [ - "print('Document ({}): «{}»\\n'.format(doc_id, ' '.join(train_corpus[doc_id].words)))\n", - "print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\\n' % model)\n", - "for label, index in [('MOST', 0), ('SECOND-MOST', 1), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]:\n", - " print(u'%s %s: «%s»\\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words)))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Notice above that the most similar document (usually the same text) is has a similarity score approaching 1.0. However, the similarity score for the second-ranked documents should be significantly lower (assuming the documents are in fact different) and the reasoning becomes obvious when we examine the text itself.\n", - "\n", - "We can run the next cell repeatedly to see a sampling other target-document comparisons. " - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Train Document (289): «there is renewed attempt to move the debate over choosing an australian head of state forward after conference in southern new south wales at the weekend in corowa delegates adopted proposal which recommended plebiscite to direct another constitutional convention and referendum on republic and australian head of state committee will meet in about four weeks to work on the next step in the campaign one of the proposal developers historian walter phillips hopes there is vote on an australian head of state in about five years think that in five or six years we should be pretty near if we can get this process going and carried forward now we have to persuade our political leaders that it is something they should take up that going to be one of the problems mr phillips said»\n", - "\n", - "Similar Document (298, 0.7201520204544067): «university of canberra academic proposal for republic will be one of five discussed at an historic conference starting in corowa today the conference is part of centenary of federation celebrations and recognises the corowa conference of which began the process towards the federation of australia in university of canberra law lecturer bedeharris is proposing three referenda to determine the republic issue they would decide on whether the monarchy should be replaced the codification powers for head of state and the choice of republic model doctor harris says any constitutional change must involve all australians think it is very important that the people of australia be given the opporunity to choose or be consulted at every stage of the process»\n", - "\n" - ] - } - ], - "source": [ - "# Pick a random document from the corpus and infer a vector from the model\n", - "doc_id = random.randint(0, len(train_corpus) - 1)\n", - "\n", - "# Compare and print the second-most-similar document\n", - "print('Train Document ({}): «{}»\\n'.format(doc_id, ' '.join(train_corpus[doc_id].words)))\n", - "sim_id = second_ranks[doc_id]\n", - "print('Similar Document {}: «{}»\\n'.format(sim_id, ' '.join(train_corpus[sim_id[0]].words)))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Testing the Model" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Using the same approach above, we'll infer the vector for a randomly chosen test document, and compare the document to our model by eye." - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Test Document (6): «senior members of the saudi royal family paid at least million to osama bin laden terror group and the taliban for an agreement his forces would not attack targets in saudi arabia according to court documents the papers filed in us billion billion lawsuit in the us allege the deal was made after two secret meetings between saudi royals and leaders of al qa ida including bin laden the money enabled al qa ida to fund training camps in afghanistan later attended by the september hijackers the disclosures will increase tensions between the us and saudi arabia»\n", - "\n", - "SIMILAR/DISSIMILAR DOCS PER MODEL Doc2Vec(dm/m,d50,n5,w5,mc2,s0.001,t3):\n", - "\n", - "MOST (261, 0.6407690048217773): «afghan opposition leaders meeting in germany have reached an agreement after seven days of talks on the structure of an interim post taliban government for afghanistan the agreement calls for the immediate assembly of temporary group of multi national peacekeepers in kabul and possibly other areas the four afghan factions have approved plan for member ruling council composed of chairman five deputy chairmen and other members the council would govern afghanistan for six months at which time traditional afghan assembly called loya jirga would be convened to decide on more permanent structure the agreement calls for elections within two years»\n", - "\n", - "MEDIAN (103, 0.13398753106594086): «the hih royal commission has heard evidence that there were doubts about the company ability to pay all of its creditors three months before its collapse partner for accountancy firm ernst and young john gibbons says he and his colleague kim smith attended meeting with hih on november mr gibbons has told the commission hih chairman ray williams and finance director dominic federa were at that meeting mr gibbons said mr smith noted that if hih was wound up on that date there would be clear shortage of assets to pay creditors he says the directors were told it was highly likely all creditors would not receive per cent returns the commission has also heard that the accountancy firm told the directors that even with hih restructuring plans there was potential for insolvency»\n", - "\n", - "LEAST (264, -0.35531237721443176): «widespread damage from yesterday violent storms in new south wales has forced the government to declare more areas of the state natural disaster zones up to volunteers and fire fighters are continuing the big mop up state emergency services ses volunteers are still clearing some of thehuge trees that came crashing down on homes in sydney north martin walker was sitting on his back deck when the storm struck it sounded like freight train was about to hit our house you could hear it coming with such ferocity and as it hit all the trees just seemed to bend and there was stuff hitting the back of our house mr walker said pitwater bankstown sutherland hurstville and liverpool in sydney and gunnedah and tamworth in the state north west have been added to the list of natural disaster areas new south wales premier bob carr has inspected one of the worst hit parts wahroonga in sydney north struck by the of this storm damage we ve had storms before but never winds of this force and it was uneven and unpredictable in its impact mr carr said the final damage bill is expected to be more than million»\n", - "\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/neuscratch/Dev/gensim/gensim/matutils.py:737: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - } - ], - "source": [ - "# Pick a random document from the test corpus and infer a vector from the model\n", - "doc_id = random.randint(0, len(test_corpus) - 1)\n", - "inferred_vector = model.infer_vector(test_corpus[doc_id])\n", - "sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs))\n", - "\n", - "# Compare and print the most/median/least similar documents from the train corpus\n", - "print('Test Document ({}): «{}»\\n'.format(doc_id, ' '.join(test_corpus[doc_id])))\n", - "print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\\n' % model)\n", - "for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]:\n", - " print(u'%s %s: «%s»\\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words)))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Wrapping Up\n", - "\n", - "That's it! Doc2Vec is a great way to explore relationships between documents." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "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.6.6" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/docs/notebooks/doc2vec-wikipedia.ipynb b/docs/notebooks/doc2vec-wikipedia.ipynb index 529e7e6177..ff4786d3fd 100644 --- a/docs/notebooks/doc2vec-wikipedia.ipynb +++ b/docs/notebooks/doc2vec-wikipedia.ipynb @@ -2,20 +2,14 @@ "cells": [ { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "# Doc2Vec to wikipedia articles" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "We conduct the replication to **Document Embedding with Paragraph Vectors** (http://arxiv.org/abs/1507.07998).\n", "In this paper, they showed only DBOW results to Wikipedia data. So we replicate this experiments using not only DBOW but also DM." @@ -23,20 +17,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Basic Setup" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Let's import Doc2Vec module." ] @@ -44,11 +32,7 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "from gensim.corpora.wikicorpus import WikiCorpus\n", @@ -59,20 +43,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Preparing the corpus" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "First, download the dump of all Wikipedia articles from [here](http://download.wikimedia.org/enwiki/) (you want the file enwiki-latest-pages-articles.xml.bz2, or enwiki-YYYYMMDD-pages-articles.xml.bz2 for date-specific dumps).\n", "\n", @@ -84,11 +62,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "wiki = WikiCorpus(\"enwiki-latest-pages-articles.xml.bz2\")\n", @@ -97,10 +71,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Define **TaggedWikiDocument** class to convert WikiCorpus into suitable form for Doc2Vec." ] @@ -109,9 +80,7 @@ "cell_type": "code", "execution_count": 3, "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "outputs": [], "source": [ @@ -128,9 +97,7 @@ "cell_type": "code", "execution_count": 4, "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "outputs": [], "source": [ @@ -139,10 +106,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Preprocessing\n", "To set the same vocabulary size with original paper. We first calculate the optimal **min_count** parameter." @@ -152,9 +116,7 @@ "cell_type": "code", "execution_count": 5, "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "outputs": [], "source": [ @@ -165,11 +127,7 @@ { "cell_type": "code", "execution_count": 6, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -205,20 +163,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "In the original paper, they set the vocabulary size 915,715. It seems similar size of vocabulary if we set min_count = 19. (size of vocab = 898,725)" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Training the Doc2Vec Model\n", "To train Doc2Vec model by several method, DBOW and DM, we define the list of models." @@ -228,9 +180,6 @@ "cell_type": "code", "execution_count": 7, "metadata": { - "collapsed": false, - "deletable": true, - "editable": true, "scrolled": false }, "outputs": [], @@ -248,11 +197,7 @@ { "cell_type": "code", "execution_count": 8, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -272,10 +217,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Now we’re ready to train Doc2Vec of the English Wikipedia. " ] @@ -284,9 +226,6 @@ "cell_type": "code", "execution_count": 9, "metadata": { - "collapsed": false, - "deletable": true, - "editable": true, "scrolled": true }, "outputs": [ @@ -308,20 +247,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Similarity interface" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "After that, let's test both models! DBOW model show similar results with the original paper. First, calculating cosine similarity of \"Machine learning\" using Paragraph Vector. Word Vector and Document Vector are separately stored. We have to add .docvecs after model name to extract Document Vector from Doc2Vec Model." ] @@ -329,11 +262,7 @@ { "cell_type": "code", "execution_count": 10, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -392,10 +321,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "DBOW model interpret the word 'Machine Learning' as a part of Computer Science field, and DM model as Data Science related field.\n", "\n", @@ -406,9 +332,6 @@ "cell_type": "code", "execution_count": 11, "metadata": { - "collapsed": false, - "deletable": true, - "editable": true, "scrolled": false }, "outputs": [ @@ -450,9 +373,7 @@ { "cell_type": "markdown", "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "source": [ "DBOW model reveal the similar singer in the U.S., and DM model understand that many of Lady Gaga's songs are similar with the word \"Lady Gaga\".\n", @@ -464,9 +385,6 @@ "cell_type": "code", "execution_count": 12, "metadata": { - "collapsed": false, - "deletable": true, - "editable": true, "scrolled": false }, "outputs": [ @@ -508,10 +426,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "As a result, DBOW model demonstrate similar artists to Lady Gaga in Japan such as 'Perfume', who is the most famous idol in Japan. On the other hand, DM model results don't include Japanese artists in top 10 similar documents. It's almost the same with no vector calculated results.\n", "\n", @@ -535,9 +450,9 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.4.3" + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/dtm_example.ipynb b/docs/notebooks/dtm_example.ipynb index ebec7b43fb..ea0a9dfd84 100644 --- a/docs/notebooks/dtm_example.ipynb +++ b/docs/notebooks/dtm_example.ipynb @@ -41,9 +41,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "logger = logging.getLogger()\n", @@ -102,9 +100,7 @@ { "cell_type": "code", "execution_count": 5, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "class DTMcorpus(corpora.textcorpus.TextCorpus):\n", @@ -154,9 +150,7 @@ { "cell_type": "code", "execution_count": 7, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "model = DtmModel(dtm_path, corpus, time_seq, num_topics=2,\n", @@ -184,9 +178,7 @@ { "cell_type": "code", "execution_count": 9, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -231,9 +223,7 @@ { "cell_type": "code", "execution_count": 10, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -275,9 +265,7 @@ { "cell_type": "code", "execution_count": 11, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "model = DtmModel(dtm_path, corpus, time_seq, num_topics=2,\n", @@ -296,9 +284,7 @@ { "cell_type": "code", "execution_count": 12, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -346,9 +332,9 @@ ], "metadata": { "kernelspec": { - "display_name": "Python [py35]", + "display_name": "Python 3", "language": "python", - "name": "Python [py35]" + "name": "python3" }, "language_info": { "codemirror_mode": { @@ -360,9 +346,9 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.2" + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/gensim Quick Start.ipynb b/docs/notebooks/gensim Quick Start.ipynb deleted file mode 100644 index 6d769e8e55..0000000000 --- a/docs/notebooks/gensim Quick Start.ipynb +++ /dev/null @@ -1,320 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - " # Getting Started with gensim" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "This section introduces the basic concepts and terms needed to understand and use `gensim` and provides a simple usage example.\n", - "\n", - "## Core Concepts and Simple Example\n", - "\n", - "At a very high-level, `gensim` is a tool for discovering the semantic structure of documents by examining the patterns of words (or higher-level structures such as entire sentences or documents). `gensim` accomplishes this by taking a *corpus*, a collection of text documents, and producing a *vector* representation of the text in the corpus. The vector representation can then be used to train a *model*, which is an algorithms to create different representations of the data, which are usually more semantic. These three concepts are key to understanding how `gensim` works so let's take a moment to explain what each of them means. At the same time, we'll work through a simple example that illustrates each of them.\n", - "\n", - "### Corpus\n", - "\n", - - - "A *corpus* is a collection of digital documents. This collection is the input to `gensim` from which it will infer the structure of the documents, their topics, etc. The latent structure inferred from the corpus can later be used to assign topics to new documents which were not present in the training corpus. For this reason, we also refer to this collection as the *training corpus*. No human intervention (such as tagging the documents by hand) is required - the topic classification is [unsupervised](https://en.wikipedia.org/wiki/Unsupervised_learning).\n", - - - "\n", - "For our corpus, we'll use a list of 9 strings, each consisting of only a single sentence." - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "raw_corpus = [\"Human machine interface for lab abc computer applications\",\n", - " \"A survey of user opinion of computer system response time\",\n", - " \"The EPS user interface management system\",\n", - " \"System and human system engineering testing of EPS\", \n", - " \"Relation of user perceived response time to error measurement\",\n", - " \"The generation of random binary unordered trees\",\n", - " \"The intersection graph of paths in trees\",\n", - " \"Graph minors IV Widths of trees and well quasi ordering\",\n", - " \"Graph minors A survey\"]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "This is a particularly small example of a corpus for illustration purposes. Another example could be a list of all the plays written by Shakespeare, list of all wikipedia articles, or all tweets by a particular person of interest.\n", - "\n", - "After collecting our corpus, there are typically a number of preprocessing steps we want to undertake. We'll keep it simple and just remove some commonly used English words (such as 'the') and words that occur only once in the corpus. In the process of doing so, we'll [tokenise][1] our data. Tokenization breaks up the documents into words (in this case using space as a delimiter).\n[1]: https://en.wikipedia.org/wiki/Tokenization_(lexical_analysis)" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[['human', 'interface', 'computer'],\n", - " ['survey', 'user', 'computer', 'system', 'response', 'time'],\n", - " ['eps', 'user', 'interface', 'system'],\n", - " ['system', 'human', 'system', 'eps'],\n", - " ['user', 'response', 'time'],\n", - " ['trees'],\n", - " ['graph', 'trees'],\n", - " ['graph', 'minors', 'trees'],\n", - " ['graph', 'minors', 'survey']]" - ] - }, - "execution_count": 2, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Create a set of frequent words\n", - "stoplist = set('for a of the and to in'.split(' '))\n", - "# Lowercase each document, split it by white space and filter out stopwords\n", - "texts = [[word for word in document.lower().split() if word not in stoplist]\n", - " for document in raw_corpus]\n", - "\n", - "# Count word frequencies\n", - "from collections import defaultdict\n", - "frequency = defaultdict(int)\n", - "for text in texts:\n", - " for token in text:\n", - " frequency[token] += 1\n", - "\n", - "# Only keep words that appear more than once\n", - "processed_corpus = [[token for token in text if frequency[token] > 1] for text in texts]\n", - "processed_corpus" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Before proceeding, we want to associate each word in the corpus with a unique integer ID. We can do this using the `gensim.corpora.Dictionary` class. This dictionary defines the vocabulary of all words that our processing knows about." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Dictionary(12 unique tokens: [u'minors', u'graph', u'system', u'trees', u'eps']...)\n" - ] - } - ], - "source": [ - "from gensim import corpora\n", - "\n", - "dictionary = corpora.Dictionary(processed_corpus)\n", - "print(dictionary)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Because our corpus is small, there are only 12 different tokens in this `Dictionary`. For larger corpuses, dictionaries that contains hundreds of thousands of tokens are quite common." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Vector\n", - "\n", - "To infer the latent structure in our corpus we need a way to represent documents that we can manipulate mathematically. One approach is to represent each document as a vector. There are various approaches for creating a vector representation of a document but a simple example is the *bag-of-words model*. Under the bag-of-words model each document is represented by a vector containing the frequency counts of each word in the dictionary. For example, given a dictionary containing the words `['coffee', 'milk', 'sugar', 'spoon']` a document consisting of the string `\"coffee milk coffee\"` could be represented by the vector `[2, 1, 0, 0]` where the entries of the vector are (in order) the occurrences of \"coffee\", \"milk\", \"sugar\" and \"spoon\" in the document. The length of the vector is the number of entries in the dictionary. One of the main properties of the bag-of-words model is that it completely ignores the order of the tokens in the document that is encoded, which is where the name bag-of-words comes from.\n", - "\n", - "Our processed corpus has 12 unique words in it, which means that each document will be represented by a 12-dimensional vector under the bag-of-words model. We can use the dictionary to turn tokenized documents into these 12-dimensional vectors. We can see what these IDs correspond to:" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{u'minors': 11, u'graph': 10, u'system': 6, u'trees': 9, u'eps': 8, u'computer': 1, u'survey': 5, u'user': 7, u'human': 2, u'time': 4, u'interface': 0, u'response': 3}\n" - ] - } - ], - "source": [ - "print(dictionary.token2id)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "For example, suppose we wanted to vectorize the phrase \"Human computer interaction\" (note that this phrase was not in our original corpus). We can create the bag-of-word representation for a document using the `doc2bow` method of the dictionary, which returns a sparse representation of the word counts:" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(1, 1), (2, 1)]" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "new_doc = \"Human computer interaction\"\n", - "new_vec = dictionary.doc2bow(new_doc.lower().split())\n", - "new_vec" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The first entry in each tuple corresponds to the ID of the token in the dictionary, the second corresponds to the count of this token." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Note that \"interaction\" did not occur in the original corpus and so it was not included in the vectorization. Also note that this vector only contains entries for words that actually appeared in the document. Because any given document will only contain a few words out of the many words in the dictionary, words that do not appear in the vectorization are represented as implicitly zero as a space saving measure.\n", - "\n", - "We can convert our entire original corpus to a list of vectors:" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[[(0, 1), (1, 1), (2, 1)],\n", - " [(1, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1)],\n", - " [(0, 1), (6, 1), (7, 1), (8, 1)],\n", - " [(2, 1), (6, 2), (8, 1)],\n", - " [(3, 1), (4, 1), (7, 1)],\n", - " [(9, 1)],\n", - " [(9, 1), (10, 1)],\n", - " [(9, 1), (10, 1), (11, 1)],\n", - " [(5, 1), (10, 1), (11, 1)]]" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "bow_corpus = [dictionary.doc2bow(text) for text in processed_corpus]\n", - "bow_corpus" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Note that while this list lives entirely in memory, in most applications you will want a more scalable solution. Luckily, `gensim` allows you to use any iterator that returns a single document vector at a time. See the documentation for more details.\n", - "\n", - "### Model\n", - "\n", - "Now that we have vectorized our corpus we can begin to transform it using *models*. We use model as an abstract term referring to a transformation from one document representation to another. In `gensim` documents are represented as vectors so a model can be thought of as a transformation between two vector spaces. The details of this transformation are learned from the training corpus.\n", - "\n", - "One simple example of a model is [tf-idf](https://en.wikipedia.org/wiki/Tf%E2%80%93idf). The tf-idf model transforms vectors from the bag-of-words representation to a vector space where the frequency counts are weighted according to the relative rarity of each word in the corpus.\n", - "\n", - "Here's a simple example. Let's initialize the tf-idf model, training it on our corpus and transforming the string \"system minors\":" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(6, 0.5898341626740045), (11, 0.8075244024440723)]" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "from gensim import models\n", - "# train the model\n", - "tfidf = models.TfidfModel(bow_corpus)\n", - "# transform the \"system minors\" string\n", - "tfidf[dictionary.doc2bow(\"system minors\".lower().split())]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The `tfidf` model again returns a list of tuples, where the first entry is the token ID and the second entry is the tf-idf weighting. Note that the ID corresponding to \"system\" (which occurred 4 times in the original corpus) has been weighted lower than the ID corresponding to \"minors\" (which only occurred twice).\n", - "\n", - "`gensim` offers a number of different models/transformations. See [Transformations and Topics](Topics_and_Transformations.ipynb) for details." - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 2", - "language": "python", - "name": "python2" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 2 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.11" - } - }, - "nbformat": 4, - "nbformat_minor": 0 -} diff --git a/docs/notebooks/gensim_news_classification.ipynb b/docs/notebooks/gensim_news_classification.ipynb deleted file mode 100644 index e3d7ac8b9b..0000000000 --- a/docs/notebooks/gensim_news_classification.ipynb +++ /dev/null @@ -1,2979 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "e0085648-0300-4087-9b12-ee7d2392ce4f" - } - }, - "source": [ - "# News classification with topic models in gensim\n", - "News article classification is a task which is performed on a huge scale by news agencies all over the world. We will be looking into how topic modeling can be used to accurately classify news articles into different categories such as sports, technology, politics etc.\n", - "\n", - "Our aim in this tutorial is to come up with some topic model which can come up with topics that can easily be interpreted by us. Such a topic model can be used to discover hidden structure in the corpus and can also be used to determine the membership of a news article into one of the topics.\n", - "\n", - "For this tutorial, we will be using the Lee corpus which is a shortened version of the [Lee Background Corpus](http://www.socsci.uci.edu/~mdlee/lee_pincombe_welsh_document.PDF). The shortened version consists of 300 documents selected from the Australian Broadcasting Corporation's news mail service. It consists of texts of headline stories from around the year 2000-2001.\n", - "\n", - "Accompanying slides can be found [here](https://speakerdeck.com/dsquareindia/pycon-delhi-lightening).\n", - "\n", - "### Requirements\n", - "In this tutorial we look at how different topic models can be easily created using [gensim](https://radimrehurek.com/gensim/).\n", - "Following are the dependencies for this tutorial:\n", - " - Gensim Version >=0.13.1 would be preferred since we will be using topic coherence metrics extensively here.\n", - " - matplotlib\n", - " - nltk.stopwords and nltk.wordnet\n", - " - pyLDAVis\n", - "We will be playing around with 4 different topic models here:\n", - " - LSI (Latent Semantic Indexing)\n", - " - HDP (Hierarchical Dirichlet Process)\n", - " - LDA (Latent Dirichlet Allocation)\n", - " - LDA (tweaked with topic coherence to find optimal number of topics) and\n", - " - LDA as LSI with the help of topic coherence metrics\n", - "First we'll fit those topic models on our existing data then we'll compare each against the other and see how they rank in terms of human interpretability.\n", - "\n", - "All can be found in gensim and can be easily used in a plug-and-play fashion. We will tinker with the LDA model using the newly added topic coherence metrics in gensim based on [this](http://svn.aksw.org/papers/2015/WSDM_Topic_Evaluation/public.pdf) paper by Roeder et al and see how the resulting topic model compares with the exsisting ones." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "25997dab-04e3-4abc-b22f-b36944b208c2" - } - }, - "outputs": [], - "source": [ - "import os\n", - "import re\n", - "import operator\n", - "import matplotlib.pyplot as plt\n", - "import warnings\n", - "import gensim\n", - "import numpy as np\n", - "warnings.filterwarnings('ignore') # Let's not pay heed to them right now\n", - "\n", - "import nltk\n", - "nltk.download('stopwords') # Let's make sure the 'stopword' package is downloaded & updated\n", - "nltk.download('wordnet') # Let's also download wordnet, which will be used for lemmatization\n", - "\n", - "from gensim.models import CoherenceModel, LdaModel, LsiModel, HdpModel\n", - "from gensim.models.wrappers import LdaMallet\n", - "from gensim.corpora import Dictionary\n", - "from pprint import pprint\n", - "from smart_open import smart_open\n", - "\n", - "%matplotlib inline" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "8778b874-a6d1-4f2f-ba02-35dc0fa10f0c" - } - }, - "outputs": [], - "source": [ - "test_data_dir = '{}'.format(os.sep).join([gensim.__path__[0], 'test', 'test_data'])\n", - "lee_train_file = test_data_dir + os.sep + 'lee_background.cor'" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "bcbc3313-3a57-4923-b330-69691eaf7535" - } - }, - "source": [ - "Analysing our corpus.\n", - " - The first document talks about a bushfire that had occured in New South Wales.\n", - " - The second talks about conflict between India and Pakistan in Kashmir.\n", - " - The third talks about road accidents in the New South Wales area.\n", - " - The fourth one talks about Argentina's economic and political crisis during that time.\n", - " - The last one talks about the use of drugs by midwives in a Sydney hospital.\n", - "Our final topic model should be giving us keywords which we can easily interpret and make a small summary out of. Without this the topic model cannot be of much practical use." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "d447e236-b1b9-4cf7-bc39-8bfb499d4730" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['Hundreds of people have been forced to vacate their homes in the Southern Highlands of New South Wales as strong winds today pushed a huge bushfire towards the town of Hill Top. A new blaze near Goulburn, south-west of Sydney, has forced the closure of the Hume Highway. At about 4:00pm AEDT, a marked deterioration in the weather as a storm cell moved east across the Blue Mountains forced authorities to make a decision to evacuate people from homes in outlying streets at Hill Top in the New South Wales southern highlands. An estimated 500 residents have left their homes for nearby Mittagong. The New South Wales Rural Fire Service says the weather conditions which caused the fire to burn in a finger formation have now eased and about 60 fire units in and around Hill Top are optimistic of defending all properties. As more than 100 blazes burn on New Year\\'s Eve in New South Wales, fire crews have been called to new fire at Gunning, south of Goulburn. While few details are available at this stage, fire authorities says it has closed the Hume Highway in both directions. Meanwhile, a new fire in Sydney\\'s west is no longer threatening properties in the Cranebrook area. Rain has fallen in some parts of the Illawarra, Sydney, the Hunter Valley and the north coast. But the Bureau of Meteorology\\'s Claire Richards says the rain has done little to ease any of the hundred fires still burning across the state. \"The falls have been quite isolated in those areas and generally the falls have been less than about five millimetres,\" she said. \"In some places really not significant at all, less than a millimetre, so there hasn\\'t been much relief as far as rain is concerned. \"In fact, they\\'ve probably hampered the efforts of the firefighters more because of the wind gusts that are associated with those thunderstorms.\" \\n']\n", - "[\"Indian security forces have shot dead eight suspected militants in a night-long encounter in southern Kashmir. The shootout took place at Dora village some 50 kilometers south of the Kashmiri summer capital Srinagar. The deaths came as Pakistani police arrested more than two dozen militants from extremist groups accused of staging an attack on India's parliament. India has accused Pakistan-based Lashkar-e-Taiba and Jaish-e-Mohammad of carrying out the attack on December 13 at the behest of Pakistani military intelligence. Military tensions have soared since the raid, with both sides massing troops along their border and trading tit-for-tat diplomatic sanctions. Yesterday, Pakistan announced it had arrested Lashkar-e-Taiba chief Hafiz Mohammed Saeed. Police in Karachi say it is likely more raids will be launched against the two groups as well as other militant organisations accused of targetting India. Military tensions between India and Pakistan have escalated to a level not seen since their 1971 war. \\n\"]\n", - "['The national road toll for the Christmas-New Year holiday period stands at 45, eight fewer than for the same time last year. 20 people have died on New South Wales roads, with eight fatalities in both Queensland and Victoria. Western Australia, the Northern Territory and South Australia have each recorded three deaths, while the ACT and Tasmania remain fatality free. \\n']\n", - "[\"Argentina's political and economic crisis has deepened with the resignation of its interim President who took office just a week ago. Aldolfo Rodregiuez Saa told a stunned nation that he could not rescue Argentina because key fellow Peronists would not support his default on massive foreign debt repayment or his plan for a new currency. It was only a week ago that he was promising a million new jobs to end four years of recession, days after his predecessor resigned following a series of failed rescue packages. After announcing that the senate leader, Ramon Puerta, would assume the presidency until congress appoints a new caretaker president, the government said he too had quit and another senior lawmaker would act in the role. Fresh elections are not scheduled until March leaving whoever assumes the presidency with the daunting task of tackling Argentina's worst crisis in 12 years, but this time, isolated by international lending agencies. \\n\"]\n", - "['Six midwives have been suspended at Wollongong Hospital, south of Sydney, for inappropriate use of nitrous oxide during work hours, on some occasions while women were in labour. The Illawarra Area Health Service says that following an investigation of unprofessional conduct, a further four midwives have been relocated to other areas within the hospital. The service\\'s chief executive officer, Tony Sherbon, says no one was put at risk, because other staff not involved in the use of nitrous oxide were able to take over caring for women in labour. \"Well we\\'re very concerned and the body of midwives to the hospital - there are over 70 midwives that work in our service - are very annoyed and angry at the inappropriate behaviour of these very senior people who should know better,\" he said. \"And that\\'s why we\\'ve take the action of suspending them and we\\'ll consider further action next week.\" \\n']\n" - ] - } - ], - "source": [ - "with smart_open(lee_train_file, 'rb') as f:\n", - " for n, l in enumerate(f):\n", - " if n < 5:\n", - " print([l])" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "f4d505e5-5e90-4770-aaae-04ae05d697b5" - } - }, - "outputs": [], - "source": [ - "def build_texts(fname):\n", - " \"\"\"\n", - " Function to build tokenized texts from file\n", - " \n", - " Parameters:\n", - " ----------\n", - " fname: File to be read\n", - " \n", - " Returns:\n", - " -------\n", - " yields preprocessed line\n", - " \"\"\"\n", - " with smart_open(fname, 'rb') as f:\n", - " for line in f:\n", - " yield gensim.utils.simple_preprocess(line, deacc=True, min_len=3)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "4dbde9d2-3a9d-4677-8dd4-90066c0cb7c4" - } - }, - "outputs": [], - "source": [ - "train_texts = list(build_texts(lee_train_file))" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "e7995c4c-f483-4cb5-9f53-3b8c5fef39c3" - } - }, - "outputs": [ - { - "data": { - "text/plain": [ - "300" - ] - }, - "execution_count": 6, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(train_texts)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "a6d40ad7-2abd-44e5-8839-62731fb5eab7" - } - }, - "source": [ - "### Preprocessing our data. Remember: Garbage In Garbage Out\n", - " \"NLP is 80% preprocessing.\"\n", - " -Lev Konstantinovskiy\n", - "This is the single most important step in setting up a good topic modeling system. If the preprocessing is not good, the algorithm can't do much since we would be feeding it a lot of noise. In this tutorial, we will be filtering out the noise using the following steps in this order for each line:\n", - "1. Stopword removal using NLTK's english stopwords dataset.\n", - "2. Bigram collocation detection (frequently co-occuring tokens) using gensim's [Phrases](https://radimrehurek.com/gensim/models/phrases.html). This is our first attempt to find some hidden structure in the corpus. You can even try trigram collocation detection.\n", - "3. Lemmatization (using gensim's [`lemmatize`](https://radimrehurek.com/gensim/utils.html#gensim.utils.lemmatize)) to only keep the nouns. Lemmatization is generally better than stemming in the case of topic modeling since the words after lemmatization still remain understable. However, generally stemming might be preferred if the data is being fed into a vectorizer and isn't intended to be viewed." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "3ca3d45b-a28b-41c7-b5de-4c124c50d13d" - } - }, - "outputs": [], - "source": [ - "bigram = gensim.models.Phrases(train_texts) # for bigram collocation detection" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "862c087b-b918-47b9-b0cf-42b71996e061" - } - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[u'new_york', u'example']" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "bigram[['new', 'york', 'example']]" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "1181e3a8-6803-4f41-9d55-397f3d700c28" - } - }, - "outputs": [], - "source": [ - "from gensim.utils import lemmatize\n", - "from nltk.corpus import stopwords" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "dbeeeabe-b6dd-477c-a798-fb7b39302ba9" - } - }, - "outputs": [], - "source": [ - "stops = set(stopwords.words('english')) # nltk stopwords list" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "3d784001-6875-4be5-b8e8-e6c490f5b7b4" - } - }, - "outputs": [], - "source": [ - "def process_texts(texts):\n", - " \"\"\"\n", - " Function to process texts. Following are the steps we take:\n", - " \n", - " 1. Stopword Removal.\n", - " 2. Collocation detection.\n", - " 3. Lemmatization (not stem since stemming can reduce the interpretability).\n", - " \n", - " Parameters:\n", - " ----------\n", - " texts: Tokenized texts.\n", - " \n", - " Returns:\n", - " -------\n", - " texts: Pre-processed tokenized texts.\n", - " \"\"\"\n", - " texts = [[word for word in line if word not in stops] for line in texts]\n", - " texts = [bigram[line] for line in texts]\n", - " \n", - " from nltk.stem import WordNetLemmatizer\n", - " lemmatizer = WordNetLemmatizer()\n", - "\n", - " texts = [[word for word in lemmatizer.lemmatize(' '.join(line), pos='v').split()] for line in texts]\n", - " return texts" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "d8cfc39f-aa3b-469f-ae34-1ef99ef51a25" - } - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[['afghani',\n", - " 'asylum_seeker',\n", - " 'australia',\n", - " 'return',\n", - " 'home',\n", - " 'environment',\n", - " 'government',\n", - " 'application',\n", - " 'kabul',\n", - " 'foreign_affair',\n", - " 'downer',\n", - " 'process',\n", - " 'threat',\n", - " 'person',\n", - " 'asylum',\n", - " 'afghan',\n", - " 'australia',\n", - " 'matter',\n", - " 'britain',\n", - " 'country',\n", - " 'europe',\n", - " 'taliban',\n", - " 'power',\n", - " 'afghanistan',\n", - " 'taliban',\n", - " 'airlift',\n", - " 'detainee',\n", - " 'christmas',\n", - " 'island',\n", - " 'island',\n", - " 'nauru',\n", - " 'total',\n", - " 'person',\n", - " 'island',\n", - " 'operation',\n", - " 'aircraft',\n", - " 'airlift',\n", - " 'today',\n", - " 'asylum_seeker',\n", - " 'claim',\n", - " 'visa',\n", - " 'department',\n", - " 'immigration',\n", - " 'detainee',\n", - " 'christmas',\n", - " 'island',\n", - " 'spokesman',\n", - " 'decision']]" - ] - }, - "execution_count": 12, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_texts = process_texts(train_texts)\n", - "train_texts[5:6]" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "0e5ca1a8-9c78-412a-9ab4-a4d0be5afd34" - } - }, - "source": [ - "Finalising our dictionary and corpus" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "161e8770-8bc2-41ae-98f4-08d1c9311e82" - } - }, - "outputs": [], - "source": [ - "dictionary = Dictionary(train_texts)\n", - "corpus = [dictionary.doc2bow(text) for text in train_texts]" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "fe809373-e88b-44eb-9cb9-08be3dc5949a" - } - }, - "source": [ - "### Topic modeling with LSI\n", - "This is a useful topic modeling algorithm in that it can rank topics by itself. Thus it outputs topics in a ranked order. However it does require a `num_topics` parameter (set to 200 by default) to determine the number of latent dimensions after the SVD." - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "58e7dda6-0dd2-4e4f-b81a-0b530c66b20b" - } - }, - "outputs": [], - "source": [ - "lsimodel = LsiModel(corpus=corpus, num_topics=10, id2word=dictionary)" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "6b5572c0-2ab0-4b13-a08f-3db21b4c4f21" - }, - "scrolled": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(0,\n", - " u'-0.241*\"person\" + -0.202*\"australia\" + -0.201*\"government\" + -0.193*\"afghanistan\" + -0.182*\"day\" + -0.174*\"attack\" + -0.156*\"force\" + -0.155*\"area\" + -0.154*\"man\" + -0.147*\"security\"'),\n", - " (1,\n", - " u'0.524*\"fire\" + 0.274*\"sydney\" + 0.269*\"area\" + 0.219*\"firefighter\" + 0.180*\"wale\" + 0.163*\"wind\" + -0.139*\"israel\" + -0.138*\"attack\" + 0.136*\"line\" + 0.126*\"today\"'),\n", - " (2,\n", - " u'-0.333*\"australia\" + 0.320*\"israel\" + 0.243*\"palestinian\" + -0.205*\"afghanistan\" + 0.204*\"fire\" + 0.177*\"attack\" + 0.174*\"sharon\" + 0.128*\"yasser_arafat\" + -0.122*\"company\" + 0.119*\"office\"'),\n", - " (3,\n", - " u'0.353*\"afghanistan\" + -0.301*\"australia\" + 0.236*\"pakistan\" + 0.221*\"force\" + 0.153*\"afghan\" + -0.152*\"test\" + -0.150*\"company\" + 0.146*\"area\" + -0.132*\"union\" + 0.114*\"tora_bora\"'),\n", - " (4,\n", - " u'-0.331*\"union\" + -0.327*\"company\" + 0.197*\"test\" + 0.193*\"australia\" + -0.190*\"worker\" + 0.189*\"day\" + -0.169*\"qanta\" + -0.150*\"pakistan\" + 0.136*\"wicket\" + -0.130*\"commission\"')]" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "lsimodel.show_topics(num_topics=5) # Showing only the top 5 topics" - ] - }, - { - "cell_type": "code", - "execution_count": 93, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "b1a8c7b4-dc46-4bfe-b17b-d604f212b389" - } - }, - "outputs": [], - "source": [ - "lsitopics = lsimodel.show_topics(formatted=False)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "943a5fcd-7c2e-4c16-9879-34882a7a74d4" - } - }, - "source": [ - "### Topic modeling with [HDP](http://jmlr.csail.mit.edu/proceedings/papers/v15/wang11a/wang11a.pdf)\n", - "An HDP model is fully unsupervised. It can also determine the ideal number of topics it needs through posterior inference." - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "b492de13-0053-416c-b314-1bbae21ca828" - } - }, - "outputs": [], - "source": [ - "hdpmodel = HdpModel(corpus=corpus, id2word=dictionary)" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "92dbb672-adca-4535-8089-de23712828d8" - } - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[u'topic 0: 0.004*collapse + 0.004*afghanistan + 0.004*troop + 0.003*force + 0.003*government + 0.002*benefit + 0.002*operation + 0.002*taliban + 0.002*time + 0.002*today + 0.002*ypre + 0.002*tourism + 0.002*person + 0.002*help + 0.002*wayne + 0.002*fire + 0.002*peru + 0.002*day + 0.002*united_state + 0.002*hih',\n", - " u'topic 1: 0.003*group + 0.003*government + 0.002*target + 0.002*palestinian + 0.002*end + 0.002*terrorism + 0.002*cease + 0.002*memorandum + 0.002*radio + 0.002*call + 0.002*official + 0.002*path + 0.002*security + 0.002*wayne + 0.002*attack + 0.002*human_right + 0.001*four + 0.001*gunman + 0.001*sharon + 0.001*subsidiary',\n", - " u'topic 2: 0.003*rafter + 0.003*double + 0.003*team + 0.002*reality + 0.002*manager + 0.002*cup + 0.002*australia + 0.002*abc + 0.002*nomination + 0.002*user + 0.002*freeman + 0.002*herberton + 0.002*lung + 0.002*believe + 0.002*injury + 0.002*steve_waugh + 0.002*fact + 0.002*statement + 0.002*mouth + 0.002*alejandro',\n", - " u'topic 3: 0.003*india + 0.003*sector + 0.002*anthony + 0.002*interview + 0.002*suicide_bomber + 0.002*union + 0.002*marconi + 0.002*imprisonment + 0.002*document + 0.002*mood + 0.002*remember + 0.002*repair + 0.002*vicki + 0.001*training + 0.001*dressing + 0.001*government + 0.001*indian + 0.001*law + 0.001*convention + 0.001*pair',\n", - " u'topic 4: 0.003*airport + 0.003*commission + 0.002*marathon + 0.002*tonne + 0.002*citizen + 0.002*dickie + 0.002*arrest + 0.002*taliban + 0.002*opposition + 0.002*agha + 0.002*pitch + 0.002*tune + 0.002*regulation + 0.002*monday + 0.002*chile + 0.002*night + 0.002*foreign_affair + 0.002*charge + 0.002*county + 0.002*signature',\n", - " u'topic 5: 0.005*company + 0.002*share + 0.002*version + 0.002*entitlement + 0.002*staff + 0.002*value + 0.002*tanzim + 0.002*bay + 0.002*beaumont + 0.002*cent + 0.002*world + 0.002*hass + 0.002*broker + 0.002*line + 0.002*tie + 0.002*plane + 0.002*flare + 0.001*creditor + 0.001*pay + 0.001*administrator',\n", - " u'topic 6: 0.002*hiv + 0.002*aids + 0.002*margin + 0.002*worker + 0.002*horror + 0.002*claire + 0.002*nation + 0.002*person + 0.002*battleground + 0.002*christmas + 0.002*quarters + 0.002*day + 0.002*underdog + 0.002*festival + 0.002*devaluation + 0.002*immunity + 0.001*quirindi + 0.001*auditor + 0.001*europe + 0.001*board',\n", - " u'topic 7: 0.002*david + 0.002*victim + 0.002*navy + 0.002*promise + 0.002*symbol + 0.002*site + 0.002*agenda + 0.002*endeavour + 0.002*hamas + 0.002*installation + 0.002*bulli + 0.002*quarrel + 0.002*israeli + 0.002*leaf + 0.002*space + 0.002*sharon + 0.002*spa + 0.002*dispute + 0.002*council + 0.002*tit',\n", - " u'topic 8: 0.005*storm + 0.004*tree + 0.002*roger + 0.002*aedt + 0.002*minister + 0.002*service + 0.002*sydney + 0.002*electricity + 0.002*power + 0.002*split + 0.002*impact + 0.002*australia + 0.002*area + 0.002*quirindi + 0.002*expansion + 0.002*hornsby + 0.002*standing + 0.002*judgment + 0.002*search + 0.002*thank',\n", - " u'topic 9: 0.003*australia + 0.003*economy + 0.002*ward + 0.002*game + 0.002*brought + 0.002*johnston + 0.002*supporter + 0.002*recession + 0.002*stray + 0.002*boat_people + 0.002*ritual + 0.002*thousand + 0.001*police + 0.001*box + 0.001*britain + 0.001*year + 0.001*thing + 0.001*kill + 0.001*tour + 0.001*junction',\n", - " u'topic 10: 0.003*match + 0.003*crowd + 0.002*team + 0.002*rafter + 0.002*scrapping + 0.002*decision + 0.002*guarantee + 0.002*masood + 0.002*tennis + 0.002*forestry + 0.002*world + 0.002*france + 0.002*member + 0.002*career + 0.002*australia + 0.002*single + 0.002*rubber + 0.002*road + 0.002*tower + 0.002*attack',\n", - " u'topic 11: 0.002*cycle + 0.002*communication + 0.002*spend + 0.002*airline + 0.002*flight + 0.002*amendment + 0.002*swift + 0.002*morning + 0.002*ansett + 0.002*mark + 0.002*platform + 0.002*administrator + 0.002*screen + 0.002*launceston + 0.002*airplane + 0.002*alarming + 0.002*worker + 0.001*tent + 0.001*severance + 0.001*wilton',\n", - " u'topic 12: 0.003*summit + 0.003*indonesia + 0.002*john + 0.002*pitwater + 0.002*president + 0.002*week + 0.002*howard + 0.002*issue + 0.002*baptist + 0.002*city + 0.002*model + 0.002*mile + 0.002*talk + 0.002*australia + 0.002*network + 0.002*head + 0.002*passage + 0.002*quinlan + 0.002*start + 0.002*match',\n", - " u'topic 13: 0.002*sorrow + 0.002*australia + 0.002*israelis + 0.002*middle_east + 0.002*deck + 0.002*sydney + 0.002*variety + 0.002*zimbabwean + 0.002*general + 0.002*calculation + 0.002*instrument + 0.002*piece + 0.002*treatment + 0.002*truce + 0.002*wicket + 0.002*submission + 0.002*line + 0.002*december + 0.002*showing + 0.001*father',\n", - " u'topic 14: 0.002*game + 0.002*giuliani + 0.002*care + 0.002*java + 0.002*mystery + 0.002*session + 0.002*seeker + 0.002*distance + 0.002*tennessee + 0.002*transmission + 0.002*hamid + 0.002*cabinet + 0.002*day + 0.002*regret + 0.002*australia + 0.002*lifestyle + 0.002*afghanistan + 0.002*preview + 0.002*test + 0.002*hit',\n", - " u'topic 15: 0.003*president + 0.002*rabbani + 0.002*maxi + 0.002*penalty + 0.002*show + 0.002*sibling + 0.002*adjournment + 0.002*new_delhi + 0.002*permission + 0.002*jackie + 0.002*arrest + 0.002*motive + 0.002*outcome + 0.002*shift + 0.002*spy + 0.002*beech + 0.002*beset + 0.002*need + 0.002*personnel + 0.002*mitchell',\n", - " u'topic 16: 0.002*today + 0.002*matter + 0.002*work + 0.002*debate + 0.002*agreement + 0.002*mastermind + 0.002*member + 0.002*downer + 0.002*intercept + 0.002*bedside + 0.002*felix + 0.002*assembly + 0.002*afghan + 0.002*saudi + 0.002*burn + 0.002*franc + 0.002*modification + 0.002*spelt + 0.002*declared + 0.002*resist',\n", - " u'topic 17: 0.002*margaret + 0.002*government + 0.002*disruption + 0.002*hingis + 0.002*section + 0.002*security + 0.002*corps + 0.002*pakistan + 0.002*front + 0.002*insurance + 0.002*maintenance + 0.002*order + 0.002*plume + 0.002*amendment + 0.002*demand + 0.001*hawke + 0.001*coal + 0.001*discontent + 0.001*modification + 0.001*distress',\n", - " u'topic 18: 0.002*speaker + 0.002*love + 0.002*safety + 0.002*chaman + 0.002*coastguard + 0.002*salfit + 0.002*soccer + 0.002*payment + 0.002*complexity + 0.002*personnel + 0.002*flood + 0.002*employment + 0.002*morrow + 0.002*community + 0.002*darren + 0.002*context + 0.001*tunnel + 0.001*negotiation + 0.001*friendship + 0.001*sutherland',\n", - " u'topic 19: 0.003*brain + 0.003*team + 0.003*olympic + 0.002*cell + 0.002*embryo + 0.002*suburb + 0.002*speaking + 0.002*macfarlane + 0.002*sheet + 0.002*overtime + 0.002*man + 0.002*finding + 0.002*canyon + 0.002*research + 0.002*manhattan + 0.002*brutality + 0.002*spot + 0.002*backdrop + 0.001*pervez + 0.001*sector']" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "hdpmodel.show_topics()" - ] - }, - { - "cell_type": "code", - "execution_count": 94, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "85e46481-0245-448c-b4e2-e0c6e175357c" - } - }, - "outputs": [], - "source": [ - "hdptopics = hdpmodel.show_topics(formatted=False)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "380ef8b7-6de1-4822-ae30-7120e12b5955" - } - }, - "source": [ - "### Topic modeling using [LDA](https://www.cs.princeton.edu/~blei/papers/HoffmanBleiBach2010b.pdf)\n", - "This is one the most popular topic modeling algorithms today. It is a generative model in that it assumes each document is a mixture of topics and in turn, each topic is a mixture of words. To understand it better you can watch [this](https://www.youtube.com/watch?v=DDq3OVp9dNA) lecture by David Blei. Let's choose 10 topics to initialize this." - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "a02b72fb-0049-4ec3-825f-179e396f3904" - } - }, - "outputs": [], - "source": [ - "ldamodel = LdaModel(corpus=corpus, num_topics=10, id2word=dictionary)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "672c009d-3dbc-4a1f-a789-2a0fe78729b9" - } - }, - "source": [ - "pyLDAvis is a great way to visualize an LDA model. To summarize in short, the area of the circles represent the prevelance of the topic. The length of the bars on the right represent the membership of a term in a particular topic. pyLDAvis is based on [this](http://nlp.stanford.edu/events/illvi2014/papers/sievert-illvi2014.pdf) paper." - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "f7724653-52ef-41e8-aa22-6232be216b08" - } - }, - "outputs": [], - "source": [ - "import pyLDAvis.gensim" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "2c5b03e0-ce0f-4999-8fe1-820a9fe06873" - } - }, - "outputs": [], - "source": [ - "pyLDAvis.enable_notebook()" - ] - }, - { - "cell_type": "code", - "execution_count": 88, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "7da56259-bbf2-4f63-93f6-033833ae4494" - }, - "scrolled": false - }, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - "\n", - "\n", - "\n", - "
\n", - "" - ], - "text/plain": [ - "PreparedData(topic_coordinates= Freq cluster topics x y\n", - "topic \n", - "5 15.818395 1 1 0.020284 -0.003740\n", - "6 12.159659 1 2 -0.022615 0.092623\n", - "9 11.567771 1 3 0.095137 -0.056635\n", - "7 10.030019 1 4 -0.041509 -0.014137\n", - "0 9.723180 1 5 -0.093849 -0.047330\n", - "8 9.499227 1 6 0.003548 0.063112\n", - "2 9.403690 1 7 -0.033738 -0.046082\n", - "3 8.338908 1 8 0.011367 -0.027304\n", - "1 6.964024 1 9 0.038242 0.009804\n", - "4 6.495127 1 10 0.023133 0.029689, topic_info= Category Freq Term Total loglift logprob\n", - "term \n", - "965 Default 69.000000 afghanistan 69.000000 30.0000 30.0000\n", - "1918 Default 46.000000 israel 46.000000 29.0000 29.0000\n", - "2464 Default 112.000000 australia 112.000000 28.0000 28.0000\n", - "3280 Default 33.000000 afghan 33.000000 27.0000 27.0000\n", - "2354 Default 67.000000 fire 67.000000 26.0000 26.0000\n", - "1458 Default 38.000000 pakistan 38.000000 25.0000 25.0000\n", - "757 Default 38.000000 palestinian 38.000000 24.0000 24.0000\n", - "851 Default 37.000000 test 37.000000 23.0000 23.0000\n", - "574 Default 51.000000 union 51.000000 22.0000 22.0000\n", - "1922 Default 59.000000 company 59.000000 21.0000 21.0000\n", - "1853 Default 18.000000 qanta 18.000000 20.0000 20.0000\n", - "3333 Default 99.000000 government 99.000000 19.0000 19.0000\n", - "593 Default 44.000000 child 44.000000 18.0000 18.0000\n", - "157 Default 29.000000 india 29.000000 17.0000 17.0000\n", - "1201 Default 13.000000 space 13.000000 16.0000 16.0000\n", - "545 Default 20.000000 south_africa 20.000000 15.0000 15.0000\n", - "1462 Default 12.000000 cancer 12.000000 14.0000 14.0000\n", - "2195 Default 8.000000 virus 8.000000 13.0000 13.0000\n", - "2060 Default 15.000000 event 15.000000 12.0000 12.0000\n", - "589 Default 27.000000 worker 27.000000 11.0000 11.0000\n", - "2735 Default 24.000000 metre 24.000000 10.0000 10.0000\n", - "3430 Default 30.000000 commission 30.000000 9.0000 9.0000\n", - "1553 Default 26.000000 director 26.000000 8.0000 8.0000\n", - "985 Default 23.000000 agreement 23.000000 7.0000 7.0000\n", - "2549 Default 20.000000 wicket 20.000000 6.0000 6.0000\n", - "1844 Default 20.000000 rate 20.000000 5.0000 5.0000\n", - "1377 Default 12.000000 dispute 12.000000 4.0000 4.0000\n", - "2605 Default 28.000000 peace 28.000000 3.0000 3.0000\n", - "2989 Default 67.000000 attack 67.000000 2.0000 2.0000\n", - "1149 Default 6.000000 farmer 6.000000 1.0000 1.0000\n", - "... ... ... ... ... ... ...\n", - "1214 Topic10 1.961223 possibility 5.635690 1.6786 -6.3127\n", - "2269 Topic10 2.441073 harrison 7.646867 1.5923 -6.0938\n", - "1553 Topic10 5.589432 director 26.667974 1.1715 -5.2654\n", - "991 Topic10 4.603794 change 21.175656 1.2081 -5.4594\n", - "1303 Topic10 1.659603 premier 4.774002 1.6775 -6.4797\n", - "3289 Topic10 3.672805 weapon 15.957912 1.2651 -5.6853\n", - "2840 Topic10 2.639075 tension 10.503602 1.3528 -6.0159\n", - "2263 Topic10 3.590576 river 18.683428 1.0848 -5.7080\n", - "1140 Topic10 6.490434 group 58.260255 0.5395 -5.1160\n", - "2319 Topic10 3.892480 community 24.092294 0.9113 -5.6272\n", - "1922 Topic10 6.169639 company 59.473519 0.4682 -5.1666\n", - "1584 Topic10 4.137423 death 27.575597 0.8373 -5.5662\n", - "157 Topic10 4.256485 india 29.854661 0.7862 -5.5378\n", - "2422 Topic10 8.052329 person 125.100187 -0.0090 -4.9003\n", - "949 Topic10 4.045679 team 31.873346 0.6700 -5.5886\n", - "1893 Topic10 3.870061 action 32.053391 0.6200 -5.6330\n", - "2344 Topic10 4.239250 meeting 42.681139 0.4247 -5.5419\n", - "2605 Topic10 3.525193 peace 28.066990 0.6595 -5.7264\n", - "2464 Topic10 5.517708 australia 112.829012 -0.2838 -5.2783\n", - "3165 Topic10 3.623557 police 34.081096 0.4928 -5.6988\n", - "1608 Topic10 3.922546 world 45.568210 0.2816 -5.6195\n", - "194 Topic10 3.747631 president 44.732037 0.2546 -5.6652\n", - "3333 Topic10 4.302260 government 99.282266 -0.4047 -5.5271\n", - "546 Topic10 3.148621 country 30.045861 0.4784 -5.8393\n", - "2307 Topic10 3.397572 united_state 47.946180 0.0871 -5.7632\n", - "1931 Topic10 3.315484 hour 47.117280 0.0801 -5.7877\n", - "2989 Topic10 3.477635 attack 67.204296 -0.2273 -5.7399\n", - "1110 Topic10 3.375391 man 70.001434 -0.2979 -5.7698\n", - "2904 Topic10 3.383324 day 91.814892 -0.5668 -5.7674\n", - "1692 Topic10 3.248350 area 67.475462 -0.2995 -5.8081\n", - "\n", - "[756 rows x 6 columns], token_table= Topic Freq Term\n", - "term \n", - "311 4 0.821215 abbott\n", - "1059 4 0.619885 abortion\n", - "2850 1 0.071487 abuse\n", - "2850 2 0.285947 abuse\n", - "2850 4 0.357434 abuse\n", - "2850 5 0.071487 abuse\n", - "2850 7 0.071487 abuse\n", - "2850 8 0.071487 abuse\n", - "2850 10 0.142973 abuse\n", - "1893 1 0.062396 action\n", - "1893 2 0.093594 action\n", - "1893 3 0.093594 action\n", - "1893 4 0.187188 action\n", - "1893 5 0.062396 action\n", - "1893 6 0.062396 action\n", - "1893 7 0.062396 action\n", - "1893 8 0.155990 action\n", - "1893 9 0.093594 action\n", - "1893 10 0.124792 action\n", - "844 5 0.212931 actor\n", - "844 7 0.425862 actor\n", - "1719 3 0.804982 advantage\n", - "1173 6 0.614371 advent\n", - "3280 1 0.270599 afghan\n", - "3280 2 0.090200 afghan\n", - "3280 3 0.030067 afghan\n", - "3280 4 0.030067 afghan\n", - "3280 5 0.450999 afghan\n", - "3280 7 0.030067 afghan\n", - "3280 9 0.030067 afghan\n", - "... ... ... ...\n", - "1192 4 0.031473 year\n", - "1192 5 0.157364 year\n", - "1192 6 0.110155 year\n", - "1192 7 0.141628 year\n", - "1192 8 0.078682 year\n", - "1192 9 0.078682 year\n", - "1192 10 0.047209 year\n", - "1166 1 0.234873 year_old\n", - "1166 2 0.039145 year_old\n", - "1166 3 0.039145 year_old\n", - "1166 5 0.156582 year_old\n", - "1166 6 0.195727 year_old\n", - "1166 7 0.078291 year_old\n", - "1166 8 0.156582 year_old\n", - "1166 9 0.039145 year_old\n", - "1166 10 0.039145 year_old\n", - "2408 1 0.165536 yesterday\n", - "2408 2 0.094592 yesterday\n", - "2408 3 0.165536 yesterday\n", - "2408 4 0.094592 yesterday\n", - "2408 5 0.118240 yesterday\n", - "2408 6 0.070944 yesterday\n", - "2408 7 0.118240 yesterday\n", - "2408 8 0.094592 yesterday\n", - "2408 9 0.047296 yesterday\n", - "2408 10 0.047296 yesterday\n", - "238 9 0.421611 zaccarias\n", - "3339 1 0.261213 zimbabwe\n", - "3339 4 0.261213 zimbabwe\n", - "3339 10 0.522426 zimbabwe\n", - "\n", - "[2006 rows x 3 columns], R=30, lambda_step=0.01, plot_opts={'xlab': 'PC1', 'ylab': 'PC2'}, topic_order=[6, 7, 10, 8, 1, 9, 3, 4, 2, 5])" - ] - }, - "execution_count": 88, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "pyLDAvis.gensim.prepare(ldamodel, corpus, dictionary)" - ] - }, - { - "cell_type": "code", - "execution_count": 95, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "13f462fd-b0c3-4a29-90f3-050e2317b72c" - } - }, - "outputs": [], - "source": [ - "ldatopics = ldamodel.show_topics(formatted=False)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "68d38063-fb92-4d36-b3fb-f2d3cbff9eb5" - } - }, - "source": [ - "### Finding out the optimal number of topics\n", - "__Introduction to topic coherence__:\n", - "\n", - "Topic coherence in essence measures the human interpretability of a topic model. Traditionally [perplexity has been used](http://qpleple.com/perplexity-to-evaluate-topic-models/) to evaluate topic models however this does not correlate with human annotations at times. Topic coherence is another way to evaluate topic models with a much higher guarantee on human interpretability. Thus this can be used to compare different topic models among many other use-cases. Here's a short blog I wrote explaining topic coherence:\n", - "[What is topic coherence?](https://rare-technologies.com/what-is-topic-coherence/)" - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "45b1a641-1152-4364-ad25-62d1f8187317" - } - }, - "outputs": [], - "source": [ - "def evaluate_graph(dictionary, corpus, texts, limit):\n", - " \"\"\"\n", - " Function to display num_topics - LDA graph using c_v coherence\n", - " \n", - " Parameters:\n", - " ----------\n", - " dictionary : Gensim dictionary\n", - " corpus : Gensim corpus\n", - " limit : topic limit\n", - " \n", - " Returns:\n", - " -------\n", - " lm_list : List of LDA topic models\n", - " c_v : Coherence values corresponding to the LDA model with respective number of topics\n", - " \"\"\"\n", - " c_v = []\n", - " lm_list = []\n", - " for num_topics in range(1, limit):\n", - " lm = LdaModel(corpus=corpus, num_topics=num_topics, id2word=dictionary)\n", - " lm_list.append(lm)\n", - " cm = CoherenceModel(model=lm, texts=texts, dictionary=dictionary, coherence='c_v')\n", - " c_v.append(cm.get_coherence())\n", - " \n", - " # Show graph\n", - " x = range(1, limit)\n", - " plt.plot(x, c_v)\n", - " plt.xlabel(\"num_topics\")\n", - " plt.ylabel(\"Coherence score\")\n", - " plt.legend((\"c_v\"), loc='best')\n", - " plt.show()\n", - " \n", - " return lm_list, c_v" - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "e8936716-d06c-4cef-ae87-5c5da9a25a85" - } - }, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAiIAAAF5CAYAAACiFUGDAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAAPYQAAD2EBqD+naQAAIABJREFUeJzs3Xmc1vP6x/HX1aJUKkmIE7IkeyVkifvuZOdwOIfo4Nj3\n5FjSz1aSXUTh5JwI5djnjqxZklRMkbTYsitKSoq2z++Pa4YpMzX3Pfd9f+/l/Xw8esyZ79z3975u\np2au+Xyuz3VZCAERERGRKNSKOgAREREpXkpEREREJDJKRERERCQySkREREQkMkpEREREJDJKRERE\nRCQySkREREQkMkpEREREJDJKRERERCQySkREREQkMjmTiJjZuWY2y8yWmNl4M+tYzecdZ2YrzezJ\nSr7W18y+MbPFZvaSmW2d/shFREQkVTmRiJjZscCtwNVAO+A94AUza76W520O3AyMqeRrlwHnAWcC\nuwM/l91znfRGLyIiIqmyXBh6Z2bjgQkhhB5lnxvwJTAwhHBTFc+pBbwO/BfoDDQJIfy1wte/AW4O\nIQwo+7wxMAc4KYTwaCbfj4iIiFRP5CsiZlYX6ACMLr8WPDt6Gei0hqdeDXwXQhhayT23BDZe7Z4L\ngQlruaeIiIhkUZ2oAwCaA7Xx1YqK5gBtKnuCme0N/BPYpYp7bgyEKu65cRX33AA4EPgM+KUacYuI\niIirD2wBvBBCmJfME3MhEamK4cnEqhfNGgEPAqeHEOan455lDgQeTvJ+IiIi8rsTgOHJPCEXEpG5\nwApgo9Wut+CPKxoAWwGbAyPLakmgbIvJzJbiqyiz8aRjo9Xu0QKYXEUcnwE89NBDtG3bNuk3kU96\n9uzJgAEDog4jK4rlvep9Fha9z8JSDO9z+vTpdO/eHcp+liYj8kQkhLDMzEqBLkACfitW7QIMrOQp\n04GdVrt2HdAIuAD4MoSw3Mxml91jStk9GwN7AIOqCOUXgLZt29K+ffsavadc16RJk4J/j+WK5b3q\nfRYWvc/CUizvs0zSpQ2RJyJlbgMeKEtIJgI9gQbA/QBmNgz4KoTQO4SwFJhW8clm9iNe4zq9wuXb\ngSvM7GM8Q7sW+AooyexbERERkerKiUQkhPBoWc+Qvvh2yrvAgSGE78seshmwPMl73mRmDYB7gabA\nG8DBZYmMiIiI5ICcSEQAQgiDgcFVfC2+luf+s4rr1wDX1DQ2ERERyYzI+4hI9nXr1i3qELKmWN6r\n3mdh0fssLMXyPlOVE51Vc4GZtQdKS0tLi6moSEREpMYmTZpEhw4dADqEECYl89yc2ZoRERHJFV98\n8QVz586NOoyc0rx5c1q1apX2+yoRERERqeCLL76gbdu2LF68OOpQckqDBg2YPn162pMRJSIiIiIV\nzJ07l8WLFxdFg8vqKm9YNnfuXCUiIiIi2VAMDS5zgU7NiIiISGSUiIiIiEhklIiIiIhIZJSIiIiI\nSGSUiIiIiEhklIiIiIhIZJSIiIiISGSUiEhBmj8fTjoJxo6NOhIREVkTJSJSkB57DIYNg86d4YIL\nYNGiqCMSEckd33zzDaeeeiqbbrop9evXp3Xr1pxzzjksX74867Gos6oUpEQC9tkHjj4aeveGkSPh\nvvugS5eoIxMRida3335Lx44dWbhwIWeeeSZt2rTh66+/5vHHH2fx4sU0btw4q/EoEZGC8/PP8PLL\n0L8/XHghHHYYnHYa/PnPcMYZcNNN0KRJ1FGKiESjV69efPfdd0ycOJF27dr9dv2aa66JJB4lIlJw\nXnwRfv0VDj/cP996a3jlFbj3Xrj0Unj2Wf/fhx4abZwikv8WL4YZMzL/OtttBw0a1Pw+IQRKSko4\n4ogjVklCoqRERApOIgFt28I22/x+rVYtOPtsOOQQOPNMXyX5xz/g9tuhWbPoYhWR/DZjBnTokPnX\nKS2FdMzf+/7771m4cCE77LBDzW+WJkpEpKCsWAHPPONbMZXZfHN47jl44AHo2dNXTwYPhr/+Nbtx\nikhh2G47TxKy8TrpEEJIz43SSImIFJS33oK5c+GII6p+jBmcfDIccICvkhx9NPztb3DXXdCiRdZC\nFZEC0KBBelYqsqVFixY0btyYqVOnRh3Kb3R8VwpKIuHJxB57rP2xLVvC00/DiBFeQ7L99jB8OOTg\nLwwiImlhZhx55JGMHDmSSZMmRR0OoERECkxJiRep1qrm32wzOO44mDbNT9WccAL85S/w9deZjVNE\nJCr9+/enRYsWdO7cmYsuuoghQ4bQp08fdtppJxYuXJj1eJSISMGYORM+/HDN2zJVadECHnkEnnwS\n3n4bdtgB/vtfrY6ISOFp2bIlEyZM4G9/+xvDhw+nR48ePPTQQ8TjcRqk42hOklQjIgWjpATWXddX\nNlJ11FGw335w0UVw6qmenAwZ4kWuIiKFYrPNNmPo0KFRhwFoRUQKSCIBXbvW/Kx9s2Zw//0wahRM\nnw477ugna1auTEuYIiJSgRIRKQjffw/jxnl9R7ocfDB88IHXjZx7LsRi8PHH6bu/iIgoEZEC8cwz\n/jHd3VIbN4Z77vFTNV99BTvvDLfd5v1KRESk5pSISEFIJGDPPWGjjTJz/1gMpkzxrqwXXwx77+0n\nbUREpGaUiEjeW7LEO6Smc1umMg0bwoABMHYs/PgjtGsH110Hy5Zl9nVFRAqZEhHJe6NH++CpVI7t\npmKvveDdd/1kzVVXwe67++ciIpI8JSKS9xIJH3CXrlkM1VG/Plx/PUyY4PUiHTt6UvLrr9mLQUSk\nECgRkby2ciWMHOmrIWbZf/3ddoN33oErrvDEpEMHmDgx+3GIiOQrNTSTvPb22zB7dva2ZSqzzjpw\n9dXeDO2UU6BTJ/jXv6BPH2+wJiL5afr06VGHkDMy+d9CiYjktZIS2GADr9uI2s47w/jxcOutnpg8\n/TT85z+w775RRyYiyWjevDkNGjSge/fuUYeSUxo0aEDz5s3Tfl8lIpLXEgnvHVInR/4m16kDl13m\nJ3hOOQU6d4bzzvNtm0aNoo5ORKqjVatWTJ8+nblz50YdSk5p3rw5rVq1Svt9c+Tbt0jyPvnEO5/2\n7Rt1JH+03Xbwxhtw113Qu7c3XBsypGZzcEQke1q1apWRH7ryRypWlbyVSHh9xgEHRB1J5WrXhh49\n4P33YcstfQ7O6afDggVRRyYikjuUiEjeSiSgS5fc3/Jo3Rpeftlbxf/vf7DDDvDss1FHJSKSG5SI\nSF764Qff+sh0N9V0qVXL28NPnQo77QSHHQb/+AfMmxd1ZCIi0VIiInlp1ChvJHb44VFHkpxWrTz2\n++/3upHtt4cnnog6KhGR6CgRkbyUSHg305Yto44keWZw0kk+NG+vveCYY+Bvf4M5c6KOTEQk+5SI\nSN759Vd47rlom5ilwyabwJNPet3Ia6/56sjDD0MIUUcmIpI9SkQk77z2GixalP+JCPjqyN//7qsj\nBx4I3bv7+/r666gjExHJDiUikndKSmCLLbzos1BsuCEMH+7dWEtLfXXkP//R6oiIFD4lIpJXQvD6\nkKiG3GXaX/7iTdqOPhpOO817pHz2WdRRiYhkjhIRySuTJ/u2Rb4c203F+uvDf/8Lzz8PM2fCjjvC\noEE+aVhEpNAoEZG8UlICTZsWxyC5Aw/0viMnnujzavbfHz76KOqoRETSS4mI5JVEAg45BOrWjTqS\n7GjcGAYPhldf9ZWgnXf26b4rVkQdmYhIeigRkbzx+efw7ruFcVomWfvvD1OmwNlnwyWXeP+RDz6I\nOioRkZpTIiJ5Y+RIXwk56KCoI4lGw4Zw223w5puwcCG0bw/XXQfLlkUdmYhI6nImETGzc81slpkt\nMbPxZtZxDY89yszeNrP5ZrbIzCabWffVHtPQzO4ysy/NbLGZfWBmZ2b+nUimJBK+MtCkSdSRRKtT\nJy/avfhiuPpq2H13dWUVkfyVE4mImR0L3ApcDbQD3gNeMLPmVTxlHtAP2BPYCRgKDDWzrhUeMwA4\nADge2A64HbjLzA7LyJuQjFqwwBuZFeO2TGXq1/fVkIkTYcYM78gqIpKPciIRAXoC94YQhoUQZgBn\nAYuBUyp7cAhhTAihJIQwM4QwK4QwEJgC7FPhYZ2AB0IIb4QQvgghDMETnN0z+1YkE55/3rcglIis\nqn172GcfeOWVqCMREUlN5ImImdUFOgCjy6+FEALwMp5MVOceXYBtgdcrXB4HHGFmLcseEwO2AV5I\nT+SSTSUlsOuuPr1WVhWLwZgxsHx51JGIiCQv8kQEaA7UBlbf5Z4DbFzVk8yssZn9ZGZLgZHA+SGE\nir8Xng9MB74qe8wo4NwQwptpjV4ybtkyGDVKqyFVicfhp5+8NbyISL6pE3UAa2DAmiZt/ATsAjQC\nugADzOzTEMKYsq9fAOwBHAZ8AXQGBpvZN6slLKvo2bMnTVarhuzWrRvdunVL+Y1IzbzxhteIFHI3\n1Zro0AEaNfJeI3vsEXU0IlLoRowYwYgRI1a5tmDBgpTvZyHiqVplWzOLgaNDCIkK1+8HmoQQjqrm\nfYYAm4UQDjaz+sAC4C8hhOdXe8ymIYRDKnl+e6C0tLSU9u3b1+g9SXr16AFPPglffFGY82XS4dBD\nfeXoxRejjkREitGTT07i6KM7AHQIIUxK5rmRb82EEJYBpfiqBgBmZmWfj0viVrWAemX/u27Zn9Wz\nrBXkwHuW6iv0IXfpEovB2LGwdGnUkYhIsQkBrr8+9efnyg/l24AzzOxEM9sOuAdoANwPYGbDzKx/\n+YPNrJeZ/dnMtjSz7czsX0B34EGAEMJPeOHqzWa2n5ltYWYnAycCT2bzjUnNvP++T59VfciaxeOw\nZAlMmBB1JCJSbIYPh3feSf35OVEjEkJ4tKxnSF9gI+Bd4MAQwvdlD9kMqHgmoCEwqOz6EmAGcEII\n4fEKjzkWuB54CGgGfA5cHkL4dybfi6RXIgHrreeNzKRqu+ziwwBffbU4BgKKSG6YPx8uugi6doWX\nXkrtHpHXiOQK1Yjkpt13hy22gEcfjTqS3HfUUf5N4bXXoo5ERIrF2Wd7Q8XHHpvEQQflaY2ISFW+\n+QbeflvbMtUVi8Fbb/kWjYhIpk2YAPfeC/36wYYbpn4fJSKSs0aOhNq14ZA/nHGSysTjXqw6LpkS\nbxGRFCxfDmedBe3awTnn1OxeSkQkZ5WUeL1Ds2ZRR5IfdtjBfytRu3cRybRBg+C99+Cee6BODatN\nlYhITlq0CEaP1rZMMsx8e+bVV6OOREQK2ddfwxVXeH1Ix441v58SEclJL77o2wxKRJITj/tE3p9+\nijoSESlUF14IDRv6BPB0UCIiOamkxLcattoq6kjySywGK1Z4czMRkXR77jl4/HG47TZvGZAOSkQk\n5yxfDs8+q9kyqdhmG9h0U9WJiEj6LVkC550HXbpAOsev5URDM5GKxo2DefO0LZMK1YmISKb07w9f\nfeWrIukcuaEVEck5iQRsvHF6iqCKUTwOkyZ5czMRkXSYMQNuvBF69YJtt03vvZWISE4JwetDDj8c\naulvZ0piMf/vOGZM1JGISCEIwU/ItGoFl1+e/vvrW73klBkz4OOPtS1TE1tsAVtuqToREUmPhx/2\n0RGDB0P9+um/vxIRySmJBDRo4MVQkjrViYhIOpQPtTv2WDjggMy8hhIRySklJf6Xfd11o44kv8Xj\n8P778N13UUciIvns8svh11/9uG6mKBGRnDFnDowfr22ZdIjF/KMm8YpIqsaPh3//24fatWyZuddR\nIiI549ln/eNhh0UbRyFo2RLatNH2jIikpnyoXfv2NR9qtzbqIyI5o6QE9tqrZuOk5XexmApWRSQ1\nd90FU6b4yIjatTP7WloRkZyweDG89JK6qaZTPA4ffugDqkREquurr+DKK30lZLfdMv96SkQkJ7z8\nsrcPVn1I+uy/v3/U9oyIJOPCC6FRo/QNtVsbJSKSExIJ79bXpk3UkRSODTeEnXZSIiIi1TdqFDzx\nBAwYAE2aZOc1lYhI5FauhJEjtS2TCfG46kREpHoWL/ahdn/+s/cNyRYlIhK5CRO834W2ZdIvFoPP\nPoNZs6KORERyXf/+8M033kE1nUPt1kaJiEQukYDmzaFTp6gjKTz77ecze7Q9IyJrMn063HSTD7Xb\nZpvsvrYSEYlcSYn3Dsn0EbFi1LQptGunREREqhaCn5DZfHNPRLJNiYhE6qOPPBNXfUjmlNeJhBB1\nJCKSix56KLND7dZGiYhEauRIqFcPunaNOpLCFYv5vu9HH0UdiYjkmh9+gH/9C447Lrrvw0pEJFIl\nJV6h3bBh1JEUrn32gTp1dHpGRP4oG0Pt1kaJiERm3jwYO1bbMpm23nrQsaMSERFZ1Vtv+VC7/v1h\nk02ii0OJiETm2We9h4iG3GVePO57wCtXRh2JiOSC5cvh7LO9hftZZ0UbixIRiUwiAXvsEW0mXizi\ncfj+e/jgg6gjEZFccOed8P77cM890Z9YVCIikfjlF3j+eTUxy5ZOnWCddXSMV0Tgyy9/H2rXoUPU\n0SgRkYi8+ir8/LMSkWxZd13Yay/ViYiID7Vbbz3o1y/qSFxKiYiZ7WtmD5nZW2a2adm1f5jZPukN\nTwpVIgGtW8MOO0QdSfGIxeD112HFiqgjEZGoPPssPPkk3H579obarU3SiYiZHQ28ACwB2gH1yr7U\nBOidvtCkUK1c6YnIEUdkd55BsYvH4ccf4d13o45ERKJQPtSua1f4+9+jjuZ3qayIXAGcFUI4HVhW\n4fqbQPu0RBWhn36KOoLCN2mSN9jSsd3s2n13aNBAdSIixeq66+Dbb2HQoNz6JTCVRKQNMKaS6wuA\npjULJ3rDhkUdQeErKYH114e99446kuKyzjre3Ex1IiLFZ9o0uPlm6N07+0Pt1iaVRGQ2sHUl1/cB\nPq1ZONF7+GHPGCVzEgk45BCoWzfqSIpPLAZvvAHLlq39sSJSGMqH2m2xBVx2WdTR/FEqicgQ4A4z\n2wMIQEszOwG4BRiczuCiUK8e9OkTdRSF67PPYMoUbctEJR6HRYvgnXeijkREsuXBB71QffBg/xmX\na1JJRG4AhgOjgUb4Ns19wL0hhLvSGFskTj0V7rsPZs6MOpLClEj4SsiBB0YdSXFq396P7alORKQ4\nlA+169bN53rloqQTkeCuA5oBOwJ7AhuGEK5Md3BR+NvfoGVLuOKKqCMpTImE/1beuHHUkRSnOnVg\nv/1UJyJSLHr18q3YKIfarU1SiYiZ1TGz5Wa2YwhhaQhhWghhYghhUaYCzLZ69eDaa+Hxx2HChKij\nKSw//ujLg2piFq1YDN580yduikjhGjcOhgzxoXYbbxx1NFVLKhEJISwHvgAi7kyfWd27w447eiYZ\nQtTRFI7nnvNBS4cfHnUkxS0e9xb748dHHYmIZErFoXZnnhl1NGuWSo3IdUB/M2uW7mByRe3acP31\nPq30hReijqZwJBJeo/CnP0UdSXHbeWdo1kzbMyKFbOBAmDo1N4barU0qich5QGfgGzObaWaTKv5J\nc3yROfRQ2HdfXxXR6PSaW7oURo3StkwuqFUL9t9fBasiherLL+Gqq+Dcc3NjqN3a1EnhOU+nPYoc\nZAY33uiDwkaMgBNOiDqi/DZmDCxcqGO7uSIeh549veVzgwZRRyMi6dSjhx8IuPbaqCOpnqQTkRBC\n0XTZ6NQJjjzST9Acc0xunr/OFyUlviWzyy5RRyLgBavLlnnRateuUUcjIunyzDPw1FPwv//lzlC7\ntUlp+i6AmXUws+5mdoKZtUtnULmkf3/44gvfZ5PUhKAhd7mmbVvYaCPViYgUkvKhdgcc4K0o8kXS\nKyJm1gJ4BNgf+BEwoImZvQocF0L4Pq0RRqxtW/jnP6FfP/+o/hfJmzLFkzlty+QOM18VUZ2ISOG4\n9lqYPRtefjm/fulLZUXkTqAxsEMIoVkIYX28sVljYGA6g8sV11zjbbFvuSXqSPJTSYkncPvtF3Uk\nUlE87q3eFy6MOhIRqakPPvCfUf/3f7B1ZdPgclgqichBwNkhhOnlF0II04BzgYPTFVgu2WwzuOAC\n70w3e3bU0eSfRAIOPtinv0ruiMVgxQofgici+at8qF3r1nDppVFHk7xUEpFaQGWzO5eleL+80KuX\nz0jJlyrkXPHVV1BaqmO7uWirrbyAWHUiIvlt2DA/mZirQ+3WJpXE4RV8+m7L8gtmtikwAB+EV5DW\nXx8uvxz+/W/4+OOoo8kfI0d6M52DC3KtLL+pTkQk/82bBxdfDMcfD126RB1NalJtaLYe8JmZfWJm\nHwOzyq6dn2ogZnaumc0ysyVmNt7MOq7hsUeZ2dtmNt/MFpnZZDPrXsnj2ppZiZn9WPa4CWa2Waox\nnn++nzTQQLzqSyS8NmT99aOORCoTj8O77/o3MxHJP+VD7W69NepIUpfK9N0vQwjtgUOB2/EC1UNC\nCB1CCF+lEoSZHQvcClwNtAPeA14ws+ZVPGUe0A+f/LsTMBQYama/dUQws62AN4BpeCfYnYBrgV9S\niRFg3XWhb18/n11amupdisdPP/myv7Zlclcs5vvLr78edSQikqxx4+C++3wkSS4PtVsbCzkw1c3M\nxgMTQgg9yj434EtgYAjhpmreoxR4JoRwddnnI4ClIYSTqvn89kBpaWkp7du3r/Jxy5f7rI5NN4WX\nXqrOnYvX44/7WfZPP4Utt4w6GqnK1lv71tmdd0YdiYhU17Jl3r69fn14663o58lMmjSJDt5PvkMI\nIalxL0mviJjZQDO7oJLr55nZ7Sncry7QgQr1JcGzo5eBTtW8RxdgW+D1ss8NX7H5yMyeN7M5Zds9\nNe5kUaeOZ58vv6xEZG1KSmCnnZSE5Lp4XAWrIvlm4EA/spsPQ+3WJpUakaOBNyu5Pg44JoX7NQdq\nA3NWuz4HqHKxycwam9lPZrYUGAmcH0Io/3baAmgEXAaMAroCTwFPmtm+KcS4iiOO8Bk0l12mgXhV\nWb4cnn1WTczyQSwG06bBnNX/BYpk0DXXwFlnwXffRR1J/vniC7j6aq9bXMMCft5IZejdBsCCSq4v\nxJOKdDFgTftGPwG74AlHF2CAmX0aQhjD7wnW0yGE8iZrU8xsL+AsvHakUj179qTJag36u3XrRrdu\n3X4PzOCGG6BzZ3j0UTjuuCTfWRF4802YP1/1IfkgFvOPr76qv8uSHYMHQ58+0KgRPPKIt0U4+2xf\ncZa169HD58j07RvN648YMYIRI0ascm3BgsrSgmoKIST1B5gKnFfJ9fOBaSncry7eg+SI1a7fDzyV\nxH2GAM9VuOdSoPdqj7kBeKOK57cHQmlpaaiuww8PoXXrEH79tdpPKRo9e4awySYhrFgRdSRSHW3b\nhnDGGVFHIcXgxRdDqF07hAsvDOH77/3vnVkIu+wSwhtvRB1d7kskQoAQHn006khWVVpaGvDFg/Yh\nyTwgla2Z24CbzKyPme1X9qdv2Q/5ASkkQsuAUnxVA/itxqMLvt1TXbWAehXu+TbQZrXHbAt8nmyM\nVenfH2bNgiFD0nXHwlBxyF2tgm1xV1hUJyLZMGOGF7AfcADcfDM0bw733gsTJnjn5X33hRNPVAfr\nqvz8s2/HHHigT4QvFKkc3/0v8C/gVODVsj/d8bbvqf5Ivg04w8xONLPtgHuABviqCGY2zMz6lz/Y\nzHqZ2Z/NbEsz287M/lUWw4MV7nkzcKyZnWZmW5nZecBhwKAUY/yDHXeEk07y5bGffkrXXfPftGnw\nySfalsknsZg36vvyy6gjkUL1ww9w+OF+4nDEiFW3YTp2hPHj/Ze6UaOgTRu4/XavNZPflQ+1GzQo\nv4barU1Kv6+GEO4OIWwGbAQ0DiG0DiEMSzWIEMKjeHLTF5gM7AwcGH6f5LsZqxauNsQTiqnAWOAo\n4IQQwtAK93warwe5FJgCnAL8NYTwVqpxVqZPH1iwwOfQiEskoGFD/y1b8sP++/tHdVmVTFi2zH+D\nnz/fuy2vVoYH+OrpaafBhx/CCSfARRdBu3beulz8hMytt3pDza22ijqa9Eq6j4iZrVv2vMVln2+O\nJwLTQggvpj/E7KhuH5HKXHyxLy9+8gm0aJGZ+PJJp07QsiU88UTUkUgydt3Vv/EPHbr2x4pUVwh+\nOmboUG970Llz9Z43aRKce66vlBx/vG/ltGy59ucVohC8Q/V338F77+XmPJms9hEBSoATAcysKTAR\nX80oMbOzU7hf3rv8cj/H3a9f1JFEb/Zs3+/Vtkz+Ka8TyYEeh1JA7rzTZ3Tdc0/1kxDwY6lvvgn/\n/a/3bGrTxlcEllU2crXAPfCAT8nO16F2a5NKItKe34+/HgPMBjbHk5M/NDorBhts4D1F7rnHu4gW\ns2ee8b3LQw+NOhJJVizm/QlmzYo6EikUzz8PPXv6qvEppyT//Fq14J//hJkz4eSTfcT9rrsW1xZi\n+VC77t0Ld7s7lUSkAd7DA+AA4MkQwkpgPJ6QFKUePbwC/Moro44kWiUlsPfe/t9C8kvnzv6NX6dn\nJB2mTYNjj4VDDvG+SzWx/vq+slJa6v87HveeN1+lNN0sv1x2GaxYAbfcEnUkmZNKIvIxcKSZ/Qk4\nECivC2mBNzUrSg0aeKfA4cNh8uSoo4nGzz/7HrC6qeanJk18doUSEampuXP9hEyrVv49MV0tyHfd\n1bcoHngAXnsNttsObroJli5Nz/1zzZtvwn/+42NFNtoo6mgyJ5VEpC9wC/AZPqiu/BTKAfiJl6J1\nyimw7bZeM1KMXn4ZfvlF9SH5LB73ZW/ViUiqli6Fo4/2lgYjR8J666X3/mbea2TmTD9l07s37LKL\nf/8pJMuWeZHv7rvDGWdEHU1mpdJH5HGgFbAbcFCFL40GeqYprrxUPhDvhReK87fKkhL/DWWbbaKO\nRFIVj3vB8YwZUUci+SgEb9U+fjw89RRssUXmXqtJE+81MnkybLghdO3qzdIKpRfOHXf49tY99xR+\nY8hU+4jMDiFMLqsNKb82MYRQ9N++jjoK9tjD9/WK6bfKFSu8UFXbMvlt772hbt3iKgaU9BkwwE+5\nDBnif5eyYaed4PXX4aGHYOxY/2Xo+uvh11+z8/qZUD7U7oIL/Eh9oSvwPCv7zODGG+Gdd+Dxx6OO\nJnvGj4dVan7RAAAgAElEQVTvv9e2TL5r2NAT6WJc0ZOaeeYZP93Rq5dvnWSTmTdBmznTtzOuvNIT\nlOefz24c6XLBBdC0aXRD7bJNiUgG7LcfHHyw710Wy5n3RMKbue2xR9SRSE3FYl4IuHLlWh8qAsDU\nqdCtm6+IXndddHE0buy9Rt57DzbbzL8PH3UUfPZZdDElK5Hwbe477kh/fU2uUiKSIddf751W//Of\nqCPJjkQCDjssfdXxEp143HsXvP9+1JFIPvjuOz8hs9VW8OCDuVHPsMMOMHo0PPIITJwIbdv6nJZf\nfok6sjUrH2p38MFe8FsscuCvTGHaZRdvQNOnj//lKmQffujFjdqWKQx77undG1UnImvz66/w17/C\nkiX+y0ijRlFH9Dsz72Myc6ZvdfTt64NKn3026siq1revJ3Z33VVYQ+3WJqVExMz+YWZvmtk3ZbNm\nMLMLzUylihX07esTJ2+/PepIMiuRgPr1vWpd8l/9+l5oqDoRWZMQ/FjpO+/4VkKrVlFHVLlGjbxu\n7/33YcstfeX2iCNyrwv21Kk+PPWKK6B166ijya6kE5GyeTK3AaOApkD5YvyPwIXpCy3/bbEFnHOO\n/yOYOzfqaDKnpMSTkAYNoo5E0iUW85MIGsMuVbn5Zhg2zIfZ5UNt2HbbwYsvwmOP+ZHf7bf3JpRL\nlkQdmddjnX22b29dfHHU0WRfKisi5wOnhxCuA1ZUuP4OsFNaoiog//d//jHKAq5M+v57GDdOx3YL\nTTwOCxcWb5dgWbOSEj8dc+WVXqSaL8zgmGN8K/mii6B/f68nSSSibbfwwAN+9PjuuwtzqN3apJKI\nbEnlHVR/BRrWLJzC07y5D2oaPDi/Krera9Qo/wd82GFRRyLp1LGjH+VVnYis7t13/ajs0Uf7ikI+\natjQk5CpU70b9l/+4t/DPv44+7HMnQuXXAL/+IevRBajVBKRWcCulVw/CJhes3AKU8+ePqjpqqui\njiT9Skp8WbaQ5yAUo7p1Yd99VSciq5o92+srttvOf4vPhRMyNbHttvDcc/Dkk56U7LCDr/IsXpy9\nGIphqN3apPLX6DZgkJkdCxiwu5n9H3A9cFM6gysUDRt6l7yHHoIpU6KOJn1++cXb2WtbpjDF4z5g\nrFAHiklyfvkFjjzS64ZKSgqnJszMe41Mn+6r1zfd5PUjTz2V+e2asWO9E+0NN3gfpmKVyqyZ+4DL\ngH5AA2A4cBbQI4TwSHrDKxynneaFSIU0EG/0aP/NQcd2C1Ms5v//vv121JFI1EKAU0/1RmGJBGy6\nadQRpV+DBt5r5IMPfGXkr3/1fh4ffpiZ11u2zAtU99wTTj89M6+RL1KdNfNwCGEboBGwcQjhTyGE\nImndlZq6db1gddQoP41QCBIJ2HprbxYkhaddOx8spu0Z6d8fhg/37Zjddos6mszaemtvV19S4j1I\ndtzRu2Snux/U7bf7ULu7787/La6aSuX47pZmtg1ACGFxCOG7suvbmNkW6Q2vsBxzjP8jLoSBeCtX\n+ojvI44orsY7xaR2bR9XoILV4vbEE97bok8f+Pvfo44mO8z8e9u0aZ6E3Hab/8L1+OPp+d79+ede\n6NujB+xaWcVlkUklD7sf2KuS63uUfU2qUKuW9xSZMMH3H/PZO+/At99qW6bQxeN+PDvXW2NLZkya\n5Kc5jjvOiziLzbrresIwbZonDH/7GxxwgB//rYkLLvADDH36pCXMvJdKItIOeLOS6+Op/DSNVBCP\n+1/k3r3zu1lUIgHNmmVv1LdEIxbzNt5vvRV1JJJt33zjv2jsuKMXVBbzymfr1v4975lnYNYsn+x7\n6aXw00/J36ukxO9VTEPt1iaVRCQAlf3na8LvXVZlDW64wfcehw6NOpLUlZTAoYdCnTpRRyKZtOOO\n3gtHdSLFZfHi30/DlZT4yoD497ypU/0U5F13+THmRx6p/nbNokU+1O6QQ7wYVlwqicgY4HIz+y3p\nKPvflwNj0xVYIWvXzrsRXn11ds+rp8unn/o/Rh3bLXy1asH++6tOpJiEAP/8p29HjBwJm2wSdUS5\npX59r5mZNg12392/l3fp4qdt1qZvX+9Gfeedxb3CtLpUEpHLgDgw08yGmtlQYCbQGbgkncEVsn79\nvKPewIFRR5K8kSNhnXV8i0kKXzzudU2LFkUdiWRD377w6KPw4IP+S5NUbostvNbvuefgq6+8huRf\n//LRCJV5/30YMMBrbYptqN3apNJHZBqwM/Ao0ALfphkGbBdCmJre8ApX69Zw1lm+TTNvXtTRJKek\nxH84aX+zOMRiXs/0ZmWVYVJQ/vc/L8687jptHVTXQQd5ktG3L9xzj2/XPPzwqts15UPttt66OIfa\nrU2qfUS+CSH0DiEcGkI4JoTQN4TwQ7qDK3RXXOGtfa+/PupIqm/+fBgzRtsyxaRNG1+eV51IYXv7\nbTj5ZJ8jU0iNF7OhXj3/bzZ9uhfwd+/uW5rvv+9fv/9+T+TvvttXk2VVKZUamllTYHd8RWSVZCaE\nMCwNcRWFFi08O77+ej/O1apV1BGt3ahRnjwdfnjUkUi2mPmqiOpECtdXX/kvF7vuCvfdp/qFVLVq\nBY89Bi+95EWp7dr5Ssjw4XDiiZ6cyB+l0tDscOAL4DngLuCOCn9uT2t0ReCii6BxYy9czQeJhDdl\nK8QWz1K1eBxKS+HHH6OORNLt5589CalTB55+2osxpWa6dvW5Yv37++nIlSvh5pujjip3pbI1cyvw\nX2C9EELTEML6Ff40S3N8BW+99Xwq77BhfhIlly1d6oVZamJWfOJx/2Y6ZkzUkUg6rVwJJ53k7QRG\njtQU7XRaZx3vNfLRR77tVcxD7dYmlURkU2BgCCEPD57mpjPO8Ars3r2jjmTNXnvNG/ioPqT4bLkl\nbL65tmcKzdVXw5NP+tbBLrtEHU1h2mQTL1KVqqWSiLwAFPjYo+xaZx0/zjtypI+FzlWJhP8w2mmn\nqCORKMTjKlgtJMOH+/edG27QKqdEK5VE5FngZjO7xsyONrMjKv5Jd4DF4thjvbApVwfiheCJiIbc\nFa9YzPe9586NOhKpqfHj4ZRT/JTMJer+JBFL5dTMkLKPV1XytYDavKekVi3/zeTAA/0Hfq5tf7z7\nLnz5Ze7FJdkTi/nH117zSdKSn774Ao48Ejp29L4X+sVCopZKQ7Naa/ijJKQGunb1VsG5OBAvkYAm\nTaBz56gjkahsthlss43qRPLZokW+qrnuul4bUq9e1BGJpNjQrJyZ6aBXGpn5qsi0aX6KJpeUlPig\nprp1o45EoqQ6kfy1cqU3K/v0U69H23DDqCMScan0EaltZlea2dfAIjNrXXb9WjM7Ne0RFpnddoO/\n/92P9C5ZEnU07ssvYfJkFbSJb8/MmAHffht1JJKs3r19jP0jj/hUZZFckcqKyP8BJwOXAksrXJ8K\nnJaGmIpev34wZ46Pmc4FiYQ3OzrooKgjkaiVd4bU9kx+eeABuPFGuOUWX9kUySWpJCInAmeEEB4G\nVlS4/h6wXVqiKnLbbAOnn+5d+ebPjzoaT0T23x+aNo06EonaRhvBDjsoEcknY8f695PTToMLL4w6\nGpE/SrWh2cdV3EsVBGly1VXeyfTGG6ONY+FC/6GjbRkppzqR/PHZZ3DUUbDXXjBokE7ISG5KJRGZ\nBuxbyfVjgMk1C0fKbbyxz6G54w4fSBWV55+HZcuUiMjvYjEvePz886gjkTVZuNCHUzZpAk88oamv\nkrtSSUT6AneZ2WVlz/+rmQ3Ba0f6pjO4YnfJJdCwIVxzTXQxJBLe+nnzzaOLQXLLfvv5b9bansld\nK1bA8cd7z5CRI2GDDaKOSKRqqfQRKQEOA/4M/IwnH22Bw0MIL6U3vOLWuDFceaVPb5w+Pfuvv2wZ\nPPusVkNkVc2aeRdgbc/krssu8wGVjz4KbdtGHY3ImiWViJQd3e0MTA0hdA0htAghNAgh7BNCeDFD\nMRa1s86CVq2iGYg3dqyPfVc3VVldLOYrIrk4jqDY/ec/cOutcPvt3qlZJNcllYiEEFYALwLrZyYc\nWV29enDttfD00/DWW9l97ZIS2HRTaN8+u68ruS8e99qljysrW5fIvP46nH22/wJz3nlRRyNSPanU\niEwFWqc7EKna8cfDzjtndyCehtzJmuy7L9SurTqRXPLJJ3D00f7/zcCB+ncr+SOVROQK4BYzO8zM\nNjGzxhX/pDtA+X0g3htveM1GNnzwAcyapfoQqdx66/nQNNWJ5IYFC/yETLNm8NhjGsUg+SWVRGQU\nsAuQAL4C5pf9+bHso2TAQQd5U7HLL/eK+EwrKYFGjX6fuCqyOtWJ5Ibly+HYY73t/siRnoyI5JNU\nEpFYhT/xCn/KP5cMKB+IN3UqPPRQ5l8vkfDkR9M5pSrxOHz3nQ9plOhcfDG8/LKvhLRpE3U0Ismr\nk+wTQgivZyIQWbs99vA94Kuu8t+A6mdo9vE338DEiSp2kzXbay/fAnj1VW/7Ltl3773e9HDwYPjz\nn6OORiQ1qayIYGb7mtlDZjbOzDYtu/YPM9snveHJ6q67Dr7+2r/xZMozz3gh4qGHZu41JP81aACd\nOqlOJCqvvOK/LJx3np+UEclXSSciZnY08AKwBGgPlC/eNwFS7nZhZuea2SwzW2Jm482s4xoee5SZ\nvW1m881skZlNNrPua3j8vWa20swuSDW+XNGmDZx6qickCxZk5jUSCdhnH+01y9rFYvDaa7ByZdSR\nFJePPoJjjvHtsQEDoo5GpGZSPTVzVgjhdGBZhetv4olJ0szsWOBW4GqgHT7J9wUza17FU+YB/YA9\ngZ2AocBQM+tayb2PBHYHvk4ltlx09dWwZAncdFP6771oke8367SMVEc87hOi33sv6kiKx/z5cNhh\n0KIF/O9/UCfpDXaR3JJKItIGGFPJ9QVAqoPiewL3hhCGhRBmAGcBi4FTKntwCGFMCKEkhDAzhDAr\nhDAQmAKssjVUtm00EDgeWJ5ibDmnZUsf5z1ggNdzpNNLL8Gvv6qbqlTPHnt4rZL6iWTHsmXw97/D\n3Lm+hdo01e+4IjkklURkNrB1Jdf3AT5N9mZmVhfoAIwuvxZCCMDLQKdq3qMLsC3weoVrBgwDbgoh\nRDCpJbMuvRTWXRf6pnnMYEkJbL89bLVVeu8rhalePd/GU51Idlx4oW+FPfEEbF3Zd2GRPJRKIjIE\nuMPM9gAC0NLMTgBuAVIpoWwO1AbmrHZ9DrBxVU8qa6D2k5ktBUYC54cQKn477AUsDSHclUJMOa9p\nU58/c999MHNmeu65YoX/lqXVEElGPA5jxng/C8mcQYO8SP3uu72nkEihSGV38QY8gRkNNMC3aX4F\nbknzD33DE52q/IQ3VmsEdAEGmNmnIYQxZtYBuACvN0lKz549adKkySrXunXrRrdu3ZK9Vcade64f\n3fu//4PHH6/5/d56C+bNU32IJCcW86S4tNS3aiT9XnwRevSAnj3htNOijkaK3YgRIxgxYsQq1xbU\n4PSEhRTbIprZOvgWTSNgWghhUYr3qYvXgxwdQkhUuH4/0CSEcFQ17zME2CyEcLCZ9cCLXyu+udrA\nSuCLEMIfZuWYWXugtLS0lPZ5NOXtgQfg5JNh/Pia/xC45BJ48EGvO6mV0sFuKUbLl/sJq8sv9z+S\nXjNmwJ57wt57+4m22rWjjkjkjyZNmkSHDh0AOoQQJiXz3JR/3IQQloYQpoUQJqaahJTdZxlQiq9q\nAL/Vd3QBxiVxq1r8fpR4GLAzvmJS/ucb4CagoAZjd+8OO+6YnoF4iYTPq1ASIsmoU8cHralgNf3m\nzfMTMptuCiNGKAmRwpT01oyZNcTrL7oALVgtmalstaEabgMeMLNSYCJ+iqYBcH/Zaw4Dvgoh9C77\nvBfwDvAJnnwcCnTHT9sQQiiff1Mx7mXA7BDCRynEl7Nq14brr/cE4vnn4eCDU7vPjBnw4Ydwyy3p\njU+KQzwOV17pJ640FiA9li71XiELFsCECdBYI0WlQKVSI3IfsB/wIPAta67jqJYQwqNlPUP6AhsB\n7wIHhhC+L3vIZqx6/LYhMKjs+hJgBnBCCGFNlRIFO5rr0EP95EKvXnDggamtaCQSfgpHbaIlFbGY\n97aZONFXR6RmQvCOqW++CaNHQ+tUfr0TyROpJCIHA4eGEN5MZyAhhMFUceomhBBf7fMrgSuTvH/B\n/lM2gxtv9D3k4cN9uyZZiQQccIAnIyLJ2mUXWH99P8arRKTmBg6EIUNg6FD995TCl0o1wHzgh3QH\nIjWz115w5JG/L48n47vvYNw4nZaR1NWuDfvtpzqRdHjuObjoIi8eP/nkqKMRybxUEpErgb5m1iDd\nwUjN9O8PX3wB99yT3POefdY/HnZY+mOS4hGP+xHwJUuijiR/ffedr2gecojXfokUg2ptzZjZZFat\nsdgamGNmn7HqvBlCCPlz9rXAtG0L//wn9OvnH6tb3FZS4lNUW7TIbHxS2GIxL7AcNw66dFn74+WP\nLrrIP/73vzohI8WjujUiT2c0Ckmba66Bhx/20y/Vaf++ZIk3S7rmmkxHJoVuhx1gww29TkSJSPJe\neMH/7d5/v/93FCkW1UpEQgh9Mh2IpMdmm8EFF8Ctt8I558DGVTbJd6NHezKi+hCpKTPfntHcmeT9\n/DOcdZb/9zvxxKijEcmulFtXmVkHM+tuZieYWdKt1CVzevWCddaBa69d+2NLSmDbbWG77TIflxS+\nWAzefht++inqSPLLNdfA7Nlw772e0IkUk6QTETNrYWavAG8DA4G7gFIzG21mWlDMAeuv7622//1v\n+GgN7dtWroSRI7UaIukTj/vwxDfeiDqS/DFpEtx2G1x9tSbqSnFKZUXkTqAxsEMIoVkIYX1gx7Jr\nA9MZnKTu/PNho43giiuqfszEiTBnjhIRSZ+tt/Z25DrGWz3Ll8MZZ3h9zb/+FXU0ItFIJRE5CDg7\nhDC9/EIIYRpwLt7sTHLAuutCnz7w6KPwzjuVPyaRgA028B4kIumgOpHkDBzoKyJDhkDdulFHIxKN\nVBKRWqx2ZLfMshTvJxly0kl+pLdXr8q/nkh47xAdE5R0isVg8mSYP3/tjy1mn33mDQjPO6/mk7NF\n8lkqicMrwB1m1rL8gpltCgwARqcrMKm5OnW8KdLo0fDSS6t+7ZNP4IMP4C9/iSY2KVzxuM9Kef31\nqCPJXSHA2WdDs2Zw3XVRRyMSrVQSkfOA9YDPzOwTM/sYmFV27fx0Bic1d8QRvvVy2WVenFoukfAp\nqV27RhebFKbNN4ctt1SdyJr8738+LXvwYFhvvaijEYlW0kPvQghfAu3NrCuwHWDAtBDCy+kOTmrO\nDG64ATp39m9+3br59ZISbzrVqFG08UlhUp1I1X74AXr0gGOOgcMPjzoakeilXNMRQngphHBnCGGg\nkpDctu++XgtyxRXegnvePBg7VtsykjmxGEyd6rNTZFWXXOKDKQfqjKEIkEQiYmZxM5tmZn+YYGJm\nTczsAzPTwOocdf31MGuW9xZ57jnv9aAhd5IpsZh/fO21SMPIOa++6nNkbroJNtkk6mhEckMyKyIX\nAkNCCAtX/0IIYQFwL3BRugKT9NpxRz9F07evz7PYfXdo2XLtzxNJRcuW0KaN6kQq+uUXOPNM2Gcf\nOO20qKMRyR3JJCK7AM+v4esvAh1qFo5kUp8+sHChF8mpiZlkmupEVtWvnx/Z/fe/oZYaHYj8Jpl/\nDhtRef+QcssBtXjPYa1aec8CUCIimRePw4cfwtdfRx1J9KZOhRtvhN69vbePiPwumUTka2CnNXx9\nZ+DbmoUjmdanDzz1FOy0pv8nRdJg//39Y7Fvz6xcCaef7u3vL7886mhEck8yicgooK+Z1V/9C2a2\nLtAHeCZdgUlmNGwIRx4ZdRRSDJo3h5131vbMPffA+PG+JVOvXtTRiOSeZPqI9AP+CnxoZncBM4EA\ntMXnzNQG1CNQRH4Ti3nPmmL19dc+YuGMM/wYvYj8UbVXREIIc4C9gKnA9cBTwNNA/7Jre5c9RkQE\n8DqRzz7zo+PF6LzzfBXyxhujjkQkdyXVWTWE8DlwiJmtD2yNd1X9KISg8VYi8gedO/sJkVdf9bbv\nxeSpp+Dpp+Gxx6Bp06ijEcldKR0iCyHMDyG8HUKYqCRERKrStCm0b198dSILFvhqyOGHw9FHRx2N\nSG7TaXYRyahYzFdEQog6kuzp3dt79gwa5POeRKRqSkREJKPicfjmG+8pUgzGjYO774brroM//Snq\naERynxIREcmoffaBOnWKo5/I0qXeM6RjRzj33KijEckPSkREJKMaNfLZRsVQJ3LTTb7yM2QI1K4d\ndTQi+UGJiIhkXCzmk3hXrow6ksyZOROuvRYuvtgbuYlI9SgREZGMi8fh++/hgw+ijiQzVq70ybp/\n+hNcdVXU0YjkFyUiIpJxnTp5e/NC3Z4ZOhRefx3uvRfWXTfqaETyixIREcm4ddf1ZKQQC1bnzPHt\nmJNOgi5doo5GJP8oERGRrIjHvU5kxYqoI0mvCy/0U0G33BJ1JCL5SYmIiGRFLOYdR999N+pI0mfU\nKHjkERgwwKcNi0jylIiISFbsvjs0aFA4dSKLFsHZZ8MBB8AJJ0QdjUj+UiIiIlmxzjre3KxQ6kSu\nuspPAt19t9q4i9SEEhERyZp4HMaMgWXLoo6kZt55B+64A/r0gdato45GJL8pERGRrInF4Oef/Qd5\nvlq+3Nu477wz9OwZdTQi+U+JiIhkTfv20LhxfteJDBgAU6Z4G/c6daKORiT/KRERkaypUwc6d87f\nOpFPP4Wrr4YePWC33aKORqQwKBERkayKx+HNN+HXX6OOJDkh+CmZDTeEvn2jjkakcCgREZGsisXg\nl19g/PioI0nO8OHw4ot+SqZRo6ijESkcSkREJKt23hmaNcuvOpG5c72D6rHHwiGHRB2NSGFRIiIi\nWVWrlq+K5FMicvHFflrmjjuijkSk8CgREZGsi8VgwgQ/ypvrRo+GBx7wWTIbbRR1NCKFR4mIiGRd\nPO5Nzd58M+pI1mzJEjjzTNhvPzjllKijESlMSkREJOu22w423jj3j/H27QtffQX33qs27iKZokRE\nRLLOLPfrRKZMgZtvhiuugDZtoo5GpHApERGRSMRi3up9wYKoI/mjFSu8jXubNnDppVFHI1LYlIiI\nSCTicVi5Et54I+pI/mjwYJg40du4r7NO1NGIFDYlIiISidat4U9/yr06kS+/hN69vYvqXntFHY1I\n4cuZRMTMzjWzWWa2xMzGm1nHNTz2KDN728zmm9kiM5tsZt0rfL2Omd1oZlPKvv61mT1gZptk592I\nyNqY+apILtWJhADnnuuD+a6/PupoRIpDTiQiZnYscCtwNdAOeA94wcyaV/GUeUA/YE9gJ2AoMNTM\nupZ9vQGwK9Cn7H5HAW2Akky9BxFJXiwG770H8+ZFHYl74gkYORLuuguaNIk6GpHikBOJCNATuDeE\nMCyEMAM4C1gMVHpyP4QwJoRQEkKYGUKYFUIYCEwB9in7+sIQwoEhhCdCCB+FECYC5wEdzGyz7Lwl\nEVmbWMxXIV5/PepI4Mcf4fzz4cgj4aijoo5GpHhEnoiYWV2gAzC6/FoIIQAvA52qeY8uwLbAmr6d\nNQUC8GPKwYpIWrVqBVtvnRt1Ir16eafXu+6KOhKR4lIn6gCA5kBtYM5q1+fg2ymVMrPGwNdAPWA5\ncE4IodLdZjOrB9wADA8hLEpH0CKSHrnQT+SNN7xp2aBBsOmm0cYiUmxyIRGpiuErGFX5CdgFaAR0\nAQaY2achhDGr3MSsDvBY2b3OWduL9uzZkyarbQ5369aNbt26JRe9iFRLPO7HZGfP9m6r2fbrr3DG\nGdCpE5x1VvZfXyTfjBgxghEjRqxybUENGgKZ74JEp2xrZjFwdAghUeH6/UCTEEK1dmvNbAiwWQjh\n4ArXypOQLYB4CGH+Gp7fHigtLS2lffv2qbwVEUnB7NmwySYwYgQcd1z2X79PH+jXDyZPhh13zP7r\nixSCSZMm0aFDB4AOIYRJyTw38hqREMIyoBRf1QDAzKzs83FJ3KoWvk1Tfo/yJKQ10GVNSYiIRGfj\njWH77aPZnpk+Hfr3h8suUxIiEpVc2Zq5DXjAzEqBifgpmgbA/QBmNgz4KoTQu+zzXsA7wCd48nEo\n0B0/bYOZ1QaewI/wHgbUNbPyAd4/lCU/IpIjYjF44YXsvubKlb4ls/nmPk9GRKKRE4lICOHRsp4h\nfYGNgHeBA0MI35c9ZDO8ILVcQ2BQ2fUlwAzghBDC4xUef1jZ/3637GN5zUkMWKWORESiFY97oeiX\nX3q31Wy47z4YO9ZP7NSvn53XFJE/yolEBCCEMBgYXMXX4qt9fiVw5Rru9Tl+EkdE8sB++3mn1Vdf\nhRNPzPzrffutD7M75RTYf//Mv56IVC3yGhERkQ02gF12yV6dSI8eUK8e3Hxzdl5PRKqWMysiIlLc\nYjFvsR6Cr45kysiR8NhjfkqnWbPMvY6IVI9WREQkJ8Tj8MUX8OmnmXuNn36Cc86Bgw+GY4/N3OuI\nSPUpERGRnLDvvlCrVmbbvV9xBfzwAwwenNlVFxGpPiUiIpITmjSB3XbLXJ3IxIlw551w7bWwxRaZ\neQ0RSZ4SERHJGfG4r4iku+HzsmVw+unQvj1ccEF67y0iNaNERERyRizmLd9nzEjvfW+9FT74wGfa\n1FGJvkhOUSIiIjlj772hbt30bs98/LHPk+nZE9q1S999RSQ9lIiISM5o2BD22CN9Bash+ETdjTeG\na65Jzz1FJL2UiIhITimvE1m5sub3evBBGD0a7rnHkxwRyT1KREQkp8RifsT2/fdrdp/vv4eLLoIT\nToADD0xPbCKSfkpERCSn7LmnD6GraZ3IRRf51sxtt6UnLhHJDCUiIpJT6teHvfaqWZ3Iiy/CQw/5\naZkWLdIXm4iknxIREck58Ti8/josX578cxcv9gLVeBxOOin9sYlIeikREZGcE4vBwoUweXLyz73m\nGsP+jNYAAA5tSURBVPj2W7j3XrVxF8kHSkREJOd07OinXJKtE5k82WtCrroKtt46M7GJSHopERGR\nnFO3rg/BS6ZOZMUKb+O+/fZw8cWZi01E0kuJiIjkpHgc3ngDli6t3uPvvBMmTfI27nXrZjY2EUkf\nJSIikpPicS88ffvttT/288/hiivgvPO8M6uI5A8lIiKSk3bdFZo2XXudSAhw9tmw/vpw3XXZiU1E\n0keJiIjkpNq1Yb/91p6IPPooPPccDBoE662XndhEJH2UiIhIzorF4K23YMmSyr8+fz5ccAEccwwc\ncUR2YxOR9FAiIiI5Kx6HX3/1ZKQyl17qXx84MLtxiUj6KBERkZy1ww7QvHnlx3hffx3uuw9uvBE2\n2ST7sYlIeigREZGcVauWb8+sXifyyy9wxhmwzz7eO0RE8pcSERHJabEYTJwIixb9fq1/f5g1C/79\nb09WRCR/6Z+wiOS0eNyH340d659/8AHccAP07g1t20Ybm4jUnBIREclp227rNSCvvgorV/qWTOvW\ncPnlUUcmIulQJ+oARETWxMxXRV55xSfqjhsHY8ZAvXpRRyYi6aBERERyXjwOI0bAzJm+IrLvvlFH\nJCLpoq0ZEcl5sZhvyzRs6Md1RaRwaEVERHLelltC9+5w/PE+f0ZECocSERHJCw8+GHUEIpIJ2poR\nERGRyCgRERERkcgoEREREZHIKBERERGRyCgRERERkcgoEREREZHIKBERERGRyCgRERERkcgoERER\nEZHIKBERERGRyCgRERERkcgoEREREZHIKBERERGRyCgRERERkcgoEREREZHIKBERERGRyCgRERER\nkcgoESlCI0aMiDqErCmW96r3WVj0PgtLsbzPVOVMImJm55rZLDNbYmbjzazjGh57lJm9bWbzzWyR\nmU02s+6VPK6vmX1jZovN7CUz2zqz7yI/FNM/imJ5r3qfhUXvs7AUy/tMVU4kImZ2LHArcDXQDngP\neMHMmlfxlHlAP2BPYCdgKDDUzLpWuOdlwHnAmcDuwM9l91wnU+9DREREkpMTiQjQE7g3hDAshDAD\nOAtYDJxS2YNDCGNCCCUhhJkhhFkhhIHAFGCfCg/rAVwbQhgZQpgKnAi0BI7M6DsRERGRaos8ETGz\nukAHYHT5tRBCAF4GOlXzHl2AbYHXyz7fEth4tXsuBCZU954iIiKSeXWiDgBoDtQG5qx2fQ7Qpqon\nmVlj4GugHrAcOCeE8ErZlzcGQhX33LiKW9YHmD59ejKx56UFCxYwadKkqMPIimJ5r3qfhUXvs7AU\nw/us8LOzfrLPNV98iI6ZbYInFJ1CCBMqXL8J2CeEsFcVzzNgS6AR0AW4CvhLCGGMmXUCxgItQwhz\nKjznUWB5COH4Su53PPBw+t6ZiIhI0TkhhDA8mSfkworIXGAFsNFq11vwxxWN35Rt33xa9ukUM9se\nuBwYA8wGrOyeFe/RAphcxS1fAE4APgN+SeodiIiIFLf6wBb4z9KkRJ6IhBCWmVkpvqqRgN9WO7oA\nA5O4VS18m4YQwiwzm112jyll92wM7AEMqiKOeUBSWZyIiIj8ZlwqT4o8ESlzG/BAWUIyET9F0wC4\nH8DMhgFfhRB6l33eC3gH+ARPPg4FuuOnbcrdDlxhZh/jqxzXAl8BJZl/OyIiIlIdOZGIhBAeLesZ\n0hffTnkXODCE8H3ZQzbDC1LLNcRXNjYDlgD/3969B1tVlnEc//40y7s2jtcAL4miYZSaWiqMo5Iy\n47WmvJRjjM6YUozWaA4SluP9hqI0pqihlaM0mUzqlBONghAiKuoR7yAKKkGhcvF2nv543yOb7Qk2\nx715YZ3fZ2bPnPWuvdZ+1tkzez3rvc4ktUuNqznnFZI2Bm4CtgQeAY6MiA9afT1mZmbWmOKdVc3M\nzKz7Kj6PiJmZmXVfTkTMzMysmG6fiEg6WNJ9kt6Q1C7p6NIxtYKk8yVNlfSOpLck/VnSbqXjajZJ\nZ0h6StKi/HpU0hGl42q1/P22S7qmdCzNJGlEvq7aV1vpuFpB0g6S7pD077xQ51OS9i4dV7PlxU3r\nv9N2SaNKx9ZMktaTdJGkV/L3+ZKkC0rH1QqSNpU0UtKsfK0TJe3b6PHdPhEhdXx9EjiLNBtrVR0M\njCINYT4M2AD4m6SNikbVfHOA80jLBuwD/AP4i6Q9ikbVQnml6tNJi0VW0TOkTuzb5ddBK3/7ukfS\nlsAk4H3g28AewM+A/5SMq0X2Zfl3uR1wOOm39+6SQbXAL0iLrp4J9AHOBc6VNKRoVK0xhjRdxslA\nX+DvwEN5wtJVcmfVGpLagWMj4r7SsbRaHqX0NtA/IiaWjqeVJC0Afh4Rt5WOpdkkbQo8DvwYGA48\nERHnlI2qeSSNIM2YXLmagVqSLiPNLj2gdCxrmqSRwKCIqFQNraTxwJsRcXpN2ThgSUScUi6y5pK0\nIfAucFREPFhTPg24PyJ+uapzuEak+9qS9BSysHQgrZKrRk8gzUkzuXQ8LXIjML5mnaUq6p2bTl+W\ndKeknqUDaoGjgGmS7s5Np9MlnVY6qFbLi56eTHqirppHgUMl9QaQ1A84ELi/aFTN9znSenHv15Uv\npcHay7ViHhFbs/LMtSOBiRFRufZ2SX1JiUdHpn5cRMwsG1Xz5STra6Sq7qqaApwKPA9sD1wIPCyp\nb0QsLhhXs+1CqtW6GriY1IR6vaRlEXFn0cha6zhgC+B3pQNpgcuAzYGZkj4mPfgPi4i7yobVXBHx\nnqTJwHBJM0nLqpxEWun+xUbO4USkexoN7EnKzqtoJtCPVOvzHWCspP5VSkYk9SAlk4dHxIel42mV\niKhdt+IZSVOB2cD3gCo1ta0HTI2I4Xn7KUlfISUnVU5EBgMPRMSbpQNpge+TbsgnAG2kh4brJM2N\niDuKRtZ8PwBuJS1g+xEwnbRkSkNNqk5EuhlJNwCDgIMjYl7peFohIj5i+YKI0yXtBwwl/ahXxT7A\n1sDjuYYLUvVo/9wZ7gtRwQ5gEbFI0gvArqVjabJ5wHN1Zc8BxxeIZY2Q1IvUcf7Y0rG0yBXAJRFx\nT95+VtJOpMVZK5WIRMSrwCF58MPmEfGWpLuAVxs53n1EupGchBwDHBIRr5WOZw36ZEHECnkI2Iv0\nlNUvv6aRnp77VTEJgU86536ZdOOukknA7nVlu5Nqf6pqMKkav2p9JjpszKdHYrZT4ftuRCzNScgX\nSaO/7m3kuG5fIyJpE9LTVcdT5S65U9HCiJhTLrLmkjQaOBE4Glgsadu8a1FELCsXWXNJuhh4gDSM\ndzNSR7gBwMCScTVb7h+xQv8eSYuBBRFR/2S9zpJ0JTCedEP+EvArUtXvH0vG1QLXApMknU8axro/\ncBppWHbl5Fq8U4HbI6K9cDitMh4YJmkO8CypmeJs4JaiUbWApIGke+jzQG9SbdBz5IVrV6XbJyKk\njn4TSJlrkDqLQeo8NbhUUC1wBun6/llX/iNg7BqPpnW2JV3P9sAiYAYwsOKjSjpUsRakB6mteStg\nPjAROCAiFhSNqskiYpqk40gdHIeTqrSHVq1jY43DgJ5Uq59PvSGkVd9vBLYB5gK/yWVVswVwKelh\nYSEwDrggIj5u5GDPI2JmZmbFVLatyszMzNZ+TkTMzMysGCciZmZmVowTETMzMyvGiYiZmZkV40TE\nzMzMinEiYmZmZsU4ETEzM7NinIiYmZlZMU5EzKxbk/SqpJ+WjsOsu/IU72a21pM0AXgiIs5pwbm3\nAhZXafFHs3WJF70zs26tagvoma1r3DRjZiuQNEHSdZIul7RA0jxJI/K+HSW1S/pqzfu3yGX98/aA\nvD1Q0nRJSyQ9JGlrSUdKapO0SNLvJW3YQDy3AQOAofm8H0vqVfNZ/5K0TNJcSZdKWq/m2AmSRuXX\nfyXNl/TruvOv0DSTr+cmSW9KWipphqRBeV8vSfdJWijpPUlPSzris/3Hzbo314iYWWdOAa4B9gO+\nBdwuaSLwEtBoe+4I4ExgKXAPcDewDDgB2Ay4F/gJcOUqzjMU2A14GhgOCJgvaQfgr8CtwA+BPsAt\n+fNqk41TgDHAN4B9gZslzY6IMfUfJEnAg8AmwEnAK8CeQMdy5qNJv5sHAUvyvvca+WeYWeeciJhZ\nZ2ZExEX575clDQEOJSUiauD4AIZFxBQASWOAS4BdImJ2LhsHHMIqEpGIeEfSB8CSiJjfUS7pLOC1\niOiozXgh19xcxoqJyJyaviUv5tqcs0nJSb3DSclKn4h4OZfNqtnfExgXEW2d7DOzLnDTjJl1Zkbd\n9jxgm9U8x9M1f79FSiRm15Wt7jlr9QEm15VNAjaV1KOmbErdeyYDvXPtR71+wOs1SUi964HhkiZK\nulDSXl0J3MyWcyJiZp35sG47SL8X7Xm79ia+QQPniJWcs6vEp5uJOuLq6nDApSvbmZtzdgbGAn2B\nx3LNjJl1kRMRM1sdHU0j29eUfZ2u3/gb9QGwfl1ZG6n/Sq0DgXcj4o2asgPq3vNN4MXofO6CGUAP\nSbv+v0Ai4o2I+G1EfJfUj+b0Ri7AzDrnRMTMGpbn2pgCnCepj6QBwEWdvLWRfiSrYxawfx61s1Uu\nGw30zCNidpd0DHAhcHXdsT0lXSVpN0knAkOAkZ19SEQ8DDwC/EnSYZJ2knSEpIEAkq7No4F2krQ3\nqY9LW2fnMrPGOBExs3qrqt0YDHwemEaqERjWhXOsrqtII1fagLcl9YqIucAg0miYJ0mJyc3AxXXH\njgU2AqYCo4BrI+KWlcR6PPAY8AfgWeByltfGrA/ckOO4H5gJuGnG7DPwzKpmVlmtnJHVzJrDNSJm\nZmZWjOcRMbOiJPUkNXUEn+5bEsCeEfF6F0/vKl+ztZybZsysKEnrAzuu5C2zIqJ9JfvNbB3mRMTM\nzMyKcR8RMzMzK8aJiJmZmRXjRMTMzMyKcSJiZmZmxTgRMTMzs2KciJiZmVkxTkTMzMysmP8BGg2q\npybxyV0AAAAASUVORK5CYII=\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 22.8 s, sys: 536 ms, total: 23.4 s\n", - "Wall time: 22.9 s\n" - ] - } - ], - "source": [ - "%%time\n", - "lmlist, c_v = evaluate_graph(dictionary=dictionary, corpus=corpus, texts=train_texts, limit=10)" - ] - }, - { - "cell_type": "code", - "execution_count": 97, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "c02b6f0a-801c-4a8f-aa8f-8c9d64df7a9a" - } - }, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - "\n", - "\n", - "\n", - "
\n", - "" - ], - "text/plain": [ - "PreparedData(topic_coordinates= Freq cluster topics x y\n", - "topic \n", - "1 43.675712 1 1 0.030435 -0.011894\n", - "0 28.636818 1 2 -0.026509 -0.018098\n", - "2 27.687471 1 3 -0.003926 0.029991, topic_info= Category Freq Term Total loglift logprob\n", - "term \n", - "851 Default 37.000000 test 37.000000 30.0000 30.0000\n", - "3437 Default 25.000000 airline 25.000000 29.0000 29.0000\n", - "2422 Default 129.000000 person 129.000000 28.0000 28.0000\n", - "1140 Default 56.000000 group 56.000000 27.0000 27.0000\n", - "593 Default 43.000000 child 43.000000 26.0000 26.0000\n", - "1853 Default 18.000000 qanta 18.000000 25.0000 25.0000\n", - "757 Default 35.000000 palestinian 35.000000 24.0000 24.0000\n", - "3183 Default 33.000000 wale 33.000000 23.0000 23.0000\n", - "3044 Default 36.000000 centre 36.000000 22.0000 22.0000\n", - "2351 Default 23.000000 flight 23.000000 21.0000 21.0000\n", - "1931 Default 46.000000 hour 46.000000 20.0000 20.0000\n", - "2464 Default 116.000000 australia 116.000000 19.0000 19.0000\n", - "661 Default 17.000000 detainee 17.000000 18.0000 18.0000\n", - "2457 Default 48.000000 sydney 48.000000 17.0000 17.0000\n", - "2127 Default 25.000000 militant 25.000000 16.0000 16.0000\n", - "325 Default 9.000000 refugee 9.000000 15.0000 15.0000\n", - "2873 Default 11.000000 gunman 11.000000 14.0000 14.0000\n", - "3143 Default 41.000000 state 41.000000 13.0000 13.0000\n", - "2549 Default 19.000000 wicket 19.000000 12.0000 12.0000\n", - "949 Default 32.000000 team 32.000000 11.0000 11.0000\n", - "102 Default 16.000000 hamas 16.000000 10.0000 10.0000\n", - "2111 Default 34.000000 number 34.000000 9.0000 9.0000\n", - "2195 Default 9.000000 virus 9.000000 8.0000 8.0000\n", - "1547 Default 36.000000 week 36.000000 7.0000 7.0000\n", - "3254 Default 7.000000 woomera 7.000000 6.0000 6.0000\n", - "2989 Default 68.000000 attack 68.000000 5.0000 5.0000\n", - "965 Default 68.000000 afghanistan 68.000000 4.0000 4.0000\n", - "1458 Default 40.000000 pakistan 40.000000 3.0000 3.0000\n", - "109 Default 16.000000 army 16.000000 2.0000 2.0000\n", - "1132 Default 25.000000 polouse 25.000000 1.0000 1.0000\n", - "... ... ... ... ... ... ...\n", - "791 Topic3 13.599766 way 33.653033 0.3781 -5.8262\n", - "457 Topic3 9.772432 radio 21.961201 0.4745 -6.1567\n", - "3469 Topic3 6.851469 problem 13.763973 0.5866 -6.5118\n", - "1694 Topic3 7.397502 start 15.259331 0.5601 -6.4351\n", - "142 Topic3 10.293808 work 23.795675 0.4462 -6.1047\n", - "1038 Topic3 21.297940 today 63.918948 0.1852 -5.3776\n", - "1931 Topic3 16.519764 hour 46.137796 0.2571 -5.6317\n", - "1692 Topic3 21.211328 area 65.779869 0.1524 -5.3817\n", - "884 Topic3 19.973123 time 61.517598 0.1593 -5.4418\n", - "949 Topic3 12.593494 team 32.284527 0.3428 -5.9030\n", - "2354 Topic3 20.102475 fire 63.934883 0.1272 -5.4354\n", - "2904 Topic3 24.711735 day 91.674760 -0.0268 -5.2289\n", - "3333 Topic3 25.261699 government 98.056135 -0.0721 -5.2069\n", - "2169 Topic3 7.895483 new_south 17.051104 0.5143 -6.3699\n", - "1853 Topic3 8.198638 qanta 18.098547 0.4923 -6.3322\n", - "1346 Topic3 11.167314 per_cent 29.136717 0.3252 -6.0232\n", - "3087 Topic3 11.842532 staff 32.048978 0.2886 -5.9645\n", - "2408 Topic3 13.971238 yesterday 41.805680 0.1882 -5.7992\n", - "1494 Topic3 11.557994 minister 31.327486 0.2871 -5.9888\n", - "3437 Topic3 10.107526 airline 25.268230 0.3679 -6.1229\n", - "713 Topic3 16.582083 security 56.237078 0.0629 -5.6279\n", - "2344 Topic3 14.015395 meeting 43.123292 0.1603 -5.7961\n", - "1608 Topic3 14.601073 world 46.283007 0.1305 -5.7551\n", - "2307 Topic3 14.144147 united_state 47.424821 0.0743 -5.7869\n", - "1922 Topic3 15.195149 company 61.156859 -0.1083 -5.7152\n", - "41 Topic3 13.987025 force 53.790616 -0.0628 -5.7981\n", - "1110 Topic3 15.221356 man 70.658805 -0.2510 -5.7135\n", - "3382 Topic3 12.253432 leader 42.187497 0.0479 -5.9304\n", - "2422 Topic3 17.046831 person 129.542161 -0.7439 -5.6003\n", - "574 Topic3 12.523667 union 52.557544 -0.1501 -5.9086\n", - "\n", - "[259 rows x 6 columns], token_table= Topic Freq Term\n", - "term \n", - "1059 2 0.631342 abortion\n", - "1059 3 0.315671 abortion\n", - "1893 1 0.536429 action\n", - "1893 2 0.238413 action\n", - "1893 3 0.208611 action\n", - "3280 1 0.622198 afghan\n", - "3280 2 0.217769 afghan\n", - "3280 3 0.186660 afghan\n", - "965 1 0.700378 afghanistan\n", - "965 2 0.145912 afghanistan\n", - "965 3 0.145912 afghanistan\n", - "985 1 0.612333 agreement\n", - "985 2 0.174952 agreement\n", - "985 3 0.218690 agreement\n", - "3437 1 0.118726 airline\n", - "3437 2 0.514480 airline\n", - "3437 3 0.395754 airline\n", - "2063 1 0.312281 alcohol\n", - "2063 2 0.624561 alcohol\n", - "207 1 0.249899 ambulance\n", - "207 2 0.749696 ambulance\n", - "207 3 0.249899 ambulance\n", - "1957 2 0.838777 amendment\n", - "2358 3 0.628736 anthony\n", - "1841 3 0.836923 antibiotic\n", - "1692 1 0.410460 area\n", - "1692 2 0.258438 area\n", - "1692 3 0.319247 area\n", - "109 1 0.307961 army\n", - "109 2 0.554330 army\n", - "... ... ... ...\n", - "3183 3 0.481597 wale\n", - "794 1 0.433821 war\n", - "794 2 0.371847 war\n", - "794 3 0.185923 war\n", - "791 1 0.416010 way\n", - "791 2 0.178290 way\n", - "791 3 0.416010 way\n", - "1547 1 0.388289 week\n", - "1547 2 0.194145 week\n", - "1547 3 0.416024 week\n", - "2549 1 0.200089 wicket\n", - "2549 2 0.300133 wicket\n", - "2549 3 0.500222 wicket\n", - "3254 1 0.139154 woomera\n", - "3254 2 0.695771 woomera\n", - "3254 3 0.139154 woomera\n", - "142 1 0.420244 work\n", - "142 2 0.168098 work\n", - "142 3 0.420244 work\n", - "1608 1 0.453730 world\n", - "1608 2 0.237668 world\n", - "1608 3 0.324093 world\n", - "2073 1 0.691764 world_heritage\n", - "144 1 0.860906 worm\n", - "1192 1 0.440823 year\n", - "1192 2 0.204668 year\n", - "1192 3 0.346361 year\n", - "2408 1 0.382723 yesterday\n", - "2408 2 0.287042 yesterday\n", - "2408 3 0.334883 yesterday\n", - "\n", - "[434 rows x 3 columns], R=30, lambda_step=0.01, plot_opts={'xlab': 'PC1', 'ylab': 'PC2'}, topic_order=[2, 1, 3])" - ] - }, - "execution_count": 97, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "pyLDAvis.gensim.prepare(lmlist[2], corpus, dictionary)" - ] - }, - { - "cell_type": "code", - "execution_count": 96, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "699e2ddb-add6-4134-a723-1bb37029f013" - } - }, - "outputs": [], - "source": [ - "lmtopics = lmlist[5].show_topics(formatted=False)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "caa35df4-b625-4246-bc1f-42c561f31486" - } - }, - "source": [ - "### LDA as LSI" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "d2aa5aac-acc7-41c9-96d4-5410c0d8a14b" - } - }, - "source": [ - "One of the problem with LDA is that if we train it on a large number of topics, the topics get \"lost\" among the numbers. Let us see if we can dig out the best topics from the best LDA model we can produce. The function below can be used to control the quality of the LDA model we produce." - ] - }, - { - "cell_type": "code", - "execution_count": 76, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "c39406c8-1e69-4249-91ac-894338d4053b" - } - }, - "outputs": [], - "source": [ - "def ret_top_model():\n", - " \"\"\"\n", - " Since LDAmodel is a probabilistic model, it comes up different topics each time we run it. To control the\n", - " quality of the topic model we produce, we can see what the interpretability of the best topic is and keep\n", - " evaluating the topic model until this threshold is crossed. \n", - " \n", - " Returns:\n", - " -------\n", - " lm: Final evaluated topic model\n", - " top_topics: ranked topics in decreasing order. List of tuples\n", - " \"\"\"\n", - " top_topics = [(0, 0)]\n", - " while top_topics[0][1] < 0.97:\n", - " lm = LdaModel(corpus=corpus, id2word=dictionary)\n", - " coherence_values = {}\n", - " for n, topic in lm.show_topics(num_topics=-1, formatted=False):\n", - " topic = [word for word, _ in topic]\n", - " cm = CoherenceModel(topics=[topic], texts=train_texts, dictionary=dictionary, window_size=10)\n", - " coherence_values[n] = cm.get_coherence()\n", - " top_topics = sorted(coherence_values.items(), key=operator.itemgetter(1), reverse=True)\n", - " return lm, top_topics" - ] - }, - { - "cell_type": "code", - "execution_count": 70, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "6b8eef4a-a87d-42bd-84dd-586610828698" - } - }, - "outputs": [], - "source": [ - "lm, top_topics = ret_top_model()" - ] - }, - { - "cell_type": "code", - "execution_count": 79, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "43870992-c2ff-47cf-8b6b-f62855673b42" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(91, 0.99286550077029223), (42, 0.96031455145699274), (54, 0.87011963575683104), (2, 0.84575428129030361), (10, 0.83238343784453017)]\n" - ] - } - ], - "source": [ - "print(top_topics[:5])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Inference\n", - "We can clearly see below that the first topic is about __cinema__, second is about __email malware__, third is about the land which was given back to the __Larrakia aboriginal community of Australia__ in 2000. Then there's one about __Australian cricket__. LDA as LSI has worked wonderfully in finding out the best topics from within LDA." - ] - }, - { - "cell_type": "code", - "execution_count": 78, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "281d1434-ce22-46c6-ba53-71a24a476568" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[(u'actor', 0.034688196735986693),\n", - " (u'picture', 0.023163878883499418),\n", - " (u'award', 0.023163878883499418),\n", - " (u'comedy', 0.023163878883499418),\n", - " (u'globe', 0.023163878883499418),\n", - " (u'nomination', 0.023163878883499418),\n", - " (u'actress', 0.023163878883499418),\n", - " (u'film', 0.023163878883499418),\n", - " (u'drama', 0.011639561031012149),\n", - " (u'winner', 0.011639561031012149)],\n", - " [(u'virus', 0.064292949289013482),\n", - " (u'user', 0.048074573973209883),\n", - " (u'computer', 0.040350900997751814),\n", - " (u'company', 0.028173623478117912),\n", - " (u'email', 0.022580226976870982),\n", - " (u'worm', 0.020928236506996975),\n", - " (u'attachment', 0.014534311779706417),\n", - " (u'outlook', 0.01260706654637953),\n", - " (u'software', 0.011909411409069969),\n", - " (u'list', 0.0088116041533348403)],\n", - " [(u'claim', 0.0096511365969504694),\n", - " (u'agreement', 0.0082836950379963047),\n", - " (u'hectare', 0.0077564979304569235),\n", - " (u'larrakia', 0.0065928813973845394),\n", - " (u'rosebury', 0.006086042494624749),\n", - " (u'term', 0.004880655853124416),\n", - " (u'region', 0.004786636929111303),\n", - " (u'title', 0.0045026307214029735),\n", - " (u'palmerston', 0.0043726827115423677),\n", - " (u'developer', 0.0040102561358092521)],\n", - " [(u'government', 0.046880132726190141),\n", - " (u'razor', 0.035772624674521684),\n", - " (u'gang', 0.034958865711441162),\n", - " (u'minister', 0.023615858300345904),\n", - " (u'interest', 0.023531518290467797),\n", - " (u'taxpayer', 0.023484887279677492),\n", - " (u'nelson', 0.023408331025582648),\n", - " (u'spending', 0.023363131530296326),\n", - " (u'program', 0.022809499664362586),\n", - " (u'colleague', 0.012039863390851384)],\n", - " [(u'australia', 0.019022701887671096),\n", - " (u'outlook', 0.012806577991883974),\n", - " (u'price', 0.012017645637892888),\n", - " (u'growth', 0.011021360611214826),\n", - " (u'world', 0.010586500333515535),\n", - " (u'imf', 0.0074848683800558145),\n", - " (u'half', 0.0073080219523406773),\n", - " (u'release', 0.0073069514968024446),\n", - " (u'oil', 0.0071307771829650724),\n", - " (u'weakening', 0.0067585126681211785)],\n", - " [(u'role', 0.036823234375415084),\n", - " (u'heart', 0.018676496748175567),\n", - " (u'mcreddie', 0.018520830095514161),\n", - " (u'sir', 0.018430691138823303),\n", - " (u'actor', 0.018423768093119148),\n", - " (u'attack', 0.018421603513127272),\n", - " (u'minister', 0.018330977218667187),\n", - " (u'cancer', 0.018246768643902407),\n", - " (u'servant', 0.018246520413261125),\n", - " (u'friend', 0.018230140539399531)],\n", - " [(u'australia', 0.038230610979973961),\n", - " (u'test', 0.03039802044037989),\n", - " (u'day', 0.026478028361575149),\n", - " (u'adam', 0.023237227270639361),\n", - " (u'wicket', 0.018060239149805601),\n", - " (u'match', 0.015652900511647725),\n", - " (u'gilchrist', 0.015206348827236857),\n", - " (u'steve_waugh', 0.01496754571623464),\n", - " (u'south_africa', 0.013902623982144873),\n", - " (u'selector', 0.012332915474867073)],\n", - " [(u'product', 0.067729999063555119),\n", - " (u'food', 0.033921347284742248),\n", - " (u'consumer', 0.033921347284742241),\n", - " (u'company', 0.033921347284742241),\n", - " (u'hooke', 0.022651796691804622),\n", - " (u'law', 0.022651796691804622),\n", - " (u'grocery', 0.022651796691804622),\n", - " (u'technology', 0.022651796691804622),\n", - " (u'sultan', 0.014079780537934588),\n", - " (u'stage', 0.013736597864617922)],\n", - " [(u'credit', 0.020223411999648302),\n", - " (u'way', 0.017706515460000523),\n", - " (u'bank', 0.017459639386736926),\n", - " (u'card', 0.016308335204832106),\n", - " (u'consumer', 0.014565787979687885),\n", - " (u'reserve_bank', 0.014365008462949415),\n", - " (u'association', 0.011448453247788988),\n", - " (u'rate', 0.010363334709658676),\n", - " (u'movement', 0.010204675471073506),\n", - " (u'inquiry', 0.0093452022355641085)],\n", - " [(u'fire', 0.045611922604745642),\n", - " (u'area', 0.021994719721821848),\n", - " (u'firefighter', 0.018748173264525044),\n", - " (u'sydney', 0.016599279291396325),\n", - " (u'wind', 0.014270025525472343),\n", - " (u'property', 0.0098028785236429564),\n", - " (u'hour', 0.0097079779464512347),\n", - " (u'today', 0.0093953004964965076),\n", - " (u'year', 0.0089216764257795157),\n", - " (u'state', 0.0086116373269496185)]]\n" - ] - } - ], - "source": [ - "pprint([lm.show_topic(topicid) for topicid, c_v in top_topics[:10]])" - ] - }, - { - "cell_type": "code", - "execution_count": 98, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "ada914a2-bacb-4300-8ce3-f1332843d24c" - } - }, - "outputs": [], - "source": [ - "lda_lsi_topics = [[word for word, prob in lm.show_topic(topicid)] for topicid, c_v in top_topics]" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "4f313370-b5f0-4754-9744-157da0447fc4" - } - }, - "source": [ - "### Evaluating all the topic models\n", - "Any topic model which can come up with topic terms can be plugged into the coherence pipeline. You can even plug in an [NMF topic model](http://derekgreene.com/nmf-topic/) created with scikit-learn." - ] - }, - { - "cell_type": "code", - "execution_count": 99, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "4329af31-21b4-4570-903a-6df3715244c7" - } - }, - "outputs": [], - "source": [ - "lsitopics = [[word for word, prob in topic] for topicid, topic in lsitopics]\n", - "\n", - "hdptopics = [[word for word, prob in topic] for topicid, topic in hdptopics]\n", - "\n", - "ldatopics = [[word for word, prob in topic] for topicid, topic in ldatopics]\n", - "\n", - "lmtopics = [[word for word, prob in topic] for topicid, topic in lmtopics]" - ] - }, - { - "cell_type": "code", - "execution_count": 100, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "0924faf0-a957-4d12-b35c-b50ebb30f370" - } - }, - "outputs": [], - "source": [ - "lsi_coherence = CoherenceModel(topics=lsitopics[:10], texts=train_texts, dictionary=dictionary, window_size=10).get_coherence()\n", - "\n", - "hdp_coherence = CoherenceModel(topics=hdptopics[:10], texts=train_texts, dictionary=dictionary, window_size=10).get_coherence()\n", - "\n", - "lda_coherence = CoherenceModel(topics=ldatopics, texts=train_texts, dictionary=dictionary, window_size=10).get_coherence()\n", - "\n", - "lm_coherence = CoherenceModel(topics=lmtopics, texts=train_texts, dictionary=dictionary, window_size=10).get_coherence()\n", - "\n", - "lda_lsi_coherence = CoherenceModel(topics=lda_lsi_topics[:10], texts=train_texts, dictionary=dictionary, window_size=10).get_coherence()" - ] - }, - { - "cell_type": "code", - "execution_count": 101, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "59cc671f-041a-4d6f-a609-f1b9855aa05c" - } - }, - "outputs": [], - "source": [ - "def evaluate_bar_graph(coherences, indices):\n", - " \"\"\"\n", - " Function to plot bar graph.\n", - " \n", - " coherences: list of coherence values\n", - " indices: Indices to be used to mark bars. Length of this and coherences should be equal.\n", - " \"\"\"\n", - " assert len(coherences) == len(indices)\n", - " n = len(coherences)\n", - " x = np.arange(n)\n", - " plt.bar(x, coherences, width=0.2, tick_label=indices, align='center')\n", - " plt.xlabel('Models')\n", - " plt.ylabel('Coherence Value')" - ] - }, - { - "cell_type": "code", - "execution_count": 102, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "b86ba0c1-c7c4-43a5-a9f5-8dfe7967be6c" - } - }, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAhUAAAF5CAYAAAAoOtjCAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAAPYQAAD2EBqD+naQAAIABJREFUeJzt3X2YHWV9//H3VwhiRBfbFFAQxKcQnyhZsQ1iUVBRq1XR\nX3EVBeNDUXxafxSFamnjswirqFGqlRDR1Wj9+ayhYCsqBmoWUEuCooEQxMgqRCGJJPD9/TGzcvbk\nnM2e2dnds9n367r2yp575p75nrk2u59zz9wzkZlIkiRN1L2muwBJkrRrMFRIkqRaGCokSVItDBWS\nJKkWhgpJklQLQ4UkSaqFoUKSJNXCUCFJkmphqJAkSbUwVEiSpFp0TaiIiFMiYl1EbImIVRFx+Bjr\n7h4R/xwR15XrXxkRx05lvZIkabSuCBURcTxwNnAmcBhwNbAyIua16fIu4FXAKcAC4Dzg/0XEoVNQ\nriRJaiG64YFiEbEKuDwz31i+DuBG4NzMfH+L9W8C3pGZH29o+yKwOTNfNkVlS5KkBtM+UhERc4Be\n4JKRtiySzsXAojbd7g38saltC3DkZNQoSZJ2bvfpLgCYB+wGbGxq3wjMb9NnJfDmiPge8AvgqcBx\njBGSIuLPgWOB64GtEytZkqRZZU/gIcDKzPxtu5W6IVS0E0C7czNvBP4NWAvcTREsPgW8fIztHQt8\nps4CJUmaZV4CfLbdwm4IFcPAXcC+Te37sOPoBQCZOQwcFxF7AH+emTdHxHuBdWPs53qACy+8kAUL\nFky46Nmiv7+fgYGB6S5jxvG4dc5jVo3HrXMes86tWbOGE044Acq/pe1Me6jIzG0RsRo4Bvgq/OlC\nzWOAc3fS907g5vK6jBcAnxtj9a0ACxYsYOHChXWUPiv09PR4vCrwuHXOY1aNx61zHrMJGfPygWkP\nFaVzgAvKcHEF0A/MBZYBRMRyYENmnlG+fgKwP3AVcADFVNQAzpryyiVJEtAloSIzV5T3pFhCcRrk\nKuDYzLylXOUAYHtDlz2BdwIHA7cD3wBOyMzfT13VkiSpUVeECoDMXAosbbPs6KbXlwKPnoq6JEnS\n+Ez7fSrU3fr6+qa7hBnJ49Y5j1k1HrfOecwmT1fcUXMqRMRCYPXq1au9QEeSpA4MDQ3R29sL0JuZ\nQ+3Wc6RCkiTVwlAhSZJqYaiQJEm1MFRIkqRaGCokSVItDBWSJKkWhgpJklQLQ4UkSaqFoUKSJNXC\nUCFJkmphqJAkSbUwVEiSpFoYKiRJUi0MFZIkqRaGCkmSVAtDhSRJqoWhQpIk1WL36S5AkqQ6rV+/\nnuHh4cr9582bx4EHHlhjRbOHoUKStMtYv3498+cvYOvWzZW3seeec7n22jUGiwoMFZKkXcbw8HAZ\nKC4EFlTYwhq2bj2B4eFhQ0UFhgpJ0i5oAbBwuouYdbrmQs2IOCUi1kXElohYFRGH72T9N0XE2ojY\nHBHrI+KciLj3VNUrSZJG64pQERHHA2cDZwKHAVcDKyNiXpv1Xwy8p1z/EGAxcDzwrikpWJIk7aAr\nQgXQD5yXmcszcy1wMrCZIiy0sgj4fmZ+PjPXZ+bFwCDwhKkpV5IkNZv2UBERc4Be4JKRtsxM4GKK\n8NDKZUDvyCmSiHgo8CzgG5NbrSRJaqcbLtScB+wGbGxq3wjMb9UhMwfLUyPfj4go+388M983qZVK\nkqS2pn2kYgwBZMsFEU8GzqA4TXIYcBzw7Ih425RVJ0mSRumGkYph4C5g36b2fdhx9GLEEmB5Zp5f\nvv7fiNgLOA9451g76+/vp6enZ1RbX18ffX19ndYtSdIuZ3BwkMHBwVFtmzZtGlffaQ8VmbktIlYD\nxwBfBShPaRwDnNum21zg7qa2u8uuUV6T0dLAwAALFzp3WZKkVlp90B4aGqK3t3enfac9VJTOAS4o\nw8UVFLNB5gLLACJiObAhM88o1/8a0B8RVwGXA4+gGL34yliBQpIkTZ6uCBWZuaK88HIJxWmQq4Bj\nM/OWcpUDgO0NXd5BMTLxDmB/4BaKUQ6vqZAkaZp0RagAyMylwNI2y45uej0SKN4xBaVJkqRx6ObZ\nH5IkaQYxVEiSpFoYKiRJUi0MFZIkqRaGCkmSVAtDhSRJqoWhQpIk1cJQIUmSamGokCRJtTBUSJKk\nWhgqJElSLQwVkiSpFoYKSZJUC0OFJEmqhaFCkiTVwlAhSZJqYaiQJEm1MFRIkqRaGCokSVItDBWS\nJKkWhgpJklQLQ4UkSaqFoUKSJNXCUCFJkmrRNaEiIk6JiHURsSUiVkXE4WOs+18RcXeLr69NZc2S\nJOkeXREqIuJ44GzgTOAw4GpgZUTMa9Pl+cB+DV+PAe4CVkx+tZIkqZWuCBVAP3BeZi7PzLXAycBm\nYHGrlTPztsz8zcgX8HTgDuCLU1axJEkaZdpDRUTMAXqBS0baMjOBi4FF49zMYmAwM7fUX6EkSRqP\naQ8VwDxgN2BjU/tGilMbY4qIJwCPBj5Zf2mSJGm8dp/uAsYQQI5jvVcAP83M1ePZaH9/Pz09PaPa\n+vr66Ovr67xCSZJ2MYODgwwODo5q27Rp07j6dkOoGKa4yHLfpvZ92HH0YpSIuA9wPPC28e5sYGCA\nhQsXdlqjJEmzQqsP2kNDQ/T29u6077Sf/sjMbcBq4JiRtoiI8vVlO+l+PLAH8JlJK1CSJI1LN4xU\nAJwDXBARq4ErKGaDzAWWAUTEcmBDZp7R1O8VwJcz89YprFWSJLXQFaEiM1eU96RYQnEa5Crg2My8\npVzlAGB7Y5+IeARwBPC0qaxVkiS11hWhAiAzlwJL2yw7ukXbzylmjUiSpC4w7ddUSJKkXYOhQpIk\n1cJQIUmSamGokCRJtTBUSJKkWhgqJElSLQwVkiSpFoYKSZJUC0OFJEmqhaFCkiTVwlAhSZJqYaiQ\nJEm1MFRIkqRaGCokSVItDBWSJKkWhgpJklQLQ4UkSaqFoUKSJNVi9+kuQJqJ1q9fz/DwcKW+8+bN\n48ADD6y5IkmafoYKqUPr169n/vwFbN26uVL/Pfecy7XXrjFYSNrlGCqkDg0PD5eB4kJgQYe917B1\n6wkMDw8bKiTtcgwVUmULgIXTXYQkdQ0v1JQkSbWoFCoi4v4RcVJEvCMiHlC2HRoRD6xaSEScEhHr\nImJLRKyKiMN3sn5PRHw0In5V9lkbEc+oun9JkjQxHZ/+iIjHABcDm4EHA+cDtwLHA/sDJ1bY5vHA\n2cCrgSuAfmBlRDwyM3e4xD4i5pQ1/Bo4DvgVcBBwW6f7liRJ9agyUjEAfBZ4GLC1of0bwN9UrKMf\nOC8zl2fmWuBkitCyuM36rwD2Bp6Xmasyc31mfi8zf1Jx/5IkaYKqhIrDgaWZmU3tNwEdn/4oRx16\ngUtG2sptXwwsatPtOcAPgaUR8euI+ElEnB4RXiMiSdI0qTL7YxuwV4v2hwNV7gY0D9gN2NjUvhGY\n36bPQ4GjKeb0PRN4BLC03M47K9QgSZImqMon+68Bb4+IkUCSEbE/8F7gS7VVBgE0j4aMuBdF6Hh1\nZl6ZmSuAdwGvqXH/kiSpA1VGKv4vRXj4NXAf4DvAg4D/Ac6osL1h4C5g36b2fdhx9GLEzcCdTadg\n1gD7RcTumbm93c76+/vp6ekZ1dbX10dfX1/HhUuStKsZHBxkcHBwVNumTZvG1bfjUJGZtwJPiYgn\nA4+jOBUyBKxscZ3FeLa3LSJWA8cAXwWIiChfn9um2w+A5hQwH7h5rEABMDAwwMKF3rBIkqRWWn3Q\nHhoaore3d6d9K99RMzP/G/jvqv2bnANcUIaLkSmlc4FlABGxHNiQmSMjIR8DXhcRHwI+AjwSOB34\nYE31SJKkDlW5T8WYpzgy892dbjMzV0TEPGAJxWmQq4BjM/OWcpUDgO0N62+IiKdTTG+9mmLmyQDw\n/k73LUmS6lFlpKL5tMMcihtPbQOuBzoOFQCZuZRiBkerZUe3aLscOKLKviRJUv2qXFPx2Oa2iNib\n4lTFF2qoSZIkzUC13CwqM28D/hnvESFJ0qxV5x0o9wIeUOP2JEnSDFLlQs3XNjdR3J77RGBlHUVJ\nkqSZp8qFmqc3vb4buAUYpLirpSRJmoWqXKj54MkoRJIkzWw+1VOSJNViXCMVEbFivBvMzL+vXo4k\nSZqpxnv644+TWoUkSZrxxhUqMvOlk12IJEma2bymQpIk1aLSU0oj4nnA3wMHAns0LsvMJ9RQlyRJ\nmmE6HqmIiNcBFwKbgMMpnhJ6B8Xjx79Ta3WSJGnGqHL643XAP2Tma4A7gfdk5lOAjwJz6yxOkiTN\nHFVCxYHA98vvtwL3K79fBry4hpokSdIMVCVUbAT+rPz+BmDkGoqDKm5PkiTtAqqEgO8Azym/vwD4\nYER8C1gBfLWuwiRJ0sxSZfbHPwC7AWTmhyPiVuAI4CJgaY21SZKkGWTcoSIiHpOZP83M7cD2kfbM\nvJBiNogkSZrFOjn98eOIuDwiXhUR99v56pIkaTbpJFQcBfwvcDZwc0Qsi4gnTU5ZkiRpphl3qMjM\n72XmYuCBwOuBg4HvRsTPIuItEfHAySpSkiR1v45nf2TmHZl5fmYeRXEXzS8ApwA3RISzPyRJmqUm\ndF+JzLwOeA/wTuAPwN/WUZQkSZp5KoeKiPibiFgG3AycBXwJeOIEtndKRKyLiC0RsSoiDh9j3RMj\n4u6IuKv89+6I2Fx135IkaeI6uk9FROwPnAicBDwcuAx4A7AiM++oWkREHE9xAeirgSuAfmBlRDwy\nM4fbdNtEcfolytdZdf+SJGniOrlPxbeApwLDwHLgU5l5bU119APnZebycl8nU5xKWQy8v02fzMxb\natq/JEmaoE5Of2wDXggckJlvqStQRMQcoBe4ZKQtMxO4GFg0Rte9IuL6iFgfEV+OiEfVUY8kSapm\n3CMVmfl3k1TDPIrbfm9sat8IzG/T51qKUYwfAz3APwKXRcSjM/OmSapTkiSNocqzP6ZK0OY6icxc\nBaz604oRPwTWUFyTceZYG+3v76enp2dUW19fH319fROtV5KkGW9wcJDBwcFRbZs2bRpX324IFcPA\nXcC+Te37sOPoRUuZuT0irqS4eHRMAwMDLFy4sOMiJUmaDVp90B4aGqK3t3enfSd0n4o6ZOY2YDVw\nzEhbRET5+rLxbCMi7gU8hmJ6qyRJmgbdMFIBcA5wQUSs5p4ppXOBZQARsRzYkJlnlK/fTnH64zpg\nb+A04CDgk1NeuSRJAiqGioh4KXAyxfM/FmXmDRHxJmBdZn6l0+1l5oqImAcsoTgNchVwbMOU0QNo\neNw68ADg34D9gFspRjoWZebaKu9HkiRNXMehIiJeQ/HH/4PAP1HM3AC4DXgT0HGoAMjMpcDSNsuO\nbnr9ZuDNVfYjSZImR5VrKl4PvCoz30VxgeWIHwGPraUqSZI041QJFQcDV7Zo/yNw34mVI0mSZqoq\noWId8Jct2p9Bca8ISZI0C1W5UPMc4KMRsSfFDaqeEBF9wOnAK+ssTpIkzRwdh4rM/GREbAHeSTHt\n87PATcAbM/NzNdcnSZJmiEpTSjPzM8BnImIusFdm/qbesiRJ0kxTZUrpwcDumfnzzNwMbC7bHwFs\ny8zr6y1RkiTNBFUu1FwGHNGi/a/KZZIkaRaqEioOA37Qon0VrWeFSJKkWaBKqEjgfi3ae7jn7pqS\nJGmWqRIqLgVOj4g/BYjy+9OB79dVmCRJmlmqzP54C0WwuDYivle2PQm4P3B0216SJGmX1vFIRWZe\nAzwOWAHsQ3EqZDlwSGb+tN7yJEnSTFH1PhW/As6ouRZJkjSDVQoVEbE38ASKkYpRox2ZubyGuiRJ\n0gxT5eZXzwE+Q/FE0j9QzAYZkRSnQiRJ0ixTZfbH2cCngPtl5t6Z+YCGrz+ruT5JkjRDVAkV+wPn\nlrfoliRJAqqFipXA4+suRJIkzWxVLtT8BnBWRDwK+AmwrXFhZn61jsIkSdLMUiVUfKL8959bLEu8\nVbckSbNSx6EiM6ucMpEkSbu4CQWEiNizrkIkSdLM1nGoiIjdIuLtEXETcHtEPLRsf0dEvKJqIRFx\nSkSsi4gtEbEqIg4fZ78XRcTdEfGlqvuWJEkTV2Wk4p+Ak4DTgDsb2n8KvLJKERFxPMX9L84EDgOu\nBlZGxLyd9DsIOIviAWeSJGkaVQkVLwNenZmfAe5qaL8aOKRiHf3AeZm5PDPXAicDm4HF7TpExL2A\nCykuGF1Xcb+SJKkmVW9+dV2bbc3pdGMRMQfoBS4ZacvMBC4GFo3R9UzgN5l5fqf7lCRJ9asypfQa\n4EnADU3tLwSurLC9eRTTUDc2tW8E5rfqEBFPBF4OHFphf5IkaRJUCRVLgAsiYn+K0YnjImI+xWmR\nZ9dYWzD6YWVFY8RewKeBV2XmrTXuT5IkTUCV+1R8JSKeTXH64Q6KkDEEPCcz/7NCDcMU12bs29S+\nDzuOXgA8DDgI+FpERNl2L4CIuBOYn5ltr7Ho7++np6dnVFtfXx99fX0VSpckadcyODjI4ODgqLZN\nmzaNq29HoSIidgOeCPw4M5/WSd92MnNbRKwGjgG+Wu4nytfntuiyBnhsU9u7gL2ANwA3jrW/gYEB\nFi5cONGyJUnaJbX6oD00NERvb+9O+3YUKjLzroi4CFgA3NZJ3504h+KUymrgCorZIHOBZQARsRzY\nkJlnZOadFNd1/ElE3FaUl2tqrEmSJHWgyjUVPwUeSo3TODNzRXlPiiUUp0GuAo7NzFvKVQ4Atte1\nP0mSVL8qoeJtwAci4u3AaorrKv4kM39fpZDMXAosbbPs6J30fXmVfUqSpPpUCRXfLP/9KqNnZ4zM\n1vAppZIkzUJVQsVTaq9CkiTNeFWmlH53MgqRJEkzW6VHn0fEkyLiwoi4rLwJFhHx0og4st7yJEnS\nTFHl0ecvAFYCW4CFwL3LRT3AGfWVJkmSZpIqIxVvA07OzFcB2xraf0ARMiRJ0ixUJVTMBy5t0b4J\n2Hti5UiSpJmqyuyPXwMPB65vaj8S+OVEC9LUWr9+PcPDw5X7z5s3jwMPPLDGiiRJM1WVUPEJ4EMR\nsZjivhQPiohFwAco7oipGWL9+vXMn7+ArVs3V97GnnvO5dpr1xgsJEmVQsV7KU6bXELxfI5LgT8C\nH8jMj9RYmybZ8PBwGSgupHicS6fWsHXrCQwPDxsqJEmV7lORwLsi4iyK0yB7Addk5u11F6epsgCv\nsZUkTVSVkQoAWj0tVJIkzV4dh4qIuC/wVuAYYB+aZpBk5kPrKU2SJM0kVUYqPgkcBXwauJnRDxWT\nJEmzVJVQ8UzgbzPzB3UXI0mSZq4qoeJW4Hd1FyJp1+Y9UaRdX5VQ8XZgSUScmJnVb3AgadbwnijS\n7DCuUBERVzL62omHAxsj4npGP/+DzHRuoqRRvCeKNDuMd6Tiy5NahaRZwnuiSLuycYWKzPzXyS5E\nkiTNbJVvfhURvRQfO5LijppX1laVJEmacarc/Gof4HPAk4HbgAB6IuK/gBdl5i21VihJkmaEKiMV\nHwbuDzw6M9cARMSjgAuAc4G++sqTpNltIlNxnYarqVYlVDwDeOpIoADIzGsi4hTgotoqk6RZbqJT\ncZ2Gq6lWJVTci6ZppKVtND0HpBNlKDkV2A+4Gnh9Zv5Pm3WfD5xBMbV1DvBz4OzMvLDq/iWp20xs\nKq7TcDX1qoSK7wAfioi+zPwVQETsDwwAl1QpIiKOB84GXg1cAfQDKyPikZnZatzvt8A7gbXAncBz\ngPMjYmNm/meVGiSpezkVVzNDlZGF1wH3A66PiF9ExHXAurLt9RXr6AfOy8zlmbkWOBnYDCxutXJm\nXpqZX8nMazNzXWaeC/wYOLLi/iVJ0gR1PFKRmTcCCyPiacAhFLM/rsnMi6sUEBFzgF7g3Q37yIi4\nGFg0zm0cAzwS+G6VGiRJ0sRVvk9FeZqhjlMN84DdgI1N7RuB+e06RcT9gZuAewPbgddm5ndqqEeS\nJFUw7lAREUcDHwH+OjN/37SsB7gMODkzv1dTbcHo5400+wNwKLAXcAwwEBG/zMxLx9pof38/PT09\no9r6+vro63MmrCRJg4ODDA4OjmrbtGnTuPp2MlLxJuATzYECIDM3RcR5wJuBTkPFMHAXsG9T+z7s\nOHrRuM8Eflm+/HF5r4zTgTFDxcDAAAsXesGTJEmttPqgPTQ0RG9v7077dnKh5qHAt8dYfhHFtREd\nycxtwGqK0QYAIiLK15d1sKl7UZwKkSRJ06CTkYp9aX1/ihHbgb+oWMc5wAURsZp7ppTOBZYBRMRy\nYENmnlG+fivwI+AXFEHib4ETKGaNSJKkadBJqLgJeCxwXZvljwNurlJEZq6IiHnAEorwchVwbMNz\nRA6gCC0j7gt8tGzfQnG/ipdk5her7F+SJE1cJ6Him8CSiPhWZm5tXBAR9wH+Ffh61UIycymwtM2y\no5tevx14e9V9SZKk+nUSKt4JHAf8LCI+AlxLMTtjAXAKxbTQd9VeoSRJmhHGHSoyc2NEHAF8DHgP\nxZRPKILFSor7RLSdrSFJknZtHd38KjNvAJ4VEQ+geJhXAD/PzFsnozhJkjRzVLqjZhkiWj5BVJIk\nzU6VH1UuSZLUyFAhSZJqYaiQJEm1MFRIkqRaGCokSVItDBWSJKkWhgpJklQLQ4UkSaqFoUKSJNXC\nUCFJkmphqJAkSbUwVEiSpFoYKiRJUi0MFZIkqRaGCkmSVAtDhSRJqoWhQpIk1cJQIUmSamGokCRJ\nteiaUBERp0TEuojYEhGrIuLwMdZ9ZURcGhG/K7/+c6z1JUnS5OuKUBERxwNnA2cChwFXAysjYl6b\nLkcBnwWeDPw1cCNwUUQ8cPKrlSRJrXRFqAD6gfMyc3lmrgVOBjYDi1utnJkvzcyPZ+aPM/NnwCsp\n3ssxU1axJEkaZdpDRUTMAXqBS0baMjOBi4FF49zMfYE5wO9qL1CSJI3LtIcKYB6wG7CxqX0jsN84\nt/E+4CaKICJJkqbB7tNdwBgCyJ2uFPFW4O+BozLzzp2t39/fT09Pz6i2vr4++vr6qtYpSdIuY3Bw\nkMHBwVFtmzZtGlffbggVw8BdwL5N7fuw4+jFKBFxKnAacExm/u94djYwMMDChQur1ClJ0i6v1Qft\noaEhent7d9p32k9/ZOY2YDUNF1lGRJSvL2vXLyL+Efgn4NjMvHKy65QkSWPrhpEKgHOACyJiNXAF\nxWyQucAygIhYDmzIzDPK16cBS4A+YH1EjIxy3J6Zd0xx7ZIkiS4JFZm5orwnxRKK0yBXUYxA3FKu\ncgCwvaHLayhme3yxaVP/Wm5DkiRNsa4IFQCZuRRY2mbZ0U2vD56SoiRJ0rhN+zUVkiRp12CokCRJ\ntTBUSJKkWhgqJElSLQwVkiSpFoYKSZJUC0OFJEmqhaFCkiTVwlAhSZJqYaiQJEm1MFRIkqRaGCok\nSVItDBWSJKkWhgpJklQLQ4UkSaqFoUKSJNXCUCFJkmphqJAkSbUwVEiSpFoYKiRJUi0MFZIkqRaG\nCkmSVAtDhSRJqoWhQpIk1aJrQkVEnBIR6yJiS0SsiojDx1j3URHxxXL9uyPiDVNZqyRJ2lFXhIqI\nOB44GzgTOAy4GlgZEfPadJkL/AJ4C3DzlBQpSZLG1BWhAugHzsvM5Zm5FjgZ2AwsbrVyZv4oM9+S\nmSuAO6ewTkmS1Ma0h4qImAP0ApeMtGVmAhcDi6arLkmS1JlpDxXAPGA3YGNT+0Zgv6kvR5IkVbH7\ndBcwhgCy7o329/fT09Mzqq2vr4++vr66dyVJ0owzODjI4ODgqLZNmzaNq283hIph4C5g36b2fdhx\n9GLCBgYGWLhwYd2blSRpl9Dqg/bQ0BC9vb077Tvtpz8ycxuwGjhmpC0ionx92XTVJUmSOtMNIxUA\n5wAXRMRq4AqK2SBzgWUAEbEc2JCZZ5Sv5wCPojhFsgewf0QcCtyemb+Y+vIlSVJXhIrMXFHek2IJ\nxWmQq4BjM/OWcpUDgO0NXR4EXMk911ycWn59Fzh6SoqWJEmjdEWoAMjMpcDSNsuObnp9A11w6kaS\nJN3DP8ySJKkWhgpJklQLQ4UkSaqFoUKSJNXCUCFJkmphqJAkSbUwVEiSpFoYKiRJUi0MFZIkqRaG\nCkmSVAtDhSRJqoWhQpIk1cJQIUmSamGokCRJtTBUSJKkWhgqJElSLQwVkiSpFoYKSZJUC0OFJEmq\nhaFCkiTVwlAhSZJqYaiQJEm1MFRoJwanu4AZyuPWOY9ZNR63znnMJkvXhIqIOCUi1kXElohYFRGH\n72T9/xMRa8r1r46IZ05VrbOL//mq8bh1zmNWjcetcx6zydIVoSIijgfOBs4EDgOuBlZGxLw26y8C\nPgt8AvhL4MvAlyPiUVNTsSRJatYVoQLoB87LzOWZuRY4GdgMLG6z/huBb2XmOZl5bWaeCQwBr5ua\nciVJUrNpDxURMQfoBS4ZacvMBC4GFrXptqhc3mjlGOtLkqRJtvt0FwDMA3YDNja1bwTmt+mzX5v1\n9xtjP3sCrFmzpkKJu6Z7jsU3gXbHZQPwmTbL1jVtZ3aY2HHzmPmzNn7+rHXOn7XJ0XA89hxrvSgG\nBaZPRDwQuAlYlJmXN7S/HzgyM49o0eePwMsy8/MNba8F3paZD2qznxfT/qdIkiTt3Esy87PtFnbD\nSMUwcBewb1P7Puw4GjHi1x2uD8XpkZcA1wNbO65SkqTZa0/gIRR/S9ua9pEKgIhYBVyemW8sXwew\nHjg3M89qsf7ngPtk5nMb2n4AXJ2Zr52isiVJUoNuGKkAOAe4ICJWA1dQzAaZCywDiIjlwIbMPKNc\n/0PAdyPizcA3gD6Kiz1fNcV1S5KkUleEisxcUd6TYgnFaY2rgGMz85ZylQOA7Q3r/zAi+oB3lV8/\nB56bmddMbeWSJGlEV5z+kCRJM9+036dCkiTtGgwVkqRxi4ijIuLuiLj/dNei7mOomMUi4vyI+FKb\nZY+LiK9ExMbyoW3rImJw5HksEXFQ+YvlcVNb9dRqd4waf7E2fH9X+XVbRAxFxPsiYr+mfmc2rLut\nPK7nRMR9p+5dTb6d/GxdXx6DuyNic3kMPh8RTxljexeVx2vh5FVdXbe834hYVu5naYtlS8tln+pk\nm21Mynl3CqkoAAAIP0lEQVTzLjqObesol/v7sQ1DhXZQ/se4hOIeIk8HDgFOAn4FNP7xm+0X5GTT\n948EHgg8Hngv8FTgpxHx6KZ+P6W4++tBwGnAq4EPTHq13SOBt1Ecg0cCLwVuAy6OiNObV46IBwN/\nDXwEeOUU1lmXqXy/STEd/0URce+Gbd4beBFwQ5U30CW64ufG349j64rZH+o6TwTuD7wqM+8u224A\nvtu0XkxpVd3vlsz8PfAb4LqI+CpwJfAx4G8a1tveMLPpCxHxVODvgNdMabXT6/bM/E35/Qbg+xFx\nM7AkIr6YmT9vWPflwNeAjwOrIqI/M/84xfVO1FS+3yuBg4HjuOcZ38dRhI1fNq4YEXtQBNrjKf7P\n/wjoz8wfNazzLGAAeDDwQ2B5B7XUrRt+bvz9OAZHKtTKrykC53HTXUgX2+kvjMzcSvEL7Ykjw6Jt\nbAH2qKuwGexDFL+TntvU/nLg05l5LXAd8MKpLmySTNb7TeB8Rj/leTHwKXb8uT0LeD7Fp/7Dyv2t\njIi9ASLiAOA/gK8AhwKfpBiF6yZT/XPj78cxGCq0g/IZLO8GPhMRwxHxzYg4NSL2me7apslzIuIP\njV8UTysaj7Xlvw9ptbA81/tiGp7SO1tl5q0UozwPGWmLiKcB9+GeWwN/GnjFlBc3CSb5/V4IHBkR\nB0bEQcARZdufRMRc4GTg1My8KDPXUtxAcEvDPl8LXJeZp2XmzzNzkPKmhN1iqn9u/P04NkOFWsrM\nt1Ocu/wHimsATgbWtrg+YDb4DvA4ik9qI1/jPUc78smw8fzq4yLi9xGxGbgc+AHw+ppqnemC0cdq\nMfD5vOeGOp+n+GN58JRXNjkm5f1m5m+Br1Oc6z8J+EZm/q5ptYdRfOK+rKHfdoq7Gi8omw6h+Blt\n9MNOapkiU/pz4+/H9gwVaiszb83M/8jM0yh+ufwKOHWay5oOd2Tmusz85cgXxZN1x+NR5b/XN7St\npQgmh1A8w+b5DddYzFoR8WfAX1A+ezoiHgA8D3hteQX/Norz6Lsxemh/RpqC93s+RaB4GfDvrUoo\n/22+oLDxD3TzH+uuM10/N/5+bM1QoXEpP8H8Aq9uHreIuA/FcPJ3y0+OI+4sQ8r68riq8CaKJxZ/\nuXx9AnAjO44SnQqcFBEz/UK4yX6/36a4VmcOcFGL5dcB24AjRxoiYneK2Usjjzy4Bvirpn6LOqxj\nsk37z42/H+/h7A/tHRGHNrU9FjgW+BzwM4pPK38HPJPik8+Imf5LvU4B7FsGiftR/GL+R+DPKT41\nzUatfrZGwtX9ImJfij94B1NcKLgYeGs5EkT5+ouZuaZxAxGxAXgP8AzgW5NVfAVd9X4z8+6IOKT8\nfoc/cJm5OSI+BpwVEbdS/CE+jeJahJF7WXwceHNEvJ/iIs3HAyeOt4aKuuU4tqvjUIrpuf5+bMFQ\noaOAoaa2/6L4FPMBimlkf6R4aNsrMvOzDevNyiTeRlKc1kjgdoqpeyuBgYYpcLNNq5+tf6c4RkvK\nrzsprqZfBRydmZfCny5gfRwtLq7LzN9HxMXlsm4KFV33fjPz9p2s8laKP37LKcLwj4CnZ+amsv+N\nEfECiimlr6O43uJ07gkdk6FbjmO7Ot4N3IG/H1vygWKSJKkWXlMhSZJq4ekPSZoByttOX0MxrN58\nvj6BR2XmhikvbIbxOE4uT39I0gwQEbtRPC+mnesbbhutNjyOk8tQIUmSauE1FZIkqRaGCkmSVAtD\nhSRJqoWhQpIk1cJQIUmSamGokNQ1IuKoiLg7Iu7fQZ91EfGGyaxL0vgYKiSNW0QsK//oL22xbGm5\nbKLPhXCeuzRDGSokdSKB9cCLIuLeI43l9y8CbpiuwiRNP0OFpE5dSREsjmtoO65su3KkISL2iIhz\nI2JjRGyJiO9FxOMbNxQRz4qIayNic0RcAjykeWcRcWREXFquc0NEfCgi5rYrLiL+pVxva0RsiIgP\nTvD9ShonQ4WkTiVwPrC4oW0xxeOwG5+lcBbwfOClwGHAdcDKiNgbICIOAP4D+ApwKPBJ4L2NO4qI\nh1E8pvoLwGOA44EnAh9uVVhEvBB4E/Aq4OHA84CfVH6nkjpiqJBUxYXAkRFxYEQcBBxRtgFQjiSc\nDJyamRdl5lqKP/RbgFeUq70WuC4zT8vMn2fmILCsaT9vBS7MzA9n5i8zcxVFaDgxIvZoUdeDgZuB\nSzJzQ2b+KDP/vbZ3LWlMhgpJHcvM3wJfB04qv76Rmb9rWOVhFE9Bvqyhz3bgCmBB2XQIcHnTpn/Y\n9PpQ4KSI+MPIF/DtctnBLUr7AjAXWBcR/xYRzysfICVpCvjoc0lVnQ98hOJ0yGublkX51TyTo7Gt\n1fJmewHnAR9ix8dUr29eOTM3RMQjgacBTwU+CpwaEUdl5l072ZekCXKkQlJV3wb2AOYAFzUtuw64\nEzhypCEidgceD1xTNl0D/FVTv0VNr4eAR2fmuvL0R+PX9lZFZeYfM/Prmfkm4CkUp2Ye2/nbk9Qp\nRyokVZKZd0fEIeX32bRsc0R8DDgrIm4FbgROA+5DcUEnwMeBN0fE+yku0nw8cGLTbt4H/DAiPlyu\ncwfwaOCpmfn65poi4kRgN4rTKpspLhLdjFNdpSnhSIWkyjLz9sy8vc3it1LM7lgO/Ah4KPD0zNxU\n9r0ReAHwXOAq4NXA6U3b/wlwFPAI4FKKkYt/AW5qXK3h+9soLgj9PnA1cDTw7My8tfKblDRu0fQB\nQ5IkqRJHKiRJUi0MFZIkqRaGCkmSVAtDhSRJqoWhQpIk1cJQIUmSamGokCRJtTBUSJKkWhgqJElS\nLQwVkiSpFoYKSZJUi/8PXsEPvLb9kOAAAAAASUVORK5CYII=\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "evaluate_bar_graph([lsi_coherence, hdp_coherence, lda_coherence, lm_coherence, lda_lsi_coherence],\n", - " ['LSI', 'HDP', 'LDA', 'LDA_Mod', 'LDA_LSI'])" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "df6cc31a-0b01-4700-b210-836dd510007a" - } - }, - "source": [ - "### Customizing the topic coherence measure\n", - "Till now we only used the `c_v` coherence measure. There are others such as `u_mass`, `c_uci`, `c_npmi`. All of these calculate coherence in a different way. `c_v` is found to be most in line with human ratings but can be much slower than `u_mass` since it uses a sliding window over the texts." - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "664fa23d-ba6e-4a30-9287-e4fef1cc093e" - } - }, - "source": [ - "### Making your own coherence measure\n", - "Let's modify `c_uci` to use `s_one_pre` instead of `s_one_one` segmentation" - ] - }, - { - "cell_type": "code", - "execution_count": 47, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "b3652f43-da03-4027-9170-83e1679dfa2b" - } - }, - "outputs": [], - "source": [ - "from gensim.topic_coherence import (segmentation, probability_estimation,\n", - " direct_confirmation_measure, indirect_confirmation_measure,\n", - " aggregation)\n", - "from gensim.matutils import argsort\n", - "from collections import namedtuple" - ] - }, - { - "cell_type": "code", - "execution_count": 48, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "8ce2b802-f0c1-4ffc-9ce5-c2792856b5b4" - } - }, - "outputs": [], - "source": [ - "make_pipeline = namedtuple('Coherence_Measure', 'seg, prob, conf, aggr')" - ] - }, - { - "cell_type": "code", - "execution_count": 49, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "9994e7f0-f366-40da-9c14-76e8142ee46e" - } - }, - "outputs": [], - "source": [ - "measure = make_pipeline(segmentation.s_one_one,\n", - " probability_estimation.p_boolean_sliding_window,\n", - " direct_confirmation_measure.log_ratio_measure,\n", - " aggregation.arithmetic_mean)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "416f5820-1538-4483-a77f-5211c8179891" - } - }, - "source": [ - "To get topics out of the topic model:" - ] - }, - { - "cell_type": "code", - "execution_count": 50, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "aa9d35ae-c458-49d2-bdbe-d93d5cb3ba9c" - } - }, - "outputs": [], - "source": [ - "topics = []\n", - "for topic in lm.state.get_lambda():\n", - " bestn = argsort(topic, topn=10, reverse=True)\n", - "topics.append(bestn)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "13f246a0-918e-44c1-ae19-7af118d83585" - } - }, - "source": [ - "__Step 1__: Segmentation" - ] - }, - { - "cell_type": "code", - "execution_count": 51, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "821ab68b-c377-40b1-bdf3-b92d66414383" - } - }, - "outputs": [], - "source": [ - "# Perform segmentation\n", - "segmented_topics = measure.seg(topics)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "e4b50714-b644-4213-b3cb-bdac9fe22476" - } - }, - "source": [ - "__Step 2__: Probability estimation" - ] - }, - { - "cell_type": "code", - "execution_count": 52, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "d8a8bcc6-8b37-4d4f-ad06-903804776078" - } - }, - "outputs": [], - "source": [ - "# Since this is a window-based coherence measure we will perform window based prob estimation\n", - "per_topic_postings, num_windows = measure.prob(texts=train_texts, segmented_topics=segmented_topics,\n", - " dictionary=dictionary, window_size=2)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "6f302dcb-787b-42b0-98f0-1df0a163a818" - } - }, - "source": [ - "__Step 3__: Confirmation Measure" - ] - }, - { - "cell_type": "code", - "execution_count": 53, - "metadata": { - "collapsed": true, - "nbpresent": { - "id": "ffb5aaa9-5fa1-4b28-ba2f-e23525caa392" - } - }, - "outputs": [], - "source": [ - "confirmed_measures = measure.conf(segmented_topics, per_topic_postings, num_windows, normalize=False)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "nbpresent": { - "id": "3544f061-6870-4630-bd54-79f75decf8b6" - } - }, - "source": [ - "__Step 4__: Aggregation" - ] - }, - { - "cell_type": "code", - "execution_count": 54, - "metadata": { - "collapsed": false, - "nbpresent": { - "id": "31c64f41-a499-4f80-8ccd-1364940f7383" - } - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "-11.2873225334\n" - ] - } - ], - "source": [ - "print(measure.aggr(confirmed_measures))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# How this topic model can be used further\n", - "The best topic model here can be used as a standalone for news article classification. However a topic model can also be used as a dimensionality reduction algorithm to feed into a classifier. A good topic model should be able to extract the signal from the noise efficiently, hence improving the performance of the classifier." - ] - } - ], - "metadata": { - "anaconda-cloud": {}, - "kernelspec": { - "display_name": "Python 2", - "language": "python", - "name": "python2" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 2 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" - }, - "nbpresent": { - "slides": { - "04abaf09-1754-419e-9cf8-3c4f0accfc5f": { - "id": "04abaf09-1754-419e-9cf8-3c4f0accfc5f", - "prev": "67c9421a-0e61-4346-873f-bf3769d00c97", - "regions": { - "48b5cd39-b89b-4e2f-be2a-47a0fccafd3b": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "862c087b-b918-47b9-b0cf-42b71996e061", - "part": "whole" - }, - "id": "48b5cd39-b89b-4e2f-be2a-47a0fccafd3b" - } - } - }, - "0527f44a-39b6-4cf8-9802-d16b8cd34754": { - "id": "0527f44a-39b6-4cf8-9802-d16b8cd34754", - "prev": "103c32ed-02bc-4365-a431-5acd77fe6585", - "regions": { - "ed3805ae-4076-41ad-a578-69a0b2356f95": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "b3652f43-da03-4027-9170-83e1679dfa2b", - "part": "whole" - }, - "id": "ed3805ae-4076-41ad-a578-69a0b2356f95" - } - } - }, - "05fa6235-ac93-41b7-9975-3fee534b0c94": { - "id": "05fa6235-ac93-41b7-9975-3fee534b0c94", - "prev": "e44d6d8f-7236-458f-a308-36142bc72ff4", - "regions": { - "3e316a57-509e-404e-a89b-bde56696b966": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "c39406c8-1e69-4249-91ac-894338d4053b", - "part": "whole" - }, - "id": "3e316a57-509e-404e-a89b-bde56696b966" - } - } - }, - "0e2565e0-a21d-4dbb-a4b3-8698e797c45d": { - "id": "0e2565e0-a21d-4dbb-a4b3-8698e797c45d", - "prev": "11baa747-dc0e-430a-8f38-65331394d2fd", - "regions": { - "2e423579-bece-40ca-ba30-122f49d93655": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "e4b50714-b644-4213-b3cb-bdac9fe22476", - "part": "whole" - }, - "id": "2e423579-bece-40ca-ba30-122f49d93655" - } - } - }, - "103c32ed-02bc-4365-a431-5acd77fe6585": { - "id": "103c32ed-02bc-4365-a431-5acd77fe6585", - "prev": "23b717ee-a57c-42c5-9959-c8a314a329c6", - "regions": { - "aa966e74-db8d-473a-9ee6-8cad8e7407f3": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "664fa23d-ba6e-4a30-9287-e4fef1cc093e", - "part": "whole" - }, - "id": "aa966e74-db8d-473a-9ee6-8cad8e7407f3" - } - } - }, - "10763d44-d64e-46c7-a164-8b92d219e71d": { - "id": "10763d44-d64e-46c7-a164-8b92d219e71d", - "prev": "d84b78ed-e79f-4657-b62b-eeff30c4fe8d", - "regions": { - "a27ddbe9-cfa8-49fe-b284-3567ebbfb1c7": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "43870992-c2ff-47cf-8b6b-f62855673b42", - "part": "whole" - }, - "id": "a27ddbe9-cfa8-49fe-b284-3567ebbfb1c7" - } - } - }, - "11baa747-dc0e-430a-8f38-65331394d2fd": { - "id": "11baa747-dc0e-430a-8f38-65331394d2fd", - "prev": "a2c51720-8844-4953-94a8-55d723ec2499", - "regions": { - "6d7e8f18-6703-4c31-8353-4a714df2d33f": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "821ab68b-c377-40b1-bdf3-b92d66414383", - "part": "whole" - }, - "id": "6d7e8f18-6703-4c31-8353-4a714df2d33f" - } - } - }, - "12513a0d-3e80-464d-9285-3bdd87e0b9c0": { - "id": "12513a0d-3e80-464d-9285-3bdd87e0b9c0", - "prev": "e71a7d3a-c9bb-4db0-9597-95b9b3233d3b", - "regions": { - "5fb06a62-1d61-417a-9c02-3fa7fa00fee1": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "416f5820-1538-4483-a77f-5211c8179891", - "part": "whole" - }, - "id": "5fb06a62-1d61-417a-9c02-3fa7fa00fee1" - } - } - }, - "13c7e576-8024-4b19-8874-d65c24a9ee0f": { - "id": "13c7e576-8024-4b19-8874-d65c24a9ee0f", - "prev": "b6050bf2-3f03-47ef-9510-80c01755a79e", - "regions": { - "45c58bb7-75a4-4434-b5fa-59f7ad56e7d6": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "2c5b03e0-ce0f-4999-8fe1-820a9fe06873", - "part": "whole" - }, - "id": "45c58bb7-75a4-4434-b5fa-59f7ad56e7d6" - } - } - }, - "23b717ee-a57c-42c5-9959-c8a314a329c6": { - "id": "23b717ee-a57c-42c5-9959-c8a314a329c6", - "prev": "4033c3a0-0021-4cbc-a589-50c63550217b", - "regions": { - "ca7e045e-962d-47e3-a594-eafdf7424671": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "df6cc31a-0b01-4700-b210-836dd510007a", - "part": "whole" - }, - "id": "ca7e045e-962d-47e3-a594-eafdf7424671" - } - } - }, - "257bf09e-bd55-4957-97ea-4d3c8b85016a": { - "id": "257bf09e-bd55-4957-97ea-4d3c8b85016a", - "prev": null, - "regions": { - "cf220469-7ef0-4fb9-80b4-cbdb55aa86db": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "e0085648-0300-4087-9b12-ee7d2392ce4f", - "part": "whole" - }, - "id": "cf220469-7ef0-4fb9-80b4-cbdb55aa86db" - } - } - }, - "280f0473-61ec-4b88-b9d4-172e734fd0a5": { - "id": "280f0473-61ec-4b88-b9d4-172e734fd0a5", - "prev": "d7495fd8-cfb5-42ee-a0eb-86679c419bae", - "regions": { - "c58169da-ccea-4657-95a3-fc1e5fba3ac3": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "f4d505e5-5e90-4770-aaae-04ae05d697b5", - "part": "whole" - }, - "id": "c58169da-ccea-4657-95a3-fc1e5fba3ac3" - } - } - }, - "2e4a9702-f7a2-48a5-bd13-2087e9216b38": { - "id": "2e4a9702-f7a2-48a5-bd13-2087e9216b38", - "prev": "04abaf09-1754-419e-9cf8-3c4f0accfc5f", - "regions": { - "b31a05d5-a8fe-40d2-a368-cc39f50ee938": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "1181e3a8-6803-4f41-9d55-397f3d700c28", - "part": "whole" - }, - "id": "b31a05d5-a8fe-40d2-a368-cc39f50ee938" - } - } - }, - "4033c3a0-0021-4cbc-a589-50c63550217b": { - "id": "4033c3a0-0021-4cbc-a589-50c63550217b", - "prev": "c68aae9d-645c-4cbf-9dc1-92ed9aa0f5d3", - "regions": { - "55173d13-adca-4e7f-a760-92bd299e6c40": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "b86ba0c1-c7c4-43a5-a9f5-8dfe7967be6c", - "part": "whole" - }, - "id": "55173d13-adca-4e7f-a760-92bd299e6c40" - } - } - }, - "479d81b5-3b8b-4ddf-bbfe-6ae6ff33c2fa": { - "id": "479d81b5-3b8b-4ddf-bbfe-6ae6ff33c2fa", - "prev": "280f0473-61ec-4b88-b9d4-172e734fd0a5", - "regions": { - "6c334c87-c8a0-4328-b310-6be0e9a89532": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "4dbde9d2-3a9d-4677-8dd4-90066c0cb7c4", - "part": "whole" - }, - "id": "6c334c87-c8a0-4328-b310-6be0e9a89532" - } - } - }, - "488af944-ad92-49c5-9d1d-ccdb1e929dce": { - "id": "488af944-ad92-49c5-9d1d-ccdb1e929dce", - "prev": "13c7e576-8024-4b19-8874-d65c24a9ee0f", - "regions": { - "fb1eddce-8820-408b-8b73-3a1654b93816": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "7da56259-bbf2-4f63-93f6-033833ae4494", - "part": "whole" - }, - "id": "fb1eddce-8820-408b-8b73-3a1654b93816" - } - } - }, - "4af127dc-0330-4f8e-b907-3e409ba31a06": { - "id": "4af127dc-0330-4f8e-b907-3e409ba31a06", - "prev": "fbd9f3b3-f9b0-4886-b987-3f9d0ca983bc", - "regions": { - "1f9e4115-c1c7-4e4c-a262-648adc28ad2a": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "3d784001-6875-4be5-b8e8-e6c490f5b7b4", - "part": "whole" - }, - "id": "1f9e4115-c1c7-4e4c-a262-648adc28ad2a" - } - } - }, - "67c9421a-0e61-4346-873f-bf3769d00c97": { - "id": "67c9421a-0e61-4346-873f-bf3769d00c97", - "prev": "efc03832-2e6d-4250-8ac5-f4c13cfdb733", - "regions": { - "d9b839cd-46ac-451d-bb1b-3edd613c0ba3": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "3ca3d45b-a28b-41c7-b5de-4c124c50d13d", - "part": "whole" - }, - "id": "d9b839cd-46ac-451d-bb1b-3edd613c0ba3" - } - } - }, - "78837f0a-d7b6-48ae-b64e-3a2af8286ccc": { - "id": "78837f0a-d7b6-48ae-b64e-3a2af8286ccc", - "prev": "bb7417b1-270b-4977-bbf3-606a574c38ec", - "regions": { - "37ced915-20bf-49cd-9691-82e9fdcfe211": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "b1a8c7b4-dc46-4bfe-b17b-d604f212b389", - "part": "whole" - }, - "id": "37ced915-20bf-49cd-9691-82e9fdcfe211" - } - } - }, - "7f7b5da4-7345-442b-8cd5-662cfba97db9": { - "id": "7f7b5da4-7345-442b-8cd5-662cfba97db9", - "prev": "f6d5269c-54db-4887-b274-d00572aead72", - "regions": { - "5fcadbcf-4f67-4bd7-bc4c-0e9db215581c": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "a02b72fb-0049-4ec3-825f-179e396f3904", - "part": "whole" - }, - "id": "5fcadbcf-4f67-4bd7-bc4c-0e9db215581c" - } - } - }, - "823091e1-74b1-44e3-af50-388881c30968": { - "id": "823091e1-74b1-44e3-af50-388881c30968", - "prev": "e24d4b0b-34e2-46de-a99d-a4be39ca2951", - "regions": { - "cd97517e-4f86-48bd-9496-92ebad8c97cf": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "ffb5aaa9-5fa1-4b28-ba2f-e23525caa392", - "part": "whole" - }, - "id": "cd97517e-4f86-48bd-9496-92ebad8c97cf" - } - } - }, - "845fbe01-dd28-4ad8-9eb5-d13c49f6772c": { - "id": "845fbe01-dd28-4ad8-9eb5-d13c49f6772c", - "prev": "87040bd6-a3e9-4785-97e0-08d7e7c5b8ef", - "regions": { - "1b5a1350-c3d1-43d8-bbc3-90ac260b5a8b": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "bcbc3313-3a57-4923-b330-69691eaf7535", - "part": "whole" - }, - "id": "1b5a1350-c3d1-43d8-bbc3-90ac260b5a8b" - } - } - }, - "8541226b-6ff1-4700-a399-71e3cf68d91b": { - "id": "8541226b-6ff1-4700-a399-71e3cf68d91b", - "prev": "10763d44-d64e-46c7-a164-8b92d219e71d", - "regions": { - "7c4c47d8-a698-4e96-a411-556d9ad6b15b": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "281d1434-ce22-46c6-ba53-71a24a476568", - "part": "whole" - }, - "id": "7c4c47d8-a698-4e96-a411-556d9ad6b15b" - } - } - }, - "87040bd6-a3e9-4785-97e0-08d7e7c5b8ef": { - "id": "87040bd6-a3e9-4785-97e0-08d7e7c5b8ef", - "prev": "ad16016c-8a9e-49da-a3d2-5ab56ca11579", - "regions": { - "cc35a589-c8c7-459f-893d-102c0d77bee3": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "8778b874-a6d1-4f2f-ba02-35dc0fa10f0c", - "part": "whole" - }, - "id": "cc35a589-c8c7-459f-893d-102c0d77bee3" - } - } - }, - "8aa83fc2-d106-4c85-8b7f-1116db7ee9d4": { - "id": "8aa83fc2-d106-4c85-8b7f-1116db7ee9d4", - "prev": "f870a325-581b-4d8e-a4c0-095972e4cc21", - "regions": { - "9f7afc1f-6e9d-47bf-98e0-7e0350e1f516": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "45b1a641-1152-4364-ad25-62d1f8187317", - "part": "whole" - }, - "id": "9f7afc1f-6e9d-47bf-98e0-7e0350e1f516" - } - } - }, - "944a5639-4b22-4f7f-b836-5ac3bf1cb21e": { - "id": "944a5639-4b22-4f7f-b836-5ac3bf1cb21e", - "prev": "d30e098d-5b03-4087-bb2e-fe706d78fae9", - "regions": { - "c32c5800-6b61-4a15-b909-b1163c6ffe62": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "4329af31-21b4-4570-903a-6df3715244c7", - "part": "whole" - }, - "id": "c32c5800-6b61-4a15-b909-b1163c6ffe62" - } - } - }, - "951ea1a1-a91e-41a8-827e-fc3624ae3250": { - "id": "951ea1a1-a91e-41a8-827e-fc3624ae3250", - "prev": "d46a6bb8-e8dc-42dd-ac78-33a9cc66fcaa", - "regions": { - "bc84fb60-e322-4e23-8b12-21f7fbfd11be": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "caa35df4-b625-4246-bc1f-42c561f31486", - "part": "whole" - }, - "id": "bc84fb60-e322-4e23-8b12-21f7fbfd11be" - } - } - }, - "96f08da8-8b76-4bf1-829e-50dc77b96f23": { - "id": "96f08da8-8b76-4bf1-829e-50dc77b96f23", - "prev": "7f7b5da4-7345-442b-8cd5-662cfba97db9", - "regions": { - "ee8f45c8-aaa8-4c02-8067-bee120c4685d": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "672c009d-3dbc-4a1f-a789-2a0fe78729b9", - "part": "whole" - }, - "id": "ee8f45c8-aaa8-4c02-8067-bee120c4685d" - } - } - }, - "9d28ba7f-c1e5-4ac3-ae0d-08721cddf897": { - "id": "9d28ba7f-c1e5-4ac3-ae0d-08721cddf897", - "prev": "b758d6c7-7c92-4aba-a50f-4ea841c3bbd5", - "regions": { - "f1d84675-1d92-48aa-b454-b5cfd4919f9c": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "85e46481-0245-448c-b4e2-e0c6e175357c", - "part": "whole" - }, - "id": "f1d84675-1d92-48aa-b454-b5cfd4919f9c" - } - } - }, - "a2c51720-8844-4953-94a8-55d723ec2499": { - "id": "a2c51720-8844-4953-94a8-55d723ec2499", - "prev": "ec5e5d0b-4635-44cc-acc2-f4a52d49a309", - "regions": { - "8e52be0c-e63e-434c-b1ca-9c69b58557a6": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "13f246a0-918e-44c1-ae19-7af118d83585", - "part": "whole" - }, - "id": "8e52be0c-e63e-434c-b1ca-9c69b58557a6" - } - } - }, - "ad16016c-8a9e-49da-a3d2-5ab56ca11579": { - "id": "ad16016c-8a9e-49da-a3d2-5ab56ca11579", - "prev": "257bf09e-bd55-4957-97ea-4d3c8b85016a", - "regions": { - "ba9b7c66-e2b9-4e94-a595-b6e1e9c8ba3a": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "25997dab-04e3-4abc-b22f-b36944b208c2", - "part": "whole" - }, - "id": "ba9b7c66-e2b9-4e94-a595-b6e1e9c8ba3a" - } - } - }, - "aea4c7d8-d448-4c6e-b98a-aee48ab874f3": { - "id": "aea4c7d8-d448-4c6e-b98a-aee48ab874f3", - "prev": "823091e1-74b1-44e3-af50-388881c30968", - "regions": { - "c9f42ad3-4f13-490e-98af-ba7f90c04c7e": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "3544f061-6870-4630-bd54-79f75decf8b6", - "part": "whole" - }, - "id": "c9f42ad3-4f13-490e-98af-ba7f90c04c7e" - } - } - }, - "aedf0537-c77a-45f0-9d07-af274cfcc254": { - "id": "aedf0537-c77a-45f0-9d07-af274cfcc254", - "prev": "e6ae4652-4831-456f-a99c-275d5a367c31", - "regions": { - "6b39b1f4-a8eb-48a7-abe6-34f074ddfffe": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "58e7dda6-0dd2-4e4f-b81a-0b530c66b20b", - "part": "whole" - }, - "id": "6b39b1f4-a8eb-48a7-abe6-34f074ddfffe" - } - } - }, - "b225aeee-0655-46cd-b065-53ac161542e1": { - "id": "b225aeee-0655-46cd-b065-53ac161542e1", - "prev": "944a5639-4b22-4f7f-b836-5ac3bf1cb21e", - "regions": { - "3fb9131f-b513-4608-88e3-1829aab4af80": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "0924faf0-a957-4d12-b35c-b50ebb30f370", - "part": "whole" - }, - "id": "3fb9131f-b513-4608-88e3-1829aab4af80" - } - } - }, - "b6050bf2-3f03-47ef-9510-80c01755a79e": { - "id": "b6050bf2-3f03-47ef-9510-80c01755a79e", - "prev": "96f08da8-8b76-4bf1-829e-50dc77b96f23", - "regions": { - "35a04fb6-5997-463a-b71f-8ad41ce5def6": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "f7724653-52ef-41e8-aa22-6232be216b08", - "part": "whole" - }, - "id": "35a04fb6-5997-463a-b71f-8ad41ce5def6" - } - } - }, - "b758d6c7-7c92-4aba-a50f-4ea841c3bbd5": { - "id": "b758d6c7-7c92-4aba-a50f-4ea841c3bbd5", - "prev": "f2b5f77b-2cf3-4728-901e-453b1ee328e4", - "regions": { - "3907d293-429a-446b-aa7b-d48636df66de": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "92dbb672-adca-4535-8089-de23712828d8", - "part": "whole" - }, - "id": "3907d293-429a-446b-aa7b-d48636df66de" - } - } - }, - "b78b6f6e-aa16-462e-8f65-fcb552b32c31": { - "id": "b78b6f6e-aa16-462e-8f65-fcb552b32c31", - "prev": "de9edf29-6b79-4254-9128-e8e5339d95b7", - "regions": { - "7907113d-9b89-4a1c-9b8e-9ccf0f800218": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "0e5ca1a8-9c78-412a-9ab4-a4d0be5afd34", - "part": "whole" - }, - "id": "7907113d-9b89-4a1c-9b8e-9ccf0f800218" - } - } - }, - "bb7417b1-270b-4977-bbf3-606a574c38ec": { - "id": "bb7417b1-270b-4977-bbf3-606a574c38ec", - "prev": "aedf0537-c77a-45f0-9d07-af274cfcc254", - "regions": { - "4186cf60-3730-4fac-9b82-c178d043465c": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "6b5572c0-2ab0-4b13-a08f-3db21b4c4f21", - "part": "whole" - }, - "id": "4186cf60-3730-4fac-9b82-c178d043465c" - } - } - }, - "bc583748-3efc-4990-a121-5c23ddd1cf76": { - "id": "bc583748-3efc-4990-a121-5c23ddd1cf76", - "prev": "b78b6f6e-aa16-462e-8f65-fcb552b32c31", - "regions": { - "1fe1815a-69fc-439e-9943-115c788d87de": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "161e8770-8bc2-41ae-98f4-08d1c9311e82", - "part": "whole" - }, - "id": "1fe1815a-69fc-439e-9943-115c788d87de" - } - } - }, - "bebeb5ec-eea2-4353-b2e1-ba7cdb847132": { - "id": "bebeb5ec-eea2-4353-b2e1-ba7cdb847132", - "prev": "aea4c7d8-d448-4c6e-b98a-aee48ab874f3", - "regions": { - "acd4706d-0fa8-4d2c-93b1-e01bcddce185": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "31c64f41-a499-4f80-8ccd-1364940f7383", - "part": "whole" - }, - "id": "acd4706d-0fa8-4d2c-93b1-e01bcddce185" - } - } - }, - "c68aae9d-645c-4cbf-9dc1-92ed9aa0f5d3": { - "id": "c68aae9d-645c-4cbf-9dc1-92ed9aa0f5d3", - "prev": "b225aeee-0655-46cd-b065-53ac161542e1", - "regions": { - "18e9a755-775e-407c-adec-19d9d2553aa3": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "59cc671f-041a-4d6f-a609-f1b9855aa05c", - "part": "whole" - }, - "id": "18e9a755-775e-407c-adec-19d9d2553aa3" - } - } - }, - "c86c2c29-3931-4f32-b9b8-2927bd48a5d2": { - "id": "c86c2c29-3931-4f32-b9b8-2927bd48a5d2", - "prev": "8541226b-6ff1-4700-a399-71e3cf68d91b", - "regions": { - "98d1caf9-aaab-4a6a-8d39-875e61f4b508": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "ada914a2-bacb-4300-8ce3-f1332843d24c", - "part": "whole" - }, - "id": "98d1caf9-aaab-4a6a-8d39-875e61f4b508" - } - } - }, - "ca688a20-d25d-4266-8f63-967e003c1f2f": { - "id": "ca688a20-d25d-4266-8f63-967e003c1f2f", - "prev": "78837f0a-d7b6-48ae-b64e-3a2af8286ccc", - "regions": { - "3b6c70c9-c6b9-4505-aefb-c64c0d183b96": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "943a5fcd-7c2e-4c16-9879-34882a7a74d4", - "part": "whole" - }, - "id": "3b6c70c9-c6b9-4505-aefb-c64c0d183b96" - } - } - }, - "d30e098d-5b03-4087-bb2e-fe706d78fae9": { - "id": "d30e098d-5b03-4087-bb2e-fe706d78fae9", - "prev": "c86c2c29-3931-4f32-b9b8-2927bd48a5d2", - "regions": { - "ce2693da-705b-4afd-9284-d04c8e1b2ff4": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "4f313370-b5f0-4754-9744-157da0447fc4", - "part": "whole" - }, - "id": "ce2693da-705b-4afd-9284-d04c8e1b2ff4" - } - } - }, - "d386ac9f-a3fc-4b7e-8171-72c5de5bcd6b": { - "id": "d386ac9f-a3fc-4b7e-8171-72c5de5bcd6b", - "prev": "488af944-ad92-49c5-9d1d-ccdb1e929dce", - "regions": { - "742b6acb-94bd-40bc-95c5-45686415a4d2": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "13f462fd-b0c3-4a29-90f3-050e2317b72c", - "part": "whole" - }, - "id": "742b6acb-94bd-40bc-95c5-45686415a4d2" - } - } - }, - "d46a6bb8-e8dc-42dd-ac78-33a9cc66fcaa": { - "id": "d46a6bb8-e8dc-42dd-ac78-33a9cc66fcaa", - "prev": "e1b1494f-f764-4c7c-9b18-9c4117ac6b1a", - "regions": { - "46818eb4-db41-4ae4-ab4a-fb8aa8381df4": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "699e2ddb-add6-4134-a723-1bb37029f013", - "part": "whole" - }, - "id": "46818eb4-db41-4ae4-ab4a-fb8aa8381df4" - } - } - }, - "d7495fd8-cfb5-42ee-a0eb-86679c419bae": { - "id": "d7495fd8-cfb5-42ee-a0eb-86679c419bae", - "prev": "845fbe01-dd28-4ad8-9eb5-d13c49f6772c", - "regions": { - "1b6fb9c6-e9e8-48d0-8879-43681a10b003": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "d447e236-b1b9-4cf7-bc39-8bfb499d4730", - "part": "whole" - }, - "id": "1b6fb9c6-e9e8-48d0-8879-43681a10b003" - } - } - }, - "d84b78ed-e79f-4657-b62b-eeff30c4fe8d": { - "id": "d84b78ed-e79f-4657-b62b-eeff30c4fe8d", - "prev": "05fa6235-ac93-41b7-9975-3fee534b0c94", - "regions": { - "2dc757c4-cd6f-4663-b3ed-16873bd59e53": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "6b8eef4a-a87d-42bd-84dd-586610828698", - "part": "whole" - }, - "id": "2dc757c4-cd6f-4663-b3ed-16873bd59e53" - } - } - }, - "de9edf29-6b79-4254-9128-e8e5339d95b7": { - "id": "de9edf29-6b79-4254-9128-e8e5339d95b7", - "prev": "4af127dc-0330-4f8e-b907-3e409ba31a06", - "regions": { - "ef8b9aae-46b3-45ae-8ddf-d951cecabb16": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "d8cfc39f-aa3b-469f-ae34-1ef99ef51a25", - "part": "whole" - }, - "id": "ef8b9aae-46b3-45ae-8ddf-d951cecabb16" - } - } - }, - "deebcf04-3780-4222-bac9-4ec42c55e64e": { - "id": "deebcf04-3780-4222-bac9-4ec42c55e64e", - "prev": "479d81b5-3b8b-4ddf-bbfe-6ae6ff33c2fa", - "regions": { - "41284583-e45d-4b58-80b1-9aa982c35d62": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "e7995c4c-f483-4cb5-9f53-3b8c5fef39c3", - "part": "whole" - }, - "id": "41284583-e45d-4b58-80b1-9aa982c35d62" - } - } - }, - "e1226821-9a12-4537-a8af-79cc88d3d16a": { - "id": "e1226821-9a12-4537-a8af-79cc88d3d16a", - "prev": "0e2565e0-a21d-4dbb-a4b3-8698e797c45d", - "regions": { - "a85036ed-bcf3-498f-bcbf-d29b7ba22e33": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "d8a8bcc6-8b37-4d4f-ad06-903804776078", - "part": "whole" - }, - "id": "a85036ed-bcf3-498f-bcbf-d29b7ba22e33" - } - } - }, - "e1b1494f-f764-4c7c-9b18-9c4117ac6b1a": { - "id": "e1b1494f-f764-4c7c-9b18-9c4117ac6b1a", - "prev": "e975c742-3e8e-42fb-992f-68889dc8eacf", - "regions": { - "4481842a-f6a3-4783-8056-761d3ff7903c": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "c02b6f0a-801c-4a8f-aa8f-8c9d64df7a9a", - "part": "whole" - }, - "id": "4481842a-f6a3-4783-8056-761d3ff7903c" - } - } - }, - "e24d4b0b-34e2-46de-a99d-a4be39ca2951": { - "id": "e24d4b0b-34e2-46de-a99d-a4be39ca2951", - "prev": "e1226821-9a12-4537-a8af-79cc88d3d16a", - "regions": { - "8a097e4f-9443-46a4-9b0f-84d5e12c50e7": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "6f302dcb-787b-42b0-98f0-1df0a163a818", - "part": "whole" - }, - "id": "8a097e4f-9443-46a4-9b0f-84d5e12c50e7" - } - } - }, - "e44d6d8f-7236-458f-a308-36142bc72ff4": { - "id": "e44d6d8f-7236-458f-a308-36142bc72ff4", - "prev": "951ea1a1-a91e-41a8-827e-fc3624ae3250", - "regions": { - "cc091066-cdf1-4dd5-bf80-5c7c94722472": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "d2aa5aac-acc7-41c9-96d4-5410c0d8a14b", - "part": "whole" - }, - "id": "cc091066-cdf1-4dd5-bf80-5c7c94722472" - } - } - }, - "e6ae4652-4831-456f-a99c-275d5a367c31": { - "id": "e6ae4652-4831-456f-a99c-275d5a367c31", - "prev": "bc583748-3efc-4990-a121-5c23ddd1cf76", - "regions": { - "fc109e55-75c1-42c7-a13b-68d9feb3aad7": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "fe809373-e88b-44eb-9cb9-08be3dc5949a", - "part": "whole" - }, - "id": "fc109e55-75c1-42c7-a13b-68d9feb3aad7" - } - } - }, - "e71a7d3a-c9bb-4db0-9597-95b9b3233d3b": { - "id": "e71a7d3a-c9bb-4db0-9597-95b9b3233d3b", - "prev": "f6887642-4c01-4304-bedb-6e6bf5f5c45e", - "regions": { - "88ed165d-ed0c-4d77-a642-afc80f335c88": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "9994e7f0-f366-40da-9c14-76e8142ee46e", - "part": "whole" - }, - "id": "88ed165d-ed0c-4d77-a642-afc80f335c88" - } - } - }, - "e975c742-3e8e-42fb-992f-68889dc8eacf": { - "id": "e975c742-3e8e-42fb-992f-68889dc8eacf", - "prev": "8aa83fc2-d106-4c85-8b7f-1116db7ee9d4", - "regions": { - "6f8253e7-9544-4503-84a2-5dd528b2b98c": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "e8936716-d06c-4cef-ae87-5c5da9a25a85", - "part": "whole" - }, - "id": "6f8253e7-9544-4503-84a2-5dd528b2b98c" - } - } - }, - "ec5e5d0b-4635-44cc-acc2-f4a52d49a309": { - "id": "ec5e5d0b-4635-44cc-acc2-f4a52d49a309", - "prev": "12513a0d-3e80-464d-9285-3bdd87e0b9c0", - "regions": { - "007395dd-4907-4340-9391-024482d674f4": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "aa9d35ae-c458-49d2-bdbe-d93d5cb3ba9c", - "part": "whole" - }, - "id": "007395dd-4907-4340-9391-024482d674f4" - } - } - }, - "efc03832-2e6d-4250-8ac5-f4c13cfdb733": { - "id": "efc03832-2e6d-4250-8ac5-f4c13cfdb733", - "prev": "deebcf04-3780-4222-bac9-4ec42c55e64e", - "regions": { - "ece43b16-b994-439a-a683-911e322998be": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "a6d40ad7-2abd-44e5-8839-62731fb5eab7", - "part": "whole" - }, - "id": "ece43b16-b994-439a-a683-911e322998be" - } - } - }, - "f2b5f77b-2cf3-4728-901e-453b1ee328e4": { - "id": "f2b5f77b-2cf3-4728-901e-453b1ee328e4", - "prev": "ca688a20-d25d-4266-8f63-967e003c1f2f", - "regions": { - "fd2525a2-6271-4119-a693-9ebaa319233e": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "b492de13-0053-416c-b314-1bbae21ca828", - "part": "whole" - }, - "id": "fd2525a2-6271-4119-a693-9ebaa319233e" - } - } - }, - "f6887642-4c01-4304-bedb-6e6bf5f5c45e": { - "id": "f6887642-4c01-4304-bedb-6e6bf5f5c45e", - "prev": "0527f44a-39b6-4cf8-9802-d16b8cd34754", - "regions": { - "22ac5030-534d-4372-b64f-11254caef474": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "8ce2b802-f0c1-4ffc-9ce5-c2792856b5b4", - "part": "whole" - }, - "id": "22ac5030-534d-4372-b64f-11254caef474" - } - } - }, - "f6d5269c-54db-4887-b274-d00572aead72": { - "id": "f6d5269c-54db-4887-b274-d00572aead72", - "prev": "9d28ba7f-c1e5-4ac3-ae0d-08721cddf897", - "regions": { - "4adeafcb-a40e-4001-9cea-ced25a006c2a": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "380ef8b7-6de1-4822-ae30-7120e12b5955", - "part": "whole" - }, - "id": "4adeafcb-a40e-4001-9cea-ced25a006c2a" - } - } - }, - "f870a325-581b-4d8e-a4c0-095972e4cc21": { - "id": "f870a325-581b-4d8e-a4c0-095972e4cc21", - "prev": "d386ac9f-a3fc-4b7e-8171-72c5de5bcd6b", - "regions": { - "6923b170-3e50-4538-a408-f2032324357e": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "68d38063-fb92-4d36-b3fb-f2d3cbff9eb5", - "part": "whole" - }, - "id": "6923b170-3e50-4538-a408-f2032324357e" - } - } - }, - "fbd9f3b3-f9b0-4886-b987-3f9d0ca983bc": { - "id": "fbd9f3b3-f9b0-4886-b987-3f9d0ca983bc", - "prev": "2e4a9702-f7a2-48a5-bd13-2087e9216b38", - "regions": { - "b1150180-2e0b-444f-956f-2dd4cf1f3d4a": { - "attrs": { - "height": 0.8, - "width": 0.8, - "x": 0.1, - "y": 0.1 - }, - "content": { - "cell": "dbeeeabe-b6dd-477c-a798-fb7b39302ba9", - "part": "whole" - }, - "id": "b1150180-2e0b-444f-956f-2dd4cf1f3d4a" - } - } - } - }, - "themes": {} - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/docs/notebooks/keras_wrapper.ipynb b/docs/notebooks/keras_wrapper.ipynb index 74ce50f001..28f2a3e00a 100644 --- a/docs/notebooks/keras_wrapper.ipynb +++ b/docs/notebooks/keras_wrapper.ipynb @@ -154,11 +154,20 @@ "execution_count": 6, "metadata": {}, "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "WARNING:tensorflow:From /home/misha/envs/gensim/lib/python3.7/site-packages/tensorflow/python/framework/op_def_library.py:263: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.\n", + "Instructions for updating:\n", + "Colocations handled automatically by placer.\n" + ] + }, { "name": "stderr", "output_type": "stream", "text": [ - "/home/ivan/.virtualenvs/ker/lib/python2.7/site-packages/ipykernel_launcher.py:7: UserWarning: Update your `Model` call to the Keras 2 API: `Model(outputs=Tensor(\"do..., inputs=[" + "" ] }, "execution_count": 12, @@ -591,29 +621,17 @@ "metadata": {}, "outputs": [ { - "name": "stdout", - "output_type": "stream", - "text": [ - "Epoch 1/10\n", - "45/45 [==============================] - 0s - loss: 1.1035 - acc: 0.2000 \n", - "Epoch 2/10\n", - "45/45 [==============================] - 0s - loss: 1.0988 - acc: 0.3333 \n", - "Epoch 3/10\n", - "45/45 [==============================] - 0s - loss: 1.0972 - acc: 0.3333 \n", - "Epoch 4/10\n", - "45/45 [==============================] - 0s - loss: 1.0948 - acc: 0.6444 \n", - "Epoch 5/10\n", - "45/45 [==============================] - 0s - loss: 1.0938 - acc: 0.5778 \n", - "Epoch 6/10\n", - "45/45 [==============================] - 0s - loss: 1.0936 - acc: 0.5778 \n", - "Epoch 7/10\n", - "45/45 [==============================] - 0s - loss: 1.0900 - acc: 0.5111 \n", - "Epoch 8/10\n", - "45/45 [==============================] - 0s - loss: 1.0879 - acc: 0.5111 \n", - "Epoch 9/10\n", - "45/45 [==============================] - 0s - loss: 1.0856 - acc: 0.5778 \n", - "Epoch 10/10\n", - "45/45 [==============================] - 0s - loss: 1.0834 - acc: 0.5556 \n" + "ename": "ValueError", + "evalue": "Error when checking model target: the list of Numpy arrays that you are passing to your model is not the size the model expected. Expected to see 1 array(s), but instead got the following list of 45 arrays: [array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1...", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0mmodel\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mModel\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msequence_input\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpreds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 10\u001b[0m \u001b[0mmodel\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcompile\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mloss\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'categorical_crossentropy'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moptimizer\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'rmsprop'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmetrics\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'acc'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 11\u001b[0;31m \u001b[0mfit_ret_val\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mmodel\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mfit\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mx_train\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my_train\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mepochs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m10\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/keras/engine/training.py\u001b[0m in \u001b[0;36mfit\u001b[0;34m(self, x, y, batch_size, epochs, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, initial_epoch, steps_per_epoch, validation_steps, **kwargs)\u001b[0m\n\u001b[1;32m 950\u001b[0m \u001b[0msample_weight\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0msample_weight\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 951\u001b[0m \u001b[0mclass_weight\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mclass_weight\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 952\u001b[0;31m batch_size=batch_size)\n\u001b[0m\u001b[1;32m 953\u001b[0m \u001b[0;31m# Prepare validation data.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 954\u001b[0m \u001b[0mdo_validation\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;32mFalse\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/keras/engine/training.py\u001b[0m in \u001b[0;36m_standardize_user_data\u001b[0;34m(self, x, y, sample_weight, class_weight, check_array_lengths, batch_size)\u001b[0m\n\u001b[1;32m 787\u001b[0m \u001b[0mfeed_output_shapes\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 788\u001b[0m \u001b[0mcheck_batch_axis\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;31m# Don't enforce the batch size.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 789\u001b[0;31m exception_prefix='target')\n\u001b[0m\u001b[1;32m 790\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 791\u001b[0m \u001b[0;31m# Generate sample-wise weight values given the `sample_weight` and\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/keras/engine/training_utils.py\u001b[0m in \u001b[0;36mstandardize_input_data\u001b[0;34m(data, names, shapes, check_batch_axis, exception_prefix)\u001b[0m\n\u001b[1;32m 100\u001b[0m \u001b[0;34m'Expected to see '\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0mstr\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mnames\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0;34m' array(s), '\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 101\u001b[0m \u001b[0;34m'but instead got the following list of '\u001b[0m \u001b[0;34m+\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 102\u001b[0;31m str(len(data)) + ' arrays: ' + str(data)[:200] + '...')\n\u001b[0m\u001b[1;32m 103\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0mlen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mnames\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 104\u001b[0m raise ValueError(\n", + "\u001b[0;31mValueError\u001b[0m: Error when checking model target: the list of Numpy arrays that you are passing to your model is not the size the model expected. Expected to see 1 array(s), but instead got the following list of 45 arrays: [array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1],\n [0],\n [0]]), array([[1..." ] } ], @@ -640,17 +658,9 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{'mathematics': 0.33123398, 'physics': 0.34042257, 'theology': 0.32834342}\n" - ] - } - ], + "outputs": [], "source": [ "input_text = 'artificial intelligence'\n", "\n", @@ -677,21 +687,21 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/lda_model_difference.ipynb b/docs/notebooks/lda_model_difference.ipynb index 36a6cc343f..2c5906d4b7 100644 --- a/docs/notebooks/lda_model_difference.ipynb +++ b/docs/notebooks/lda_model_difference.ipynb @@ -85,8 +85,8 @@ "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 4min 17s, sys: 22.2 s, total: 4min 39s\n", - "Wall time: 5min 13s\n" + "CPU times: user 2min 31s, sys: 9.94 s, total: 2min 40s\n", + "Wall time: 4min 54s\n" ] } ], @@ -122,170 +122,22 @@ { "data": { "text/html": [ - "" + "!function(t){if(\"object\"==typeof exports&&\"undefined\"!=typeof module)module.exports=t();else if(\"function\"==typeof define&&define.amd)define([],t);else{(\"undefined\"!=typeof window?window:\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:this).Plotly=t()}}(function(){return function(){return function t(e,r,n){function i(o,s){if(!r[o]){if(!e[o]){var l=\"function\"==typeof require&&require;if(!s&&l)return l(o,!0);if(a)return a(o,!0);var c=new Error(\"Cannot find module '\"+o+\"'\");throw c.code=\"MODULE_NOT_FOUND\",c}var u=r[o]={exports:{}};e[o][0].call(u.exports,function(t){return i(e[o][1][t]||t)},u,u.exports,t,e,r,n)}return r[o].exports}for(var a=\"function\"==typeof require&&require,o=0;oplotly-logomark\"}}},{}],3:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/aggregate\")},{\"../src/transforms/aggregate\":1155}],4:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/bar\")},{\"../src/traces/bar\":843}],5:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/barpolar\")},{\"../src/traces/barpolar\":855}],6:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/box\")},{\"../src/traces/box\":865}],7:[function(t,e,r){\"use strict\";e.exports=t(\"../src/components/calendars\")},{\"../src/components/calendars\":568}],8:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/candlestick\")},{\"../src/traces/candlestick\":874}],9:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/carpet\")},{\"../src/traces/carpet\":893}],10:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/choropleth\")},{\"../src/traces/choropleth\":907}],11:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/cone\")},{\"../src/traces/cone\":915}],12:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contour\")},{\"../src/traces/contour\":930}],13:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contourcarpet\")},{\"../src/traces/contourcarpet\":941}],14:[function(t,e,r){\"use strict\";e.exports=t(\"../src/core\")},{\"../src/core\":675}],15:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/filter\")},{\"../src/transforms/filter\":1156}],16:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/groupby\")},{\"../src/transforms/groupby\":1157}],17:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmap\")},{\"../src/traces/heatmap\":953}],18:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmapgl\")},{\"../src/traces/heatmapgl\":963}],19:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram\")},{\"../src/traces/histogram\":974}],20:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2d\")},{\"../src/traces/histogram2d\":981}],21:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2dcontour\")},{\"../src/traces/histogram2dcontour\":985}],22:[function(t,e,r){\"use strict\";var n=t(\"./core\");n.register([t(\"./bar\"),t(\"./box\"),t(\"./heatmap\"),t(\"./histogram\"),t(\"./histogram2d\"),t(\"./histogram2dcontour\"),t(\"./pie\"),t(\"./contour\"),t(\"./scatterternary\"),t(\"./violin\"),t(\"./scatter3d\"),t(\"./surface\"),t(\"./mesh3d\"),t(\"./cone\"),t(\"./streamtube\"),t(\"./scattergeo\"),t(\"./choropleth\"),t(\"./scattergl\"),t(\"./splom\"),t(\"./pointcloud\"),t(\"./heatmapgl\"),t(\"./parcoords\"),t(\"./parcats\"),t(\"./scattermapbox\"),t(\"./sankey\"),t(\"./table\"),t(\"./carpet\"),t(\"./scattercarpet\"),t(\"./contourcarpet\"),t(\"./ohlc\"),t(\"./candlestick\"),t(\"./scatterpolar\"),t(\"./scatterpolargl\"),t(\"./barpolar\")]),n.register([t(\"./aggregate\"),t(\"./filter\"),t(\"./groupby\"),t(\"./sort\")]),n.register([t(\"./calendars\")]),e.exports=n},{\"./aggregate\":3,\"./bar\":4,\"./barpolar\":5,\"./box\":6,\"./calendars\":7,\"./candlestick\":8,\"./carpet\":9,\"./choropleth\":10,\"./cone\":11,\"./contour\":12,\"./contourcarpet\":13,\"./core\":14,\"./filter\":15,\"./groupby\":16,\"./heatmap\":17,\"./heatmapgl\":18,\"./histogram\":19,\"./histogram2d\":20,\"./histogram2dcontour\":21,\"./mesh3d\":23,\"./ohlc\":24,\"./parcats\":25,\"./parcoords\":26,\"./pie\":27,\"./pointcloud\":28,\"./sankey\":29,\"./scatter3d\":30,\"./scattercarpet\":31,\"./scattergeo\":32,\"./scattergl\":33,\"./scattermapbox\":34,\"./scatterpolar\":35,\"./scatterpolargl\":36,\"./scatterternary\":37,\"./sort\":38,\"./splom\":39,\"./streamtube\":40,\"./surface\":41,\"./table\":42,\"./violin\":43}],23:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/mesh3d\")},{\"../src/traces/mesh3d\":990}],24:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/ohlc\")},{\"../src/traces/ohlc\":995}],25:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcats\")},{\"../src/traces/parcats\":1004}],26:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcoords\")},{\"../src/traces/parcoords\":1013}],27:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pie\")},{\"../src/traces/pie\":1024}],28:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pointcloud\")},{\"../src/traces/pointcloud\":1033}],29:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/sankey\")},{\"../src/traces/sankey\":1039}],30:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatter3d\")},{\"../src/traces/scatter3d\":1075}],31:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattercarpet\")},{\"../src/traces/scattercarpet\":1081}],32:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergeo\")},{\"../src/traces/scattergeo\":1088}],33:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergl\")},{\"../src/traces/scattergl\":1096}],34:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattermapbox\")},{\"../src/traces/scattermapbox\":1102}],35:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolar\")},{\"../src/traces/scatterpolar\":1109}],36:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolargl\")},{\"../src/traces/scatterpolargl\":1113}],37:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterternary\")},{\"../src/traces/scatterternary\":1119}],38:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/sort\")},{\"../src/transforms/sort\":1159}],39:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/splom\")},{\"../src/traces/splom\":1124}],40:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/streamtube\")},{\"../src/traces/streamtube\":1129}],41:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/surface\")},{\"../src/traces/surface\":1134}],42:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/table\")},{\"../src/traces/table\":1142}],43:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/violin\")},{\"../src/traces/violin\":1150}],44:[function(t,e,r){\"use strict\";e.exports=function(t,e){t=t||document.body,e=e||{};var r=[.01,1/0];\"distanceLimits\"in e&&(r[0]=e.distanceLimits[0],r[1]=e.distanceLimits[1]);\"zoomMin\"in e&&(r[0]=e.zoomMin);\"zoomMax\"in e&&(r[1]=e.zoomMax);var c=i({center:e.center||[0,0,0],up:e.up||[0,1,0],eye:e.eye||[0,0,10],mode:e.mode||\"orbit\",distanceLimits:r}),u=[0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],f=0,h=t.clientWidth,p=t.clientHeight,d={view:c,element:t,delay:e.delay||16,rotateSpeed:e.rotateSpeed||1,zoomSpeed:e.zoomSpeed||1,translateSpeed:e.translateSpeed||1,flipX:!!e.flipX,flipY:!!e.flipY,modes:c.modes,tick:function(){var e=n(),r=this.delay;c.idle(e-r),c.flush(e-(100+2*r));var i=e-2*r;c.recalcMatrix(i);for(var a=!0,o=c.computedMatrix,s=0;s<16;++s)a=a&&u[s]===o[s],u[s]=o[s];var l=t.clientWidth===h&&t.clientHeight===p;return h=t.clientWidth,p=t.clientHeight,a?!l:(f=Math.exp(c.computedRadius[0]),!0)},lookAt:function(t,e,r){c.lookAt(c.lastT(),t,e,r)},rotate:function(t,e,r){c.rotate(c.lastT(),t,e,r)},pan:function(t,e,r){c.pan(c.lastT(),t,e,r)},translate:function(t,e,r){c.translate(c.lastT(),t,e,r)}};Object.defineProperties(d,{matrix:{get:function(){return c.computedMatrix},set:function(t){return c.setMatrix(c.lastT(),t),c.computedMatrix},enumerable:!0},mode:{get:function(){return c.getMode()},set:function(t){return c.setMode(t),c.getMode()},enumerable:!0},center:{get:function(){return c.computedCenter},set:function(t){return c.lookAt(c.lastT(),t),c.computedCenter},enumerable:!0},eye:{get:function(){return c.computedEye},set:function(t){return c.lookAt(c.lastT(),null,t),c.computedEye},enumerable:!0},up:{get:function(){return c.computedUp},set:function(t){return c.lookAt(c.lastT(),null,null,t),c.computedUp},enumerable:!0},distance:{get:function(){return f},set:function(t){return c.setDistance(c.lastT(),t),t},enumerable:!0},distanceLimits:{get:function(){return c.getDistanceLimits(r)},set:function(t){return c.setDistanceLimits(t),t},enumerable:!0}}),t.addEventListener(\"contextmenu\",function(t){return t.preventDefault(),!1});var g=0,v=0,m={shift:!1,control:!1,alt:!1,meta:!1};function y(e,r,i,a){var o=1/t.clientHeight,s=o*(r-g),l=o*(i-v),u=d.flipX?1:-1,h=d.flipY?1:-1,p=Math.PI*d.rotateSpeed,y=n();if(1&e)a.shift?c.rotate(y,0,0,-s*p):c.rotate(y,u*p*s,-h*p*l,0);else if(2&e)c.pan(y,-d.translateSpeed*s*f,d.translateSpeed*l*f,0);else if(4&e){var x=d.zoomSpeed*l/window.innerHeight*(y-c.lastT())*50;c.pan(y,0,0,f*(Math.exp(x)-1))}g=r,v=i,m=a}return a(t,y),t.addEventListener(\"touchstart\",function(e){var r=s(e.changedTouches[0],t);y(0,r[0],r[1],m),y(1,r[0],r[1],m),e.preventDefault()},!!l&&{passive:!1}),t.addEventListener(\"touchmove\",function(e){var r=s(e.changedTouches[0],t);y(1,r[0],r[1],m),e.preventDefault()},!!l&&{passive:!1}),t.addEventListener(\"touchend\",function(e){s(e.changedTouches[0],t),y(0,g,v,m),e.preventDefault()},!!l&&{passive:!1}),o(t,function(t,e,r){var i=d.flipX?1:-1,a=d.flipY?1:-1,o=n();if(Math.abs(t)>Math.abs(e))c.rotate(o,0,0,-t*i*Math.PI*d.rotateSpeed/window.innerWidth);else{var s=d.zoomSpeed*a*e/window.innerHeight*(o-c.lastT())/100;c.pan(o,0,0,f*(Math.exp(s)-1))}},!0),d};var n=t(\"right-now\"),i=t(\"3d-view\"),a=t(\"mouse-change\"),o=t(\"mouse-wheel\"),s=t(\"mouse-event-offset\"),l=t(\"has-passive-events\")},{\"3d-view\":45,\"has-passive-events\":394,\"mouse-change\":418,\"mouse-event-offset\":419,\"mouse-wheel\":421,\"right-now\":480}],45:[function(t,e,r){\"use strict\";e.exports=function(t){var e=(t=t||{}).eye||[0,0,1],r=t.center||[0,0,0],s=t.up||[0,1,0],l=t.distanceLimits||[0,1/0],c=t.mode||\"turntable\",u=n(),f=i(),h=a();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),new o({turntable:u,orbit:f,matrix:h},c)};var n=t(\"turntable-camera-controller\"),i=t(\"orbit-camera-controller\"),a=t(\"matrix-camera-controller\");function o(t,e){this._controllerNames=Object.keys(t),this._controllerList=this._controllerNames.map(function(e){return t[e]}),this._mode=e,this._active=t[e],this._active||(this._mode=\"turntable\",this._active=t.turntable),this.modes=this._controllerNames,this.computedMatrix=this._active.computedMatrix,this.computedEye=this._active.computedEye,this.computedUp=this._active.computedUp,this.computedCenter=this._active.computedCenter,this.computedRadius=this._active.computedRadius}var s=o.prototype;[[\"flush\",1],[\"idle\",1],[\"lookAt\",4],[\"rotate\",4],[\"pan\",4],[\"translate\",4],[\"setMatrix\",2],[\"setDistanceLimits\",2],[\"setDistance\",2]].forEach(function(t){for(var e=t[0],r=[],n=0;nr&&(a=r);var i=e.min(n,function(t){return(o[1]-(t.length-1)*a)/e.sum(t,h)});n.forEach(function(t){t.forEach(function(t,e){t.y=e,t.dy=t.value*i})}),l.forEach(function(t){t.dy=t.value*i})})(),d();for(var i=1;t>0;--t)p(i*=.99),d(),u(i),d();function u(t){function r(t){return f(t.source)*t.value}n.forEach(function(n){n.forEach(function(n){if(n.targetLinks.length){var i=e.sum(n.targetLinks,r)/e.sum(n.targetLinks,h);n.y+=(i-f(n))*t}})})}function p(t){function r(t){return f(t.target)*t.value}n.slice().reverse().forEach(function(n){n.forEach(function(n){if(n.sourceLinks.length){var i=e.sum(n.sourceLinks,r)/e.sum(n.sourceLinks,h);n.y+=(i-f(n))*t}})})}function d(){n.forEach(function(t){var e,r,n,i=0,s=t.length;for(t.sort(g),n=0;n0&&(e.y+=r),i=e.y+e.dy+a;if((r=i-a-o[1])>0)for(i=e.y-=r,n=s-2;n>=0;--n)e=t[n],(r=e.y+e.dy+a-i)>0&&(e.y-=r),i=e.y})}function g(t,e){return t.y-e.y}}(n),u(),t},t.relayout=function(){return u(),t},t.link=function(){var t=.5;function e(e){var r=e.source.x+e.source.dx,i=e.target.x,a=n.interpolateNumber(r,i),o=a(t),s=a(1-t),l=e.source.y+e.sy,c=l+e.dy,u=e.target.y+e.ty,f=u+e.dy;return\"M\"+r+\",\"+l+\"C\"+o+\",\"+l+\" \"+s+\",\"+u+\" \"+i+\",\"+u+\"L\"+i+\",\"+f+\"C\"+s+\",\"+f+\" \"+o+\",\"+c+\" \"+r+\",\"+c+\"Z\"}return e.curvature=function(r){return arguments.length?(t=+r,e):t},e},t},Object.defineProperty(t,\"__esModule\",{value:!0})},\"object\"==typeof r&&\"undefined\"!=typeof e?i(r,t(\"d3-array\"),t(\"d3-collection\"),t(\"d3-interpolate\")):i(n.d3=n.d3||{},n.d3,n.d3,n.d3)},{\"d3-array\":140,\"d3-collection\":141,\"d3-interpolate\":145}],47:[function(t,e,r){\"use strict\";var n=\"undefined\"==typeof WeakMap?t(\"weak-map\"):WeakMap,i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=new n;e.exports=function(t){var e=o.get(t),r=e&&(e._triangleBuffer.handle||e._triangleBuffer.buffer);if(!r||!t.isBuffer(r)){var n=i(t,new Float32Array([-1,-1,-1,4,4,-1]));(e=a(t,[{buffer:n,type:t.FLOAT,size:2}]))._triangleBuffer=n,o.set(t,e)}e.bind(),t.drawArrays(t.TRIANGLES,0,3),e.unbind()}},{\"gl-buffer\":230,\"gl-vao\":310,\"weak-map\":529}],48:[function(t,e,r){e.exports=function(t){var e=0,r=0,n=0,i=0;return t.map(function(t){var a=(t=t.slice())[0],o=a.toUpperCase();if(a!=o)switch(t[0]=o,a){case\"a\":t[6]+=n,t[7]+=i;break;case\"v\":t[1]+=i;break;case\"h\":t[1]+=n;break;default:for(var s=1;si&&(i=t[o]),t[o]=0;c--)if(u[c]!==f[c])return!1;for(c=u.length-1;c>=0;c--)if(l=u[c],!y(t[l],e[l],r,n))return!1;return!0}(t,e,r,o))}return r?t===e:t==e}function x(t){return\"[object Arguments]\"==Object.prototype.toString.call(t)}function b(t,e){if(!t||!e)return!1;if(\"[object RegExp]\"==Object.prototype.toString.call(e))return e.test(t);try{if(t instanceof e)return!0}catch(t){}return!Error.isPrototypeOf(e)&&!0===e.call({},t)}function _(t,e,r,n){var i;if(\"function\"!=typeof e)throw new TypeError('\"block\" argument must be a function');\"string\"==typeof r&&(n=r,r=null),i=function(t){var e;try{t()}catch(t){e=t}return e}(e),n=(r&&r.name?\" (\"+r.name+\").\":\".\")+(n?\" \"+n:\".\"),t&&!i&&v(i,r,\"Missing expected exception\"+n);var o=\"string\"==typeof n,s=!t&&i&&!r;if((!t&&a.isError(i)&&o&&b(i,r)||s)&&v(i,r,\"Got unwanted exception\"+n),t&&i&&r&&!b(i,r)||!t&&i)throw i}f.AssertionError=function(t){var e;this.name=\"AssertionError\",this.actual=t.actual,this.expected=t.expected,this.operator=t.operator,t.message?(this.message=t.message,this.generatedMessage=!1):(this.message=d(g((e=this).actual),128)+\" \"+e.operator+\" \"+d(g(e.expected),128),this.generatedMessage=!0);var r=t.stackStartFunction||v;if(Error.captureStackTrace)Error.captureStackTrace(this,r);else{var n=new Error;if(n.stack){var i=n.stack,a=p(r),o=i.indexOf(\"\\n\"+a);if(o>=0){var s=i.indexOf(\"\\n\",o+1);i=i.substring(s+1)}this.stack=i}}},a.inherits(f.AssertionError,Error),f.fail=v,f.ok=m,f.equal=function(t,e,r){t!=e&&v(t,e,r,\"==\",f.equal)},f.notEqual=function(t,e,r){t==e&&v(t,e,r,\"!=\",f.notEqual)},f.deepEqual=function(t,e,r){y(t,e,!1)||v(t,e,r,\"deepEqual\",f.deepEqual)},f.deepStrictEqual=function(t,e,r){y(t,e,!0)||v(t,e,r,\"deepStrictEqual\",f.deepStrictEqual)},f.notDeepEqual=function(t,e,r){y(t,e,!1)&&v(t,e,r,\"notDeepEqual\",f.notDeepEqual)},f.notDeepStrictEqual=function t(e,r,n){y(e,r,!0)&&v(e,r,n,\"notDeepStrictEqual\",t)},f.strictEqual=function(t,e,r){t!==e&&v(t,e,r,\"===\",f.strictEqual)},f.notStrictEqual=function(t,e,r){t===e&&v(t,e,r,\"!==\",f.notStrictEqual)},f.throws=function(t,e,r){_(!0,t,e,r)},f.doesNotThrow=function(t,e,r){_(!1,t,e,r)},f.ifError=function(t){if(t)throw t};var w=Object.keys||function(t){var e=[];for(var r in t)o.call(t,r)&&e.push(r);return e}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"util/\":59}],57:[function(t,e,r){\"function\"==typeof Object.create?e.exports=function(t,e){t.super_=e,t.prototype=Object.create(e.prototype,{constructor:{value:t,enumerable:!1,writable:!0,configurable:!0}})}:e.exports=function(t,e){t.super_=e;var r=function(){};r.prototype=e.prototype,t.prototype=new r,t.prototype.constructor=t}},{}],58:[function(t,e,r){e.exports=function(t){return t&&\"object\"==typeof t&&\"function\"==typeof t.copy&&\"function\"==typeof t.fill&&\"function\"==typeof t.readUInt8}},{}],59:[function(t,e,r){(function(e,n){var i=/%[sdj%]/g;r.format=function(t){if(!m(t)){for(var e=[],r=0;r=a)return t;switch(t){case\"%s\":return String(n[r++]);case\"%d\":return Number(n[r++]);case\"%j\":try{return JSON.stringify(n[r++])}catch(t){return\"[Circular]\"}default:return t}}),l=n[r];r=3&&(n.depth=arguments[2]),arguments.length>=4&&(n.colors=arguments[3]),d(e)?n.showHidden=e:e&&r._extend(n,e),y(n.showHidden)&&(n.showHidden=!1),y(n.depth)&&(n.depth=2),y(n.colors)&&(n.colors=!1),y(n.customInspect)&&(n.customInspect=!0),n.colors&&(n.stylize=l),u(n,t,n.depth)}function l(t,e){var r=s.styles[e];return r?\"\\x1b[\"+s.colors[r][0]+\"m\"+t+\"\\x1b[\"+s.colors[r][1]+\"m\":t}function c(t,e){return t}function u(t,e,n){if(t.customInspect&&e&&k(e.inspect)&&e.inspect!==r.inspect&&(!e.constructor||e.constructor.prototype!==e)){var i=e.inspect(n,t);return m(i)||(i=u(t,i,n)),i}var a=function(t,e){if(y(e))return t.stylize(\"undefined\",\"undefined\");if(m(e)){var r=\"'\"+JSON.stringify(e).replace(/^\"|\"$/g,\"\").replace(/'/g,\"\\\\'\").replace(/\\\\\"/g,'\"')+\"'\";return t.stylize(r,\"string\")}if(v(e))return t.stylize(\"\"+e,\"number\");if(d(e))return t.stylize(\"\"+e,\"boolean\");if(g(e))return t.stylize(\"null\",\"null\")}(t,e);if(a)return a;var o=Object.keys(e),s=function(t){var e={};return t.forEach(function(t,r){e[t]=!0}),e}(o);if(t.showHidden&&(o=Object.getOwnPropertyNames(e)),w(e)&&(o.indexOf(\"message\")>=0||o.indexOf(\"description\")>=0))return f(e);if(0===o.length){if(k(e)){var l=e.name?\": \"+e.name:\"\";return t.stylize(\"[Function\"+l+\"]\",\"special\")}if(x(e))return t.stylize(RegExp.prototype.toString.call(e),\"regexp\");if(_(e))return t.stylize(Date.prototype.toString.call(e),\"date\");if(w(e))return f(e)}var c,b=\"\",M=!1,A=[\"{\",\"}\"];(p(e)&&(M=!0,A=[\"[\",\"]\"]),k(e))&&(b=\" [Function\"+(e.name?\": \"+e.name:\"\")+\"]\");return x(e)&&(b=\" \"+RegExp.prototype.toString.call(e)),_(e)&&(b=\" \"+Date.prototype.toUTCString.call(e)),w(e)&&(b=\" \"+f(e)),0!==o.length||M&&0!=e.length?n<0?x(e)?t.stylize(RegExp.prototype.toString.call(e),\"regexp\"):t.stylize(\"[Object]\",\"special\"):(t.seen.push(e),c=M?function(t,e,r,n,i){for(var a=[],o=0,s=e.length;o=0&&0,t+e.replace(/\\u001b\\[\\d\\d?m/g,\"\").length+1},0)>60)return r[0]+(\"\"===e?\"\":e+\"\\n \")+\" \"+t.join(\",\\n \")+\" \"+r[1];return r[0]+e+\" \"+t.join(\", \")+\" \"+r[1]}(c,b,A)):A[0]+b+A[1]}function f(t){return\"[\"+Error.prototype.toString.call(t)+\"]\"}function h(t,e,r,n,i,a){var o,s,l;if((l=Object.getOwnPropertyDescriptor(e,i)||{value:e[i]}).get?s=l.set?t.stylize(\"[Getter/Setter]\",\"special\"):t.stylize(\"[Getter]\",\"special\"):l.set&&(s=t.stylize(\"[Setter]\",\"special\")),S(n,i)||(o=\"[\"+i+\"]\"),s||(t.seen.indexOf(l.value)<0?(s=g(r)?u(t,l.value,null):u(t,l.value,r-1)).indexOf(\"\\n\")>-1&&(s=a?s.split(\"\\n\").map(function(t){return\" \"+t}).join(\"\\n\").substr(2):\"\\n\"+s.split(\"\\n\").map(function(t){return\" \"+t}).join(\"\\n\")):s=t.stylize(\"[Circular]\",\"special\")),y(o)){if(a&&i.match(/^\\d+$/))return s;(o=JSON.stringify(\"\"+i)).match(/^\"([a-zA-Z_][a-zA-Z_0-9]*)\"$/)?(o=o.substr(1,o.length-2),o=t.stylize(o,\"name\")):(o=o.replace(/'/g,\"\\\\'\").replace(/\\\\\"/g,'\"').replace(/(^\"|\"$)/g,\"'\"),o=t.stylize(o,\"string\"))}return o+\": \"+s}function p(t){return Array.isArray(t)}function d(t){return\"boolean\"==typeof t}function g(t){return null===t}function v(t){return\"number\"==typeof t}function m(t){return\"string\"==typeof t}function y(t){return void 0===t}function x(t){return b(t)&&\"[object RegExp]\"===M(t)}function b(t){return\"object\"==typeof t&&null!==t}function _(t){return b(t)&&\"[object Date]\"===M(t)}function w(t){return b(t)&&(\"[object Error]\"===M(t)||t instanceof Error)}function k(t){return\"function\"==typeof t}function M(t){return Object.prototype.toString.call(t)}function A(t){return t<10?\"0\"+t.toString(10):t.toString(10)}r.debuglog=function(t){if(y(a)&&(a=e.env.NODE_DEBUG||\"\"),t=t.toUpperCase(),!o[t])if(new RegExp(\"\\\\b\"+t+\"\\\\b\",\"i\").test(a)){var n=e.pid;o[t]=function(){var e=r.format.apply(r,arguments);console.error(\"%s %d: %s\",t,n,e)}}else o[t]=function(){};return o[t]},r.inspect=s,s.colors={bold:[1,22],italic:[3,23],underline:[4,24],inverse:[7,27],white:[37,39],grey:[90,39],black:[30,39],blue:[34,39],cyan:[36,39],green:[32,39],magenta:[35,39],red:[31,39],yellow:[33,39]},s.styles={special:\"cyan\",number:\"yellow\",boolean:\"yellow\",undefined:\"grey\",null:\"bold\",string:\"green\",date:\"magenta\",regexp:\"red\"},r.isArray=p,r.isBoolean=d,r.isNull=g,r.isNullOrUndefined=function(t){return null==t},r.isNumber=v,r.isString=m,r.isSymbol=function(t){return\"symbol\"==typeof t},r.isUndefined=y,r.isRegExp=x,r.isObject=b,r.isDate=_,r.isError=w,r.isFunction=k,r.isPrimitive=function(t){return null===t||\"boolean\"==typeof t||\"number\"==typeof t||\"string\"==typeof t||\"symbol\"==typeof t||\"undefined\"==typeof t},r.isBuffer=t(\"./support/isBuffer\");var T=[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"];function S(t,e){return Object.prototype.hasOwnProperty.call(t,e)}r.log=function(){var t,e;console.log(\"%s - %s\",(t=new Date,e=[A(t.getHours()),A(t.getMinutes()),A(t.getSeconds())].join(\":\"),[t.getDate(),T[t.getMonth()],e].join(\" \")),r.format.apply(r,arguments))},r.inherits=t(\"inherits\"),r._extend=function(t,e){if(!e||!b(e))return t;for(var r=Object.keys(e),n=r.length;n--;)t[r[n]]=e[r[n]];return t}}).call(this,t(\"_process\"),\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"./support/isBuffer\":58,_process:465,inherits:57}],60:[function(t,e,r){e.exports=function(t){return atob(t)}},{}],61:[function(t,e,r){\"use strict\";e.exports=function(t,e){for(var r=e.length,a=new Array(r+1),o=0;o0?n-4:n,f=0;f>16&255,s[l++]=e>>8&255,s[l++]=255&e;2===o&&(e=i[t.charCodeAt(f)]<<2|i[t.charCodeAt(f+1)]>>4,s[l++]=255&e);1===o&&(e=i[t.charCodeAt(f)]<<10|i[t.charCodeAt(f+1)]<<4|i[t.charCodeAt(f+2)]>>2,s[l++]=e>>8&255,s[l++]=255&e);return s},r.fromByteArray=function(t){for(var e,r=t.length,i=r%3,a=[],o=0,s=r-i;os?s:o+16383));1===i?(e=t[r-1],a.push(n[e>>2]+n[e<<4&63]+\"==\")):2===i&&(e=(t[r-2]<<8)+t[r-1],a.push(n[e>>10]+n[e>>4&63]+n[e<<2&63]+\"=\"));return a.join(\"\")};for(var n=[],i=[],a=\"undefined\"!=typeof Uint8Array?Uint8Array:Array,o=\"ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/\",s=0,l=o.length;s0)throw new Error(\"Invalid string. Length must be a multiple of 4\");var r=t.indexOf(\"=\");return-1===r&&(r=e),[r,r===e?0:4-r%4]}function u(t,e,r){for(var i,a,o=[],s=e;s>18&63]+n[a>>12&63]+n[a>>6&63]+n[63&a]);return o.join(\"\")}i[\"-\".charCodeAt(0)]=62,i[\"_\".charCodeAt(0)]=63},{}],63:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[1]).add(e[0].mul(t[1])),t[1].mul(e[1]))}},{\"./lib/rationalize\":73}],64:[function(t,e,r){\"use strict\";e.exports=function(t,e){return t[0].mul(e[1]).cmp(e[0].mul(t[1]))}},{}],65:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[1]),t[1].mul(e[0]))}},{\"./lib/rationalize\":73}],66:[function(t,e,r){\"use strict\";var n=t(\"./is-rat\"),i=t(\"./lib/is-bn\"),a=t(\"./lib/num-to-bn\"),o=t(\"./lib/str-to-bn\"),s=t(\"./lib/rationalize\"),l=t(\"./div\");e.exports=function t(e,r){if(n(e))return r?l(e,t(r)):[e[0].clone(),e[1].clone()];var c=0;var u,f;if(i(e))u=e.clone();else if(\"string\"==typeof e)u=o(e);else{if(0===e)return[a(0),a(1)];if(e===Math.floor(e))u=a(e);else{for(;e!==Math.floor(e);)e*=Math.pow(2,256),c-=256;u=a(e)}}if(n(r))u.mul(r[1]),f=r[0].clone();else if(i(r))f=r.clone();else if(\"string\"==typeof r)f=o(r);else if(r)if(r===Math.floor(r))f=a(r);else{for(;r!==Math.floor(r);)r*=Math.pow(2,256),c+=256;f=a(r)}else f=a(1);c>0?u=u.ushln(c):c<0&&(f=f.ushln(-c));return s(u,f)}},{\"./div\":65,\"./is-rat\":67,\"./lib/is-bn\":71,\"./lib/num-to-bn\":72,\"./lib/rationalize\":73,\"./lib/str-to-bn\":74}],67:[function(t,e,r){\"use strict\";var n=t(\"./lib/is-bn\");e.exports=function(t){return Array.isArray(t)&&2===t.length&&n(t[0])&&n(t[1])}},{\"./lib/is-bn\":71}],68:[function(t,e,r){\"use strict\";var n=t(\"bn.js\");e.exports=function(t){return t.cmp(new n(0))}},{\"bn.js\":82}],69:[function(t,e,r){\"use strict\";var n=t(\"./bn-sign\");e.exports=function(t){var e=t.length,r=t.words,i=0;if(1===e)i=r[0];else if(2===e)i=r[0]+67108864*r[1];else for(var a=0;a20)return 52;return r+32}},{\"bit-twiddle\":80,\"double-bits\":152}],71:[function(t,e,r){\"use strict\";t(\"bn.js\");e.exports=function(t){return t&&\"object\"==typeof t&&Boolean(t.words)}},{\"bn.js\":82}],72:[function(t,e,r){\"use strict\";var n=t(\"bn.js\"),i=t(\"double-bits\");e.exports=function(t){var e=i.exponent(t);return e<52?new n(t):new n(t*Math.pow(2,52-e)).ushln(e-52)}},{\"bn.js\":82,\"double-bits\":152}],73:[function(t,e,r){\"use strict\";var n=t(\"./num-to-bn\"),i=t(\"./bn-sign\");e.exports=function(t,e){var r=i(t),a=i(e);if(0===r)return[n(0),n(1)];if(0===a)return[n(0),n(0)];a<0&&(t=t.neg(),e=e.neg());var o=t.gcd(e);if(o.cmpn(1))return[t.div(o),e.div(o)];return[t,e]}},{\"./bn-sign\":68,\"./num-to-bn\":72}],74:[function(t,e,r){\"use strict\";var n=t(\"bn.js\");e.exports=function(t){return new n(t)}},{\"bn.js\":82}],75:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[0]),t[1].mul(e[1]))}},{\"./lib/rationalize\":73}],76:[function(t,e,r){\"use strict\";var n=t(\"./lib/bn-sign\");e.exports=function(t){return n(t[0])*n(t[1])}},{\"./lib/bn-sign\":68}],77:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[1]).sub(t[1].mul(e[0])),t[1].mul(e[1]))}},{\"./lib/rationalize\":73}],78:[function(t,e,r){\"use strict\";var n=t(\"./lib/bn-to-num\"),i=t(\"./lib/ctz\");e.exports=function(t){var e=t[0],r=t[1];if(0===e.cmpn(0))return 0;var a=e.abs().divmod(r.abs()),o=a.div,s=n(o),l=a.mod,c=e.negative!==r.negative?-1:1;if(0===l.cmpn(0))return c*s;if(s){var u=i(s)+4,f=n(l.ushln(u).divRound(r));return c*(s+f*Math.pow(2,-u))}var h=r.bitLength()-l.bitLength()+53,f=n(l.ushln(h).divRound(r));return h<1023?c*f*Math.pow(2,-h):(f*=Math.pow(2,-1023),c*f*Math.pow(2,1023-h))}},{\"./lib/bn-to-num\":69,\"./lib/ctz\":70}],79:[function(t,e,r){\"use strict\";function n(t,e,r,n,i,a){var o=[\"function \",t,\"(a,l,h,\",n.join(\",\"),\"){\",a?\"\":\"var i=\",r?\"l-1\":\"h+1\",\";while(l<=h){var m=(l+h)>>>1,x=a\",i?\".get(m)\":\"[m]\"];return a?e.indexOf(\"c\")<0?o.push(\";if(x===y){return m}else if(x<=y){\"):o.push(\";var p=c(x,y);if(p===0){return m}else if(p<=0){\"):o.push(\";if(\",e,\"){i=m;\"),r?o.push(\"l=m+1}else{h=m-1}\"):o.push(\"h=m-1}else{l=m+1}\"),o.push(\"}\"),a?o.push(\"return -1};\"):o.push(\"return i};\"),o.join(\"\")}function i(t,e,r,i){return new Function([n(\"A\",\"x\"+t+\"y\",e,[\"y\"],!1,i),n(\"B\",\"x\"+t+\"y\",e,[\"y\"],!0,i),n(\"P\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!1,i),n(\"Q\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!0,i),\"function dispatchBsearch\",r,\"(a,y,c,l,h){if(a.shape){if(typeof(c)==='function'){return Q(a,(l===undefined)?0:l|0,(h===undefined)?a.shape[0]-1:h|0,y,c)}else{return B(a,(c===undefined)?0:c|0,(l===undefined)?a.shape[0]-1:l|0,y)}}else{if(typeof(c)==='function'){return P(a,(l===undefined)?0:l|0,(h===undefined)?a.length-1:h|0,y,c)}else{return A(a,(c===undefined)?0:c|0,(l===undefined)?a.length-1:l|0,y)}}}return dispatchBsearch\",r].join(\"\"))()}e.exports={ge:i(\">=\",!1,\"GE\"),gt:i(\">\",!1,\"GT\"),lt:i(\"<\",!0,\"LT\"),le:i(\"<=\",!0,\"LE\"),eq:i(\"-\",!0,\"EQ\",!0)}},{}],80:[function(t,e,r){\"use strict\";function n(t){var e=32;return(t&=-t)&&e--,65535&t&&(e-=16),16711935&t&&(e-=8),252645135&t&&(e-=4),858993459&t&&(e-=2),1431655765&t&&(e-=1),e}r.INT_BITS=32,r.INT_MAX=2147483647,r.INT_MIN=-1<<31,r.sign=function(t){return(t>0)-(t<0)},r.abs=function(t){var e=t>>31;return(t^e)-e},r.min=function(t,e){return e^(t^e)&-(t65535)<<4,e|=r=((t>>>=e)>255)<<3,e|=r=((t>>>=r)>15)<<2,(e|=r=((t>>>=r)>3)<<1)|(t>>>=r)>>1},r.log10=function(t){return t>=1e9?9:t>=1e8?8:t>=1e7?7:t>=1e6?6:t>=1e5?5:t>=1e4?4:t>=1e3?3:t>=100?2:t>=10?1:0},r.popCount=function(t){return 16843009*((t=(858993459&(t-=t>>>1&1431655765))+(t>>>2&858993459))+(t>>>4)&252645135)>>>24},r.countTrailingZeros=n,r.nextPow2=function(t){return t+=0===t,--t,t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)+1},r.prevPow2=function(t){return t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)-(t>>>1)},r.parity=function(t){return t^=t>>>16,t^=t>>>8,t^=t>>>4,27030>>>(t&=15)&1};var i=new Array(256);!function(t){for(var e=0;e<256;++e){var r=e,n=e,i=7;for(r>>>=1;r;r>>>=1)n<<=1,n|=1&r,--i;t[e]=n<>>8&255]<<16|i[t>>>16&255]<<8|i[t>>>24&255]},r.interleave2=function(t,e){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t&=65535)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e&=65535)|e<<8))|e<<4))|e<<2))|e<<1))<<1},r.deinterleave2=function(t,e){return(t=65535&((t=16711935&((t=252645135&((t=858993459&((t=t>>>e&1431655765)|t>>>1))|t>>>2))|t>>>4))|t>>>16))<<16>>16},r.interleave3=function(t,e,r){return t=1227133513&((t=3272356035&((t=251719695&((t=4278190335&((t&=1023)|t<<16))|t<<8))|t<<4))|t<<2),(t|=(e=1227133513&((e=3272356035&((e=251719695&((e=4278190335&((e&=1023)|e<<16))|e<<8))|e<<4))|e<<2))<<1)|(r=1227133513&((r=3272356035&((r=251719695&((r=4278190335&((r&=1023)|r<<16))|r<<8))|r<<4))|r<<2))<<2},r.deinterleave3=function(t,e){return(t=1023&((t=4278190335&((t=251719695&((t=3272356035&((t=t>>>e&1227133513)|t>>>2))|t>>>4))|t>>>8))|t>>>16))<<22>>22},r.nextCombination=function(t){var e=t|t-1;return e+1|(~e&-~e)-1>>>n(t)+1}},{}],81:[function(t,e,r){\"use strict\";var n=t(\"clamp\");e.exports=function(t,e){e||(e={});var r,o,s,l,c,u,f,h,p,d,g,v=null==e.cutoff?.25:e.cutoff,m=null==e.radius?8:e.radius,y=e.channel||0;if(ArrayBuffer.isView(t)||Array.isArray(t)){if(!e.width||!e.height)throw Error(\"For raw data width and height should be provided by options\");r=e.width,o=e.height,l=t,u=e.stride?e.stride:Math.floor(t.length/r/o)}else window.HTMLCanvasElement&&t instanceof window.HTMLCanvasElement?(f=(h=t).getContext(\"2d\"),r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.CanvasRenderingContext2D&&t instanceof window.CanvasRenderingContext2D?(h=t.canvas,f=t,r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.ImageData&&t instanceof window.ImageData&&(p=t,r=t.width,o=t.height,l=p.data,u=4);if(s=Math.max(r,o),window.Uint8ClampedArray&&l instanceof window.Uint8ClampedArray||window.Uint8Array&&l instanceof window.Uint8Array)for(c=l,l=Array(r*o),d=0,g=c.length;d=49&&o<=54?o-49+10:o>=17&&o<=22?o-17+10:15&o}return n}function l(t,e,r,n){for(var i=0,a=Math.min(t.length,r),o=e;o=49?s-49+10:s>=17?s-17+10:s}return i}a.isBN=function(t){return t instanceof a||null!==t&&\"object\"==typeof t&&t.constructor.wordSize===a.wordSize&&Array.isArray(t.words)},a.max=function(t,e){return t.cmp(e)>0?t:e},a.min=function(t,e){return t.cmp(e)<0?t:e},a.prototype._init=function(t,e,r){if(\"number\"==typeof t)return this._initNumber(t,e,r);if(\"object\"==typeof t)return this._initArray(t,e,r);\"hex\"===e&&(e=16),n(e===(0|e)&&e>=2&&e<=36);var i=0;\"-\"===(t=t.toString().replace(/\\s+/g,\"\"))[0]&&i++,16===e?this._parseHex(t,i):this._parseBase(t,e,i),\"-\"===t[0]&&(this.negative=1),this.strip(),\"le\"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initNumber=function(t,e,r){t<0&&(this.negative=1,t=-t),t<67108864?(this.words=[67108863&t],this.length=1):t<4503599627370496?(this.words=[67108863&t,t/67108864&67108863],this.length=2):(n(t<9007199254740992),this.words=[67108863&t,t/67108864&67108863,1],this.length=3),\"le\"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initArray=function(t,e,r){if(n(\"number\"==typeof t.length),t.length<=0)return this.words=[0],this.length=1,this;this.length=Math.ceil(t.length/3),this.words=new Array(this.length);for(var i=0;i=0;i-=3)o=t[i]|t[i-1]<<8|t[i-2]<<16,this.words[a]|=o<>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);else if(\"le\"===r)for(i=0,a=0;i>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);return this.strip()},a.prototype._parseHex=function(t,e){this.length=Math.ceil((t.length-e)/6),this.words=new Array(this.length);for(var r=0;r=e;r-=6)i=s(t,r,r+6),this.words[n]|=i<>>26-a&4194303,(a+=24)>=26&&(a-=26,n++);r+6!==e&&(i=s(t,e,r+6),this.words[n]|=i<>>26-a&4194303),this.strip()},a.prototype._parseBase=function(t,e,r){this.words=[0],this.length=1;for(var n=0,i=1;i<=67108863;i*=e)n++;n--,i=i/e|0;for(var a=t.length-r,o=a%n,s=Math.min(a,a-o)+r,c=0,u=r;u1&&0===this.words[this.length-1];)this.length--;return this._normSign()},a.prototype._normSign=function(){return 1===this.length&&0===this.words[0]&&(this.negative=0),this},a.prototype.inspect=function(){return(this.red?\"\"};var c=[\"\",\"0\",\"00\",\"000\",\"0000\",\"00000\",\"000000\",\"0000000\",\"00000000\",\"000000000\",\"0000000000\",\"00000000000\",\"000000000000\",\"0000000000000\",\"00000000000000\",\"000000000000000\",\"0000000000000000\",\"00000000000000000\",\"000000000000000000\",\"0000000000000000000\",\"00000000000000000000\",\"000000000000000000000\",\"0000000000000000000000\",\"00000000000000000000000\",\"000000000000000000000000\",\"0000000000000000000000000\"],u=[0,0,25,16,12,11,10,9,8,8,7,7,7,7,6,6,6,6,6,6,6,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5],f=[0,0,33554432,43046721,16777216,48828125,60466176,40353607,16777216,43046721,1e7,19487171,35831808,62748517,7529536,11390625,16777216,24137569,34012224,47045881,64e6,4084101,5153632,6436343,7962624,9765625,11881376,14348907,17210368,20511149,243e5,28629151,33554432,39135393,45435424,52521875,60466176];function h(t,e,r){r.negative=e.negative^t.negative;var n=t.length+e.length|0;r.length=n,n=n-1|0;var i=0|t.words[0],a=0|e.words[0],o=i*a,s=67108863&o,l=o/67108864|0;r.words[0]=s;for(var c=1;c>>26,f=67108863&l,h=Math.min(c,e.length-1),p=Math.max(0,c-t.length+1);p<=h;p++){var d=c-p|0;u+=(o=(i=0|t.words[d])*(a=0|e.words[p])+f)/67108864|0,f=67108863&o}r.words[c]=0|f,l=0|u}return 0!==l?r.words[c]=0|l:r.length--,r.strip()}a.prototype.toString=function(t,e){var r;if(e=0|e||1,16===(t=t||10)||\"hex\"===t){r=\"\";for(var i=0,a=0,o=0;o>>24-i&16777215)||o!==this.length-1?c[6-l.length]+l+r:l+r,(i+=2)>=26&&(i-=26,o--)}for(0!==a&&(r=a.toString(16)+r);r.length%e!=0;)r=\"0\"+r;return 0!==this.negative&&(r=\"-\"+r),r}if(t===(0|t)&&t>=2&&t<=36){var h=u[t],p=f[t];r=\"\";var d=this.clone();for(d.negative=0;!d.isZero();){var g=d.modn(p).toString(t);r=(d=d.idivn(p)).isZero()?g+r:c[h-g.length]+g+r}for(this.isZero()&&(r=\"0\"+r);r.length%e!=0;)r=\"0\"+r;return 0!==this.negative&&(r=\"-\"+r),r}n(!1,\"Base should be between 2 and 36\")},a.prototype.toNumber=function(){var t=this.words[0];return 2===this.length?t+=67108864*this.words[1]:3===this.length&&1===this.words[2]?t+=4503599627370496+67108864*this.words[1]:this.length>2&&n(!1,\"Number can only safely store up to 53 bits\"),0!==this.negative?-t:t},a.prototype.toJSON=function(){return this.toString(16)},a.prototype.toBuffer=function(t,e){return n(\"undefined\"!=typeof o),this.toArrayLike(o,t,e)},a.prototype.toArray=function(t,e){return this.toArrayLike(Array,t,e)},a.prototype.toArrayLike=function(t,e,r){var i=this.byteLength(),a=r||Math.max(1,i);n(i<=a,\"byte array longer than desired length\"),n(a>0,\"Requested array length <= 0\"),this.strip();var o,s,l=\"le\"===e,c=new t(a),u=this.clone();if(l){for(s=0;!u.isZero();s++)o=u.andln(255),u.iushrn(8),c[s]=o;for(;s=4096&&(r+=13,e>>>=13),e>=64&&(r+=7,e>>>=7),e>=8&&(r+=4,e>>>=4),e>=2&&(r+=2,e>>>=2),r+e},a.prototype._zeroBits=function(t){if(0===t)return 26;var e=t,r=0;return 0==(8191&e)&&(r+=13,e>>>=13),0==(127&e)&&(r+=7,e>>>=7),0==(15&e)&&(r+=4,e>>>=4),0==(3&e)&&(r+=2,e>>>=2),0==(1&e)&&r++,r},a.prototype.bitLength=function(){var t=this.words[this.length-1],e=this._countBits(t);return 26*(this.length-1)+e},a.prototype.zeroBits=function(){if(this.isZero())return 0;for(var t=0,e=0;et.length?this.clone().ior(t):t.clone().ior(this)},a.prototype.uor=function(t){return this.length>t.length?this.clone().iuor(t):t.clone().iuor(this)},a.prototype.iuand=function(t){var e;e=this.length>t.length?t:this;for(var r=0;rt.length?this.clone().iand(t):t.clone().iand(this)},a.prototype.uand=function(t){return this.length>t.length?this.clone().iuand(t):t.clone().iuand(this)},a.prototype.iuxor=function(t){var e,r;this.length>t.length?(e=this,r=t):(e=t,r=this);for(var n=0;nt.length?this.clone().ixor(t):t.clone().ixor(this)},a.prototype.uxor=function(t){return this.length>t.length?this.clone().iuxor(t):t.clone().iuxor(this)},a.prototype.inotn=function(t){n(\"number\"==typeof t&&t>=0);var e=0|Math.ceil(t/26),r=t%26;this._expand(e),r>0&&e--;for(var i=0;i0&&(this.words[i]=~this.words[i]&67108863>>26-r),this.strip()},a.prototype.notn=function(t){return this.clone().inotn(t)},a.prototype.setn=function(t,e){n(\"number\"==typeof t&&t>=0);var r=t/26|0,i=t%26;return this._expand(r+1),this.words[r]=e?this.words[r]|1<t.length?(r=this,n=t):(r=t,n=this);for(var i=0,a=0;a>>26;for(;0!==i&&a>>26;if(this.length=r.length,0!==i)this.words[this.length]=i,this.length++;else if(r!==this)for(;at.length?this.clone().iadd(t):t.clone().iadd(this)},a.prototype.isub=function(t){if(0!==t.negative){t.negative=0;var e=this.iadd(t);return t.negative=1,e._normSign()}if(0!==this.negative)return this.negative=0,this.iadd(t),this.negative=1,this._normSign();var r,n,i=this.cmp(t);if(0===i)return this.negative=0,this.length=1,this.words[0]=0,this;i>0?(r=this,n=t):(r=t,n=this);for(var a=0,o=0;o>26,this.words[o]=67108863&e;for(;0!==a&&o>26,this.words[o]=67108863&e;if(0===a&&o>>13,p=0|o[1],d=8191&p,g=p>>>13,v=0|o[2],m=8191&v,y=v>>>13,x=0|o[3],b=8191&x,_=x>>>13,w=0|o[4],k=8191&w,M=w>>>13,A=0|o[5],T=8191&A,S=A>>>13,E=0|o[6],C=8191&E,L=E>>>13,z=0|o[7],O=8191&z,I=z>>>13,P=0|o[8],D=8191&P,R=P>>>13,B=0|o[9],F=8191&B,N=B>>>13,j=0|s[0],V=8191&j,U=j>>>13,q=0|s[1],H=8191&q,G=q>>>13,W=0|s[2],Y=8191&W,X=W>>>13,Z=0|s[3],$=8191&Z,J=Z>>>13,K=0|s[4],Q=8191&K,tt=K>>>13,et=0|s[5],rt=8191&et,nt=et>>>13,it=0|s[6],at=8191&it,ot=it>>>13,st=0|s[7],lt=8191&st,ct=st>>>13,ut=0|s[8],ft=8191&ut,ht=ut>>>13,pt=0|s[9],dt=8191&pt,gt=pt>>>13;r.negative=t.negative^e.negative,r.length=19;var vt=(c+(n=Math.imul(f,V))|0)+((8191&(i=(i=Math.imul(f,U))+Math.imul(h,V)|0))<<13)|0;c=((a=Math.imul(h,U))+(i>>>13)|0)+(vt>>>26)|0,vt&=67108863,n=Math.imul(d,V),i=(i=Math.imul(d,U))+Math.imul(g,V)|0,a=Math.imul(g,U);var mt=(c+(n=n+Math.imul(f,H)|0)|0)+((8191&(i=(i=i+Math.imul(f,G)|0)+Math.imul(h,H)|0))<<13)|0;c=((a=a+Math.imul(h,G)|0)+(i>>>13)|0)+(mt>>>26)|0,mt&=67108863,n=Math.imul(m,V),i=(i=Math.imul(m,U))+Math.imul(y,V)|0,a=Math.imul(y,U),n=n+Math.imul(d,H)|0,i=(i=i+Math.imul(d,G)|0)+Math.imul(g,H)|0,a=a+Math.imul(g,G)|0;var yt=(c+(n=n+Math.imul(f,Y)|0)|0)+((8191&(i=(i=i+Math.imul(f,X)|0)+Math.imul(h,Y)|0))<<13)|0;c=((a=a+Math.imul(h,X)|0)+(i>>>13)|0)+(yt>>>26)|0,yt&=67108863,n=Math.imul(b,V),i=(i=Math.imul(b,U))+Math.imul(_,V)|0,a=Math.imul(_,U),n=n+Math.imul(m,H)|0,i=(i=i+Math.imul(m,G)|0)+Math.imul(y,H)|0,a=a+Math.imul(y,G)|0,n=n+Math.imul(d,Y)|0,i=(i=i+Math.imul(d,X)|0)+Math.imul(g,Y)|0,a=a+Math.imul(g,X)|0;var xt=(c+(n=n+Math.imul(f,$)|0)|0)+((8191&(i=(i=i+Math.imul(f,J)|0)+Math.imul(h,$)|0))<<13)|0;c=((a=a+Math.imul(h,J)|0)+(i>>>13)|0)+(xt>>>26)|0,xt&=67108863,n=Math.imul(k,V),i=(i=Math.imul(k,U))+Math.imul(M,V)|0,a=Math.imul(M,U),n=n+Math.imul(b,H)|0,i=(i=i+Math.imul(b,G)|0)+Math.imul(_,H)|0,a=a+Math.imul(_,G)|0,n=n+Math.imul(m,Y)|0,i=(i=i+Math.imul(m,X)|0)+Math.imul(y,Y)|0,a=a+Math.imul(y,X)|0,n=n+Math.imul(d,$)|0,i=(i=i+Math.imul(d,J)|0)+Math.imul(g,$)|0,a=a+Math.imul(g,J)|0;var bt=(c+(n=n+Math.imul(f,Q)|0)|0)+((8191&(i=(i=i+Math.imul(f,tt)|0)+Math.imul(h,Q)|0))<<13)|0;c=((a=a+Math.imul(h,tt)|0)+(i>>>13)|0)+(bt>>>26)|0,bt&=67108863,n=Math.imul(T,V),i=(i=Math.imul(T,U))+Math.imul(S,V)|0,a=Math.imul(S,U),n=n+Math.imul(k,H)|0,i=(i=i+Math.imul(k,G)|0)+Math.imul(M,H)|0,a=a+Math.imul(M,G)|0,n=n+Math.imul(b,Y)|0,i=(i=i+Math.imul(b,X)|0)+Math.imul(_,Y)|0,a=a+Math.imul(_,X)|0,n=n+Math.imul(m,$)|0,i=(i=i+Math.imul(m,J)|0)+Math.imul(y,$)|0,a=a+Math.imul(y,J)|0,n=n+Math.imul(d,Q)|0,i=(i=i+Math.imul(d,tt)|0)+Math.imul(g,Q)|0,a=a+Math.imul(g,tt)|0;var _t=(c+(n=n+Math.imul(f,rt)|0)|0)+((8191&(i=(i=i+Math.imul(f,nt)|0)+Math.imul(h,rt)|0))<<13)|0;c=((a=a+Math.imul(h,nt)|0)+(i>>>13)|0)+(_t>>>26)|0,_t&=67108863,n=Math.imul(C,V),i=(i=Math.imul(C,U))+Math.imul(L,V)|0,a=Math.imul(L,U),n=n+Math.imul(T,H)|0,i=(i=i+Math.imul(T,G)|0)+Math.imul(S,H)|0,a=a+Math.imul(S,G)|0,n=n+Math.imul(k,Y)|0,i=(i=i+Math.imul(k,X)|0)+Math.imul(M,Y)|0,a=a+Math.imul(M,X)|0,n=n+Math.imul(b,$)|0,i=(i=i+Math.imul(b,J)|0)+Math.imul(_,$)|0,a=a+Math.imul(_,J)|0,n=n+Math.imul(m,Q)|0,i=(i=i+Math.imul(m,tt)|0)+Math.imul(y,Q)|0,a=a+Math.imul(y,tt)|0,n=n+Math.imul(d,rt)|0,i=(i=i+Math.imul(d,nt)|0)+Math.imul(g,rt)|0,a=a+Math.imul(g,nt)|0;var wt=(c+(n=n+Math.imul(f,at)|0)|0)+((8191&(i=(i=i+Math.imul(f,ot)|0)+Math.imul(h,at)|0))<<13)|0;c=((a=a+Math.imul(h,ot)|0)+(i>>>13)|0)+(wt>>>26)|0,wt&=67108863,n=Math.imul(O,V),i=(i=Math.imul(O,U))+Math.imul(I,V)|0,a=Math.imul(I,U),n=n+Math.imul(C,H)|0,i=(i=i+Math.imul(C,G)|0)+Math.imul(L,H)|0,a=a+Math.imul(L,G)|0,n=n+Math.imul(T,Y)|0,i=(i=i+Math.imul(T,X)|0)+Math.imul(S,Y)|0,a=a+Math.imul(S,X)|0,n=n+Math.imul(k,$)|0,i=(i=i+Math.imul(k,J)|0)+Math.imul(M,$)|0,a=a+Math.imul(M,J)|0,n=n+Math.imul(b,Q)|0,i=(i=i+Math.imul(b,tt)|0)+Math.imul(_,Q)|0,a=a+Math.imul(_,tt)|0,n=n+Math.imul(m,rt)|0,i=(i=i+Math.imul(m,nt)|0)+Math.imul(y,rt)|0,a=a+Math.imul(y,nt)|0,n=n+Math.imul(d,at)|0,i=(i=i+Math.imul(d,ot)|0)+Math.imul(g,at)|0,a=a+Math.imul(g,ot)|0;var kt=(c+(n=n+Math.imul(f,lt)|0)|0)+((8191&(i=(i=i+Math.imul(f,ct)|0)+Math.imul(h,lt)|0))<<13)|0;c=((a=a+Math.imul(h,ct)|0)+(i>>>13)|0)+(kt>>>26)|0,kt&=67108863,n=Math.imul(D,V),i=(i=Math.imul(D,U))+Math.imul(R,V)|0,a=Math.imul(R,U),n=n+Math.imul(O,H)|0,i=(i=i+Math.imul(O,G)|0)+Math.imul(I,H)|0,a=a+Math.imul(I,G)|0,n=n+Math.imul(C,Y)|0,i=(i=i+Math.imul(C,X)|0)+Math.imul(L,Y)|0,a=a+Math.imul(L,X)|0,n=n+Math.imul(T,$)|0,i=(i=i+Math.imul(T,J)|0)+Math.imul(S,$)|0,a=a+Math.imul(S,J)|0,n=n+Math.imul(k,Q)|0,i=(i=i+Math.imul(k,tt)|0)+Math.imul(M,Q)|0,a=a+Math.imul(M,tt)|0,n=n+Math.imul(b,rt)|0,i=(i=i+Math.imul(b,nt)|0)+Math.imul(_,rt)|0,a=a+Math.imul(_,nt)|0,n=n+Math.imul(m,at)|0,i=(i=i+Math.imul(m,ot)|0)+Math.imul(y,at)|0,a=a+Math.imul(y,ot)|0,n=n+Math.imul(d,lt)|0,i=(i=i+Math.imul(d,ct)|0)+Math.imul(g,lt)|0,a=a+Math.imul(g,ct)|0;var Mt=(c+(n=n+Math.imul(f,ft)|0)|0)+((8191&(i=(i=i+Math.imul(f,ht)|0)+Math.imul(h,ft)|0))<<13)|0;c=((a=a+Math.imul(h,ht)|0)+(i>>>13)|0)+(Mt>>>26)|0,Mt&=67108863,n=Math.imul(F,V),i=(i=Math.imul(F,U))+Math.imul(N,V)|0,a=Math.imul(N,U),n=n+Math.imul(D,H)|0,i=(i=i+Math.imul(D,G)|0)+Math.imul(R,H)|0,a=a+Math.imul(R,G)|0,n=n+Math.imul(O,Y)|0,i=(i=i+Math.imul(O,X)|0)+Math.imul(I,Y)|0,a=a+Math.imul(I,X)|0,n=n+Math.imul(C,$)|0,i=(i=i+Math.imul(C,J)|0)+Math.imul(L,$)|0,a=a+Math.imul(L,J)|0,n=n+Math.imul(T,Q)|0,i=(i=i+Math.imul(T,tt)|0)+Math.imul(S,Q)|0,a=a+Math.imul(S,tt)|0,n=n+Math.imul(k,rt)|0,i=(i=i+Math.imul(k,nt)|0)+Math.imul(M,rt)|0,a=a+Math.imul(M,nt)|0,n=n+Math.imul(b,at)|0,i=(i=i+Math.imul(b,ot)|0)+Math.imul(_,at)|0,a=a+Math.imul(_,ot)|0,n=n+Math.imul(m,lt)|0,i=(i=i+Math.imul(m,ct)|0)+Math.imul(y,lt)|0,a=a+Math.imul(y,ct)|0,n=n+Math.imul(d,ft)|0,i=(i=i+Math.imul(d,ht)|0)+Math.imul(g,ft)|0,a=a+Math.imul(g,ht)|0;var At=(c+(n=n+Math.imul(f,dt)|0)|0)+((8191&(i=(i=i+Math.imul(f,gt)|0)+Math.imul(h,dt)|0))<<13)|0;c=((a=a+Math.imul(h,gt)|0)+(i>>>13)|0)+(At>>>26)|0,At&=67108863,n=Math.imul(F,H),i=(i=Math.imul(F,G))+Math.imul(N,H)|0,a=Math.imul(N,G),n=n+Math.imul(D,Y)|0,i=(i=i+Math.imul(D,X)|0)+Math.imul(R,Y)|0,a=a+Math.imul(R,X)|0,n=n+Math.imul(O,$)|0,i=(i=i+Math.imul(O,J)|0)+Math.imul(I,$)|0,a=a+Math.imul(I,J)|0,n=n+Math.imul(C,Q)|0,i=(i=i+Math.imul(C,tt)|0)+Math.imul(L,Q)|0,a=a+Math.imul(L,tt)|0,n=n+Math.imul(T,rt)|0,i=(i=i+Math.imul(T,nt)|0)+Math.imul(S,rt)|0,a=a+Math.imul(S,nt)|0,n=n+Math.imul(k,at)|0,i=(i=i+Math.imul(k,ot)|0)+Math.imul(M,at)|0,a=a+Math.imul(M,ot)|0,n=n+Math.imul(b,lt)|0,i=(i=i+Math.imul(b,ct)|0)+Math.imul(_,lt)|0,a=a+Math.imul(_,ct)|0,n=n+Math.imul(m,ft)|0,i=(i=i+Math.imul(m,ht)|0)+Math.imul(y,ft)|0,a=a+Math.imul(y,ht)|0;var Tt=(c+(n=n+Math.imul(d,dt)|0)|0)+((8191&(i=(i=i+Math.imul(d,gt)|0)+Math.imul(g,dt)|0))<<13)|0;c=((a=a+Math.imul(g,gt)|0)+(i>>>13)|0)+(Tt>>>26)|0,Tt&=67108863,n=Math.imul(F,Y),i=(i=Math.imul(F,X))+Math.imul(N,Y)|0,a=Math.imul(N,X),n=n+Math.imul(D,$)|0,i=(i=i+Math.imul(D,J)|0)+Math.imul(R,$)|0,a=a+Math.imul(R,J)|0,n=n+Math.imul(O,Q)|0,i=(i=i+Math.imul(O,tt)|0)+Math.imul(I,Q)|0,a=a+Math.imul(I,tt)|0,n=n+Math.imul(C,rt)|0,i=(i=i+Math.imul(C,nt)|0)+Math.imul(L,rt)|0,a=a+Math.imul(L,nt)|0,n=n+Math.imul(T,at)|0,i=(i=i+Math.imul(T,ot)|0)+Math.imul(S,at)|0,a=a+Math.imul(S,ot)|0,n=n+Math.imul(k,lt)|0,i=(i=i+Math.imul(k,ct)|0)+Math.imul(M,lt)|0,a=a+Math.imul(M,ct)|0,n=n+Math.imul(b,ft)|0,i=(i=i+Math.imul(b,ht)|0)+Math.imul(_,ft)|0,a=a+Math.imul(_,ht)|0;var St=(c+(n=n+Math.imul(m,dt)|0)|0)+((8191&(i=(i=i+Math.imul(m,gt)|0)+Math.imul(y,dt)|0))<<13)|0;c=((a=a+Math.imul(y,gt)|0)+(i>>>13)|0)+(St>>>26)|0,St&=67108863,n=Math.imul(F,$),i=(i=Math.imul(F,J))+Math.imul(N,$)|0,a=Math.imul(N,J),n=n+Math.imul(D,Q)|0,i=(i=i+Math.imul(D,tt)|0)+Math.imul(R,Q)|0,a=a+Math.imul(R,tt)|0,n=n+Math.imul(O,rt)|0,i=(i=i+Math.imul(O,nt)|0)+Math.imul(I,rt)|0,a=a+Math.imul(I,nt)|0,n=n+Math.imul(C,at)|0,i=(i=i+Math.imul(C,ot)|0)+Math.imul(L,at)|0,a=a+Math.imul(L,ot)|0,n=n+Math.imul(T,lt)|0,i=(i=i+Math.imul(T,ct)|0)+Math.imul(S,lt)|0,a=a+Math.imul(S,ct)|0,n=n+Math.imul(k,ft)|0,i=(i=i+Math.imul(k,ht)|0)+Math.imul(M,ft)|0,a=a+Math.imul(M,ht)|0;var Et=(c+(n=n+Math.imul(b,dt)|0)|0)+((8191&(i=(i=i+Math.imul(b,gt)|0)+Math.imul(_,dt)|0))<<13)|0;c=((a=a+Math.imul(_,gt)|0)+(i>>>13)|0)+(Et>>>26)|0,Et&=67108863,n=Math.imul(F,Q),i=(i=Math.imul(F,tt))+Math.imul(N,Q)|0,a=Math.imul(N,tt),n=n+Math.imul(D,rt)|0,i=(i=i+Math.imul(D,nt)|0)+Math.imul(R,rt)|0,a=a+Math.imul(R,nt)|0,n=n+Math.imul(O,at)|0,i=(i=i+Math.imul(O,ot)|0)+Math.imul(I,at)|0,a=a+Math.imul(I,ot)|0,n=n+Math.imul(C,lt)|0,i=(i=i+Math.imul(C,ct)|0)+Math.imul(L,lt)|0,a=a+Math.imul(L,ct)|0,n=n+Math.imul(T,ft)|0,i=(i=i+Math.imul(T,ht)|0)+Math.imul(S,ft)|0,a=a+Math.imul(S,ht)|0;var Ct=(c+(n=n+Math.imul(k,dt)|0)|0)+((8191&(i=(i=i+Math.imul(k,gt)|0)+Math.imul(M,dt)|0))<<13)|0;c=((a=a+Math.imul(M,gt)|0)+(i>>>13)|0)+(Ct>>>26)|0,Ct&=67108863,n=Math.imul(F,rt),i=(i=Math.imul(F,nt))+Math.imul(N,rt)|0,a=Math.imul(N,nt),n=n+Math.imul(D,at)|0,i=(i=i+Math.imul(D,ot)|0)+Math.imul(R,at)|0,a=a+Math.imul(R,ot)|0,n=n+Math.imul(O,lt)|0,i=(i=i+Math.imul(O,ct)|0)+Math.imul(I,lt)|0,a=a+Math.imul(I,ct)|0,n=n+Math.imul(C,ft)|0,i=(i=i+Math.imul(C,ht)|0)+Math.imul(L,ft)|0,a=a+Math.imul(L,ht)|0;var Lt=(c+(n=n+Math.imul(T,dt)|0)|0)+((8191&(i=(i=i+Math.imul(T,gt)|0)+Math.imul(S,dt)|0))<<13)|0;c=((a=a+Math.imul(S,gt)|0)+(i>>>13)|0)+(Lt>>>26)|0,Lt&=67108863,n=Math.imul(F,at),i=(i=Math.imul(F,ot))+Math.imul(N,at)|0,a=Math.imul(N,ot),n=n+Math.imul(D,lt)|0,i=(i=i+Math.imul(D,ct)|0)+Math.imul(R,lt)|0,a=a+Math.imul(R,ct)|0,n=n+Math.imul(O,ft)|0,i=(i=i+Math.imul(O,ht)|0)+Math.imul(I,ft)|0,a=a+Math.imul(I,ht)|0;var zt=(c+(n=n+Math.imul(C,dt)|0)|0)+((8191&(i=(i=i+Math.imul(C,gt)|0)+Math.imul(L,dt)|0))<<13)|0;c=((a=a+Math.imul(L,gt)|0)+(i>>>13)|0)+(zt>>>26)|0,zt&=67108863,n=Math.imul(F,lt),i=(i=Math.imul(F,ct))+Math.imul(N,lt)|0,a=Math.imul(N,ct),n=n+Math.imul(D,ft)|0,i=(i=i+Math.imul(D,ht)|0)+Math.imul(R,ft)|0,a=a+Math.imul(R,ht)|0;var Ot=(c+(n=n+Math.imul(O,dt)|0)|0)+((8191&(i=(i=i+Math.imul(O,gt)|0)+Math.imul(I,dt)|0))<<13)|0;c=((a=a+Math.imul(I,gt)|0)+(i>>>13)|0)+(Ot>>>26)|0,Ot&=67108863,n=Math.imul(F,ft),i=(i=Math.imul(F,ht))+Math.imul(N,ft)|0,a=Math.imul(N,ht);var It=(c+(n=n+Math.imul(D,dt)|0)|0)+((8191&(i=(i=i+Math.imul(D,gt)|0)+Math.imul(R,dt)|0))<<13)|0;c=((a=a+Math.imul(R,gt)|0)+(i>>>13)|0)+(It>>>26)|0,It&=67108863;var Pt=(c+(n=Math.imul(F,dt))|0)+((8191&(i=(i=Math.imul(F,gt))+Math.imul(N,dt)|0))<<13)|0;return c=((a=Math.imul(N,gt))+(i>>>13)|0)+(Pt>>>26)|0,Pt&=67108863,l[0]=vt,l[1]=mt,l[2]=yt,l[3]=xt,l[4]=bt,l[5]=_t,l[6]=wt,l[7]=kt,l[8]=Mt,l[9]=At,l[10]=Tt,l[11]=St,l[12]=Et,l[13]=Ct,l[14]=Lt,l[15]=zt,l[16]=Ot,l[17]=It,l[18]=Pt,0!==c&&(l[19]=c,r.length++),r};function d(t,e,r){return(new g).mulp(t,e,r)}function g(t,e){this.x=t,this.y=e}Math.imul||(p=h),a.prototype.mulTo=function(t,e){var r=this.length+t.length;return 10===this.length&&10===t.length?p(this,t,e):r<63?h(this,t,e):r<1024?function(t,e,r){r.negative=e.negative^t.negative,r.length=t.length+e.length;for(var n=0,i=0,a=0;a>>26)|0)>>>26,o&=67108863}r.words[a]=s,n=o,o=i}return 0!==n?r.words[a]=n:r.length--,r.strip()}(this,t,e):d(this,t,e)},g.prototype.makeRBT=function(t){for(var e=new Array(t),r=a.prototype._countBits(t)-1,n=0;n>=1;return n},g.prototype.permute=function(t,e,r,n,i,a){for(var o=0;o>>=1)i++;return 1<>>=13,r[2*o+1]=8191&a,a>>>=13;for(o=2*e;o>=26,e+=i/67108864|0,e+=a>>>26,this.words[r]=67108863&a}return 0!==e&&(this.words[r]=e,this.length++),this},a.prototype.muln=function(t){return this.clone().imuln(t)},a.prototype.sqr=function(){return this.mul(this)},a.prototype.isqr=function(){return this.imul(this.clone())},a.prototype.pow=function(t){var e=function(t){for(var e=new Array(t.bitLength()),r=0;r>>i}return e}(t);if(0===e.length)return new a(1);for(var r=this,n=0;n=0);var e,r=t%26,i=(t-r)/26,a=67108863>>>26-r<<26-r;if(0!==r){var o=0;for(e=0;e>>26-r}o&&(this.words[e]=o,this.length++)}if(0!==i){for(e=this.length-1;e>=0;e--)this.words[e+i]=this.words[e];for(e=0;e=0),i=e?(e-e%26)/26:0;var a=t%26,o=Math.min((t-a)/26,this.length),s=67108863^67108863>>>a<o)for(this.length-=o,c=0;c=0&&(0!==u||c>=i);c--){var f=0|this.words[c];this.words[c]=u<<26-a|f>>>a,u=f&s}return l&&0!==u&&(l.words[l.length++]=u),0===this.length&&(this.words[0]=0,this.length=1),this.strip()},a.prototype.ishrn=function(t,e,r){return n(0===this.negative),this.iushrn(t,e,r)},a.prototype.shln=function(t){return this.clone().ishln(t)},a.prototype.ushln=function(t){return this.clone().iushln(t)},a.prototype.shrn=function(t){return this.clone().ishrn(t)},a.prototype.ushrn=function(t){return this.clone().iushrn(t)},a.prototype.testn=function(t){n(\"number\"==typeof t&&t>=0);var e=t%26,r=(t-e)/26,i=1<=0);var e=t%26,r=(t-e)/26;if(n(0===this.negative,\"imaskn works only with positive numbers\"),this.length<=r)return this;if(0!==e&&r++,this.length=Math.min(r,this.length),0!==e){var i=67108863^67108863>>>e<=67108864;e++)this.words[e]-=67108864,e===this.length-1?this.words[e+1]=1:this.words[e+1]++;return this.length=Math.max(this.length,e+1),this},a.prototype.isubn=function(t){if(n(\"number\"==typeof t),n(t<67108864),t<0)return this.iaddn(-t);if(0!==this.negative)return this.negative=0,this.iaddn(t),this.negative=1,this;if(this.words[0]-=t,1===this.length&&this.words[0]<0)this.words[0]=-this.words[0],this.negative=1;else for(var e=0;e>26)-(l/67108864|0),this.words[i+r]=67108863&a}for(;i>26,this.words[i+r]=67108863&a;if(0===s)return this.strip();for(n(-1===s),s=0,i=0;i>26,this.words[i]=67108863&a;return this.negative=1,this.strip()},a.prototype._wordDiv=function(t,e){var r=(this.length,t.length),n=this.clone(),i=t,o=0|i.words[i.length-1];0!==(r=26-this._countBits(o))&&(i=i.ushln(r),n.iushln(r),o=0|i.words[i.length-1]);var s,l=n.length-i.length;if(\"mod\"!==e){(s=new a(null)).length=l+1,s.words=new Array(s.length);for(var c=0;c=0;f--){var h=67108864*(0|n.words[i.length+f])+(0|n.words[i.length+f-1]);for(h=Math.min(h/o|0,67108863),n._ishlnsubmul(i,h,f);0!==n.negative;)h--,n.negative=0,n._ishlnsubmul(i,1,f),n.isZero()||(n.negative^=1);s&&(s.words[f]=h)}return s&&s.strip(),n.strip(),\"div\"!==e&&0!==r&&n.iushrn(r),{div:s||null,mod:n}},a.prototype.divmod=function(t,e,r){return n(!t.isZero()),this.isZero()?{div:new a(0),mod:new a(0)}:0!==this.negative&&0===t.negative?(s=this.neg().divmod(t,e),\"mod\"!==e&&(i=s.div.neg()),\"div\"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.iadd(t)),{div:i,mod:o}):0===this.negative&&0!==t.negative?(s=this.divmod(t.neg(),e),\"mod\"!==e&&(i=s.div.neg()),{div:i,mod:s.mod}):0!=(this.negative&t.negative)?(s=this.neg().divmod(t.neg(),e),\"div\"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.isub(t)),{div:s.div,mod:o}):t.length>this.length||this.cmp(t)<0?{div:new a(0),mod:this}:1===t.length?\"div\"===e?{div:this.divn(t.words[0]),mod:null}:\"mod\"===e?{div:null,mod:new a(this.modn(t.words[0]))}:{div:this.divn(t.words[0]),mod:new a(this.modn(t.words[0]))}:this._wordDiv(t,e);var i,o,s},a.prototype.div=function(t){return this.divmod(t,\"div\",!1).div},a.prototype.mod=function(t){return this.divmod(t,\"mod\",!1).mod},a.prototype.umod=function(t){return this.divmod(t,\"mod\",!0).mod},a.prototype.divRound=function(t){var e=this.divmod(t);if(e.mod.isZero())return e.div;var r=0!==e.div.negative?e.mod.isub(t):e.mod,n=t.ushrn(1),i=t.andln(1),a=r.cmp(n);return a<0||1===i&&0===a?e.div:0!==e.div.negative?e.div.isubn(1):e.div.iaddn(1)},a.prototype.modn=function(t){n(t<=67108863);for(var e=(1<<26)%t,r=0,i=this.length-1;i>=0;i--)r=(e*r+(0|this.words[i]))%t;return r},a.prototype.idivn=function(t){n(t<=67108863);for(var e=0,r=this.length-1;r>=0;r--){var i=(0|this.words[r])+67108864*e;this.words[r]=i/t|0,e=i%t}return this.strip()},a.prototype.divn=function(t){return this.clone().idivn(t)},a.prototype.egcd=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i=new a(1),o=new a(0),s=new a(0),l=new a(1),c=0;e.isEven()&&r.isEven();)e.iushrn(1),r.iushrn(1),++c;for(var u=r.clone(),f=e.clone();!e.isZero();){for(var h=0,p=1;0==(e.words[0]&p)&&h<26;++h,p<<=1);if(h>0)for(e.iushrn(h);h-- >0;)(i.isOdd()||o.isOdd())&&(i.iadd(u),o.isub(f)),i.iushrn(1),o.iushrn(1);for(var d=0,g=1;0==(r.words[0]&g)&&d<26;++d,g<<=1);if(d>0)for(r.iushrn(d);d-- >0;)(s.isOdd()||l.isOdd())&&(s.iadd(u),l.isub(f)),s.iushrn(1),l.iushrn(1);e.cmp(r)>=0?(e.isub(r),i.isub(s),o.isub(l)):(r.isub(e),s.isub(i),l.isub(o))}return{a:s,b:l,gcd:r.iushln(c)}},a.prototype._invmp=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i,o=new a(1),s=new a(0),l=r.clone();e.cmpn(1)>0&&r.cmpn(1)>0;){for(var c=0,u=1;0==(e.words[0]&u)&&c<26;++c,u<<=1);if(c>0)for(e.iushrn(c);c-- >0;)o.isOdd()&&o.iadd(l),o.iushrn(1);for(var f=0,h=1;0==(r.words[0]&h)&&f<26;++f,h<<=1);if(f>0)for(r.iushrn(f);f-- >0;)s.isOdd()&&s.iadd(l),s.iushrn(1);e.cmp(r)>=0?(e.isub(r),o.isub(s)):(r.isub(e),s.isub(o))}return(i=0===e.cmpn(1)?o:s).cmpn(0)<0&&i.iadd(t),i},a.prototype.gcd=function(t){if(this.isZero())return t.abs();if(t.isZero())return this.abs();var e=this.clone(),r=t.clone();e.negative=0,r.negative=0;for(var n=0;e.isEven()&&r.isEven();n++)e.iushrn(1),r.iushrn(1);for(;;){for(;e.isEven();)e.iushrn(1);for(;r.isEven();)r.iushrn(1);var i=e.cmp(r);if(i<0){var a=e;e=r,r=a}else if(0===i||0===r.cmpn(1))break;e.isub(r)}return r.iushln(n)},a.prototype.invm=function(t){return this.egcd(t).a.umod(t)},a.prototype.isEven=function(){return 0==(1&this.words[0])},a.prototype.isOdd=function(){return 1==(1&this.words[0])},a.prototype.andln=function(t){return this.words[0]&t},a.prototype.bincn=function(t){n(\"number\"==typeof t);var e=t%26,r=(t-e)/26,i=1<>>26,s&=67108863,this.words[o]=s}return 0!==a&&(this.words[o]=a,this.length++),this},a.prototype.isZero=function(){return 1===this.length&&0===this.words[0]},a.prototype.cmpn=function(t){var e,r=t<0;if(0!==this.negative&&!r)return-1;if(0===this.negative&&r)return 1;if(this.strip(),this.length>1)e=1;else{r&&(t=-t),n(t<=67108863,\"Number is too big\");var i=0|this.words[0];e=i===t?0:it.length)return 1;if(this.length=0;r--){var n=0|this.words[r],i=0|t.words[r];if(n!==i){ni&&(e=1);break}}return e},a.prototype.gtn=function(t){return 1===this.cmpn(t)},a.prototype.gt=function(t){return 1===this.cmp(t)},a.prototype.gten=function(t){return this.cmpn(t)>=0},a.prototype.gte=function(t){return this.cmp(t)>=0},a.prototype.ltn=function(t){return-1===this.cmpn(t)},a.prototype.lt=function(t){return-1===this.cmp(t)},a.prototype.lten=function(t){return this.cmpn(t)<=0},a.prototype.lte=function(t){return this.cmp(t)<=0},a.prototype.eqn=function(t){return 0===this.cmpn(t)},a.prototype.eq=function(t){return 0===this.cmp(t)},a.red=function(t){return new w(t)},a.prototype.toRed=function(t){return n(!this.red,\"Already a number in reduction context\"),n(0===this.negative,\"red works only with positives\"),t.convertTo(this)._forceRed(t)},a.prototype.fromRed=function(){return n(this.red,\"fromRed works only with numbers in reduction context\"),this.red.convertFrom(this)},a.prototype._forceRed=function(t){return this.red=t,this},a.prototype.forceRed=function(t){return n(!this.red,\"Already a number in reduction context\"),this._forceRed(t)},a.prototype.redAdd=function(t){return n(this.red,\"redAdd works only with red numbers\"),this.red.add(this,t)},a.prototype.redIAdd=function(t){return n(this.red,\"redIAdd works only with red numbers\"),this.red.iadd(this,t)},a.prototype.redSub=function(t){return n(this.red,\"redSub works only with red numbers\"),this.red.sub(this,t)},a.prototype.redISub=function(t){return n(this.red,\"redISub works only with red numbers\"),this.red.isub(this,t)},a.prototype.redShl=function(t){return n(this.red,\"redShl works only with red numbers\"),this.red.shl(this,t)},a.prototype.redMul=function(t){return n(this.red,\"redMul works only with red numbers\"),this.red._verify2(this,t),this.red.mul(this,t)},a.prototype.redIMul=function(t){return n(this.red,\"redMul works only with red numbers\"),this.red._verify2(this,t),this.red.imul(this,t)},a.prototype.redSqr=function(){return n(this.red,\"redSqr works only with red numbers\"),this.red._verify1(this),this.red.sqr(this)},a.prototype.redISqr=function(){return n(this.red,\"redISqr works only with red numbers\"),this.red._verify1(this),this.red.isqr(this)},a.prototype.redSqrt=function(){return n(this.red,\"redSqrt works only with red numbers\"),this.red._verify1(this),this.red.sqrt(this)},a.prototype.redInvm=function(){return n(this.red,\"redInvm works only with red numbers\"),this.red._verify1(this),this.red.invm(this)},a.prototype.redNeg=function(){return n(this.red,\"redNeg works only with red numbers\"),this.red._verify1(this),this.red.neg(this)},a.prototype.redPow=function(t){return n(this.red&&!t.red,\"redPow(normalNum)\"),this.red._verify1(this),this.red.pow(this,t)};var v={k256:null,p224:null,p192:null,p25519:null};function m(t,e){this.name=t,this.p=new a(e,16),this.n=this.p.bitLength(),this.k=new a(1).iushln(this.n).isub(this.p),this.tmp=this._tmp()}function y(){m.call(this,\"k256\",\"ffffffff ffffffff ffffffff ffffffff ffffffff ffffffff fffffffe fffffc2f\")}function x(){m.call(this,\"p224\",\"ffffffff ffffffff ffffffff ffffffff 00000000 00000000 00000001\")}function b(){m.call(this,\"p192\",\"ffffffff ffffffff ffffffff fffffffe ffffffff ffffffff\")}function _(){m.call(this,\"25519\",\"7fffffffffffffff ffffffffffffffff ffffffffffffffff ffffffffffffffed\")}function w(t){if(\"string\"==typeof t){var e=a._prime(t);this.m=e.p,this.prime=e}else n(t.gtn(1),\"modulus must be greater than 1\"),this.m=t,this.prime=null}function k(t){w.call(this,t),this.shift=this.m.bitLength(),this.shift%26!=0&&(this.shift+=26-this.shift%26),this.r=new a(1).iushln(this.shift),this.r2=this.imod(this.r.sqr()),this.rinv=this.r._invmp(this.m),this.minv=this.rinv.mul(this.r).isubn(1).div(this.m),this.minv=this.minv.umod(this.r),this.minv=this.r.sub(this.minv)}m.prototype._tmp=function(){var t=new a(null);return t.words=new Array(Math.ceil(this.n/13)),t},m.prototype.ireduce=function(t){var e,r=t;do{this.split(r,this.tmp),e=(r=(r=this.imulK(r)).iadd(this.tmp)).bitLength()}while(e>this.n);var n=e0?r.isub(this.p):r.strip(),r},m.prototype.split=function(t,e){t.iushrn(this.n,0,e)},m.prototype.imulK=function(t){return t.imul(this.k)},i(y,m),y.prototype.split=function(t,e){for(var r=Math.min(t.length,9),n=0;n>>22,i=a}i>>>=22,t.words[n-10]=i,0===i&&t.length>10?t.length-=10:t.length-=9},y.prototype.imulK=function(t){t.words[t.length]=0,t.words[t.length+1]=0,t.length+=2;for(var e=0,r=0;r>>=26,t.words[r]=i,e=n}return 0!==e&&(t.words[t.length++]=e),t},a._prime=function(t){if(v[t])return v[t];var e;if(\"k256\"===t)e=new y;else if(\"p224\"===t)e=new x;else if(\"p192\"===t)e=new b;else{if(\"p25519\"!==t)throw new Error(\"Unknown prime \"+t);e=new _}return v[t]=e,e},w.prototype._verify1=function(t){n(0===t.negative,\"red works only with positives\"),n(t.red,\"red works only with red numbers\")},w.prototype._verify2=function(t,e){n(0==(t.negative|e.negative),\"red works only with positives\"),n(t.red&&t.red===e.red,\"red works only with red numbers\")},w.prototype.imod=function(t){return this.prime?this.prime.ireduce(t)._forceRed(this):t.umod(this.m)._forceRed(this)},w.prototype.neg=function(t){return t.isZero()?t.clone():this.m.sub(t)._forceRed(this)},w.prototype.add=function(t,e){this._verify2(t,e);var r=t.add(e);return r.cmp(this.m)>=0&&r.isub(this.m),r._forceRed(this)},w.prototype.iadd=function(t,e){this._verify2(t,e);var r=t.iadd(e);return r.cmp(this.m)>=0&&r.isub(this.m),r},w.prototype.sub=function(t,e){this._verify2(t,e);var r=t.sub(e);return r.cmpn(0)<0&&r.iadd(this.m),r._forceRed(this)},w.prototype.isub=function(t,e){this._verify2(t,e);var r=t.isub(e);return r.cmpn(0)<0&&r.iadd(this.m),r},w.prototype.shl=function(t,e){return this._verify1(t),this.imod(t.ushln(e))},w.prototype.imul=function(t,e){return this._verify2(t,e),this.imod(t.imul(e))},w.prototype.mul=function(t,e){return this._verify2(t,e),this.imod(t.mul(e))},w.prototype.isqr=function(t){return this.imul(t,t.clone())},w.prototype.sqr=function(t){return this.mul(t,t)},w.prototype.sqrt=function(t){if(t.isZero())return t.clone();var e=this.m.andln(3);if(n(e%2==1),3===e){var r=this.m.add(new a(1)).iushrn(2);return this.pow(t,r)}for(var i=this.m.subn(1),o=0;!i.isZero()&&0===i.andln(1);)o++,i.iushrn(1);n(!i.isZero());var s=new a(1).toRed(this),l=s.redNeg(),c=this.m.subn(1).iushrn(1),u=this.m.bitLength();for(u=new a(2*u*u).toRed(this);0!==this.pow(u,c).cmp(l);)u.redIAdd(l);for(var f=this.pow(u,i),h=this.pow(t,i.addn(1).iushrn(1)),p=this.pow(t,i),d=o;0!==p.cmp(s);){for(var g=p,v=0;0!==g.cmp(s);v++)g=g.redSqr();n(v=0;n--){for(var c=e.words[n],u=l-1;u>=0;u--){var f=c>>u&1;i!==r[0]&&(i=this.sqr(i)),0!==f||0!==o?(o<<=1,o|=f,(4===++s||0===n&&0===u)&&(i=this.mul(i,r[o]),s=0,o=0)):s=0}l=26}return i},w.prototype.convertTo=function(t){var e=t.umod(this.m);return e===t?e.clone():e},w.prototype.convertFrom=function(t){var e=t.clone();return e.red=null,e},a.mont=function(t){return new k(t)},i(k,w),k.prototype.convertTo=function(t){return this.imod(t.ushln(this.shift))},k.prototype.convertFrom=function(t){var e=this.imod(t.mul(this.rinv));return e.red=null,e},k.prototype.imul=function(t,e){if(t.isZero()||e.isZero())return t.words[0]=0,t.length=1,t;var r=t.imul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),a=i;return i.cmp(this.m)>=0?a=i.isub(this.m):i.cmpn(0)<0&&(a=i.iadd(this.m)),a._forceRed(this)},k.prototype.mul=function(t,e){if(t.isZero()||e.isZero())return new a(0)._forceRed(this);var r=t.mul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),o=i;return i.cmp(this.m)>=0?o=i.isub(this.m):i.cmpn(0)<0&&(o=i.iadd(this.m)),o._forceRed(this)},k.prototype.invm=function(t){return this.imod(t._invmp(this.m).mul(this.r2))._forceRed(this)}}(\"undefined\"==typeof e||e,this)},{buffer:91}],83:[function(t,e,r){\"use strict\";e.exports=function(t){var e,r,n,i=t.length,a=0;for(e=0;e>>1;if(!(u<=0)){var f,h=i.mallocDouble(2*u*s),p=i.mallocInt32(s);if((s=l(t,u,h,p))>0){if(1===u&&n)a.init(s),f=a.sweepComplete(u,r,0,s,h,p,0,s,h,p);else{var d=i.mallocDouble(2*u*c),g=i.mallocInt32(c);(c=l(e,u,d,g))>0&&(a.init(s+c),f=1===u?a.sweepBipartite(u,r,0,s,h,p,0,c,d,g):o(u,r,n,s,h,p,c,d,g),i.free(d),i.free(g))}i.free(h),i.free(p)}return f}}}function u(t,e){n.push([t,e])}},{\"./lib/intersect\":86,\"./lib/sweep\":90,\"typedarray-pool\":522}],85:[function(t,e,r){\"use strict\";var n=\"d\",i=\"ax\",a=\"vv\",o=\"fp\",s=\"es\",l=\"rs\",c=\"re\",u=\"rb\",f=\"ri\",h=\"rp\",p=\"bs\",d=\"be\",g=\"bb\",v=\"bi\",m=\"bp\",y=\"rv\",x=\"Q\",b=[n,i,a,l,c,u,f,p,d,g,v];function _(t){var e=\"bruteForce\"+(t?\"Full\":\"Partial\"),r=[],_=b.slice();t||_.splice(3,0,o);var w=[\"function \"+e+\"(\"+_.join()+\"){\"];function k(e,o){var _=function(t,e,r){var o=\"bruteForce\"+(t?\"Red\":\"Blue\")+(e?\"Flip\":\"\")+(r?\"Full\":\"\"),_=[\"function \",o,\"(\",b.join(),\"){\",\"var \",s,\"=2*\",n,\";\"],w=\"for(var i=\"+l+\",\"+h+\"=\"+s+\"*\"+l+\";i<\"+c+\";++i,\"+h+\"+=\"+s+\"){var x0=\"+u+\"[\"+i+\"+\"+h+\"],x1=\"+u+\"[\"+i+\"+\"+h+\"+\"+n+\"],xi=\"+f+\"[i];\",k=\"for(var j=\"+p+\",\"+m+\"=\"+s+\"*\"+p+\";j<\"+d+\";++j,\"+m+\"+=\"+s+\"){var y0=\"+g+\"[\"+i+\"+\"+m+\"],\"+(r?\"y1=\"+g+\"[\"+i+\"+\"+m+\"+\"+n+\"],\":\"\")+\"yi=\"+v+\"[j];\";return t?_.push(w,x,\":\",k):_.push(k,x,\":\",w),r?_.push(\"if(y1\"+d+\"-\"+p+\"){\"),t?(k(!0,!1),w.push(\"}else{\"),k(!1,!1)):(w.push(\"if(\"+o+\"){\"),k(!0,!0),w.push(\"}else{\"),k(!0,!1),w.push(\"}}else{if(\"+o+\"){\"),k(!1,!0),w.push(\"}else{\"),k(!1,!1),w.push(\"}\")),w.push(\"}}return \"+e);var M=r.join(\"\")+w.join(\"\");return new Function(M)()}r.partial=_(!1),r.full=_(!0)},{}],86:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,a,u,S,E,C,L){!function(t,e){var r=8*i.log2(e+1)*(t+1)|0,a=i.nextPow2(b*r);w.length0;){var P=(O-=1)*b,D=w[P],R=w[P+1],B=w[P+2],F=w[P+3],N=w[P+4],j=w[P+5],V=O*_,U=k[V],q=k[V+1],H=1&j,G=!!(16&j),W=u,Y=S,X=C,Z=L;if(H&&(W=C,Y=L,X=u,Z=S),!(2&j&&(B=v(t,D,R,B,W,Y,q),R>=B)||4&j&&(R=m(t,D,R,B,W,Y,U))>=B)){var $=B-R,J=N-F;if(G){if(t*$*($+J)=p0)&&!(p1>=hi)\",[\"p0\",\"p1\"]),g=u(\"lo===p0\",[\"p0\"]),v=u(\"lo>>1,h=2*t,p=f,d=s[h*f+e];for(;c=x?(p=y,d=x):m>=_?(p=v,d=m):(p=b,d=_):x>=_?(p=y,d=x):_>=m?(p=v,d=m):(p=b,d=_);for(var w=h*(u-1),k=h*p,M=0;Mr&&i[f+e]>c;--u,f-=o){for(var h=f,p=f+o,d=0;d=0&&i.push(\"lo=e[k+n]\");t.indexOf(\"hi\")>=0&&i.push(\"hi=e[k+o]\");return r.push(n.replace(\"_\",i.join()).replace(\"$\",t)),Function.apply(void 0,r)};var n=\"for(var j=2*a,k=j*c,l=k,m=c,n=b,o=a+b,p=c;d>p;++p,k+=j){var _;if($)if(m===p)m+=1,l+=j;else{for(var s=0;j>s;++s){var t=e[k+s];e[k+s]=e[l],e[l++]=t}var u=f[p];f[p]=f[m],f[m++]=u}}return m\"},{}],89:[function(t,e,r){\"use strict\";e.exports=function(t,e){e<=4*n?i(0,e-1,t):function t(e,r,f){var h=(r-e+1)/6|0,p=e+h,d=r-h,g=e+r>>1,v=g-h,m=g+h,y=p,x=v,b=g,_=m,w=d,k=e+1,M=r-1,A=0;c(y,x,f)&&(A=y,y=x,x=A);c(_,w,f)&&(A=_,_=w,w=A);c(y,b,f)&&(A=y,y=b,b=A);c(x,b,f)&&(A=x,x=b,b=A);c(y,_,f)&&(A=y,y=_,_=A);c(b,_,f)&&(A=b,b=_,_=A);c(x,w,f)&&(A=x,x=w,w=A);c(x,b,f)&&(A=x,x=b,b=A);c(_,w,f)&&(A=_,_=w,w=A);var T=f[2*x];var S=f[2*x+1];var E=f[2*_];var C=f[2*_+1];var L=2*y;var z=2*b;var O=2*w;var I=2*p;var P=2*g;var D=2*d;for(var R=0;R<2;++R){var B=f[L+R],F=f[z+R],N=f[O+R];f[I+R]=B,f[P+R]=F,f[D+R]=N}o(v,e,f);o(m,r,f);for(var j=k;j<=M;++j)if(u(j,T,S,f))j!==k&&a(j,k,f),++k;else if(!u(j,E,C,f))for(;;){if(u(M,E,C,f)){u(M,T,S,f)?(s(j,k,M,f),++k,--M):(a(j,M,f),--M);break}if(--Mt;){var c=r[l-2],u=r[l-1];if(cr[e+1])}function u(t,e,r,n){var i=n[t*=2];return i>>1;a(p,S);for(var E=0,C=0,k=0;k=o)d(c,u,C--,L=L-o|0);else if(L>=0)d(s,l,E--,L);else if(L<=-o){L=-L-o|0;for(var z=0;z>>1;a(p,E);for(var C=0,L=0,z=0,M=0;M>1==p[2*M+3]>>1&&(I=2,M+=1),O<0){for(var P=-(O>>1)-1,D=0;D>1)-1;0===I?d(s,l,C--,P):1===I?d(c,u,L--,P):2===I&&d(f,h,z--,P)}}},scanBipartite:function(t,e,r,n,i,c,u,f,h,v,m,y){var x=0,b=2*t,_=e,w=e+t,k=1,M=1;n?M=o:k=o;for(var A=i;A>>1;a(p,C);for(var L=0,A=0;A=o?(O=!n,T-=o):(O=!!n,T-=1),O)g(s,l,L++,T);else{var I=y[T],P=b*T,D=m[P+e+1],R=m[P+e+1+t];t:for(var B=0;B>>1;a(p,k);for(var M=0,x=0;x=o)s[M++]=b-o;else{var T=d[b-=1],S=v*b,E=h[S+e+1],C=h[S+e+1+t];t:for(var L=0;L=0;--L)if(s[L]===b){for(var P=L+1;P0&&s.length>a){s.warned=!0;var l=new Error(\"Possible EventEmitter memory leak detected. \"+s.length+' \"'+String(e)+'\" listeners added. Use emitter.setMaxListeners() to increase limit.');l.name=\"MaxListenersExceededWarning\",l.emitter=t,l.type=e,l.count=s.length,\"object\"==typeof console&&console.warn&&console.warn(\"%s: %s\",l.name,l.message)}}else s=o[e]=r,++t._eventsCount;return t}function h(){if(!this.fired)switch(this.target.removeListener(this.type,this.wrapFn),this.fired=!0,arguments.length){case 0:return this.listener.call(this.target);case 1:return this.listener.call(this.target,arguments[0]);case 2:return this.listener.call(this.target,arguments[0],arguments[1]);case 3:return this.listener.call(this.target,arguments[0],arguments[1],arguments[2]);default:for(var t=new Array(arguments.length),e=0;e1&&(e=arguments[1]),e instanceof Error)throw e;var l=new Error('Unhandled \"error\" event. ('+e+\")\");throw l.context=e,l}if(!(r=o[t]))return!1;var c=\"function\"==typeof r;switch(n=arguments.length){case 1:!function(t,e,r){if(e)t.call(r);else for(var n=t.length,i=v(t,n),a=0;a=0;o--)if(r[o]===e||r[o].listener===e){s=r[o].listener,a=o;break}if(a<0)return this;0===a?r.shift():function(t,e){for(var r=e,n=r+1,i=t.length;n=0;a--)this.removeListener(t,e[a]);return this},o.prototype.listeners=function(t){return d(this,t,!0)},o.prototype.rawListeners=function(t){return d(this,t,!1)},o.listenerCount=function(t,e){return\"function\"==typeof t.listenerCount?t.listenerCount(e):g.call(t,e)},o.prototype.listenerCount=g,o.prototype.eventNames=function(){return this._eventsCount>0?Reflect.ownKeys(this._events):[]}},{}],93:[function(t,e,r){\"use strict\";var n=t(\"base64-js\"),i=t(\"ieee754\");r.Buffer=s,r.SlowBuffer=function(t){+t!=t&&(t=0);return s.alloc(+t)},r.INSPECT_MAX_BYTES=50;var a=2147483647;function o(t){if(t>a)throw new RangeError('The value \"'+t+'\" is invalid for option \"size\"');var e=new Uint8Array(t);return e.__proto__=s.prototype,e}function s(t,e,r){if(\"number\"==typeof t){if(\"string\"==typeof e)throw new TypeError('The \"string\" argument must be of type string. Received type number');return u(t)}return l(t,e,r)}function l(t,e,r){if(\"string\"==typeof t)return function(t,e){\"string\"==typeof e&&\"\"!==e||(e=\"utf8\");if(!s.isEncoding(e))throw new TypeError(\"Unknown encoding: \"+e);var r=0|p(t,e),n=o(r),i=n.write(t,e);i!==r&&(n=n.slice(0,i));return n}(t,e);if(ArrayBuffer.isView(t))return f(t);if(null==t)throw TypeError(\"The first argument must be one of type string, Buffer, ArrayBuffer, Array, or Array-like Object. Received type \"+typeof t);if(j(t,ArrayBuffer)||t&&j(t.buffer,ArrayBuffer))return function(t,e,r){if(e<0||t.byteLength=a)throw new RangeError(\"Attempt to allocate Buffer larger than maximum size: 0x\"+a.toString(16)+\" bytes\");return 0|t}function p(t,e){if(s.isBuffer(t))return t.length;if(ArrayBuffer.isView(t)||j(t,ArrayBuffer))return t.byteLength;if(\"string\"!=typeof t)throw new TypeError('The \"string\" argument must be one of type string, Buffer, or ArrayBuffer. Received type '+typeof t);var r=t.length,n=arguments.length>2&&!0===arguments[2];if(!n&&0===r)return 0;for(var i=!1;;)switch(e){case\"ascii\":case\"latin1\":case\"binary\":return r;case\"utf8\":case\"utf-8\":return B(t).length;case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return 2*r;case\"hex\":return r>>>1;case\"base64\":return F(t).length;default:if(i)return n?-1:B(t).length;e=(\"\"+e).toLowerCase(),i=!0}}function d(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function g(t,e,r,n,i){if(0===t.length)return-1;if(\"string\"==typeof r?(n=r,r=0):r>2147483647?r=2147483647:r<-2147483648&&(r=-2147483648),V(r=+r)&&(r=i?0:t.length-1),r<0&&(r=t.length+r),r>=t.length){if(i)return-1;r=t.length-1}else if(r<0){if(!i)return-1;r=0}if(\"string\"==typeof e&&(e=s.from(e,n)),s.isBuffer(e))return 0===e.length?-1:v(t,e,r,n,i);if(\"number\"==typeof e)return e&=255,\"function\"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,e,r):Uint8Array.prototype.lastIndexOf.call(t,e,r):v(t,[e],r,n,i);throw new TypeError(\"val must be string, number or Buffer\")}function v(t,e,r,n,i){var a,o=1,s=t.length,l=e.length;if(void 0!==n&&(\"ucs2\"===(n=String(n).toLowerCase())||\"ucs-2\"===n||\"utf16le\"===n||\"utf-16le\"===n)){if(t.length<2||e.length<2)return-1;o=2,s/=2,l/=2,r/=2}function c(t,e){return 1===o?t[e]:t.readUInt16BE(e*o)}if(i){var u=-1;for(a=r;as&&(r=s-l),a=r;a>=0;a--){for(var f=!0,h=0;hi&&(n=i):n=i;var a=e.length;n>a/2&&(n=a/2);for(var o=0;o>8,i=r%256,a.push(i),a.push(n);return a}(e,t.length-r),t,r,n)}function k(t,e,r){return 0===e&&r===t.length?n.fromByteArray(t):n.fromByteArray(t.slice(e,r))}function M(t,e,r){r=Math.min(t.length,r);for(var n=[],i=e;i239?4:c>223?3:c>191?2:1;if(i+f<=r)switch(f){case 1:c<128&&(u=c);break;case 2:128==(192&(a=t[i+1]))&&(l=(31&c)<<6|63&a)>127&&(u=l);break;case 3:a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&(l=(15&c)<<12|(63&a)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&a)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,f=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),i+=f}return function(t){var e=t.length;if(e<=A)return String.fromCharCode.apply(String,t);var r=\"\",n=0;for(;nthis.length)return\"\";if((void 0===r||r>this.length)&&(r=this.length),r<=0)return\"\";if((r>>>=0)<=(e>>>=0))return\"\";for(t||(t=\"utf8\");;)switch(t){case\"hex\":return E(this,e,r);case\"utf8\":case\"utf-8\":return M(this,e,r);case\"ascii\":return T(this,e,r);case\"latin1\":case\"binary\":return S(this,e,r);case\"base64\":return k(this,e,r);case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return C(this,e,r);default:if(n)throw new TypeError(\"Unknown encoding: \"+t);t=(t+\"\").toLowerCase(),n=!0}}.apply(this,arguments)},s.prototype.toLocaleString=s.prototype.toString,s.prototype.equals=function(t){if(!s.isBuffer(t))throw new TypeError(\"Argument must be a Buffer\");return this===t||0===s.compare(this,t)},s.prototype.inspect=function(){var t=\"\",e=r.INSPECT_MAX_BYTES;return t=this.toString(\"hex\",0,e).replace(/(.{2})/g,\"$1 \").trim(),this.length>e&&(t+=\" ... \"),\"\"},s.prototype.compare=function(t,e,r,n,i){if(j(t,Uint8Array)&&(t=s.from(t,t.offset,t.byteLength)),!s.isBuffer(t))throw new TypeError('The \"target\" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===e&&(e=0),void 0===r&&(r=t?t.length:0),void 0===n&&(n=0),void 0===i&&(i=this.length),e<0||r>t.length||n<0||i>this.length)throw new RangeError(\"out of range index\");if(n>=i&&e>=r)return 0;if(n>=i)return-1;if(e>=r)return 1;if(this===t)return 0;for(var a=(i>>>=0)-(n>>>=0),o=(r>>>=0)-(e>>>=0),l=Math.min(a,o),c=this.slice(n,i),u=t.slice(e,r),f=0;f>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n=\"utf8\")):(n=r,r=void 0)}var i=this.length-e;if((void 0===r||r>i)&&(r=i),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError(\"Attempt to write outside buffer bounds\");n||(n=\"utf8\");for(var a=!1;;)switch(n){case\"hex\":return m(this,t,e,r);case\"utf8\":case\"utf-8\":return y(this,t,e,r);case\"ascii\":return x(this,t,e,r);case\"latin1\":case\"binary\":return b(this,t,e,r);case\"base64\":return _(this,t,e,r);case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return w(this,t,e,r);default:if(a)throw new TypeError(\"Unknown encoding: \"+n);n=(\"\"+n).toLowerCase(),a=!0}},s.prototype.toJSON=function(){return{type:\"Buffer\",data:Array.prototype.slice.call(this._arr||this,0)}};var A=4096;function T(t,e,r){var n=\"\";r=Math.min(t.length,r);for(var i=e;in)&&(r=n);for(var i=\"\",a=e;ar)throw new RangeError(\"Trying to access beyond buffer length\")}function z(t,e,r,n,i,a){if(!s.isBuffer(t))throw new TypeError('\"buffer\" argument must be a Buffer instance');if(e>i||et.length)throw new RangeError(\"Index out of range\")}function O(t,e,r,n,i,a){if(r+n>t.length)throw new RangeError(\"Index out of range\");if(r<0)throw new RangeError(\"Index out of range\")}function I(t,e,r,n,a){return e=+e,r>>>=0,a||O(t,0,r,4),i.write(t,e,r,n,23,4),r+4}function P(t,e,r,n,a){return e=+e,r>>>=0,a||O(t,0,r,8),i.write(t,e,r,n,52,8),r+8}s.prototype.slice=function(t,e){var r=this.length;(t=~~t)<0?(t+=r)<0&&(t=0):t>r&&(t=r),(e=void 0===e?r:~~e)<0?(e+=r)<0&&(e=0):e>r&&(e=r),e>>=0,e>>>=0,r||L(t,e,this.length);for(var n=this[t],i=1,a=0;++a>>=0,e>>>=0,r||L(t,e,this.length);for(var n=this[t+--e],i=1;e>0&&(i*=256);)n+=this[t+--e]*i;return n},s.prototype.readUInt8=function(t,e){return t>>>=0,e||L(t,1,this.length),this[t]},s.prototype.readUInt16LE=function(t,e){return t>>>=0,e||L(t,2,this.length),this[t]|this[t+1]<<8},s.prototype.readUInt16BE=function(t,e){return t>>>=0,e||L(t,2,this.length),this[t]<<8|this[t+1]},s.prototype.readUInt32LE=function(t,e){return t>>>=0,e||L(t,4,this.length),(this[t]|this[t+1]<<8|this[t+2]<<16)+16777216*this[t+3]},s.prototype.readUInt32BE=function(t,e){return t>>>=0,e||L(t,4,this.length),16777216*this[t]+(this[t+1]<<16|this[t+2]<<8|this[t+3])},s.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||L(t,e,this.length);for(var n=this[t],i=1,a=0;++a=(i*=128)&&(n-=Math.pow(2,8*e)),n},s.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||L(t,e,this.length);for(var n=e,i=1,a=this[t+--n];n>0&&(i*=256);)a+=this[t+--n]*i;return a>=(i*=128)&&(a-=Math.pow(2,8*e)),a},s.prototype.readInt8=function(t,e){return t>>>=0,e||L(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},s.prototype.readInt16LE=function(t,e){t>>>=0,e||L(t,2,this.length);var r=this[t]|this[t+1]<<8;return 32768&r?4294901760|r:r},s.prototype.readInt16BE=function(t,e){t>>>=0,e||L(t,2,this.length);var r=this[t+1]|this[t]<<8;return 32768&r?4294901760|r:r},s.prototype.readInt32LE=function(t,e){return t>>>=0,e||L(t,4,this.length),this[t]|this[t+1]<<8|this[t+2]<<16|this[t+3]<<24},s.prototype.readInt32BE=function(t,e){return t>>>=0,e||L(t,4,this.length),this[t]<<24|this[t+1]<<16|this[t+2]<<8|this[t+3]},s.prototype.readFloatLE=function(t,e){return t>>>=0,e||L(t,4,this.length),i.read(this,t,!0,23,4)},s.prototype.readFloatBE=function(t,e){return t>>>=0,e||L(t,4,this.length),i.read(this,t,!1,23,4)},s.prototype.readDoubleLE=function(t,e){return t>>>=0,e||L(t,8,this.length),i.read(this,t,!0,52,8)},s.prototype.readDoubleBE=function(t,e){return t>>>=0,e||L(t,8,this.length),i.read(this,t,!1,52,8)},s.prototype.writeUIntLE=function(t,e,r,n){(t=+t,e>>>=0,r>>>=0,n)||z(this,t,e,r,Math.pow(2,8*r)-1,0);var i=1,a=0;for(this[e]=255&t;++a>>=0,r>>>=0,n)||z(this,t,e,r,Math.pow(2,8*r)-1,0);var i=r-1,a=1;for(this[e+i]=255&t;--i>=0&&(a*=256);)this[e+i]=t/a&255;return e+r},s.prototype.writeUInt8=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,1,255,0),this[e]=255&t,e+1},s.prototype.writeUInt16LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,65535,0),this[e]=255&t,this[e+1]=t>>>8,e+2},s.prototype.writeUInt16BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,65535,0),this[e]=t>>>8,this[e+1]=255&t,e+2},s.prototype.writeUInt32LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,4294967295,0),this[e+3]=t>>>24,this[e+2]=t>>>16,this[e+1]=t>>>8,this[e]=255&t,e+4},s.prototype.writeUInt32BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,4294967295,0),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},s.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);z(this,t,e,r,i-1,-i)}var a=0,o=1,s=0;for(this[e]=255&t;++a>0)-s&255;return e+r},s.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);z(this,t,e,r,i-1,-i)}var a=r-1,o=1,s=0;for(this[e+a]=255&t;--a>=0&&(o*=256);)t<0&&0===s&&0!==this[e+a+1]&&(s=1),this[e+a]=(t/o>>0)-s&255;return e+r},s.prototype.writeInt8=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,1,127,-128),t<0&&(t=255+t+1),this[e]=255&t,e+1},s.prototype.writeInt16LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,32767,-32768),this[e]=255&t,this[e+1]=t>>>8,e+2},s.prototype.writeInt16BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,32767,-32768),this[e]=t>>>8,this[e+1]=255&t,e+2},s.prototype.writeInt32LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,2147483647,-2147483648),this[e]=255&t,this[e+1]=t>>>8,this[e+2]=t>>>16,this[e+3]=t>>>24,e+4},s.prototype.writeInt32BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,2147483647,-2147483648),t<0&&(t=4294967295+t+1),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},s.prototype.writeFloatLE=function(t,e,r){return I(this,t,e,!0,r)},s.prototype.writeFloatBE=function(t,e,r){return I(this,t,e,!1,r)},s.prototype.writeDoubleLE=function(t,e,r){return P(this,t,e,!0,r)},s.prototype.writeDoubleBE=function(t,e,r){return P(this,t,e,!1,r)},s.prototype.copy=function(t,e,r,n){if(!s.isBuffer(t))throw new TypeError(\"argument should be a Buffer\");if(r||(r=0),n||0===n||(n=this.length),e>=t.length&&(e=t.length),e||(e=0),n>0&&n=this.length)throw new RangeError(\"Index out of range\");if(n<0)throw new RangeError(\"sourceEnd out of bounds\");n>this.length&&(n=this.length),t.length-e=0;--a)t[a+e]=this[a+r];else Uint8Array.prototype.set.call(t,this.subarray(r,n),e);return i},s.prototype.fill=function(t,e,r,n){if(\"string\"==typeof t){if(\"string\"==typeof e?(n=e,e=0,r=this.length):\"string\"==typeof r&&(n=r,r=this.length),void 0!==n&&\"string\"!=typeof n)throw new TypeError(\"encoding must be a string\");if(\"string\"==typeof n&&!s.isEncoding(n))throw new TypeError(\"Unknown encoding: \"+n);if(1===t.length){var i=t.charCodeAt(0);(\"utf8\"===n&&i<128||\"latin1\"===n)&&(t=i)}}else\"number\"==typeof t&&(t&=255);if(e<0||this.length>>=0,r=void 0===r?this.length:r>>>0,t||(t=0),\"number\"==typeof t)for(a=e;a55295&&r<57344){if(!i){if(r>56319){(e-=3)>-1&&a.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&a.push(239,191,189);continue}i=r;continue}if(r<56320){(e-=3)>-1&&a.push(239,191,189),i=r;continue}r=65536+(i-55296<<10|r-56320)}else i&&(e-=3)>-1&&a.push(239,191,189);if(i=null,r<128){if((e-=1)<0)break;a.push(r)}else if(r<2048){if((e-=2)<0)break;a.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;a.push(r>>12|224,r>>6&63|128,63&r|128)}else{if(!(r<1114112))throw new Error(\"Invalid code point\");if((e-=4)<0)break;a.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return a}function F(t){return n.toByteArray(function(t){if((t=(t=t.split(\"=\")[0]).trim().replace(D,\"\")).length<2)return\"\";for(;t.length%4!=0;)t+=\"=\";return t}(t))}function N(t,e,r,n){for(var i=0;i=e.length||i>=t.length);++i)e[i+r]=t[i];return i}function j(t,e){return t instanceof e||null!=t&&null!=t.constructor&&null!=t.constructor.name&&t.constructor.name===e.name}function V(t){return t!=t}},{\"base64-js\":62,ieee754:395}],94:[function(t,e,r){\"use strict\";var n=t(\"./lib/monotone\"),i=t(\"./lib/triangulation\"),a=t(\"./lib/delaunay\"),o=t(\"./lib/filter\");function s(t){return[Math.min(t[0],t[1]),Math.max(t[0],t[1])]}function l(t,e){return t[0]-e[0]||t[1]-e[1]}function c(t,e,r){return e in t?t[e]:r}e.exports=function(t,e,r){Array.isArray(e)?(r=r||{},e=e||[]):(r=e||{},e=[]);var u=!!c(r,\"delaunay\",!0),f=!!c(r,\"interior\",!0),h=!!c(r,\"exterior\",!0),p=!!c(r,\"infinity\",!1);if(!f&&!h||0===t.length)return[];var d=n(t,e);if(u||f!==h||p){for(var g=i(t.length,function(t){return t.map(s).sort(l)}(e)),v=0;v0;){for(var u=r.pop(),s=r.pop(),f=-1,h=-1,l=o[s],d=1;d=0||(e.flip(s,u),i(t,e,r,f,s,h),i(t,e,r,s,h,f),i(t,e,r,h,u,f),i(t,e,r,u,f,h)))}}},{\"binary-search-bounds\":99,\"robust-in-sphere\":484}],96:[function(t,e,r){\"use strict\";var n,i=t(\"binary-search-bounds\");function a(t,e,r,n,i,a,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=i,this.next=a,this.boundary=o}function o(t,e){return t[0]-e[0]||t[1]-e[1]||t[2]-e[2]}e.exports=function(t,e,r){var n=function(t,e){for(var r=t.cells(),n=r.length,i=0;i0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-i){c[p]=i;u[p];for(var d=0;d<3;++d){var g=h[3*p+d];g>=0&&0===c[g]&&(f[3*p+d]?l.push(g):(s.push(g),c[g]=i))}}}var v=l;l=s,s=v,l.length=0,i=-i}var m=function(t,e,r){for(var n=0,i=0;i1&&i(r[h[p-2]],r[h[p-1]],a)>0;)t.push([h[p-1],h[p-2],o]),p-=1;h.length=p,h.push(o);var d=u.upperIds;for(p=d.length;p>1&&i(r[d[p-2]],r[d[p-1]],a)<0;)t.push([d[p-2],d[p-1],o]),p-=1;d.length=p,d.push(o)}}function p(t,e){var r;return(r=t.a[0]m[0]&&i.push(new c(m,v,s,f),new c(v,m,o,f))}i.sort(u);for(var y=i[0].a[0]-(1+Math.abs(i[0].a[0]))*Math.pow(2,-52),x=[new l([y,1],[y,0],-1,[],[],[],[])],b=[],f=0,_=i.length;f<_;++f){var w=i[f],k=w.type;k===a?h(b,x,t,w.a,w.idx):k===s?d(x,t,w):g(x,t,w)}return b}},{\"binary-search-bounds\":99,\"robust-orientation\":486}],98:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\");function i(t,e){this.stars=t,this.edges=e}e.exports=function(t,e){for(var r=new Array(t),n=0;n=0}}(),a.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},a.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},a.opposite=function(t,e){for(var r=this.stars[e],n=1,i=r.length;n>>1,x=a[m]\"];return i?e.indexOf(\"c\")<0?a.push(\";if(x===y){return m}else if(x<=y){\"):a.push(\";var p=c(x,y);if(p===0){return m}else if(p<=0){\"):a.push(\";if(\",e,\"){i=m;\"),r?a.push(\"l=m+1}else{h=m-1}\"):a.push(\"h=m-1}else{l=m+1}\"),a.push(\"}\"),i?a.push(\"return -1};\"):a.push(\"return i};\"),a.join(\"\")}function i(t,e,r,i){return new Function([n(\"A\",\"x\"+t+\"y\",e,[\"y\"],i),n(\"P\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],i),\"function dispatchBsearch\",r,\"(a,y,c,l,h){if(typeof(c)==='function'){return P(a,(l===void 0)?0:l|0,(h===void 0)?a.length-1:h|0,y,c)}else{return A(a,(c===void 0)?0:c|0,(l===void 0)?a.length-1:l|0,y)}}return dispatchBsearch\",r].join(\"\"))()}e.exports={ge:i(\">=\",!1,\"GE\"),gt:i(\">\",!1,\"GT\"),lt:i(\"<\",!0,\"LT\"),le:i(\"<=\",!0,\"LE\"),eq:i(\"-\",!0,\"EQ\",!0)}},{}],100:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=1,r=1;rr?r:t:te?e:t}},{}],104:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){var n;if(r){n=e;for(var i=new Array(e.length),a=0;ae[2]?1:0)}function m(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--a){var x=e[u=(S=n[a])[0]],b=x[0],_=x[1],w=t[b],k=t[_];if((w[0]-k[0]||w[1]-k[1])<0){var M=b;b=_,_=M}x[0]=b;var A,T=x[1]=S[1];for(i&&(A=x[2]);a>0&&n[a-1][0]===u;){var S,E=(S=n[--a])[1];i?e.push([T,E,A]):e.push([T,E]),T=E}i?e.push([T,_,A]):e.push([T,_])}return h}(t,e,h,v,r));return m(e,y,r),!!y||(h.length>0||v.length>0)}},{\"./lib/rat-seg-intersect\":105,\"big-rat\":66,\"big-rat/cmp\":64,\"big-rat/to-float\":78,\"box-intersect\":84,nextafter:434,\"rat-vec\":469,\"robust-segment-intersect\":489,\"union-find\":523}],105:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var a=s(e,t),f=s(n,r),h=u(a,f);if(0===o(h))return null;var p=s(t,r),d=u(f,p),g=i(d,h),v=c(a,g);return l(t,v)};var n=t(\"big-rat/mul\"),i=t(\"big-rat/div\"),a=t(\"big-rat/sub\"),o=t(\"big-rat/sign\"),s=t(\"rat-vec/sub\"),l=t(\"rat-vec/add\"),c=t(\"rat-vec/muls\");function u(t,e){return a(n(t[0],e[1]),n(t[1],e[0]))}},{\"big-rat/div\":65,\"big-rat/mul\":75,\"big-rat/sign\":76,\"big-rat/sub\":77,\"rat-vec/add\":468,\"rat-vec/muls\":470,\"rat-vec/sub\":471}],106:[function(t,e,r){\"use strict\";var n=t(\"clamp\");function i(t,e){null==e&&(e=!0);var r=t[0],i=t[1],a=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,i*=255,a*=255,o*=255),16777216*(r=255&n(r,0,255))+((i=255&n(i,0,255))<<16)+((a=255&n(a,0,255))<<8)+(o=255&n(o,0,255))}e.exports=i,e.exports.to=i,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,i=(65280&t)>>>8,a=255&t;return!1===e?[r,n,i,a]:[r/255,n/255,i/255,a/255]}},{clamp:103}],107:[function(t,e,r){\"use strict\";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},{}],108:[function(t,e,r){\"use strict\";var n=t(\"color-rgba\"),i=t(\"clamp\"),a=t(\"dtype\");e.exports=function(t,e){\"float\"!==e&&e||(e=\"array\"),\"uint\"===e&&(e=\"uint8\"),\"uint_clamped\"===e&&(e=\"uint8_clamped\");var r=new(a(e))(4),o=\"uint8\"!==e&&\"uint8_clamped\"!==e;return t.length&&\"string\"!=typeof t||((t=n(t))[0]/=255,t[1]/=255,t[2]/=255),function(t){return t instanceof Uint8Array||t instanceof Uint8ClampedArray||!!(Array.isArray(t)&&(t[0]>1||0===t[0])&&(t[1]>1||0===t[1])&&(t[2]>1||0===t[2])&&(!t[3]||t[3]>1))}(t)?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:255,o&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(o?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=i(Math.floor(255*t[0]),0,255),r[1]=i(Math.floor(255*t[1]),0,255),r[2]=i(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:i(Math.floor(255*t[3]),0,255)),r)}},{clamp:103,\"color-rgba\":110,dtype:154}],109:[function(t,e,r){(function(r){\"use strict\";var n=t(\"color-name\"),i=t(\"is-plain-obj\"),a=t(\"defined\");e.exports=function(t){var e,s,l=[],c=1;if(\"string\"==typeof t)if(n[t])l=n[t].slice(),s=\"rgb\";else if(\"transparent\"===t)c=0,s=\"rgb\",l=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var u=t.slice(1),f=u.length,h=f<=4;c=1,h?(l=[parseInt(u[0]+u[0],16),parseInt(u[1]+u[1],16),parseInt(u[2]+u[2],16)],4===f&&(c=parseInt(u[3]+u[3],16)/255)):(l=[parseInt(u[0]+u[1],16),parseInt(u[2]+u[3],16),parseInt(u[4]+u[5],16)],8===f&&(c=parseInt(u[6]+u[7],16)/255)),l[0]||(l[0]=0),l[1]||(l[1]=0),l[2]||(l[2]=0),s=\"rgb\"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\\s*\\(([^\\)]*)\\)/.exec(t)){var p=e[1],u=p.replace(/a$/,\"\");s=u;var f=\"cmyk\"===u?4:\"gray\"===u?1:3;l=e[2].trim().split(/\\s*,\\s*/).map(function(t,e){if(/%$/.test(t))return e===f?parseFloat(t)/100:\"rgb\"===u?255*parseFloat(t)/100:parseFloat(t);if(\"h\"===u[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==o[t])return o[t]}return parseFloat(t)}),p===u&&l.push(1),c=void 0===l[f]?1:l[f],l=l.slice(0,f)}else t.length>10&&/[0-9](?:\\s|\\/)/.test(t)&&(l=t.match(/([0-9]+)/g).map(function(t){return parseFloat(t)}),s=t.match(/([a-z])/gi).join(\"\").toLowerCase());else if(isNaN(t))if(i(t)){var d=a(t.r,t.red,t.R,null);null!==d?(s=\"rgb\",l=[d,a(t.g,t.green,t.G),a(t.b,t.blue,t.B)]):(s=\"hsl\",l=[a(t.h,t.hue,t.H),a(t.s,t.saturation,t.S),a(t.l,t.lightness,t.L,t.b,t.brightness)]),c=a(t.a,t.alpha,t.opacity,1),null!=t.opacity&&(c/=100)}else(Array.isArray(t)||r.ArrayBuffer&&ArrayBuffer.isView&&ArrayBuffer.isView(t))&&(l=[t[0],t[1],t[2]],s=\"rgb\",c=4===t.length?t[3]:1);else s=\"rgb\",l=[t>>>16,(65280&t)>>>8,255&t];return{space:s,values:l,alpha:c}};var o={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"color-name\":107,defined:149,\"is-plain-obj\":405}],110:[function(t,e,r){\"use strict\";var n=t(\"color-parse\"),i=t(\"color-space/hsl\"),a=t(\"clamp\");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=a(r.values[0],0,255),e[1]=a(r.values[1],0,255),e[2]=a(r.values[2],0,255),\"h\"===r.space[0]&&(e=i.rgb(e)),e.push(a(r.alpha,0,1)),e):[]}},{clamp:103,\"color-parse\":109,\"color-space/hsl\":111}],111:[function(t,e,r){\"use strict\";var n=t(\"./rgb\");e.exports={name:\"hsl\",min:[0,0,0],max:[360,100,100],channel:[\"hue\",\"saturation\",\"lightness\"],alias:[\"HSL\"],rgb:function(t){var e,r,n,i,a,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[a=255*l,a,a];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),i=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,a=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,i[c]=255*a;return i}},n.hsl=function(t){var e,r,n=t[0]/255,i=t[1]/255,a=t[2]/255,o=Math.min(n,i,a),s=Math.max(n,i,a),l=s-o;return s===o?e=0:n===s?e=(i-a)/l:i===s?e=2+(a-n)/l:a===s&&(e=4+(n-i)/l),(e=Math.min(60*e,360))<0&&(e+=360),r=(o+s)/2,[e,100*(s===o?0:r<=.5?l/(s+o):l/(2-s-o)),100*r]}},{\"./rgb\":112}],112:[function(t,e,r){\"use strict\";e.exports={name:\"rgb\",min:[0,0,0],max:[255,255,255],channel:[\"red\",\"green\",\"blue\"],alias:[\"RGB\"]}},{}],113:[function(t,e,r){e.exports={jet:[{index:0,rgb:[0,0,131]},{index:.125,rgb:[0,60,170]},{index:.375,rgb:[5,255,255]},{index:.625,rgb:[255,255,0]},{index:.875,rgb:[250,0,0]},{index:1,rgb:[128,0,0]}],hsv:[{index:0,rgb:[255,0,0]},{index:.169,rgb:[253,255,2]},{index:.173,rgb:[247,255,2]},{index:.337,rgb:[0,252,4]},{index:.341,rgb:[0,252,10]},{index:.506,rgb:[1,249,255]},{index:.671,rgb:[2,0,253]},{index:.675,rgb:[8,0,253]},{index:.839,rgb:[255,0,251]},{index:.843,rgb:[255,0,245]},{index:1,rgb:[255,0,6]}],hot:[{index:0,rgb:[0,0,0]},{index:.3,rgb:[230,0,0]},{index:.6,rgb:[255,210,0]},{index:1,rgb:[255,255,255]}],cool:[{index:0,rgb:[0,255,255]},{index:1,rgb:[255,0,255]}],spring:[{index:0,rgb:[255,0,255]},{index:1,rgb:[255,255,0]}],summer:[{index:0,rgb:[0,128,102]},{index:1,rgb:[255,255,102]}],autumn:[{index:0,rgb:[255,0,0]},{index:1,rgb:[255,255,0]}],winter:[{index:0,rgb:[0,0,255]},{index:1,rgb:[0,255,128]}],bone:[{index:0,rgb:[0,0,0]},{index:.376,rgb:[84,84,116]},{index:.753,rgb:[169,200,200]},{index:1,rgb:[255,255,255]}],copper:[{index:0,rgb:[0,0,0]},{index:.804,rgb:[255,160,102]},{index:1,rgb:[255,199,127]}],greys:[{index:0,rgb:[0,0,0]},{index:1,rgb:[255,255,255]}],yignbu:[{index:0,rgb:[8,29,88]},{index:.125,rgb:[37,52,148]},{index:.25,rgb:[34,94,168]},{index:.375,rgb:[29,145,192]},{index:.5,rgb:[65,182,196]},{index:.625,rgb:[127,205,187]},{index:.75,rgb:[199,233,180]},{index:.875,rgb:[237,248,217]},{index:1,rgb:[255,255,217]}],greens:[{index:0,rgb:[0,68,27]},{index:.125,rgb:[0,109,44]},{index:.25,rgb:[35,139,69]},{index:.375,rgb:[65,171,93]},{index:.5,rgb:[116,196,118]},{index:.625,rgb:[161,217,155]},{index:.75,rgb:[199,233,192]},{index:.875,rgb:[229,245,224]},{index:1,rgb:[247,252,245]}],yiorrd:[{index:0,rgb:[128,0,38]},{index:.125,rgb:[189,0,38]},{index:.25,rgb:[227,26,28]},{index:.375,rgb:[252,78,42]},{index:.5,rgb:[253,141,60]},{index:.625,rgb:[254,178,76]},{index:.75,rgb:[254,217,118]},{index:.875,rgb:[255,237,160]},{index:1,rgb:[255,255,204]}],bluered:[{index:0,rgb:[0,0,255]},{index:1,rgb:[255,0,0]}],rdbu:[{index:0,rgb:[5,10,172]},{index:.35,rgb:[106,137,247]},{index:.5,rgb:[190,190,190]},{index:.6,rgb:[220,170,132]},{index:.7,rgb:[230,145,90]},{index:1,rgb:[178,10,28]}],picnic:[{index:0,rgb:[0,0,255]},{index:.1,rgb:[51,153,255]},{index:.2,rgb:[102,204,255]},{index:.3,rgb:[153,204,255]},{index:.4,rgb:[204,204,255]},{index:.5,rgb:[255,255,255]},{index:.6,rgb:[255,204,255]},{index:.7,rgb:[255,153,255]},{index:.8,rgb:[255,102,204]},{index:.9,rgb:[255,102,102]},{index:1,rgb:[255,0,0]}],rainbow:[{index:0,rgb:[150,0,90]},{index:.125,rgb:[0,0,200]},{index:.25,rgb:[0,25,255]},{index:.375,rgb:[0,152,255]},{index:.5,rgb:[44,255,150]},{index:.625,rgb:[151,255,0]},{index:.75,rgb:[255,234,0]},{index:.875,rgb:[255,111,0]},{index:1,rgb:[255,0,0]}],portland:[{index:0,rgb:[12,51,131]},{index:.25,rgb:[10,136,186]},{index:.5,rgb:[242,211,56]},{index:.75,rgb:[242,143,56]},{index:1,rgb:[217,30,30]}],blackbody:[{index:0,rgb:[0,0,0]},{index:.2,rgb:[230,0,0]},{index:.4,rgb:[230,210,0]},{index:.7,rgb:[255,255,255]},{index:1,rgb:[160,200,255]}],earth:[{index:0,rgb:[0,0,130]},{index:.1,rgb:[0,180,180]},{index:.2,rgb:[40,210,40]},{index:.4,rgb:[230,230,50]},{index:.6,rgb:[120,70,20]},{index:1,rgb:[255,255,255]}],electric:[{index:0,rgb:[0,0,0]},{index:.15,rgb:[30,0,100]},{index:.4,rgb:[120,0,100]},{index:.6,rgb:[160,90,0]},{index:.8,rgb:[230,200,0]},{index:1,rgb:[255,250,220]}],alpha:[{index:0,rgb:[255,255,255,0]},{index:1,rgb:[255,255,255,1]}],viridis:[{index:0,rgb:[68,1,84]},{index:.13,rgb:[71,44,122]},{index:.25,rgb:[59,81,139]},{index:.38,rgb:[44,113,142]},{index:.5,rgb:[33,144,141]},{index:.63,rgb:[39,173,129]},{index:.75,rgb:[92,200,99]},{index:.88,rgb:[170,220,50]},{index:1,rgb:[253,231,37]}],inferno:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[31,12,72]},{index:.25,rgb:[85,15,109]},{index:.38,rgb:[136,34,106]},{index:.5,rgb:[186,54,85]},{index:.63,rgb:[227,89,51]},{index:.75,rgb:[249,140,10]},{index:.88,rgb:[249,201,50]},{index:1,rgb:[252,255,164]}],magma:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[28,16,68]},{index:.25,rgb:[79,18,123]},{index:.38,rgb:[129,37,129]},{index:.5,rgb:[181,54,122]},{index:.63,rgb:[229,80,100]},{index:.75,rgb:[251,135,97]},{index:.88,rgb:[254,194,135]},{index:1,rgb:[252,253,191]}],plasma:[{index:0,rgb:[13,8,135]},{index:.13,rgb:[75,3,161]},{index:.25,rgb:[125,3,168]},{index:.38,rgb:[168,34,150]},{index:.5,rgb:[203,70,121]},{index:.63,rgb:[229,107,93]},{index:.75,rgb:[248,148,65]},{index:.88,rgb:[253,195,40]},{index:1,rgb:[240,249,33]}],warm:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[172,0,187]},{index:.25,rgb:[219,0,170]},{index:.38,rgb:[255,0,130]},{index:.5,rgb:[255,63,74]},{index:.63,rgb:[255,123,0]},{index:.75,rgb:[234,176,0]},{index:.88,rgb:[190,228,0]},{index:1,rgb:[147,255,0]}],cool:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[116,0,218]},{index:.25,rgb:[98,74,237]},{index:.38,rgb:[68,146,231]},{index:.5,rgb:[0,204,197]},{index:.63,rgb:[0,247,146]},{index:.75,rgb:[0,255,88]},{index:.88,rgb:[40,255,8]},{index:1,rgb:[147,255,0]}],\"rainbow-soft\":[{index:0,rgb:[125,0,179]},{index:.1,rgb:[199,0,180]},{index:.2,rgb:[255,0,121]},{index:.3,rgb:[255,108,0]},{index:.4,rgb:[222,194,0]},{index:.5,rgb:[150,255,0]},{index:.6,rgb:[0,255,55]},{index:.7,rgb:[0,246,150]},{index:.8,rgb:[50,167,222]},{index:.9,rgb:[103,51,235]},{index:1,rgb:[124,0,186]}],bathymetry:[{index:0,rgb:[40,26,44]},{index:.13,rgb:[59,49,90]},{index:.25,rgb:[64,76,139]},{index:.38,rgb:[63,110,151]},{index:.5,rgb:[72,142,158]},{index:.63,rgb:[85,174,163]},{index:.75,rgb:[120,206,163]},{index:.88,rgb:[187,230,172]},{index:1,rgb:[253,254,204]}],cdom:[{index:0,rgb:[47,15,62]},{index:.13,rgb:[87,23,86]},{index:.25,rgb:[130,28,99]},{index:.38,rgb:[171,41,96]},{index:.5,rgb:[206,67,86]},{index:.63,rgb:[230,106,84]},{index:.75,rgb:[242,149,103]},{index:.88,rgb:[249,193,135]},{index:1,rgb:[254,237,176]}],chlorophyll:[{index:0,rgb:[18,36,20]},{index:.13,rgb:[25,63,41]},{index:.25,rgb:[24,91,59]},{index:.38,rgb:[13,119,72]},{index:.5,rgb:[18,148,80]},{index:.63,rgb:[80,173,89]},{index:.75,rgb:[132,196,122]},{index:.88,rgb:[175,221,162]},{index:1,rgb:[215,249,208]}],density:[{index:0,rgb:[54,14,36]},{index:.13,rgb:[89,23,80]},{index:.25,rgb:[110,45,132]},{index:.38,rgb:[120,77,178]},{index:.5,rgb:[120,113,213]},{index:.63,rgb:[115,151,228]},{index:.75,rgb:[134,185,227]},{index:.88,rgb:[177,214,227]},{index:1,rgb:[230,241,241]}],\"freesurface-blue\":[{index:0,rgb:[30,4,110]},{index:.13,rgb:[47,14,176]},{index:.25,rgb:[41,45,236]},{index:.38,rgb:[25,99,212]},{index:.5,rgb:[68,131,200]},{index:.63,rgb:[114,156,197]},{index:.75,rgb:[157,181,203]},{index:.88,rgb:[200,208,216]},{index:1,rgb:[241,237,236]}],\"freesurface-red\":[{index:0,rgb:[60,9,18]},{index:.13,rgb:[100,17,27]},{index:.25,rgb:[142,20,29]},{index:.38,rgb:[177,43,27]},{index:.5,rgb:[192,87,63]},{index:.63,rgb:[205,125,105]},{index:.75,rgb:[216,162,148]},{index:.88,rgb:[227,199,193]},{index:1,rgb:[241,237,236]}],oxygen:[{index:0,rgb:[64,5,5]},{index:.13,rgb:[106,6,15]},{index:.25,rgb:[144,26,7]},{index:.38,rgb:[168,64,3]},{index:.5,rgb:[188,100,4]},{index:.63,rgb:[206,136,11]},{index:.75,rgb:[220,174,25]},{index:.88,rgb:[231,215,44]},{index:1,rgb:[248,254,105]}],par:[{index:0,rgb:[51,20,24]},{index:.13,rgb:[90,32,35]},{index:.25,rgb:[129,44,34]},{index:.38,rgb:[159,68,25]},{index:.5,rgb:[182,99,19]},{index:.63,rgb:[199,134,22]},{index:.75,rgb:[212,171,35]},{index:.88,rgb:[221,210,54]},{index:1,rgb:[225,253,75]}],phase:[{index:0,rgb:[145,105,18]},{index:.13,rgb:[184,71,38]},{index:.25,rgb:[186,58,115]},{index:.38,rgb:[160,71,185]},{index:.5,rgb:[110,97,218]},{index:.63,rgb:[50,123,164]},{index:.75,rgb:[31,131,110]},{index:.88,rgb:[77,129,34]},{index:1,rgb:[145,105,18]}],salinity:[{index:0,rgb:[42,24,108]},{index:.13,rgb:[33,50,162]},{index:.25,rgb:[15,90,145]},{index:.38,rgb:[40,118,137]},{index:.5,rgb:[59,146,135]},{index:.63,rgb:[79,175,126]},{index:.75,rgb:[120,203,104]},{index:.88,rgb:[193,221,100]},{index:1,rgb:[253,239,154]}],temperature:[{index:0,rgb:[4,35,51]},{index:.13,rgb:[23,51,122]},{index:.25,rgb:[85,59,157]},{index:.38,rgb:[129,79,143]},{index:.5,rgb:[175,95,130]},{index:.63,rgb:[222,112,101]},{index:.75,rgb:[249,146,66]},{index:.88,rgb:[249,196,65]},{index:1,rgb:[232,250,91]}],turbidity:[{index:0,rgb:[34,31,27]},{index:.13,rgb:[65,50,41]},{index:.25,rgb:[98,69,52]},{index:.38,rgb:[131,89,57]},{index:.5,rgb:[161,112,59]},{index:.63,rgb:[185,140,66]},{index:.75,rgb:[202,174,88]},{index:.88,rgb:[216,209,126]},{index:1,rgb:[233,246,171]}],\"velocity-blue\":[{index:0,rgb:[17,32,64]},{index:.13,rgb:[35,52,116]},{index:.25,rgb:[29,81,156]},{index:.38,rgb:[31,113,162]},{index:.5,rgb:[50,144,169]},{index:.63,rgb:[87,173,176]},{index:.75,rgb:[149,196,189]},{index:.88,rgb:[203,221,211]},{index:1,rgb:[254,251,230]}],\"velocity-green\":[{index:0,rgb:[23,35,19]},{index:.13,rgb:[24,64,38]},{index:.25,rgb:[11,95,45]},{index:.38,rgb:[39,123,35]},{index:.5,rgb:[95,146,12]},{index:.63,rgb:[152,165,18]},{index:.75,rgb:[201,186,69]},{index:.88,rgb:[233,216,137]},{index:1,rgb:[255,253,205]}],cubehelix:[{index:0,rgb:[0,0,0]},{index:.07,rgb:[22,5,59]},{index:.13,rgb:[60,4,105]},{index:.2,rgb:[109,1,135]},{index:.27,rgb:[161,0,147]},{index:.33,rgb:[210,2,142]},{index:.4,rgb:[251,11,123]},{index:.47,rgb:[255,29,97]},{index:.53,rgb:[255,54,69]},{index:.6,rgb:[255,85,46]},{index:.67,rgb:[255,120,34]},{index:.73,rgb:[255,157,37]},{index:.8,rgb:[241,191,57]},{index:.87,rgb:[224,220,93]},{index:.93,rgb:[218,241,142]},{index:1,rgb:[227,253,198]}]}},{}],114:[function(t,e,r){\"use strict\";var n=t(\"./colorScale\"),i=t(\"lerp\");function a(t){return[t[0]/255,t[1]/255,t[2]/255,t[3]]}function o(t){for(var e,r=\"#\",n=0;n<3;++n)r+=(\"00\"+(e=(e=t[n]).toString(16))).substr(e.length);return r}function s(t){return\"rgba(\"+t.join(\",\")+\")\"}e.exports=function(t){var e,r,l,c,u,f,h,p,d,g;t||(t={});p=(t.nshades||72)-1,h=t.format||\"hex\",(f=t.colormap)||(f=\"jet\");if(\"string\"==typeof f){if(f=f.toLowerCase(),!n[f])throw Error(f+\" not a supported colorscale\");u=n[f]}else{if(!Array.isArray(f))throw Error(\"unsupported colormap option\",f);u=f.slice()}if(u.length>p)throw new Error(f+\" map requires nshades to be at least size \"+u.length);d=Array.isArray(t.alpha)?2!==t.alpha.length?[1,1]:t.alpha.slice():\"number\"==typeof t.alpha?[t.alpha,t.alpha]:[1,1];e=u.map(function(t){return Math.round(t.index*p)}),d[0]=Math.min(Math.max(d[0],0),1),d[1]=Math.min(Math.max(d[1],0),1);var v=u.map(function(t,e){var r=u[e].index,n=u[e].rgb.slice();return 4===n.length&&n[3]>=0&&n[3]<=1?n:(n[3]=d[0]+(d[1]-d[0])*r,n)}),m=[];for(g=0;g0?-1:l(t,e,a)?-1:1:0===s?c>0?1:l(t,e,r)?1:-1:i(c-s)}var h=n(t,e,r);if(h>0)return o>0&&n(t,e,a)>0?1:-1;if(h<0)return o>0||n(t,e,a)>0?1:-1;var p=n(t,e,a);return p>0?1:l(t,e,r)?1:-1};var n=t(\"robust-orientation\"),i=t(\"signum\"),a=t(\"two-sum\"),o=t(\"robust-product\"),s=t(\"robust-sum\");function l(t,e,r){var n=a(t[0],-e[0]),i=a(t[1],-e[1]),l=a(r[0],-e[0]),c=a(r[1],-e[1]),u=s(o(n,l),o(i,c));return u[u.length-1]>=0}},{\"robust-orientation\":486,\"robust-product\":487,\"robust-sum\":491,signum:492,\"two-sum\":521}],116:[function(t,e,r){e.exports=function(t,e){var r=t.length,a=t.length-e.length;if(a)return a;switch(r){case 0:return 0;case 1:return t[0]-e[0];case 2:return t[0]+t[1]-e[0]-e[1]||n(t[0],t[1])-n(e[0],e[1]);case 3:var o=t[0]+t[1],s=e[0]+e[1];if(a=o+t[2]-(s+e[2]))return a;var l=n(t[0],t[1]),c=n(e[0],e[1]);return n(l,t[2])-n(c,e[2])||n(l+t[2],o)-n(c+e[2],s);case 4:var u=t[0],f=t[1],h=t[2],p=t[3],d=e[0],g=e[1],v=e[2],m=e[3];return u+f+h+p-(d+g+v+m)||n(u,f,h,p)-n(d,g,v,m,d)||n(u+f,u+h,u+p,f+h,f+p,h+p)-n(d+g,d+v,d+m,g+v,g+m,v+m)||n(u+f+h,u+f+p,u+h+p,f+h+p)-n(d+g+v,d+g+m,d+v+m,g+v+m);default:for(var y=t.slice().sort(i),x=e.slice().sort(i),b=0;bt[r][0]&&(r=n);return er?[[r],[e]]:[[e]]}},{}],120:[function(t,e,r){\"use strict\";e.exports=function(t){var e=n(t),r=e.length;if(r<=2)return[];for(var i=new Array(r),a=e[r-1],o=0;o=e[l]&&(s+=1);a[o]=s}}return t}(o,r)}};var n=t(\"incremental-convex-hull\"),i=t(\"affine-hull\")},{\"affine-hull\":50,\"incremental-convex-hull\":396}],122:[function(t,e,r){e.exports={AFG:\"afghan\",ALA:\"\\\\b\\\\wland\",ALB:\"albania\",DZA:\"algeria\",ASM:\"^(?=.*americ).*samoa\",AND:\"andorra\",AGO:\"angola\",AIA:\"anguill?a\",ATA:\"antarctica\",ATG:\"antigua\",ARG:\"argentin\",ARM:\"armenia\",ABW:\"^(?!.*bonaire).*\\\\baruba\",AUS:\"australia\",AUT:\"^(?!.*hungary).*austria|\\\\baustri.*\\\\bemp\",AZE:\"azerbaijan\",BHS:\"bahamas\",BHR:\"bahrain\",BGD:\"bangladesh|^(?=.*east).*paki?stan\",BRB:\"barbados\",BLR:\"belarus|byelo\",BEL:\"^(?!.*luxem).*belgium\",BLZ:\"belize|^(?=.*british).*honduras\",BEN:\"benin|dahome\",BMU:\"bermuda\",BTN:\"bhutan\",BOL:\"bolivia\",BES:\"^(?=.*bonaire).*eustatius|^(?=.*carib).*netherlands|\\\\bbes.?islands\",BIH:\"herzegovina|bosnia\",BWA:\"botswana|bechuana\",BVT:\"bouvet\",BRA:\"brazil\",IOT:\"british.?indian.?ocean\",BRN:\"brunei\",BGR:\"bulgaria\",BFA:\"burkina|\\\\bfaso|upper.?volta\",BDI:\"burundi\",CPV:\"verde\",KHM:\"cambodia|kampuchea|khmer\",CMR:\"cameroon\",CAN:\"canada\",CYM:\"cayman\",CAF:\"\\\\bcentral.african.republic\",TCD:\"\\\\bchad\",CHL:\"\\\\bchile\",CHN:\"^(?!.*\\\\bmac)(?!.*\\\\bhong)(?!.*\\\\btai)(?!.*\\\\brep).*china|^(?=.*peo)(?=.*rep).*china\",CXR:\"christmas\",CCK:\"\\\\bcocos|keeling\",COL:\"colombia\",COM:\"comoro\",COG:\"^(?!.*\\\\bdem)(?!.*\\\\bd[\\\\.]?r)(?!.*kinshasa)(?!.*zaire)(?!.*belg)(?!.*l.opoldville)(?!.*free).*\\\\bcongo\",COK:\"\\\\bcook\",CRI:\"costa.?rica\",CIV:\"ivoire|ivory\",HRV:\"croatia\",CUB:\"\\\\bcuba\",CUW:\"^(?!.*bonaire).*\\\\bcura(c|\\xe7)ao\",CYP:\"cyprus\",CSK:\"czechoslovakia\",CZE:\"^(?=.*rep).*czech|czechia|bohemia\",COD:\"\\\\bdem.*congo|congo.*\\\\bdem|congo.*\\\\bd[\\\\.]?r|\\\\bd[\\\\.]?r.*congo|belgian.?congo|congo.?free.?state|kinshasa|zaire|l.opoldville|drc|droc|rdc\",DNK:\"denmark\",DJI:\"djibouti\",DMA:\"dominica(?!n)\",DOM:\"dominican.rep\",ECU:\"ecuador\",EGY:\"egypt\",SLV:\"el.?salvador\",GNQ:\"guine.*eq|eq.*guine|^(?=.*span).*guinea\",ERI:\"eritrea\",EST:\"estonia\",ETH:\"ethiopia|abyssinia\",FLK:\"falkland|malvinas\",FRO:\"faroe|faeroe\",FJI:\"fiji\",FIN:\"finland\",FRA:\"^(?!.*\\\\bdep)(?!.*martinique).*france|french.?republic|\\\\bgaul\",GUF:\"^(?=.*french).*guiana\",PYF:\"french.?polynesia|tahiti\",ATF:\"french.?southern\",GAB:\"gabon\",GMB:\"gambia\",GEO:\"^(?!.*south).*georgia\",DDR:\"german.?democratic.?republic|democratic.?republic.*germany|east.germany\",DEU:\"^(?!.*east).*germany|^(?=.*\\\\bfed.*\\\\brep).*german\",GHA:\"ghana|gold.?coast\",GIB:\"gibraltar\",GRC:\"greece|hellenic|hellas\",GRL:\"greenland\",GRD:\"grenada\",GLP:\"guadeloupe\",GUM:\"\\\\bguam\",GTM:\"guatemala\",GGY:\"guernsey\",GIN:\"^(?!.*eq)(?!.*span)(?!.*bissau)(?!.*portu)(?!.*new).*guinea\",GNB:\"bissau|^(?=.*portu).*guinea\",GUY:\"guyana|british.?guiana\",HTI:\"haiti\",HMD:\"heard.*mcdonald\",VAT:\"holy.?see|vatican|papal.?st\",HND:\"^(?!.*brit).*honduras\",HKG:\"hong.?kong\",HUN:\"^(?!.*austr).*hungary\",ISL:\"iceland\",IND:\"india(?!.*ocea)\",IDN:\"indonesia\",IRN:\"\\\\biran|persia\",IRQ:\"\\\\biraq|mesopotamia\",IRL:\"(^ireland)|(^republic.*ireland)\",IMN:\"^(?=.*isle).*\\\\bman\",ISR:\"israel\",ITA:\"italy\",JAM:\"jamaica\",JPN:\"japan\",JEY:\"jersey\",JOR:\"jordan\",KAZ:\"kazak\",KEN:\"kenya|british.?east.?africa|east.?africa.?prot\",KIR:\"kiribati\",PRK:\"^(?=.*democrat|people|north|d.*p.*.r).*\\\\bkorea|dprk|korea.*(d.*p.*r)\",KWT:\"kuwait\",KGZ:\"kyrgyz|kirghiz\",LAO:\"\\\\blaos?\\\\b\",LVA:\"latvia\",LBN:\"lebanon\",LSO:\"lesotho|basuto\",LBR:\"liberia\",LBY:\"libya\",LIE:\"liechtenstein\",LTU:\"lithuania\",LUX:\"^(?!.*belg).*luxem\",MAC:\"maca(o|u)\",MDG:\"madagascar|malagasy\",MWI:\"malawi|nyasa\",MYS:\"malaysia\",MDV:\"maldive\",MLI:\"\\\\bmali\\\\b\",MLT:\"\\\\bmalta\",MHL:\"marshall\",MTQ:\"martinique\",MRT:\"mauritania\",MUS:\"mauritius\",MYT:\"\\\\bmayotte\",MEX:\"\\\\bmexic\",FSM:\"fed.*micronesia|micronesia.*fed\",MCO:\"monaco\",MNG:\"mongolia\",MNE:\"^(?!.*serbia).*montenegro\",MSR:\"montserrat\",MAR:\"morocco|\\\\bmaroc\",MOZ:\"mozambique\",MMR:\"myanmar|burma\",NAM:\"namibia\",NRU:\"nauru\",NPL:\"nepal\",NLD:\"^(?!.*\\\\bant)(?!.*\\\\bcarib).*netherlands\",ANT:\"^(?=.*\\\\bant).*(nether|dutch)\",NCL:\"new.?caledonia\",NZL:\"new.?zealand\",NIC:\"nicaragua\",NER:\"\\\\bniger(?!ia)\",NGA:\"nigeria\",NIU:\"niue\",NFK:\"norfolk\",MNP:\"mariana\",NOR:\"norway\",OMN:\"\\\\boman|trucial\",PAK:\"^(?!.*east).*paki?stan\",PLW:\"palau\",PSE:\"palestin|\\\\bgaza|west.?bank\",PAN:\"panama\",PNG:\"papua|new.?guinea\",PRY:\"paraguay\",PER:\"peru\",PHL:\"philippines\",PCN:\"pitcairn\",POL:\"poland\",PRT:\"portugal\",PRI:\"puerto.?rico\",QAT:\"qatar\",KOR:\"^(?!.*d.*p.*r)(?!.*democrat)(?!.*people)(?!.*north).*\\\\bkorea(?!.*d.*p.*r)\",MDA:\"moldov|b(a|e)ssarabia\",REU:\"r(e|\\xe9)union\",ROU:\"r(o|u|ou)mania\",RUS:\"\\\\brussia|soviet.?union|u\\\\.?s\\\\.?s\\\\.?r|socialist.?republics\",RWA:\"rwanda\",BLM:\"barth(e|\\xe9)lemy\",SHN:\"helena\",KNA:\"kitts|\\\\bnevis\",LCA:\"\\\\blucia\",MAF:\"^(?=.*collectivity).*martin|^(?=.*france).*martin(?!ique)|^(?=.*french).*martin(?!ique)\",SPM:\"miquelon\",VCT:\"vincent\",WSM:\"^(?!.*amer).*samoa\",SMR:\"san.?marino\",STP:\"\\\\bs(a|\\xe3)o.?tom(e|\\xe9)\",SAU:\"\\\\bsa\\\\w*.?arabia\",SEN:\"senegal\",SRB:\"^(?!.*monte).*serbia\",SYC:\"seychell\",SLE:\"sierra\",SGP:\"singapore\",SXM:\"^(?!.*martin)(?!.*saba).*maarten\",SVK:\"^(?!.*cze).*slovak\",SVN:\"slovenia\",SLB:\"solomon\",SOM:\"somali\",ZAF:\"south.africa|s\\\\\\\\..?africa\",SGS:\"south.?georgia|sandwich\",SSD:\"\\\\bs\\\\w*.?sudan\",ESP:\"spain\",LKA:\"sri.?lanka|ceylon\",SDN:\"^(?!.*\\\\bs(?!u)).*sudan\",SUR:\"surinam|dutch.?guiana\",SJM:\"svalbard\",SWZ:\"swaziland\",SWE:\"sweden\",CHE:\"switz|swiss\",SYR:\"syria\",TWN:\"taiwan|taipei|formosa|^(?!.*peo)(?=.*rep).*china\",TJK:\"tajik\",THA:\"thailand|\\\\bsiam\",MKD:\"macedonia|fyrom\",TLS:\"^(?=.*leste).*timor|^(?=.*east).*timor\",TGO:\"togo\",TKL:\"tokelau\",TON:\"tonga\",TTO:\"trinidad|tobago\",TUN:\"tunisia\",TUR:\"turkey\",TKM:\"turkmen\",TCA:\"turks\",TUV:\"tuvalu\",UGA:\"uganda\",UKR:\"ukrain\",ARE:\"emirates|^u\\\\.?a\\\\.?e\\\\.?$|united.?arab.?em\",GBR:\"united.?kingdom|britain|^u\\\\.?k\\\\.?$\",TZA:\"tanzania\",USA:\"united.?states\\\\b(?!.*islands)|\\\\bu\\\\.?s\\\\.?a\\\\.?\\\\b|^\\\\s*u\\\\.?s\\\\.?\\\\b(?!.*islands)\",UMI:\"minor.?outlying.?is\",URY:\"uruguay\",UZB:\"uzbek\",VUT:\"vanuatu|new.?hebrides\",VEN:\"venezuela\",VNM:\"^(?!.*republic).*viet.?nam|^(?=.*socialist).*viet.?nam\",VGB:\"^(?=.*\\\\bu\\\\.?\\\\s?k).*virgin|^(?=.*brit).*virgin|^(?=.*kingdom).*virgin\",VIR:\"^(?=.*\\\\bu\\\\.?\\\\s?s).*virgin|^(?=.*states).*virgin\",WLF:\"futuna|wallis\",ESH:\"western.sahara\",YEM:\"^(?!.*arab)(?!.*north)(?!.*sana)(?!.*peo)(?!.*dem)(?!.*south)(?!.*aden)(?!.*\\\\bp\\\\.?d\\\\.?r).*yemen\",YMD:\"^(?=.*peo).*yemen|^(?!.*rep)(?=.*dem).*yemen|^(?=.*south).*yemen|^(?=.*aden).*yemen|^(?=.*\\\\bp\\\\.?d\\\\.?r).*yemen\",YUG:\"yugoslavia\",ZMB:\"zambia|northern.?rhodesia\",EAZ:\"zanzibar\",ZWE:\"zimbabwe|^(?!.*northern).*rhodesia\"}},{}],123:[function(t,e,r){e.exports=[\"xx-small\",\"x-small\",\"small\",\"medium\",\"large\",\"x-large\",\"xx-large\",\"larger\",\"smaller\"]},{}],124:[function(t,e,r){e.exports=[\"normal\",\"condensed\",\"semi-condensed\",\"extra-condensed\",\"ultra-condensed\",\"expanded\",\"semi-expanded\",\"extra-expanded\",\"ultra-expanded\"]},{}],125:[function(t,e,r){e.exports=[\"normal\",\"italic\",\"oblique\"]},{}],126:[function(t,e,r){e.exports=[\"normal\",\"bold\",\"bolder\",\"lighter\",\"100\",\"200\",\"300\",\"400\",\"500\",\"600\",\"700\",\"800\",\"900\"]},{}],127:[function(t,e,r){\"use strict\";e.exports={parse:t(\"./parse\"),stringify:t(\"./stringify\")}},{\"./parse\":129,\"./stringify\":130}],128:[function(t,e,r){\"use strict\";var n=t(\"css-font-size-keywords\");e.exports={isSize:function(t){return/^[\\d\\.]/.test(t)||-1!==t.indexOf(\"/\")||-1!==n.indexOf(t)}}},{\"css-font-size-keywords\":123}],129:[function(t,e,r){\"use strict\";var n=t(\"unquote\"),i=t(\"css-global-keywords\"),a=t(\"css-system-font-keywords\"),o=t(\"css-font-weight-keywords\"),s=t(\"css-font-style-keywords\"),l=t(\"css-font-stretch-keywords\"),c=t(\"string-split-by\"),u=t(\"./lib/util\").isSize;e.exports=h;var f=h.cache={};function h(t){if(\"string\"!=typeof t)throw new Error(\"Font argument must be a string.\");if(f[t])return f[t];if(\"\"===t)throw new Error(\"Cannot parse an empty string.\");if(-1!==a.indexOf(t))return f[t]={system:t};for(var e,r={style:\"normal\",variant:\"normal\",weight:\"normal\",stretch:\"normal\",lineHeight:\"normal\",size:\"1rem\",family:[\"serif\"]},h=c(t,/\\s+/);e=h.shift();){if(-1!==i.indexOf(e))return[\"style\",\"variant\",\"weight\",\"stretch\"].forEach(function(t){r[t]=e}),f[t]=r;if(-1===s.indexOf(e))if(\"normal\"!==e&&\"small-caps\"!==e)if(-1===l.indexOf(e)){if(-1===o.indexOf(e)){if(u(e)){var d=c(e,\"/\");if(r.size=d[0],null!=d[1]?r.lineHeight=p(d[1]):\"/\"===h[0]&&(h.shift(),r.lineHeight=p(h.shift())),!h.length)throw new Error(\"Missing required font-family.\");return r.family=c(h.join(\" \"),/\\s*,\\s*/).map(n),f[t]=r}throw new Error(\"Unknown or unsupported font token: \"+e)}r.weight=e}else r.stretch=e;else r.variant=e;else r.style=e}throw new Error(\"Missing required font-size.\")}function p(t){var e=parseFloat(t);return e.toString()===t?e:t}},{\"./lib/util\":128,\"css-font-stretch-keywords\":124,\"css-font-style-keywords\":125,\"css-font-weight-keywords\":126,\"css-global-keywords\":131,\"css-system-font-keywords\":132,\"string-split-by\":505,unquote:525}],130:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\"),i=t(\"./lib/util\").isSize,a=g(t(\"css-global-keywords\")),o=g(t(\"css-system-font-keywords\")),s=g(t(\"css-font-weight-keywords\")),l=g(t(\"css-font-style-keywords\")),c=g(t(\"css-font-stretch-keywords\")),u={normal:1,\"small-caps\":1},f={serif:1,\"sans-serif\":1,monospace:1,cursive:1,fantasy:1,\"system-ui\":1},h=\"1rem\",p=\"serif\";function d(t,e){if(t&&!e[t]&&!a[t])throw Error(\"Unknown keyword `\"+t+\"`\");return t}function g(t){for(var e={},r=0;r=0;--p)a[p]=c*t[p]+u*e[p]+f*r[p]+h*n[p];return a}return c*t+u*e+f*r+h*n},e.exports.derivative=function(t,e,r,n,i,a){var o=6*i*i-6*i,s=3*i*i-4*i+1,l=-6*i*i+6*i,c=3*i*i-2*i;if(t.length){a||(a=new Array(t.length));for(var u=t.length-1;u>=0;--u)a[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return a}return o*t+s*e+l*r[u]+c*n}},{}],134:[function(t,e,r){\"use strict\";var n=t(\"./lib/thunk.js\");function i(){this.argTypes=[],this.shimArgs=[],this.arrayArgs=[],this.arrayBlockIndices=[],this.scalarArgs=[],this.offsetArgs=[],this.offsetArgIndex=[],this.indexArgs=[],this.shapeArgs=[],this.funcName=\"\",this.pre=null,this.body=null,this.post=null,this.debug=!1}e.exports=function(t){var e=new i;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var a=0;a0)throw new Error(\"cwise: pre() block may not reference array args\");if(a0)throw new Error(\"cwise: post() block may not reference array args\")}else if(\"scalar\"===o)e.scalarArgs.push(a),e.shimArgs.push(\"scalar\"+a);else if(\"index\"===o){if(e.indexArgs.push(a),a0)throw new Error(\"cwise: pre() block may not reference array index\");if(a0)throw new Error(\"cwise: post() block may not reference array index\")}else if(\"shape\"===o){if(e.shapeArgs.push(a),ar.length)throw new Error(\"cwise: Too many arguments in pre() block\");if(e.body.args.length>r.length)throw new Error(\"cwise: Too many arguments in body() block\");if(e.post.args.length>r.length)throw new Error(\"cwise: Too many arguments in post() block\");return e.debug=!!t.printCode||!!t.debug,e.funcName=t.funcName||\"cwise\",e.blockSize=t.blockSize||64,n(e)}},{\"./lib/thunk.js\":136}],135:[function(t,e,r){\"use strict\";var n=t(\"uniq\");function i(t,e,r){var n,i,a=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,f=0;for(n=0;n0&&l.push(\"var \"+c.join(\",\")),n=a-1;n>=0;--n)u=t[n],l.push([\"for(i\",n,\"=0;i\",n,\"0&&l.push([\"index[\",f,\"]-=s\",f].join(\"\")),l.push([\"++index[\",u,\"]\"].join(\"\"))),l.push(\"}\")}return l.join(\"\\n\")}function a(t,e,r){for(var n=t.body,i=[],a=[],o=0;o0&&y.push(\"shape=SS.slice(0)\"),t.indexArgs.length>0){var x=new Array(r);for(l=0;l0&&m.push(\"var \"+y.join(\",\")),l=0;l3&&m.push(a(t.pre,t,s));var k=a(t.body,t,s),M=function(t){for(var e=0,r=t[0].length;e0,c=[],u=0;u0;){\"].join(\"\")),c.push([\"if(j\",u,\"<\",s,\"){\"].join(\"\")),c.push([\"s\",e[u],\"=j\",u].join(\"\")),c.push([\"j\",u,\"=0\"].join(\"\")),c.push([\"}else{s\",e[u],\"=\",s].join(\"\")),c.push([\"j\",u,\"-=\",s,\"}\"].join(\"\")),l&&c.push([\"index[\",e[u],\"]=j\",u].join(\"\"));for(u=0;u3&&m.push(a(t.post,t,s)),t.debug&&console.log(\"-----Generated cwise routine for \",e,\":\\n\"+m.join(\"\\n\")+\"\\n----------\");var A=[t.funcName||\"unnamed\",\"_cwise_loop_\",o[0].join(\"s\"),\"m\",M,function(t){for(var e=new Array(t.length),r=!0,n=0;n0&&(r=r&&e[n]===e[n-1])}return r?e[0]:e.join(\"\")}(s)].join(\"\");return new Function([\"function \",A,\"(\",v.join(\",\"),\"){\",m.join(\"\\n\"),\"} return \",A].join(\"\"))()}},{uniq:524}],136:[function(t,e,r){\"use strict\";var n=t(\"./compile.js\");e.exports=function(t){var e=[\"'use strict'\",\"var CACHED={}\"],r=[],i=t.funcName+\"_cwise_thunk\";e.push([\"return function \",i,\"(\",t.shimArgs.join(\",\"),\"){\"].join(\"\"));for(var a=[],o=[],s=[[\"array\",t.arrayArgs[0],\".shape.slice(\",Math.max(0,t.arrayBlockIndices[0]),t.arrayBlockIndices[0]<0?\",\"+t.arrayBlockIndices[0]+\")\":\")\"].join(\"\")],l=[],c=[],u=0;u0&&(l.push(\"array\"+t.arrayArgs[0]+\".shape.length===array\"+f+\".shape.length+\"+(Math.abs(t.arrayBlockIndices[0])-Math.abs(t.arrayBlockIndices[u]))),c.push(\"array\"+t.arrayArgs[0]+\".shape[shapeIndex+\"+Math.max(0,t.arrayBlockIndices[0])+\"]===array\"+f+\".shape[shapeIndex+\"+Math.max(0,t.arrayBlockIndices[u])+\"]\"))}for(t.arrayArgs.length>1&&(e.push(\"if (!(\"+l.join(\" && \")+\")) throw new Error('cwise: Arrays do not all have the same dimensionality!')\"),e.push(\"for(var shapeIndex=array\"+t.arrayArgs[0]+\".shape.length-\"+Math.abs(t.arrayBlockIndices[0])+\"; shapeIndex--\\x3e0;) {\"),e.push(\"if (!(\"+c.join(\" && \")+\")) throw new Error('cwise: Arrays do not all have the same shape!')\"),e.push(\"}\")),u=0;ue?1:t>=e?0:NaN}function r(t){var r;return 1===t.length&&(r=t,t=function(t,n){return e(r(t),n)}),{left:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}var n=r(e),i=n.right,a=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,i=t.length,a=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(a-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,i,a=t.length,o=-1;if(null==e){for(;++o=r)for(n=i=r;++or&&(n=r),i=r)for(n=i=r;++or&&(n=r),i=0?(a>=m?10:a>=y?5:a>=x?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(a>=m?10:a>=y?5:a>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),i=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),a=n/i;return a>=m?i*=10:a>=y?i*=5:a>=x&&(i*=2),e=1)return+r(t[n-1],n-1,t);var n,i=(n-1)*e,a=Math.floor(i),o=+r(t[a],a,t);return o+(+r(t[a+1],a+1,t)-o)*(i-a)}}function M(t,e){var r,n,i=t.length,a=-1;if(null==e){for(;++a=r)for(n=r;++ar&&(n=r)}else for(;++a=r)for(n=r;++ar&&(n=r);return n}function A(t){if(!(i=t.length))return[];for(var e=-1,r=M(t,T),n=new Array(r);++et?1:e>=t?0:NaN},t.deviation=c,t.extent=u,t.histogram=function(){var t=g,e=u,r=w;function n(n){var a,o,s=n.length,l=new Array(s);for(a=0;af;)h.pop(),--p;var d,g=new Array(p+1);for(a=0;a<=p;++a)(d=g[a]=[]).x0=a>0?h[a-1]:u,d.x1=a=r)for(n=r;++an&&(n=r)}else for(;++a=r)for(n=r;++an&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,i=n,a=-1,o=0;if(null==e)for(;++a=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r},t.min=M,t.pairs=function(t,e){null==e&&(e=o);for(var r=0,n=t.length-1,i=t[0],a=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),a=new Array(i=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,f,h=-1,p=n.length,d=l[i++],g=r(),v=a();++hl.length)return r;var i,a=c[n-1];return null!=e&&n>=l.length?i=r.entries():(i=[],r.each(function(e,r){i.push({key:r,values:t(e,n)})})),null!=a?i.sort(function(t,e){return a(t.key,e.key)}):i}(u(t,0,a,o),0)},key:function(t){return l.push(t),s},sortKeys:function(t){return c[l.length-1]=t,s},sortValues:function(e){return t=e,s},rollup:function(t){return e=t,s}}},t.set=c,t.map=r,t.keys=function(t){var e=[];for(var r in t)e.push(r);return e},t.values=function(t){var e=[];for(var r in t)e.push(t[r]);return e},t.entries=function(t){var e=[];for(var r in t)e.push({key:r,value:t[r]});return e},Object.defineProperty(t,\"__esModule\",{value:!0})}(\"object\"==typeof r&&\"undefined\"!=typeof e?r:n.d3=n.d3||{})},{}],142:[function(t,e,r){var n;n=this,function(t){\"use strict\";function e(t,e,r){t.prototype=e.prototype=r,r.constructor=t}function r(t,e){var r=Object.create(t.prototype);for(var n in e)r[n]=e[n];return r}function n(){}var i=\"\\\\s*([+-]?\\\\d+)\\\\s*\",a=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)\\\\s*\",o=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)%\\\\s*\",s=/^#([0-9a-f]{3})$/,l=/^#([0-9a-f]{6})$/,c=new RegExp(\"^rgb\\\\(\"+[i,i,i]+\"\\\\)$\"),u=new RegExp(\"^rgb\\\\(\"+[o,o,o]+\"\\\\)$\"),f=new RegExp(\"^rgba\\\\(\"+[i,i,i,a]+\"\\\\)$\"),h=new RegExp(\"^rgba\\\\(\"+[o,o,o,a]+\"\\\\)$\"),p=new RegExp(\"^hsl\\\\(\"+[a,o,o]+\"\\\\)$\"),d=new RegExp(\"^hsla\\\\(\"+[a,o,o,a]+\"\\\\)$\"),g={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function v(t){var e;return t=(t+\"\").trim().toLowerCase(),(e=s.exec(t))?new _((e=parseInt(e[1],16))>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):(e=l.exec(t))?m(parseInt(e[1],16)):(e=c.exec(t))?new _(e[1],e[2],e[3],1):(e=u.exec(t))?new _(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=f.exec(t))?y(e[1],e[2],e[3],e[4]):(e=h.exec(t))?y(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=p.exec(t))?k(e[1],e[2]/100,e[3]/100,1):(e=d.exec(t))?k(e[1],e[2]/100,e[3]/100,e[4]):g.hasOwnProperty(t)?m(g[t]):\"transparent\"===t?new _(NaN,NaN,NaN,0):null}function m(t){return new _(t>>16&255,t>>8&255,255&t,1)}function y(t,e,r,n){return n<=0&&(t=e=r=NaN),new _(t,e,r,n)}function x(t){return t instanceof n||(t=v(t)),t?new _((t=t.rgb()).r,t.g,t.b,t.opacity):new _}function b(t,e,r,n){return 1===arguments.length?x(t):new _(t,e,r,null==n?1:n)}function _(t,e,r,n){this.r=+t,this.g=+e,this.b=+r,this.opacity=+n}function w(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?\"0\":\"\")+t.toString(16)}function k(t,e,r,n){return n<=0?t=e=r=NaN:r<=0||r>=1?t=e=NaN:e<=0&&(t=NaN),new A(t,e,r,n)}function M(t,e,r,i){return 1===arguments.length?function(t){if(t instanceof A)return new A(t.h,t.s,t.l,t.opacity);if(t instanceof n||(t=v(t)),!t)return new A;if(t instanceof A)return t;var e=(t=t.rgb()).r/255,r=t.g/255,i=t.b/255,a=Math.min(e,r,i),o=Math.max(e,r,i),s=NaN,l=o-a,c=(o+a)/2;return l?(s=e===o?(r-i)/l+6*(r0&&c<1?0:s,new A(s,l,c,t.opacity)}(t):new A(t,e,r,null==i?1:i)}function A(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}function T(t,e,r){return 255*(t<60?e+(r-e)*t/60:t<180?r:t<240?e+(r-e)*(240-t)/60:e)}e(n,v,{displayable:function(){return this.rgb().displayable()},hex:function(){return this.rgb().hex()},toString:function(){return this.rgb()+\"\"}}),e(_,b,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new _(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new _(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return 0<=this.r&&this.r<=255&&0<=this.g&&this.g<=255&&0<=this.b&&this.b<=255&&0<=this.opacity&&this.opacity<=1},hex:function(){return\"#\"+w(this.r)+w(this.g)+w(this.b)},toString:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?\"rgb(\":\"rgba(\")+Math.max(0,Math.min(255,Math.round(this.r)||0))+\", \"+Math.max(0,Math.min(255,Math.round(this.g)||0))+\", \"+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?\")\":\", \"+t+\")\")}})),e(A,M,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new A(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new A(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,r=this.l,n=r+(r<.5?r:1-r)*e,i=2*r-n;return new _(T(t>=240?t-240:t+120,i,n),T(t,i,n),T(t<120?t+240:t-120,i,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1}}));var S=Math.PI/180,E=180/Math.PI,C=.96422,L=1,z=.82521,O=4/29,I=6/29,P=3*I*I,D=I*I*I;function R(t){if(t instanceof F)return new F(t.l,t.a,t.b,t.opacity);if(t instanceof G){if(isNaN(t.h))return new F(t.l,0,0,t.opacity);var e=t.h*S;return new F(t.l,Math.cos(e)*t.c,Math.sin(e)*t.c,t.opacity)}t instanceof _||(t=x(t));var r,n,i=U(t.r),a=U(t.g),o=U(t.b),s=N((.2225045*i+.7168786*a+.0606169*o)/L);return i===a&&a===o?r=n=s:(r=N((.4360747*i+.3850649*a+.1430804*o)/C),n=N((.0139322*i+.0971045*a+.7141733*o)/z)),new F(116*s-16,500*(r-s),200*(s-n),t.opacity)}function B(t,e,r,n){return 1===arguments.length?R(t):new F(t,e,r,null==n?1:n)}function F(t,e,r,n){this.l=+t,this.a=+e,this.b=+r,this.opacity=+n}function N(t){return t>D?Math.pow(t,1/3):t/P+O}function j(t){return t>I?t*t*t:P*(t-O)}function V(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function U(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function q(t){if(t instanceof G)return new G(t.h,t.c,t.l,t.opacity);if(t instanceof F||(t=R(t)),0===t.a&&0===t.b)return new G(NaN,0,t.l,t.opacity);var e=Math.atan2(t.b,t.a)*E;return new G(e<0?e+360:e,Math.sqrt(t.a*t.a+t.b*t.b),t.l,t.opacity)}function H(t,e,r,n){return 1===arguments.length?q(t):new G(t,e,r,null==n?1:n)}function G(t,e,r,n){this.h=+t,this.c=+e,this.l=+r,this.opacity=+n}e(F,B,r(n,{brighter:function(t){return new F(this.l+18*(null==t?1:t),this.a,this.b,this.opacity)},darker:function(t){return new F(this.l-18*(null==t?1:t),this.a,this.b,this.opacity)},rgb:function(){var t=(this.l+16)/116,e=isNaN(this.a)?t:t+this.a/500,r=isNaN(this.b)?t:t-this.b/200;return new _(V(3.1338561*(e=C*j(e))-1.6168667*(t=L*j(t))-.4906146*(r=z*j(r))),V(-.9787684*e+1.9161415*t+.033454*r),V(.0719453*e-.2289914*t+1.4052427*r),this.opacity)}})),e(G,H,r(n,{brighter:function(t){return new G(this.h,this.c,this.l+18*(null==t?1:t),this.opacity)},darker:function(t){return new G(this.h,this.c,this.l-18*(null==t?1:t),this.opacity)},rgb:function(){return R(this).rgb()}}));var W=-.14861,Y=1.78277,X=-.29227,Z=-.90649,$=1.97294,J=$*Z,K=$*Y,Q=Y*X-Z*W;function tt(t,e,r,n){return 1===arguments.length?function(t){if(t instanceof et)return new et(t.h,t.s,t.l,t.opacity);t instanceof _||(t=x(t));var e=t.r/255,r=t.g/255,n=t.b/255,i=(Q*n+J*e-K*r)/(Q+J-K),a=n-i,o=($*(r-i)-X*a)/Z,s=Math.sqrt(o*o+a*a)/($*i*(1-i)),l=s?Math.atan2(o,a)*E-120:NaN;return new et(l<0?l+360:l,s,i,t.opacity)}(t):new et(t,e,r,null==n?1:n)}function et(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}e(et,tt,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new et(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new et(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=isNaN(this.h)?0:(this.h+120)*S,e=+this.l,r=isNaN(this.s)?0:this.s*e*(1-e),n=Math.cos(t),i=Math.sin(t);return new _(255*(e+r*(W*n+Y*i)),255*(e+r*(X*n+Z*i)),255*(e+r*($*n)),this.opacity)}})),t.color=v,t.rgb=b,t.hsl=M,t.lab=B,t.hcl=H,t.lch=function(t,e,r,n){return 1===arguments.length?q(t):new G(r,e,t,null==n?1:n)},t.gray=function(t,e){return new F(t,0,0,null==e?1:e)},t.cubehelix=tt,Object.defineProperty(t,\"__esModule\",{value:!0})}(\"object\"==typeof r&&\"undefined\"!=typeof e?r:n.d3=n.d3||{})},{}],143:[function(t,e,r){var n;n=this,function(t){\"use strict\";var e={value:function(){}};function r(){for(var t,e=0,r=arguments.length,i={};e=0&&(e=t.slice(r+1),t=t.slice(0,r)),t&&!n.hasOwnProperty(t))throw new Error(\"unknown type: \"+t);return{type:t,name:e}})),l=-1,c=s.length;if(!(arguments.length<2)){if(null!=e&&\"function\"!=typeof e)throw new Error(\"invalid callback: \"+e);for(;++l0)for(var r,n,i=new Array(r),a=0;ah+c||np+c||au.index){var f=h-s.x-s.vx,v=p-s.y-s.vy,m=f*f+v*v;mt.r&&(t.r=t[e].r)}function h(){if(r){var e,i,a=r.length;for(n=new Array(a),e=0;e=c)){(t.data!==r||t.next)&&(0===f&&(d+=(f=o())*f),0===h&&(d+=(h=o())*h),d1?(null==r?u.remove(t):u.set(t,y(r)),e):u.get(t)},find:function(e,r,n){var i,a,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(h.on(t,r),e):h.on(t)}}},t.forceX=function(t){var e,r,n,i=a(.1);function o(t){for(var i,a=0,o=e.length;a=1?(n=1,e-1):Math.floor(n*e),a=t[i],o=t[i+1],s=i>0?t[i-1]:2*a-o,l=i180||r<-180?r-360*Math.round(r/360):r):a(isNaN(t)?e:t)}function l(t){return 1==(t=+t)?c:function(e,r){return r-e?function(t,e,r){return t=Math.pow(t,r),e=Math.pow(e,r)-t,r=1/r,function(n){return Math.pow(t+n*e,r)}}(e,r,t):a(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):a(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function i(t,r){var i=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),a=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=i(e),t.g=a(e),t.b=o(e),t.opacity=s(e),t+\"\"}}return i.gamma=t,i}(1);function f(t){return function(r){var n,i,a=r.length,o=new Array(a),s=new Array(a),l=new Array(a);for(n=0;na&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:v(r,n)})),a=x.lastIndex;return a180?e+=360:e-t>180&&(t+=360),a.push({i:r.push(i(r)+\"rotate(\",null,n)-2,x:v(t,e)})):e&&r.push(i(r)+\"rotate(\"+e+n)}(a.rotate,o.rotate,s,l),function(t,e,r,a){t!==e?a.push({i:r.push(i(r)+\"skewX(\",null,n)-2,x:v(t,e)}):e&&r.push(i(r)+\"skewX(\"+e+n)}(a.skewX,o.skewX,s,l),function(t,e,r,n,a,o){if(t!==r||e!==n){var s=a.push(i(a)+\"scale(\",null,\",\",null,\")\");o.push({i:s-4,x:v(t,r)},{i:s-2,x:v(e,n)})}else 1===r&&1===n||a.push(i(a)+\"scale(\"+r+\",\"+n+\")\")}(a.scaleX,a.scaleY,o.scaleX,o.scaleY,s,l),a=o=null,function(t){for(var e,r=-1,n=l.length;++r=(a=(g+m)/2))?g=a:m=a,(u=r>=(o=(v+y)/2))?v=o:y=o,i=p,!(p=p[f=u<<1|c]))return i[f]=d,t;if(s=+t._x.call(null,p.data),l=+t._y.call(null,p.data),e===s&&r===l)return d.next=p,i?i[f]=d:t._root=d,t;do{i=i?i[f]=new Array(4):t._root=new Array(4),(c=e>=(a=(g+m)/2))?g=a:m=a,(u=r>=(o=(v+y)/2))?v=o:y=o}while((f=u<<1|c)==(h=(l>=o)<<1|s>=a));return i[h]=p,i[f]=d,t}var r=function(t,e,r,n,i){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=i};function n(t){return t[0]}function i(t){return t[1]}function a(t,e,r){var a=new o(null==e?n:e,null==r?i:r,NaN,NaN,NaN,NaN);return null==t?a:a.addAll(t)}function o(t,e,r,n,i,a){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=i,this._y1=a,this._root=void 0}function s(t){for(var e={data:t.data},r=e;t=t.next;)r=r.next={data:t.data};return e}var l=a.prototype=o.prototype;l.copy=function(){var t,e,r=new o(this._x,this._y,this._x0,this._y0,this._x1,this._y1),n=this._root;if(!n)return r;if(!n.length)return r._root=s(n),r;for(t=[{source:n,target:r._root=new Array(4)}];n=t.pop();)for(var i=0;i<4;++i)(e=n.source[i])&&(e.length?t.push({source:e,target:n.target[i]=new Array(4)}):n.target[i]=s(e));return r},l.add=function(t){var r=+this._x.call(null,t),n=+this._y.call(null,t);return e(this.cover(r,n),r,n,t)},l.addAll=function(t){var r,n,i,a,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,f=-1/0,h=-1/0;for(n=0;nf&&(f=i),ah&&(h=a));for(ft||t>i||n>e||e>a))return this;var o,s,l=i-r,c=this._root;switch(s=(e<(n+a)/2)<<1|t<(r+i)/2){case 0:do{(o=new Array(4))[s]=c,c=o}while(a=n+(l*=2),t>(i=r+l)||e>a);break;case 1:do{(o=new Array(4))[s]=c,c=o}while(a=n+(l*=2),(r=i-l)>t||e>a);break;case 2:do{(o=new Array(4))[s]=c,c=o}while(n=a-(l*=2),t>(i=r+l)||n>e);break;case 3:do{(o=new Array(4))[s]=c,c=o}while(n=a-(l*=2),(r=i-l)>t||n>e)}this._root&&this._root.length&&(this._root=c)}return this._x0=r,this._y0=n,this._x1=i,this._y1=a,this},l.data=function(){var t=[];return this.visit(function(e){if(!e.length)do{t.push(e.data)}while(e=e.next)}),t},l.extent=function(t){return arguments.length?this.cover(+t[0][0],+t[0][1]).cover(+t[1][0],+t[1][1]):isNaN(this._x0)?void 0:[[this._x0,this._y0],[this._x1,this._y1]]},l.find=function(t,e,n){var i,a,o,s,l,c,u,f=this._x0,h=this._y0,p=this._x1,d=this._y1,g=[],v=this._root;for(v&&g.push(new r(v,f,h,p,d)),null==n?n=1/0:(f=t-n,h=e-n,p=t+n,d=e+n,n*=n);c=g.pop();)if(!(!(v=c.node)||(a=c.x0)>p||(o=c.y0)>d||(s=c.x1)=y)<<1|t>=m)&&(c=g[g.length-1],g[g.length-1]=g[g.length-1-u],g[g.length-1-u]=c)}else{var x=t-+this._x.call(null,v.data),b=e-+this._y.call(null,v.data),_=x*x+b*b;if(_=(s=(d+v)/2))?d=s:v=s,(u=o>=(l=(g+m)/2))?g=l:m=l,e=p,!(p=p[f=u<<1|c]))return this;if(!p.length)break;(e[f+1&3]||e[f+2&3]||e[f+3&3])&&(r=e,h=f)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(i=p.next)&&delete p.next,n?(i?n.next=i:delete n.next,this):e?(i?e[f]=i:delete e[f],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[h]=p:this._root=p),this):(this._root=i,this)},l.removeAll=function(t){for(var e=0,r=t.length;e=0&&r._call.call(null,t),r=r._next;--n}function m(){l=(s=u.now())+c,n=i=0;try{v()}finally{n=0,function(){var t,n,i=e,a=1/0;for(;i;)i._call?(a>i._time&&(a=i._time),t=i,i=i._next):(n=i._next,i._next=null,i=t?t._next=n:e=n);r=t,x(a)}(),l=0}}function y(){var t=u.now(),e=t-s;e>o&&(c-=e,s=t)}function x(t){n||(i&&(i=clearTimeout(i)),t-l>24?(t<1/0&&(i=setTimeout(m,t-u.now()-c)),a&&(a=clearInterval(a))):(a||(s=u.now(),a=setInterval(y,o)),n=1,f(m)))}d.prototype=g.prototype={constructor:d,restart:function(t,n,i){if(\"function\"!=typeof t)throw new TypeError(\"callback is not a function\");i=(null==i?h():+i)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=i,x()},stop:function(){this._call&&(this._call=null,this._time=1/0,x())}};t.now=h,t.timer=g,t.timerFlush=v,t.timeout=function(t,e,r){var n=new d;return e=null==e?0:+e,n.restart(function(r){n.stop(),t(r+e)},e,r),n},t.interval=function(t,e,r){var n=new d,i=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?h():+r,n.restart(function a(o){o+=i,n.restart(a,i+=e,r),t(o)},e,r),n)},Object.defineProperty(t,\"__esModule\",{value:!0})}(\"object\"==typeof r&&\"undefined\"!=typeof e?r:n.d3=n.d3||{})},{}],148:[function(t,e,r){!function(){var t={version:\"3.5.17\"},r=[].slice,n=function(t){return r.call(t)},i=this.document;function a(t){return t&&(t.ownerDocument||t.document||t).documentElement}function o(t){return t&&(t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView)}if(i)try{n(i.documentElement.childNodes)[0].nodeType}catch(t){n=function(t){for(var e=t.length,r=new Array(e);e--;)r[e]=t[e];return r}}if(Date.now||(Date.now=function(){return+new Date}),i)try{i.createElement(\"DIV\").style.setProperty(\"opacity\",0,\"\")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,f=u.setProperty;s.setAttribute=function(t,e){l.call(this,t,e+\"\")},s.setAttributeNS=function(t,e,r){c.call(this,t,e,r+\"\")},u.setProperty=function(t,e,r){f.call(this,t,e+\"\",r)}}function h(t,e){return te?1:t>=e?0:NaN}function p(t){return null===t?NaN:+t}function d(t){return!isNaN(t)}function g(t){return{left:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}t.ascending=h,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++in&&(r=n)}else{for(;++i=n){r=n;break}for(;++in&&(r=n)}return r},t.max=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++ir&&(r=n)}else{for(;++i=n){r=n;break}for(;++ir&&(r=n)}return r},t.extent=function(t,e){var r,n,i,a=-1,o=t.length;if(1===arguments.length){for(;++a=n){r=i=n;break}for(;++an&&(r=n),i=n){r=i=n;break}for(;++an&&(r=n),i1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var v=g(h);function m(t){return t.length}t.bisectLeft=v.left,t.bisect=t.bisectRight=v.right,t.bisector=function(t){return g(1===t.length?function(e,r){return h(t(e),r)}:t)},t.shuffle=function(t,e,r){(a=arguments.length)<3&&(r=t.length,a<2&&(e=0));for(var n,i,a=r-e;a;)i=Math.random()*a--|0,n=t[a+e],t[a+e]=t[i+e],t[i+e]=n;return t},t.permute=function(t,e){for(var r=e.length,n=new Array(r);r--;)n[r]=t[e[r]];return n},t.pairs=function(t){for(var e=0,r=t.length-1,n=t[0],i=new Array(r<0?0:r);e=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r};var y=Math.abs;function x(t,e){for(var r in e)Object.defineProperty(t.prototype,r,{value:e[r],enumerable:!1})}function b(){this._=Object.create(null)}t.range=function(t,e,r){if(arguments.length<3&&(r=1,arguments.length<2&&(e=t,t=0)),(e-t)/r==1/0)throw new Error(\"infinite range\");var n,i=[],a=function(t){var e=1;for(;t*e%1;)e*=10;return e}(y(r)),o=-1;if(t*=a,e*=a,(r*=a)<0)for(;(n=t+r*++o)>e;)i.push(n/a);else for(;(n=t+r*++o)=i.length)return r?r.call(n,a):e?a.sort(e):a;for(var l,c,u,f,h=-1,p=a.length,d=i[s++],g=new b;++h=i.length)return e;var n=[],o=a[r++];return e.forEach(function(e,i){n.push({key:e,values:t(i,r)})}),o?n.sort(function(t,e){return o(t.key,e.key)}):n}(o(t.map,e,0),0)},n.key=function(t){return i.push(t),n},n.sortKeys=function(t){return a[i.length-1]=t,n},n.sortValues=function(t){return e=t,n},n.rollup=function(t){return r=t,n},n},t.set=function(t){var e=new L;if(t)for(var r=0,n=t.length;r=0&&(n=t.slice(r+1),t=t.slice(0,r)),t)return arguments.length<2?this[t].on(n):this[t].on(n,e);if(2===arguments.length){if(null==e)for(t in this)this.hasOwnProperty(t)&&this[t].on(n,null);return this}},t.event=null,t.requote=function(t){return t.replace(V,\"\\\\$&\")};var V=/[\\\\\\^\\$\\*\\+\\?\\|\\[\\]\\(\\)\\.\\{\\}]/g,U={}.__proto__?function(t,e){t.__proto__=e}:function(t,e){for(var r in e)t[r]=e[r]};function q(t){return U(t,Y),t}var H=function(t,e){return e.querySelector(t)},G=function(t,e){return e.querySelectorAll(t)},W=function(t,e){var r=t.matches||t[I(t,\"matchesSelector\")];return(W=function(t,e){return r.call(t,e)})(t,e)};\"function\"==typeof Sizzle&&(H=function(t,e){return Sizzle(t,e)[0]||null},G=Sizzle,W=Sizzle.matchesSelector),t.selection=function(){return t.select(i.documentElement)};var Y=t.selection.prototype=[];function X(t){return\"function\"==typeof t?t:function(){return H(t,this)}}function Z(t){return\"function\"==typeof t?t:function(){return G(t,this)}}Y.select=function(t){var e,r,n,i,a=[];t=X(t);for(var o=-1,s=this.length;++o=0&&\"xmlns\"!==(r=t.slice(0,e))&&(t=t.slice(e+1)),J.hasOwnProperty(r)?{space:J[r],local:t}:t}},Y.attr=function(e,r){if(arguments.length<2){if(\"string\"==typeof e){var n=this.node();return(e=t.ns.qualify(e)).local?n.getAttributeNS(e.space,e.local):n.getAttribute(e)}for(r in e)this.each(K(r,e[r]));return this}return this.each(K(e,r))},Y.classed=function(t,e){if(arguments.length<2){if(\"string\"==typeof t){var r=this.node(),n=(t=et(t)).length,i=-1;if(e=r.classList){for(;++i=0;)(r=n[i])&&(a&&a!==r.nextSibling&&a.parentNode.insertBefore(r,a),a=r);return this},Y.sort=function(t){t=function(t){arguments.length||(t=h);return function(e,r){return e&&r?t(e.__data__,r.__data__):!e-!r}}.apply(this,arguments);for(var e=-1,r=this.length;++e0&&(e=e.slice(0,o));var l=dt.get(e);function c(){var t=this[a];t&&(this.removeEventListener(e,t,t.$),delete this[a])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[a]=t,t.$=i),t._=r}:c:r?D:function(){var r,n=new RegExp(\"^__on([^.]+)\"+t.requote(e)+\"$\");for(var i in this)if(r=i.match(n)){var a=this[i];this.removeEventListener(r[1],a,a.$),delete this[i]}}}t.selection.enter=ft,t.selection.enter.prototype=ht,ht.append=Y.append,ht.empty=Y.empty,ht.node=Y.node,ht.call=Y.call,ht.size=Y.size,ht.select=function(t){for(var e,r,n,i,a,o=[],s=-1,l=this.length;++s=n&&(n=e+1);!(o=s[n])&&++n0?1:t<0?-1:0}function Ot(t,e,r){return(e[0]-t[0])*(r[1]-t[1])-(e[1]-t[1])*(r[0]-t[0])}function It(t){return t>1?0:t<-1?At:Math.acos(t)}function Pt(t){return t>1?Et:t<-1?-Et:Math.asin(t)}function Dt(t){return((t=Math.exp(t))+1/t)/2}function Rt(t){return(t=Math.sin(t/2))*t}var Bt=Math.SQRT2;t.interpolateZoom=function(t,e){var r,n,i=t[0],a=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-i,f=l-a,h=u*u+f*f;if(h0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map(function(t){return(t-h.x)/h.k}).map(l.invert)),f&&f.domain(u.range().map(function(t){return(t-h.y)/h.k}).map(u.invert))}function E(t){v++||t({type:\"zoomstart\"})}function C(t){S(),t({type:\"zoom\",scale:h.k,translate:[h.x,h.y]})}function L(t){--v||(t({type:\"zoomend\"}),r=null)}function z(){var e=this,r=_.of(e,arguments),n=0,i=t.select(o(e)).on(y,function(){n=1,A(t.mouse(e),a),C(r)}).on(x,function(){i.on(y,null).on(x,null),s(n),L(r)}),a=k(t.mouse(e)),s=xt(e);fs.call(e),E(r)}function O(){var e,r=this,n=_.of(r,arguments),i={},a=0,o=\".zoom-\"+t.event.changedTouches[0].identifier,l=\"touchmove\"+o,c=\"touchend\"+o,u=[],f=t.select(r),p=xt(r);function d(){var n=t.touches(r);return e=h.k,n.forEach(function(t){t.identifier in i&&(i[t.identifier]=k(t))}),n}function g(){var e=t.event.target;t.select(e).on(l,v).on(c,y),u.push(e);for(var n=t.event.changedTouches,o=0,f=n.length;o1){m=p[0];var x=p[1],b=m[0]-x[0],_=m[1]-x[1];a=b*b+_*_}}function v(){var o,l,c,u,f=t.touches(r);fs.call(r);for(var h=0,p=f.length;h360?t-=360:t<0&&(t+=360),t<60?n+(i-n)*t/60:t<180?i:t<240?n+(i-n)*(240-t)/60:n}(t))}return t=isNaN(t)?0:(t%=360)<0?t+360:t,e=isNaN(e)?0:e<0?0:e>1?1:e,n=2*(r=r<0?0:r>1?1:r)-(i=r<=.5?r*(1+e):r+e-r*e),new ae(a(t+120),a(t),a(t-120))}function Gt(e,r,n){return this instanceof Gt?(this.h=+e,this.c=+r,void(this.l=+n)):arguments.length<2?e instanceof Gt?new Gt(e.h,e.c,e.l):ee(e instanceof Xt?e.l:(e=he((e=t.rgb(e)).r,e.g,e.b)).l,e.a,e.b):new Gt(e,r,n)}qt.brighter=function(t){return t=Math.pow(.7,arguments.length?t:1),new Ut(this.h,this.s,this.l/t)},qt.darker=function(t){return t=Math.pow(.7,arguments.length?t:1),new Ut(this.h,this.s,t*this.l)},qt.rgb=function(){return Ht(this.h,this.s,this.l)},t.hcl=Gt;var Wt=Gt.prototype=new Vt;function Yt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Xt(r,Math.cos(t*=Ct)*e,Math.sin(t)*e)}function Xt(t,e,r){return this instanceof Xt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Xt?new Xt(t.l,t.a,t.b):t instanceof Gt?Yt(t.h,t.c,t.l):he((t=ae(t)).r,t.g,t.b):new Xt(t,e,r)}Wt.brighter=function(t){return new Gt(this.h,this.c,Math.min(100,this.l+Zt*(arguments.length?t:1)))},Wt.darker=function(t){return new Gt(this.h,this.c,Math.max(0,this.l-Zt*(arguments.length?t:1)))},Wt.rgb=function(){return Yt(this.h,this.c,this.l).rgb()},t.lab=Xt;var Zt=18,$t=.95047,Jt=1,Kt=1.08883,Qt=Xt.prototype=new Vt;function te(t,e,r){var n=(t+16)/116,i=n+e/500,a=n-r/200;return new ae(ie(3.2404542*(i=re(i)*$t)-1.5371385*(n=re(n)*Jt)-.4985314*(a=re(a)*Kt)),ie(-.969266*i+1.8760108*n+.041556*a),ie(.0556434*i-.2040259*n+1.0572252*a))}function ee(t,e,r){return t>0?new Gt(Math.atan2(r,e)*Lt,Math.sqrt(e*e+r*r),t):new Gt(NaN,NaN,t)}function re(t){return t>.206893034?t*t*t:(t-4/29)/7.787037}function ne(t){return t>.008856?Math.pow(t,1/3):7.787037*t+4/29}function ie(t){return Math.round(255*(t<=.00304?12.92*t:1.055*Math.pow(t,1/2.4)-.055))}function ae(t,e,r){return this instanceof ae?(this.r=~~t,this.g=~~e,void(this.b=~~r)):arguments.length<2?t instanceof ae?new ae(t.r,t.g,t.b):ue(\"\"+t,ae,Ht):new ae(t,e,r)}function oe(t){return new ae(t>>16,t>>8&255,255&t)}function se(t){return oe(t)+\"\"}Qt.brighter=function(t){return new Xt(Math.min(100,this.l+Zt*(arguments.length?t:1)),this.a,this.b)},Qt.darker=function(t){return new Xt(Math.max(0,this.l-Zt*(arguments.length?t:1)),this.a,this.b)},Qt.rgb=function(){return te(this.l,this.a,this.b)},t.rgb=ae;var le=ae.prototype=new Vt;function ce(t){return t<16?\"0\"+Math.max(0,t).toString(16):Math.min(255,t).toString(16)}function ue(t,e,r){var n,i,a,o=0,s=0,l=0;if(n=/([a-z]+)\\((.*)\\)/.exec(t=t.toLowerCase()))switch(i=n[2].split(\",\"),n[1]){case\"hsl\":return r(parseFloat(i[0]),parseFloat(i[1])/100,parseFloat(i[2])/100);case\"rgb\":return e(de(i[0]),de(i[1]),de(i[2]))}return(a=ge.get(t))?e(a.r,a.g,a.b):(null==t||\"#\"!==t.charAt(0)||isNaN(a=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&a)>>4,o|=o>>4,s=240&a,s|=s>>4,l=15&a,l|=l<<4):7===t.length&&(o=(16711680&a)>>16,s=(65280&a)>>8,l=255&a)),e(o,s,l))}function fe(t,e,r){var n,i,a=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-a,l=(o+a)/2;return s?(i=l<.5?s/(o+a):s/(2-o-a),n=t==o?(e-r)/s+(e0&&l<1?0:n),new Ut(n,i,l)}function he(t,e,r){var n=ne((.4124564*(t=pe(t))+.3575761*(e=pe(e))+.1804375*(r=pe(r)))/$t),i=ne((.2126729*t+.7151522*e+.072175*r)/Jt);return Xt(116*i-16,500*(n-i),200*(i-ne((.0193339*t+.119192*e+.9503041*r)/Kt)))}function pe(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function de(t){var e=parseFloat(t);return\"%\"===t.charAt(t.length-1)?Math.round(2.55*e):e}le.brighter=function(t){t=Math.pow(.7,arguments.length?t:1);var e=this.r,r=this.g,n=this.b,i=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=i.call(o,c)}catch(t){return void s.error.call(o,t)}s.load.call(o,t)}else s.error.call(o,c)}return!this.XDomainRequest||\"withCredentials\"in c||!/^(http(s)?:)?\\/\\//.test(e)||(c=new XDomainRequest),\"onload\"in c?c.onload=c.onerror=f:c.onreadystatechange=function(){c.readyState>3&&f()},c.onprogress=function(e){var r=t.event;t.event=e;try{s.progress.call(o,c)}finally{t.event=r}},o.header=function(t,e){return t=(t+\"\").toLowerCase(),arguments.length<2?l[t]:(null==e?delete l[t]:l[t]=e+\"\",o)},o.mimeType=function(t){return arguments.length?(r=null==t?null:t+\"\",o):r},o.responseType=function(t){return arguments.length?(u=t,o):u},o.response=function(t){return i=t,o},[\"get\",\"post\"].forEach(function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}}),o.send=function(t,n,i){if(2===arguments.length&&\"function\"==typeof n&&(i=n,n=null),c.open(t,e,!0),null==r||\"accept\"in l||(l.accept=r+\",*/*\"),c.setRequestHeader)for(var a in l)c.setRequestHeader(a,l[a]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=i&&o.on(\"error\",i).on(\"load\",function(t){i(null,t)}),s.beforesend.call(o,c),c.send(null==n?null:n),o},o.abort=function(){return c.abort(),o},t.rebind(o,s,\"on\"),null==a?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(a))}ge.forEach(function(t,e){ge.set(t,oe(e))}),t.functor=ve,t.xhr=me(z),t.dsv=function(t,e){var r=new RegExp('[\"'+t+\"\\n]\"),n=t.charCodeAt(0);function i(t,r,n){arguments.length<3&&(n=r,r=null);var i=ye(t,e,null==r?a:o(r),n);return i.row=function(t){return arguments.length?i.response(null==(r=t)?a:o(t)):r},i}function a(t){return i.parse(t.responseText)}function o(t){return function(e){return i.parse(e.responseText,t)}}function s(e){return e.map(l).join(t)}function l(t){return r.test(t)?'\"'+t.replace(/\\\"/g,'\"\"')+'\"':t}return i.parse=function(t,e){var r;return i.parseRows(t,function(t,n){if(r)return r(t,n-1);var i=new Function(\"d\",\"return {\"+t.map(function(t,e){return JSON.stringify(t)+\": d[\"+e+\"]\"}).join(\",\")+\"}\");r=e?function(t,r){return e(i(t),r)}:i})},i.parseRows=function(t,e){var r,i,a={},o={},s=[],l=t.length,c=0,u=0;function f(){if(c>=l)return o;if(i)return i=!1,a;var e=c;if(34===t.charCodeAt(e)){for(var r=e;r++24?(isFinite(e)&&(clearTimeout(we),we=setTimeout(Ae,e)),_e=0):(_e=1,ke(Ae))}function Te(){for(var t=Date.now(),e=xe;e;)t>=e.t&&e.c(t-e.t)&&(e.c=null),e=e.n;return t}function Se(){for(var t,e=xe,r=1/0;e;)e.c?(e.t8?function(t){return t/r}:function(t){return t*r},symbol:t}});t.formatPrefix=function(e,r){var n=0;return(e=+e)&&(e<0&&(e*=-1),r&&(e=t.round(e,Ee(e,r))),n=1+Math.floor(1e-12+Math.log(e)/Math.LN10),n=Math.max(-24,Math.min(24,3*Math.floor((n-1)/3)))),Ce[8+n/3]};var Le=/(?:([^{])?([<>=^]))?([+\\- ])?([$#])?(0)?(\\d+)?(,)?(\\.-?\\d+)?([a-z%])?/i,ze=t.map({b:function(t){return t.toString(2)},c:function(t){return String.fromCharCode(t)},o:function(t){return t.toString(8)},x:function(t){return t.toString(16)},X:function(t){return t.toString(16).toUpperCase()},g:function(t,e){return t.toPrecision(e)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},r:function(e,r){return(e=t.round(e,Ee(e,r))).toFixed(Math.max(0,Math.min(20,Ee(e*(1+1e-15),r))))}});function Oe(t){return t+\"\"}var Ie=t.time={},Pe=Date;function De(){this._=new Date(arguments.length>1?Date.UTC.apply(this,arguments):arguments[0])}De.prototype={getDate:function(){return this._.getUTCDate()},getDay:function(){return this._.getUTCDay()},getFullYear:function(){return this._.getUTCFullYear()},getHours:function(){return this._.getUTCHours()},getMilliseconds:function(){return this._.getUTCMilliseconds()},getMinutes:function(){return this._.getUTCMinutes()},getMonth:function(){return this._.getUTCMonth()},getSeconds:function(){return this._.getUTCSeconds()},getTime:function(){return this._.getTime()},getTimezoneOffset:function(){return 0},valueOf:function(){return this._.valueOf()},setDate:function(){Re.setUTCDate.apply(this._,arguments)},setDay:function(){Re.setUTCDay.apply(this._,arguments)},setFullYear:function(){Re.setUTCFullYear.apply(this._,arguments)},setHours:function(){Re.setUTCHours.apply(this._,arguments)},setMilliseconds:function(){Re.setUTCMilliseconds.apply(this._,arguments)},setMinutes:function(){Re.setUTCMinutes.apply(this._,arguments)},setMonth:function(){Re.setUTCMonth.apply(this._,arguments)},setSeconds:function(){Re.setUTCSeconds.apply(this._,arguments)},setTime:function(){Re.setTime.apply(this._,arguments)}};var Re=Date.prototype;function Be(t,e,r){function n(e){var r=t(e),n=a(r,1);return e-r1)for(;o68?1900:2e3),r+i[0].length):-1}function $e(t,e,r){return/^[+-]\\d{4}$/.test(e=e.slice(r,r+5))?(t.Z=-e,r+5):-1}function Je(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function Ke(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function Qe(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.j=+n[0],r+n[0].length):-1}function tr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function er(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function rr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function nr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function ir(t){var e=t.getTimezoneOffset(),r=e>0?\"-\":\"+\",n=y(e)/60|0,i=y(e)%60;return r+Ue(n,\"0\",2)+Ue(i,\"0\",2)}function ar(t,e,r){Ve.lastIndex=0;var n=Ve.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function or(t){for(var e=t.length,r=-1;++r0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),a.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=i[o=(o+1)%i.length];return a.reverse().join(n)}:z;return function(e){var n=Le.exec(e),i=n[1]||\" \",s=n[2]||\">\",l=n[3]||\"-\",c=n[4]||\"\",u=n[5],f=+n[6],h=n[7],p=n[8],d=n[9],g=1,v=\"\",m=\"\",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||\"0\"===i&&\"=\"===s)&&(u=i=\"0\",s=\"=\"),d){case\"n\":h=!0,d=\"g\";break;case\"%\":g=100,m=\"%\",d=\"f\";break;case\"p\":g=100,m=\"%\",d=\"r\";break;case\"b\":case\"o\":case\"x\":case\"X\":\"#\"===c&&(v=\"0\"+d.toLowerCase());case\"c\":x=!1;case\"d\":y=!0,p=0;break;case\"s\":g=-1,d=\"r\"}\"$\"===c&&(v=a[0],m=a[1]),\"r\"!=d||p||(d=\"g\"),null!=p&&(\"g\"==d?p=Math.max(1,Math.min(21,p)):\"e\"!=d&&\"f\"!=d||(p=Math.max(0,Math.min(20,p)))),d=ze.get(d)||Oe;var b=u&&h;return function(e){var n=m;if(y&&e%1)return\"\";var a=e<0||0===e&&1/e<0?(e=-e,\"-\"):\"-\"===l?\"\":l;if(g<0){var c=t.formatPrefix(e,p);e=c.scale(e),n=c.symbol+m}else e*=g;var _,w,k=(e=d(e,p)).lastIndexOf(\".\");if(k<0){var M=x?e.lastIndexOf(\"e\"):-1;M<0?(_=e,w=\"\"):(_=e.substring(0,M),w=e.substring(M))}else _=e.substring(0,k),w=r+e.substring(k+1);!u&&h&&(_=o(_,1/0));var A=v.length+_.length+w.length+(b?0:a.length),T=A\"===s?T+a+e:\"^\"===s?T.substring(0,A>>=1)+a+e+T.substring(A):a+(b?e:T+e))+n}}}(e),timeFormat:function(e){var r=e.dateTime,n=e.date,i=e.time,a=e.periods,o=e.days,s=e.shortDays,l=e.months,c=e.shortMonths;function u(t){var e=t.length;function r(r){for(var n,i,a,o=[],s=-1,l=0;++s=c)return-1;if(37===(i=e.charCodeAt(s++))){if(o=e.charAt(s++),!(a=w[o in Ne?e.charAt(s++):o])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}u.utc=function(t){var e=u(t);function r(t){try{var r=new(Pe=De);return r._=t,e(r)}finally{Pe=Date}}return r.parse=function(t){try{Pe=De;var r=e.parse(t);return r&&r._}finally{Pe=Date}},r.toString=e.toString,r},u.multi=u.utc.multi=or;var h=t.map(),p=qe(o),d=He(o),g=qe(s),v=He(s),m=qe(l),y=He(l),x=qe(c),b=He(c);a.forEach(function(t,e){h.set(t.toLowerCase(),e)});var _={a:function(t){return s[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return c[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:u(r),d:function(t,e){return Ue(t.getDate(),e,2)},e:function(t,e){return Ue(t.getDate(),e,2)},H:function(t,e){return Ue(t.getHours(),e,2)},I:function(t,e){return Ue(t.getHours()%12||12,e,2)},j:function(t,e){return Ue(1+Ie.dayOfYear(t),e,3)},L:function(t,e){return Ue(t.getMilliseconds(),e,3)},m:function(t,e){return Ue(t.getMonth()+1,e,2)},M:function(t,e){return Ue(t.getMinutes(),e,2)},p:function(t){return a[+(t.getHours()>=12)]},S:function(t,e){return Ue(t.getSeconds(),e,2)},U:function(t,e){return Ue(Ie.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ue(Ie.mondayOfYear(t),e,2)},x:u(n),X:u(i),y:function(t,e){return Ue(t.getFullYear()%100,e,2)},Y:function(t,e){return Ue(t.getFullYear()%1e4,e,4)},Z:ir,\"%\":function(){return\"%\"}},w={a:function(t,e,r){g.lastIndex=0;var n=g.exec(e.slice(r));return n?(t.w=v.get(n[0].toLowerCase()),r+n[0].length):-1},A:function(t,e,r){p.lastIndex=0;var n=p.exec(e.slice(r));return n?(t.w=d.get(n[0].toLowerCase()),r+n[0].length):-1},b:function(t,e,r){x.lastIndex=0;var n=x.exec(e.slice(r));return n?(t.m=b.get(n[0].toLowerCase()),r+n[0].length):-1},B:function(t,e,r){m.lastIndex=0;var n=m.exec(e.slice(r));return n?(t.m=y.get(n[0].toLowerCase()),r+n[0].length):-1},c:function(t,e,r){return f(t,_.c.toString(),e,r)},d:Ke,e:Ke,H:tr,I:tr,j:Qe,L:nr,m:Je,M:er,p:function(t,e,r){var n=h.get(e.slice(r,r+=2).toLowerCase());return null==n?-1:(t.p=n,r)},S:rr,U:We,w:Ge,W:Ye,x:function(t,e,r){return f(t,_.x.toString(),e,r)},X:function(t,e,r){return f(t,_.X.toString(),e,r)},y:Ze,Y:Xe,Z:$e,\"%\":ar};return u}(e)}};var sr=t.locale({decimal:\".\",thousands:\",\",grouping:[3],currency:[\"$\",\"\"],dateTime:\"%a %b %e %X %Y\",date:\"%m/%d/%Y\",time:\"%H:%M:%S\",periods:[\"AM\",\"PM\"],days:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],shortDays:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],months:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],shortMonths:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"]});function lr(){}t.format=sr.numberFormat,t.geo={},lr.prototype={s:0,t:0,add:function(t){ur(t,this.t,cr),ur(cr.s,this.s,this),this.s?this.t+=cr.t:this.s=cr.t},reset:function(){this.s=this.t=0},valueOf:function(){return this.s}};var cr=new lr;function ur(t,e,r){var n=r.s=t+e,i=n-t,a=n-i;r.t=t-a+(e-i)}function fr(t,e){t&&pr.hasOwnProperty(t.type)&&pr[t.type](t,e)}t.geo.stream=function(t,e){t&&hr.hasOwnProperty(t.type)?hr[t.type](t,e):fr(t,e)};var hr={Feature:function(t,e){fr(t.geometry,e)},FeatureCollection:function(t,e){for(var r=t.features,n=-1,i=r.length;++n=0?1:-1,s=o*a,l=Math.cos(e),c=Math.sin(e),u=i*c,f=n*l+u*Math.cos(s),h=u*o*Math.sin(s);Er.add(Math.atan2(h,f)),r=t,n=l,i=c}Cr.point=function(o,s){Cr.point=a,r=(t=o)*Ct,n=Math.cos(s=(e=s)*Ct/2+At/4),i=Math.sin(s)},Cr.lineEnd=function(){a(t,e)}}function zr(t){var e=t[0],r=t[1],n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}function Or(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function Ir(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function Pr(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function Dr(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function Rr(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}function Br(t){return[Math.atan2(t[1],t[0]),Pt(t[2])]}function Fr(t,e){return y(t[0]-e[0])kt?i=90:c<-kt&&(r=-90),f[0]=e,f[1]=n}};function p(t,a){u.push(f=[e=t,n=t]),ai&&(i=a)}function d(t,o){var s=zr([t*Ct,o*Ct]);if(l){var c=Ir(l,s),u=Ir([c[1],-c[0],0],c);Rr(u),u=Br(u);var f=t-a,h=f>0?1:-1,d=u[0]*Lt*h,g=y(f)>180;if(g^(h*ai&&(i=v);else if(g^(h*a<(d=(d+360)%360-180)&&di&&(i=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>a?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,a=t}function g(){h.point=d}function v(){f[0]=e,f[1]=n,h.point=p,l=null}function m(t,e){if(l){var r=t-a;c+=y(r)>180?r+(r>0?360:-360):r}else o=t,s=e;Cr.point(t,e),d(t,e)}function x(){Cr.lineStart()}function b(){m(o,s),Cr.lineEnd(),y(c)>kt&&(e=-(n=180)),f[0]=e,f[1]=n,l=null}function _(t,e){return(e-=t)<0?e+360:e}function w(t,e){return t[0]-e[0]}function k(t,e){return e[0]<=e[1]?e[0]<=t&&t<=e[1]:t_(g[0],g[1])&&(g[1]=p[1]),_(p[0],g[1])>_(g[0],g[1])&&(g[0]=p[0])):s.push(g=p);for(var l,c,p,d=-1/0,g=(o=0,s[c=s.length-1]);o<=c;g=p,++o)p=s[o],(l=_(g[1],p[0]))>d&&(d=l,e=p[0],n=g[1])}return u=f=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,i]]}}(),t.geo.centroid=function(e){mr=yr=xr=br=_r=wr=kr=Mr=Ar=Tr=Sr=0,t.geo.stream(e,Nr);var r=Ar,n=Tr,i=Sr,a=r*r+n*n+i*i;return a=0;--s)i.point((f=u[s])[0],f[1]);else n(p.x,p.p.x,-1,i);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);i.lineEnd()}}}function Xr(t){if(e=t.length){for(var e,r,n=0,i=t[0];++n=0?1:-1,k=w*_,M=k>At,A=d*x;if(Er.add(Math.atan2(A*w*Math.sin(k),g*b+A*Math.cos(k))),a+=M?_+w*Tt:_,M^h>=r^m>=r){var T=Ir(zr(f),zr(t));Rr(T);var S=Ir(i,T);Rr(S);var E=(M^_>=0?-1:1)*Pt(S[2]);(n>E||n===E&&(T[0]||T[1]))&&(o+=M^_>=0?1:-1)}if(!v++)break;h=m,d=x,g=b,f=t}}return(a<-kt||a0){for(x||(o.polygonStart(),x=!0),o.lineStart();++a1&&2&e&&r.push(r.pop().concat(r.shift())),s.push(r.filter(Jr))}return u}}function Jr(t){return t.length>1}function Kr(){var t,e=[];return{lineStart:function(){e.push(t=[])},point:function(e,r){t.push([e,r])},lineEnd:D,buffer:function(){var r=e;return e=[],t=null,r},rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))}}}function Qr(t,e){return((t=t.x)[0]<0?t[1]-Et-kt:Et-t[1])-((e=e.x)[0]<0?e[1]-Et-kt:Et-e[1])}var tn=$r(Wr,function(t){var e,r=NaN,n=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(a,o){var s=a>0?At:-At,l=y(a-r);y(l-At)0?Et:-Et),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(a,n),e=0):i!==s&&l>=At&&(y(r-i)kt?Math.atan((Math.sin(e)*(a=Math.cos(n))*Math.sin(r)-Math.sin(n)*(i=Math.cos(e))*Math.sin(t))/(i*a*o)):(e+n)/2}(r,n,a,o),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=a,n=o),i=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}},function(t,e,r,n){var i;if(null==t)i=r*Et,n.point(-At,i),n.point(0,i),n.point(At,i),n.point(At,0),n.point(At,-i),n.point(0,-i),n.point(-At,-i),n.point(-At,0),n.point(-At,i);else if(y(t[0]-e[0])>kt){var a=t[0]0)){if(a/=h,h<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=r-l,h||!(a<0)){if(a/=h,h<0){if(a>f)return;a>u&&(u=a)}else if(h>0){if(a0)){if(a/=p,p<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=n-c,p||!(a<0)){if(a/=p,p<0){if(a>f)return;a>u&&(u=a)}else if(p>0){if(a0&&(i.a={x:l+u*h,y:c+u*p}),f<1&&(i.b={x:l+f*h,y:c+f*p}),i}}}}}}var rn=1e9;function nn(e,r,n,i){return function(l){var c,u,f,h,p,d,g,v,m,y,x,b=l,_=Kr(),w=en(e,r,n,i),k={point:T,lineStart:function(){k.point=S,u&&u.push(f=[]);y=!0,m=!1,g=v=NaN},lineEnd:function(){c&&(S(h,p),d&&m&&_.rejoin(),c.push(_.buffer()));k.point=T,m&&l.lineEnd()},polygonStart:function(){l=_,c=[],u=[],x=!0},polygonEnd:function(){l=b,c=t.merge(c);var r=function(t){for(var e=0,r=u.length,n=t[1],i=0;in&&Ot(c,a,t)>0&&++e:a[1]<=n&&Ot(c,a,t)<0&&--e,c=a;return 0!==e}([e,i]),n=x&&r,a=c.length;(n||a)&&(l.polygonStart(),n&&(l.lineStart(),M(null,null,1,l),l.lineEnd()),a&&Yr(c,o,r,M,l),l.polygonEnd()),c=u=f=null}};function M(t,o,l,c){var u=0,f=0;if(null==t||(u=a(t,l))!==(f=a(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?i:r)}while((u=(u+l+4)%4)!==f);else c.point(o[0],o[1])}function A(t,a){return e<=t&&t<=n&&r<=a&&a<=i}function T(t,e){A(t,e)&&l.point(t,e)}function S(t,e){var r=A(t=Math.max(-rn,Math.min(rn,t)),e=Math.max(-rn,Math.min(rn,e)));if(u&&f.push([t,e]),y)h=t,p=e,d=r,y=!1,r&&(l.lineStart(),l.point(t,e));else if(r&&m)l.point(t,e);else{var n={a:{x:g,y:v},b:{x:t,y:e}};w(n)?(m||(l.lineStart(),l.point(n.a.x,n.a.y)),l.point(n.b.x,n.b.y),r||l.lineEnd(),x=!1):r&&(l.lineStart(),l.point(t,e),x=!1)}g=t,v=e,m=r}return k};function a(t,i){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:i>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=a(t,1),n=a(e,1);return r!==n?r-n:0===r?e[1]-t[1]:1===r?t[0]-e[0]:2===r?t[1]-e[1]:e[0]-t[0]}}function an(t){var e=0,r=At/3,n=Cn(t),i=n(e,r);return i.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},i}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,i=1+r*(2*n-r),a=Math.sqrt(i)/n;function o(t,e){var r=Math.sqrt(i-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),a-r*Math.cos(t)]}return o.invert=function(t,e){var r=a-e;return[Math.atan2(t,r)/n,Pt((i-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,i,a,o={stream:function(t){return i&&(i.valid=!1),(i=a(t)).valid=!0,i},extent:function(s){return arguments.length?(a=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),i&&(i.valid=!1,i=null),o):[[t,e],[r,n]]}};return o.extent([[0,0],[960,500]])},(t.geo.conicEqualArea=function(){return an(on)}).raw=on,t.geo.albers=function(){return t.geo.conicEqualArea().rotate([96,0]).center([-.6,38.7]).parallels([29.5,45.5]).scale(1070)},t.geo.albersUsa=function(){var e,r,n,i,a=t.geo.albers(),o=t.geo.conicEqualArea().rotate([154,0]).center([-2,58.5]).parallels([55,65]),s=t.geo.conicEqualArea().rotate([157,0]).center([-3,19.9]).parallels([8,18]),l={point:function(t,r){e=[t,r]}};function c(t){var a=t[0],o=t[1];return e=null,r(a,o),e||(n(a,o),e)||i(a,o),e}return c.invert=function(t){var e=a.scale(),r=a.translate(),n=(t[0]-r[0])/e,i=(t[1]-r[1])/e;return(i>=.12&&i<.234&&n>=-.425&&n<-.214?o:i>=.166&&i<.234&&n>=-.214&&n<-.115?s:a).invert(t)},c.stream=function(t){var e=a.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,i){e.point(t,i),r.point(t,i),n.point(t,i)},sphere:function(){e.sphere(),r.sphere(),n.sphere()},lineStart:function(){e.lineStart(),r.lineStart(),n.lineStart()},lineEnd:function(){e.lineEnd(),r.lineEnd(),n.lineEnd()},polygonStart:function(){e.polygonStart(),r.polygonStart(),n.polygonStart()},polygonEnd:function(){e.polygonEnd(),r.polygonEnd(),n.polygonEnd()}}},c.precision=function(t){return arguments.length?(a.precision(t),o.precision(t),s.precision(t),c):a.precision()},c.scale=function(t){return arguments.length?(a.scale(t),o.scale(.35*t),s.scale(t),c.translate(a.translate())):a.scale()},c.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),u=+t[0],f=+t[1];return r=a.translate(t).clipExtent([[u-.455*e,f-.238*e],[u+.455*e,f+.238*e]]).stream(l).point,n=o.translate([u-.307*e,f+.201*e]).clipExtent([[u-.425*e+kt,f+.12*e+kt],[u-.214*e-kt,f+.234*e-kt]]).stream(l).point,i=s.translate([u-.205*e,f+.212*e]).clipExtent([[u-.214*e+kt,f+.166*e+kt],[u-.115*e-kt,f+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,fn,hn,pn={point:D,lineStart:D,lineEnd:D,polygonStart:function(){ln=0,pn.lineStart=dn},polygonEnd:function(){pn.lineStart=pn.lineEnd=pn.point=D,sn+=y(ln/2)}};function dn(){var t,e,r,n;function i(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(a,o){pn.point=i,t=r=a,e=n=o},pn.lineEnd=function(){i(t,e)}}var gn={point:function(t,e){tfn&&(fn=t);ehn&&(hn=e)},lineStart:D,lineEnd:D,polygonStart:D,polygonEnd:D};function vn(){var t=mn(4.5),e=[],r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(e){return t=mn(e),r},result:function(){if(e.length){var t=e.join(\"\");return e=[],t}}};function n(r,n){e.push(\"M\",r,\",\",n,t)}function i(t,n){e.push(\"M\",t,\",\",n),r.point=a}function a(t,r){e.push(\"L\",t,\",\",r)}function o(){r.point=n}function s(){e.push(\"Z\")}return r}function mn(t){return\"m0,\"+t+\"a\"+t+\",\"+t+\" 0 1,1 0,\"+-2*t+\"a\"+t+\",\"+t+\" 0 1,1 0,\"+2*t+\"z\"}var yn,xn={point:bn,lineStart:_n,lineEnd:wn,polygonStart:function(){xn.lineStart=kn},polygonEnd:function(){xn.point=bn,xn.lineStart=_n,xn.lineEnd=wn}};function bn(t,e){xr+=t,br+=e,++_r}function _n(){var t,e;function r(r,n){var i=r-t,a=n-e,o=Math.sqrt(i*i+a*a);wr+=o*(t+r)/2,kr+=o*(e+n)/2,Mr+=o,bn(t=r,e=n)}xn.point=function(n,i){xn.point=r,bn(t=n,e=i)}}function wn(){xn.point=bn}function kn(){var t,e,r,n;function i(t,e){var i=t-r,a=e-n,o=Math.sqrt(i*i+a*a);wr+=o*(r+t)/2,kr+=o*(n+e)/2,Mr+=o,Ar+=(o=n*t-r*e)*(r+t),Tr+=o*(n+e),Sr+=3*o,bn(r=t,n=e)}xn.point=function(a,o){xn.point=i,bn(t=r=a,e=n=o)},xn.lineEnd=function(){i(t,e)}}function Mn(t){var e=4.5,r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(t){return e=t,r},result:D};function n(r,n){t.moveTo(r+e,n),t.arc(r,n,e,0,Tt)}function i(e,n){t.moveTo(e,n),r.point=a}function a(e,r){t.lineTo(e,r)}function o(){r.point=n}function s(){t.closePath()}return r}function An(t){var e=.5,r=Math.cos(30*Ct),n=16;function i(e){return(n?function(e){var r,i,o,s,l,c,u,f,h,p,d,g,v={point:m,lineStart:y,lineEnd:b,polygonStart:function(){e.polygonStart(),v.lineStart=_},polygonEnd:function(){e.polygonEnd(),v.lineStart=y}};function m(r,n){r=t(r,n),e.point(r[0],r[1])}function y(){f=NaN,v.point=x,e.lineStart()}function x(r,i){var o=zr([r,i]),s=t(r,i);a(f,h,u,p,d,g,f=s[0],h=s[1],u=r,p=o[0],d=o[1],g=o[2],n,e),e.point(f,h)}function b(){v.point=m,e.lineEnd()}function _(){y(),v.point=w,v.lineEnd=k}function w(t,e){x(r=t,e),i=f,o=h,s=p,l=d,c=g,v.point=x}function k(){a(f,h,u,p,d,g,i,o,r,s,l,c,n,e),v.lineEnd=b,b()}return v}:function(e){return Sn(e,function(r,n){r=t(r,n),e.point(r[0],r[1])})})(e)}function a(n,i,o,s,l,c,u,f,h,p,d,g,v,m){var x=u-n,b=f-i,_=x*x+b*b;if(_>4*e&&v--){var w=s+p,k=l+d,M=c+g,A=Math.sqrt(w*w+k*k+M*M),T=Math.asin(M/=A),S=y(y(M)-1)e||y((x*z+b*O)/_-.5)>.3||s*p+l*d+c*g0&&16,i):Math.sqrt(e)},i}function Tn(t){this.stream=t}function Sn(t,e){return{point:e,sphere:function(){t.sphere()},lineStart:function(){t.lineStart()},lineEnd:function(){t.lineEnd()},polygonStart:function(){t.polygonStart()},polygonEnd:function(){t.polygonEnd()}}}function En(t){return Cn(function(){return t})()}function Cn(e){var r,n,i,a,o,s,l=An(function(t,e){return[(t=r(t,e))[0]*c+a,o-t[1]*c]}),c=150,u=480,f=250,h=0,p=0,d=0,g=0,v=0,m=tn,x=z,b=null,_=null;function w(t){return[(t=i(t[0]*Ct,t[1]*Ct))[0]*c+a,o-t[1]*c]}function k(t){return(t=i.invert((t[0]-a)/c,(o-t[1])/c))&&[t[0]*Lt,t[1]*Lt]}function M(){i=Gr(n=In(d,g,v),r);var t=r(h,p);return a=u-t[0]*c,o=f+t[1]*c,A()}function A(){return s&&(s.valid=!1,s=null),w}return w.stream=function(t){return s&&(s.valid=!1),(s=Ln(m(n,l(x(t))))).valid=!0,s},w.clipAngle=function(t){return arguments.length?(m=null==t?(b=t,tn):function(t){var e=Math.cos(t),r=e>0,n=y(e)>kt;return $r(i,function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(f,h){var p,d=[f,h],g=i(f,h),v=r?g?0:o(f,h):g?o(f+(f<0?At:-At),h):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=a(e,d),(Fr(e,p)||Fr(d,p))&&(d[0]+=kt,d[1]+=kt,g=i(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=a(d,e),t.point(p[0],p[1])):(p=a(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var m;v&s||!(m=a(d,e,!0))||(u=0,r?(t.lineStart(),t.point(m[0][0],m[0][1]),t.point(m[1][0],m[1][1]),t.lineEnd()):(t.point(m[1][0],m[1][1]),t.lineEnd(),t.lineStart(),t.point(m[0][0],m[0][1])))}!g||e&&Fr(e,d)||t.point(d[0],d[1]),e=d,l=g,s=v},lineEnd:function(){l&&t.lineEnd(),e=null},clean:function(){return u|(c&&l)<<1}}},Bn(t,6*Ct),r?[0,-t]:[-At,t-At]);function i(t,r){return Math.cos(t)*Math.cos(r)>e}function a(t,r,n){var i=[1,0,0],a=Ir(zr(t),zr(r)),o=Or(a,a),s=a[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,f=Ir(i,a),h=Dr(i,c);Pr(h,Dr(a,u));var p=f,d=Or(h,p),g=Or(p,p),v=d*d-g*(Or(h,h)-1);if(!(v<0)){var m=Math.sqrt(v),x=Dr(p,(-d-m)/g);if(Pr(x,h),x=Br(x),!n)return x;var b,_=t[0],w=r[0],k=t[1],M=r[1];w<_&&(b=_,_=w,w=b);var A=w-_,T=y(A-At)0^x[1]<(y(x[0]-_)At^(_<=x[0]&&x[0]<=w)){var S=Dr(p,(-d+m)/g);return Pr(S,h),[x,Br(S)]}}}function o(e,n){var i=r?t:At-t,a=0;return e<-i?a|=1:e>i&&(a|=2),n<-i?a|=4:n>i&&(a|=8),a}}((b=+t)*Ct),A()):b},w.clipExtent=function(t){return arguments.length?(_=t,x=t?nn(t[0][0],t[0][1],t[1][0],t[1][1]):z,A()):_},w.scale=function(t){return arguments.length?(c=+t,M()):c},w.translate=function(t){return arguments.length?(u=+t[0],f=+t[1],M()):[u,f]},w.center=function(t){return arguments.length?(h=t[0]%360*Ct,p=t[1]%360*Ct,M()):[h*Lt,p*Lt]},w.rotate=function(t){return arguments.length?(d=t[0]%360*Ct,g=t[1]%360*Ct,v=t.length>2?t[2]%360*Ct:0,M()):[d*Lt,g*Lt,v*Lt]},t.rebind(w,l,\"precision\"),function(){return r=e.apply(this,arguments),w.invert=r.invert&&k,M()}}function Ln(t){return Sn(t,function(e,r){t.point(e*Ct,r*Ct)})}function zn(t,e){return[t,e]}function On(t,e){return[t>At?t-Tt:t<-At?t+Tt:t,e]}function In(t,e,r){return t?e||r?Gr(Dn(t),Rn(e,r)):Dn(t):e||r?Rn(e,r):On}function Pn(t){return function(e,r){return[(e+=t)>At?e-Tt:e<-At?e+Tt:e,r]}}function Dn(t){var e=Pn(t);return e.invert=Pn(-t),e}function Rn(t,e){var r=Math.cos(t),n=Math.sin(t),i=Math.cos(e),a=Math.sin(e);function o(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*r+s*n;return[Math.atan2(l*i-u*a,s*r-c*n),Pt(u*i+l*a)]}return o.invert=function(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*i-l*a;return[Math.atan2(l*i+c*a,s*r+u*n),Pt(u*r-s*n)]},o}function Bn(t,e){var r=Math.cos(t),n=Math.sin(t);return function(i,a,o,s){var l=o*e;null!=i?(i=Fn(r,i),a=Fn(r,a),(o>0?ia)&&(i+=o*Tt)):(i=t+o*Tt,a=t-.5*l);for(var c,u=i;o>0?u>a:u2?t[2]*Ct:0),e.invert=function(e){return(e=t.invert(e[0]*Ct,e[1]*Ct))[0]*=Lt,e[1]*=Lt,e},e},On.invert=zn,t.geo.circle=function(){var t,e,r=[0,0],n=6;function i(){var t=\"function\"==typeof r?r.apply(this,arguments):r,n=In(-t[0]*Ct,-t[1]*Ct,0).invert,i=[];return e(null,null,1,{point:function(t,e){i.push(t=n(t,e)),t[0]*=Lt,t[1]*=Lt}}),{type:\"Polygon\",coordinates:[i]}}return i.origin=function(t){return arguments.length?(r=t,i):r},i.angle=function(r){return arguments.length?(e=Bn((t=+r)*Ct,n*Ct),i):t},i.precision=function(r){return arguments.length?(e=Bn(t*Ct,(n=+r)*Ct),i):n},i.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Ct,i=t[1]*Ct,a=e[1]*Ct,o=Math.sin(n),s=Math.cos(n),l=Math.sin(i),c=Math.cos(i),u=Math.sin(a),f=Math.cos(a);return Math.atan2(Math.sqrt((r=f*o)*r+(r=c*u-l*f*s)*r),l*u+c*f*s)},t.geo.graticule=function(){var e,r,n,i,a,o,s,l,c,u,f,h,p=10,d=p,g=90,v=360,m=2.5;function x(){return{type:\"MultiLineString\",coordinates:b()}}function b(){return t.range(Math.ceil(i/g)*g,n,g).map(f).concat(t.range(Math.ceil(l/v)*v,s,v).map(h)).concat(t.range(Math.ceil(r/p)*p,e,p).filter(function(t){return y(t%g)>kt}).map(c)).concat(t.range(Math.ceil(o/d)*d,a,d).filter(function(t){return y(t%v)>kt}).map(u))}return x.lines=function(){return b().map(function(t){return{type:\"LineString\",coordinates:t}})},x.outline=function(){return{type:\"Polygon\",coordinates:[f(i).concat(h(s).slice(1),f(n).reverse().slice(1),h(l).reverse().slice(1))]}},x.extent=function(t){return arguments.length?x.majorExtent(t).minorExtent(t):x.minorExtent()},x.majorExtent=function(t){return arguments.length?(i=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],i>n&&(t=i,i=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(m)):[[i,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],a=+t[1][1],r>e&&(t=r,r=e,e=t),o>a&&(t=o,o=a,a=t),x.precision(m)):[[r,o],[e,a]]},x.step=function(t){return arguments.length?x.majorStep(t).minorStep(t):x.minorStep()},x.majorStep=function(t){return arguments.length?(g=+t[0],v=+t[1],x):[g,v]},x.minorStep=function(t){return arguments.length?(p=+t[0],d=+t[1],x):[p,d]},x.precision=function(t){return arguments.length?(m=+t,c=Nn(o,a,90),u=jn(r,e,m),f=Nn(l,s,90),h=jn(i,n,m),x):m},x.majorExtent([[-180,-90+kt],[180,90-kt]]).minorExtent([[-180,-80-kt],[180,80+kt]])},t.geo.greatArc=function(){var e,r,n=Vn,i=Un;function a(){return{type:\"LineString\",coordinates:[e||n.apply(this,arguments),r||i.apply(this,arguments)]}}return a.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||i.apply(this,arguments))},a.source=function(t){return arguments.length?(n=t,e=\"function\"==typeof t?null:t,a):n},a.target=function(t){return arguments.length?(i=t,r=\"function\"==typeof t?null:t,a):i},a.precision=function(){return arguments.length?a:0},a},t.geo.interpolate=function(t,e){return r=t[0]*Ct,n=t[1]*Ct,i=e[0]*Ct,a=e[1]*Ct,o=Math.cos(n),s=Math.sin(n),l=Math.cos(a),c=Math.sin(a),u=o*Math.cos(r),f=o*Math.sin(r),h=l*Math.cos(i),p=l*Math.sin(i),d=2*Math.asin(Math.sqrt(Rt(a-n)+o*l*Rt(i-r))),g=1/Math.sin(d),(v=d?function(t){var e=Math.sin(t*=d)*g,r=Math.sin(d-t)*g,n=r*u+e*h,i=r*f+e*p,a=r*s+e*c;return[Math.atan2(i,n)*Lt,Math.atan2(a,Math.sqrt(n*n+i*i))*Lt]}:function(){return[r*Lt,n*Lt]}).distance=d,v;var r,n,i,a,o,s,l,c,u,f,h,p,d,g,v},t.geo.length=function(e){return yn=0,t.geo.stream(e,qn),yn};var qn={sphere:D,point:D,lineStart:function(){var t,e,r;function n(n,i){var a=Math.sin(i*=Ct),o=Math.cos(i),s=y((n*=Ct)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*a-e*o*l)*s),e*a+r*o*l),t=n,e=a,r=o}qn.point=function(i,a){t=i*Ct,e=Math.sin(a*=Ct),r=Math.cos(a),qn.point=n},qn.lineEnd=function(){qn.point=qn.lineEnd=D}},lineEnd:D,polygonStart:D,polygonEnd:D};function Hn(t,e){function r(e,r){var n=Math.cos(e),i=Math.cos(r),a=t(n*i);return[a*i*Math.sin(e),a*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),i=e(n),a=Math.sin(i),o=Math.cos(i);return[Math.atan2(t*a,n*o),Math.asin(n&&r*a/n)]},r}var Gn=Hn(function(t){return Math.sqrt(2/(1+t))},function(t){return 2*Math.asin(t/2)});(t.geo.azimuthalEqualArea=function(){return En(Gn)}).raw=Gn;var Wn=Hn(function(t){var e=Math.acos(t);return e&&e/Math.sin(e)},z);function Yn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},i=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),a=r*Math.pow(n(t),i)/i;if(!i)return $n;function o(t,e){a>0?e<-Et+kt&&(e=-Et+kt):e>Et-kt&&(e=Et-kt);var r=a/Math.pow(n(e),i);return[r*Math.sin(i*t),a-r*Math.cos(i*t)]}return o.invert=function(t,e){var r=a-e,n=zt(i)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/i,2*Math.atan(Math.pow(a/n,1/i))-Et]},o}function Xn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),i=r/n+t;if(y(n)1&&Ot(t[r[n-2]],t[r[n-1]],t[i])<=0;)--n;r[n++]=i}return r.slice(0,n)}function ii(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return En(Qn)}).raw=Qn,ti.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Et]},(t.geo.transverseMercator=function(){var t=Jn(ti),e=t.center,r=t.rotate;return t.center=function(t){return t?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return t?r([t[0],t[1],t.length>2?t[2]+90:90]):[(t=r())[0],t[1],t[2]-90]},r([0,0,90])}).raw=ti,t.geom={},t.geom.hull=function(t){var e=ei,r=ri;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,i=ve(e),a=ve(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+f;nkt)s=s.L;else{if(!((i=a-wi(s,o))>kt)){n>-kt?(e=s.P,r=s):i>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=mi(t);if(fi.insert(e,l),e||r){if(e===r)return Si(e),r=mi(e.site),fi.insert(l,r),l.edge=r.edge=Li(e.site,l.site),Ti(e),void Ti(r);if(r){Si(e),Si(r);var c=e.site,u=c.x,f=c.y,h=t.x-u,p=t.y-f,d=r.site,g=d.x-u,v=d.y-f,m=2*(h*v-p*g),y=h*h+p*p,x=g*g+v*v,b={x:(v*y-p*x)/m+u,y:(h*x-g*y)/m+f};zi(r.edge,c,d,b),l.edge=Li(c,t,null,b),r.edge=Li(t,d,null,b),Ti(e),Ti(r)}else l.edge=Li(e.site,l.site)}}function _i(t,e){var r=t.site,n=r.x,i=r.y,a=i-e;if(!a)return n;var o=t.P;if(!o)return-1/0;var s=(r=o.site).x,l=r.y,c=l-e;if(!c)return s;var u=s-n,f=1/a-1/c,h=u/c;return f?(-h+Math.sqrt(h*h-2*f*(u*u/(-2*c)-l+c/2+i-a/2)))/f+n:(n+s)/2}function wi(t,e){var r=t.N;if(r)return _i(r,e);var n=t.site;return n.y===e?n.x:1/0}function ki(t){this.site=t,this.edges=[]}function Mi(t,e){return e.angle-t.angle}function Ai(){Pi(this),this.x=this.y=this.arc=this.site=this.cy=null}function Ti(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,i=t.site,a=r.site;if(n!==a){var o=i.x,s=i.y,l=n.x-o,c=n.y-s,u=a.x-o,f=2*(l*(v=a.y-s)-c*u);if(!(f>=-Mt)){var h=l*l+c*c,p=u*u+v*v,d=(v*h-c*p)/f,g=(l*p-u*h)/f,v=g+s,m=gi.pop()||new Ai;m.arc=t,m.site=i,m.x=d+o,m.y=v+Math.sqrt(d*d+g*g),m.cy=v,t.circle=m;for(var y=null,x=pi._;x;)if(m.y=s)return;if(h>d){if(a){if(a.y>=c)return}else a={x:v,y:l};r={x:v,y:c}}else{if(a){if(a.y1)if(h>d){if(a){if(a.y>=c)return}else a={x:(l-i)/n,y:l};r={x:(c-i)/n,y:c}}else{if(a){if(a.y=s)return}else a={x:o,y:n*o+i};r={x:s,y:n*s+i}}else{if(a){if(a.xkt||y(i-r)>kt)&&(s.splice(o,0,new Oi((m=a.site,x=u,b=y(n-f)kt?{x:f,y:y(e-f)kt?{x:y(r-d)kt?{x:h,y:y(e-h)kt?{x:y(r-p)=r&&c.x<=i&&c.y>=n&&c.y<=o?[[r,o],[i,o],[i,n],[r,n]]:[]).point=t[s]}),e}function s(t){return t.map(function(t,e){return{x:Math.round(n(t,e)/kt)*kt,y:Math.round(i(t,e)/kt)*kt,i:e}})}return o.links=function(t){return Fi(s(t)).edges.filter(function(t){return t.l&&t.r}).map(function(e){return{source:t[e.l.i],target:t[e.r.i]}})},o.triangles=function(t){var e=[];return Fi(s(t)).cells.forEach(function(r,n){for(var i,a,o,s,l=r.site,c=r.edges.sort(Mi),u=-1,f=c.length,h=c[f-1].edge,p=h.l===l?h.r:h.l;++ua&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Gi(r,n)})),a=Xi.lastIndex;return ag&&(g=l.x),l.y>v&&(v=l.y),c.push(l.x),u.push(l.y);else for(f=0;fg&&(g=b),_>v&&(v=_),c.push(b),u.push(_)}var w=g-p,k=v-d;function M(t,e,r,n,i,a,o,s){if(!isNaN(r)&&!isNaN(n))if(t.leaf){var l=t.x,c=t.y;if(null!=l)if(y(l-r)+y(c-n)<.01)A(t,e,r,n,i,a,o,s);else{var u=t.point;t.x=t.y=t.point=null,A(t,u,l,c,i,a,o,s),A(t,e,r,n,i,a,o,s)}else t.x=r,t.y=n,t.point=e}else A(t,e,r,n,i,a,o,s)}function A(t,e,r,n,i,a,o,s){var l=.5*(i+o),c=.5*(a+s),u=r>=l,f=n>=c,h=f<<1|u;t.leaf=!1,u?i=l:o=l,f?a=c:s=c,M(t=t.nodes[h]||(t.nodes[h]={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){M(T,t,+m(t,++f),+x(t,f),p,d,g,v)}}),e,r,n,i,a,o,s)}w>k?v=d+w:g=p+k;var T={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){M(T,t,+m(t,++f),+x(t,f),p,d,g,v)}};if(T.visit=function(t){!function t(e,r,n,i,a,o){if(!e(r,n,i,a,o)){var s=.5*(n+a),l=.5*(i+o),c=r.nodes;c[0]&&t(e,c[0],n,i,s,l),c[1]&&t(e,c[1],s,i,a,l),c[2]&&t(e,c[2],n,l,s,o),c[3]&&t(e,c[3],s,l,a,o)}}(t,T,p,d,g,v)},T.find=function(t){return function(t,e,r,n,i,a,o){var s,l=1/0;return function t(c,u,f,h,p){if(!(u>a||f>o||h=_)<<1|e>=b,k=w+4;w=0&&!(n=t.interpolators[i](e,r)););return n}function $i(t,e){var r,n=[],i=[],a=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}function aa(t){return 1-Math.cos(t*Et)}function oa(t){return Math.pow(2,10*(t-1))}function sa(t){return 1-Math.sqrt(1-t*t)}function la(t){return t<1/2.75?7.5625*t*t:t<2/2.75?7.5625*(t-=1.5/2.75)*t+.75:t<2.5/2.75?7.5625*(t-=2.25/2.75)*t+.9375:7.5625*(t-=2.625/2.75)*t+.984375}function ca(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function ua(t){var e,r,n,i=[t.a,t.b],a=[t.c,t.d],o=ha(i),s=fa(i,a),l=ha(((e=a)[0]+=(n=-s)*(r=i)[0],e[1]+=n*r[1],e))||0;i[0]*a[1]=0?t.slice(0,n):t,a=n>=0?t.slice(n+1):\"in\";return i=Ki.get(i)||Ji,a=Qi.get(a)||z,e=a(i.apply(null,r.call(arguments,1))),function(t){return t<=0?0:t>=1?1:e(t)}},t.interpolateHcl=function(e,r){e=t.hcl(e),r=t.hcl(r);var n=e.h,i=e.c,a=e.l,o=r.h-n,s=r.c-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.c:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Yt(n+o*t,i+s*t,a+l*t)+\"\"}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,i=e.s,a=e.l,o=r.h-n,s=r.s-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.s:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Ht(n+o*t,i+s*t,a+l*t)+\"\"}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,i=e.a,a=e.b,o=r.l-n,s=r.a-i,l=r.b-a;return function(t){return te(n+o*t,i+s*t,a+l*t)+\"\"}},t.interpolateRound=ca,t.transform=function(e){var r=i.createElementNS(t.ns.prefix.svg,\"g\");return(t.transform=function(t){if(null!=t){r.setAttribute(\"transform\",t);var e=r.transform.baseVal.consolidate()}return new ua(e?e.matrix:pa)})(e)},ua.prototype.toString=function(){return\"translate(\"+this.translate+\")rotate(\"+this.rotate+\")skewX(\"+this.skew+\")scale(\"+this.scale+\")\"};var pa={a:1,b:0,c:0,d:1,e:0,f:0};function da(t){return t.length?t.pop()+\",\":\"\"}function ga(e,r){var n=[],i=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(\"translate(\",null,\",\",null,\")\");n.push({i:i-4,x:Gi(t[0],e[0])},{i:i-2,x:Gi(t[1],e[1])})}else(e[0]||e[1])&&r.push(\"translate(\"+e+\")\")}(e.translate,r.translate,n,i),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(da(r)+\"rotate(\",null,\")\")-2,x:Gi(t,e)})):e&&r.push(da(r)+\"rotate(\"+e+\")\")}(e.rotate,r.rotate,n,i),function(t,e,r,n){t!==e?n.push({i:r.push(da(r)+\"skewX(\",null,\")\")-2,x:Gi(t,e)}):e&&r.push(da(r)+\"skewX(\"+e+\")\")}(e.skew,r.skew,n,i),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(da(r)+\"scale(\",null,\",\",null,\")\");n.push({i:i-4,x:Gi(t[0],e[0])},{i:i-2,x:Gi(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(da(r)+\"scale(\"+e+\")\")}(e.scale,r.scale,n,i),e=r=null,function(t){for(var e,r=-1,a=i.length;++r0?n=t:(e.c=null,e.t=NaN,e=null,l.end({type:\"end\",alpha:n=0})):t>0&&(l.start({type:\"start\",alpha:n=t}),e=Me(s.tick)),s):n},s.start=function(){var t,e,r,n=m.length,l=y.length,u=c[0],d=c[1];for(t=0;t=0;)r.push(i[n])}function Ca(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(a=t.children)&&(i=a.length))for(var i,a,o=-1;++o=0;)o.push(u=c[l]),u.parent=a,u.depth=a.depth+1;r&&(a.value=0),a.children=c}else r&&(a.value=+r.call(n,a,a.depth)||0),delete a.children;return Ca(i,function(e){var n,i;t&&(n=e.children)&&n.sort(t),r&&(i=e.parent)&&(i.value+=e.value)}),s}return n.sort=function(e){return arguments.length?(t=e,n):t},n.children=function(t){return arguments.length?(e=t,n):e},n.value=function(t){return arguments.length?(r=t,n):r},n.revalue=function(t){return r&&(Ea(t,function(t){t.children&&(t.value=0)}),Ca(t,function(t){var e;t.children||(t.value=+r.call(n,t,t.depth)||0),(e=t.parent)&&(e.value+=t.value)})),t},n},t.layout.partition=function(){var e=t.layout.hierarchy(),r=[1,1];function n(t,n){var i=e.call(this,t,n);return function t(e,r,n,i){var a=e.children;if(e.x=r,e.y=e.depth*i,e.dx=n,e.dy=i,a&&(o=a.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ri&&(n=r,i=e);return n}function qa(t){return t.reduce(Ha,0)}function Ha(t,e){return t+e[1]}function Ga(t,e){return Wa(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Wa(t,e){for(var r=-1,n=+t[0],i=(t[1]-n)/e,a=[];++r<=e;)a[r]=i*r+n;return a}function Ya(e){return[t.min(e),t.max(e)]}function Xa(t,e){return t.value-e.value}function Za(t,e){var r=t._pack_next;t._pack_next=e,e._pack_prev=t,e._pack_next=r,r._pack_prev=e}function $a(t,e){t._pack_next=e,e._pack_prev=t}function Ja(t,e){var r=e.x-t.x,n=e.y-t.y,i=t.r+e.r;return.999*i*i>r*r+n*n}function Ka(t){if((e=t.children)&&(l=e.length)){var e,r,n,i,a,o,s,l,c=1/0,u=-1/0,f=1/0,h=-1/0;if(e.forEach(Qa),(r=e[0]).x=-r.r,r.y=0,x(r),l>1&&((n=e[1]).x=n.r,n.y=0,x(n),l>2))for(eo(r,n,i=e[2]),x(i),Za(r,i),r._pack_prev=i,Za(i,n),n=r._pack_next,a=3;a0)for(o=-1;++o=f[0]&&l<=f[1]&&((s=c[t.bisect(h,l,1,d)-1]).y+=g,s.push(a[o]));return c}return a.value=function(t){return arguments.length?(r=t,a):r},a.range=function(t){return arguments.length?(n=ve(t),a):n},a.bins=function(t){return arguments.length?(i=\"number\"==typeof t?function(e){return Wa(e,t)}:ve(t),a):i},a.frequency=function(t){return arguments.length?(e=!!t,a):e},a},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort(Xa),n=0,i=[1,1];function a(t,a){var o=r.call(this,t,a),s=o[0],l=i[0],c=i[1],u=null==e?Math.sqrt:\"function\"==typeof e?e:function(){return e};if(s.x=s.y=0,Ca(s,function(t){t.r=+u(t.value)}),Ca(s,Ka),n){var f=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Ca(s,function(t){t.r+=f}),Ca(s,Ka),Ca(s,function(t){t.r-=f})}return function t(e,r,n,i){var a=e.children;e.x=r+=i*e.x;e.y=n+=i*e.y;e.r*=i;if(a)for(var o=-1,s=a.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)});var g=r(h,p)/2-h.x,v=n[0]/(p.x+r(p,h)/2+g),m=n[1]/(d.depth||1);Ea(u,function(t){t.x=(t.x+g)*v,t.y=t.depth*m})}return c}function o(t){var e=t.children,n=t.parent.children,i=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,i=t.children,a=i.length;for(;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var a=(e[0].z+e[e.length-1].z)/2;i?(t.z=i.z+r(t._,i._),t.m=t.z-a):t.z=a}else i&&(t.z=i.z+r(t._,i._));t.parent.A=function(t,e,n){if(e){for(var i,a=t,o=t,s=e,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=io(s),a=no(a),s&&a;)l=no(l),(o=io(o)).a=t,(i=s.z+f-a.z-c+r(s._,a._))>0&&(ao(oo(s,t,n),t,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!io(o)&&(o.t=s,o.m+=f-u),a&&!no(l)&&(l.t=a,l.m+=c-h,n=t)}return n}(t,i,t.parent.A||n[0])}function s(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=n[0],t.y=t.depth*n[1]}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t)?l:null,a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null==(n=t)?null:l,a):i?n:null},Sa(a,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=ro,n=[1,1],i=!1;function a(a,o){var s,l=e.call(this,a,o),c=l[0],u=0;Ca(c,function(e){var n=e.children;n&&n.length?(e.x=function(t){return t.reduce(function(t,e){return t+e.x},0)/t.length}(n),e.y=function(e){return 1+t.max(e,function(t){return t.y})}(n)):(e.x=s?u+=r(e,s):0,e.y=0,s=e)});var f=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),h=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=f.x-r(f,h)/2,d=h.x+r(h,f)/2;return Ca(c,i?function(t){t.x=(t.x-c.x)*n[0],t.y=(c.y-t.y)*n[1]}:function(t){t.x=(t.x-p)/(d-p)*n[0],t.y=(1-(c.y?t.y/c.y:1))*n[1]}),l}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t),a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null!=(n=t),a):i?n:null},Sa(a,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,i=[1,1],a=null,o=so,s=!1,l=\"squarify\",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,i=-1,a=t.length;++i0;)s.push(r=c[i-1]),s.area+=r.area,\"squarify\"!==l||(n=p(s,g))<=h?(c.pop(),h=n):(s.area-=s.pop().area,d(s,g,a,!1),g=Math.min(a.dx,a.dy),s.length=s.area=0,h=1/0);s.length&&(d(s,g,a,!0),s.length=s.area=0),e.forEach(f)}}function h(t){var e=t.children;if(e&&e.length){var r,n=o(t),i=e.slice(),a=[];for(u(i,n.dx*n.dy/t.value),a.area=0;r=i.pop();)a.push(r),a.area+=r.area,null!=r.z&&(d(a,r.z?n.dx:n.dy,n,!i.length),a.length=a.area=0);e.forEach(h)}}function p(t,e){for(var r,n=t.area,i=0,a=1/0,o=-1,s=t.length;++oi&&(i=r));return e*=e,(n*=n)?Math.max(e*i*c/n,n/(e*a*c)):1/0}function d(t,e,r,i){var a,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((i||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(i)/i)}},logNormal:function(){var e=t.random.normal.apply(t,arguments);return function(){return Math.exp(e())}},bates:function(e){var r=t.random.irwinHall(e);return function(){return r()/e}},irwinHall:function(t){return function(){for(var e=0,r=0;r2?vo:fo,s=i?ma:va;return a=t(e,r,s,n),o=t(r,e,s,Zi),l}function l(t){return a(t)}l.invert=function(t){return o(t)};l.domain=function(t){return arguments.length?(e=t.map(Number),s()):e};l.range=function(t){return arguments.length?(r=t,s()):r};l.rangeRound=function(t){return l.range(t).interpolate(ca)};l.clamp=function(t){return arguments.length?(i=t,s()):i};l.interpolate=function(t){return arguments.length?(n=t,s()):n};l.ticks=function(t){return bo(e,t)};l.tickFormat=function(t,r){return _o(e,t,r)};l.nice=function(t){return yo(e,t),s()};l.copy=function(){return t(e,r,n,i)};return s()}([0,1],[0,1],Zi,!1)};var wo={s:1,g:1,p:1,r:1,e:1};function ko(t){return-Math.floor(Math.log(t)/Math.LN10+.01)}t.scale.log=function(){return function e(r,n,i,a){function o(t){return(i?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return i?Math.pow(n,t):-Math.pow(n,-t)}function l(t){return r(o(t))}l.invert=function(t){return s(r.invert(t))};l.domain=function(t){return arguments.length?(i=t[0]>=0,r.domain((a=t.map(Number)).map(o)),l):a};l.base=function(t){return arguments.length?(n=+t,r.domain(a.map(o)),l):n};l.nice=function(){var t=ho(a.map(o),i?Math:Ao);return r.domain(t),a=t.map(s),l};l.ticks=function(){var t=co(a),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),f=n%1?2:n;if(isFinite(u-c)){if(i){for(;c0;h--)e.push(s(c)*h);for(c=0;e[c]l;u--);e=e.slice(c,u)}return e};l.tickFormat=function(e,r){if(!arguments.length)return Mo;arguments.length<2?r=Mo:\"function\"!=typeof r&&(r=t.format(r));var i=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?i[t-1]:r[0],tf?0:1;if(c=St)return l(c,p)+(s?l(s,1-p):\"\")+\"Z\";var d,g,v,m,y,x,b,_,w,k,M,A,T=0,S=0,E=[];if((m=(+o.apply(this,arguments)||0)/2)&&(v=n===Oo?Math.sqrt(s*s+c*c):+n.apply(this,arguments),p||(S*=-1),c&&(S=Pt(v/c*Math.sin(m))),s&&(T=Pt(v/s*Math.sin(m)))),c){y=c*Math.cos(u+S),x=c*Math.sin(u+S),b=c*Math.cos(f-S),_=c*Math.sin(f-S);var C=Math.abs(f-u-2*S)<=At?0:1;if(S&&Fo(y,x,b,_)===p^C){var L=(u+f)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(f-T),k=s*Math.sin(f-T),M=s*Math.cos(u+T),A=s*Math.sin(u+T);var z=Math.abs(u-f+2*T)<=At?0:1;if(T&&Fo(w,k,M,A)===1-p^z){var O=(u+f)/2;w=s*Math.cos(O),k=s*Math.sin(O),M=A=null}}else w=k=0;if(h>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function No(t,e,r,n,i){var a=t[0]-e[0],o=t[1]-e[1],s=(i?n:-n)/Math.sqrt(a*a+o*o),l=s*o,c=-s*a,u=t[0]+l,f=t[1]+c,h=e[0]+l,p=e[1]+c,d=(u+h)/2,g=(f+p)/2,v=h-u,m=p-f,y=v*v+m*m,x=r-n,b=u*p-h*f,_=(m<0?-1:1)*Math.sqrt(Math.max(0,x*x*y-b*b)),w=(b*m-v*_)/y,k=(-b*v-m*_)/y,M=(b*m+v*_)/y,A=(-b*v+m*_)/y,T=w-d,S=k-g,E=M-d,C=A-g;return T*T+S*S>E*E+C*C&&(w=M,k=A),[[w-l,k-c],[w*r/x,k*r/x]]}function jo(t){var e=ei,r=ri,n=Wr,i=Uo,a=i.key,o=.7;function s(a){var s,l=[],c=[],u=-1,f=a.length,h=ve(e),p=ve(r);function d(){l.push(\"M\",i(t(c),o))}for(;++u1&&i.push(\"H\",n[0]);return i.join(\"\")},\"step-before\":Ho,\"step-after\":Go,basis:Xo,\"basis-open\":function(t){if(t.length<4)return Uo(t);var e,r=[],n=-1,i=t.length,a=[0],o=[0];for(;++n<3;)e=t[n],a.push(e[0]),o.push(e[1]);r.push(Zo(Ko,a)+\",\"+Zo(Ko,o)),--n;for(;++n9&&(i=3*e/Math.sqrt(i),o[s]=i*r,o[s+1]=i*n));s=-1;for(;++s<=l;)i=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),a.push([i||0,o[s]*i||0]);return a}(t))}});function Uo(t){return t.length>1?t.join(\"L\"):t+\"Z\"}function qo(t){return t.join(\"L\")+\"Z\"}function Ho(t){for(var e=0,r=t.length,n=t[0],i=[n[0],\",\",n[1]];++e1){s=e[1],a=t[l],l++,n+=\"C\"+(i[0]+o[0])+\",\"+(i[1]+o[1])+\",\"+(a[0]-s[0])+\",\"+(a[1]-s[1])+\",\"+a[0]+\",\"+a[1];for(var c=2;cAt)+\",1 \"+e}function l(t,e,r,n){return\"Q 0,0 \"+n}return a.radius=function(t){return arguments.length?(r=ve(t),a):r},a.source=function(e){return arguments.length?(t=ve(e),a):t},a.target=function(t){return arguments.length?(e=ve(t),a):e},a.startAngle=function(t){return arguments.length?(n=ve(t),a):n},a.endAngle=function(t){return arguments.length?(i=ve(t),a):i},a},t.svg.diagonal=function(){var t=Vn,e=Un,r=is;function n(n,i){var a=t.call(this,n,i),o=e.call(this,n,i),s=(a.y+o.y)/2,l=[a,{x:a.x,y:s},{x:o.x,y:s},o];return\"M\"+(l=l.map(r))[0]+\"C\"+l[1]+\" \"+l[2]+\" \"+l[3]}return n.source=function(e){return arguments.length?(t=ve(e),n):t},n.target=function(t){return arguments.length?(e=ve(t),n):e},n.projection=function(t){return arguments.length?(r=t,n):r},n},t.svg.diagonal.radial=function(){var e=t.svg.diagonal(),r=is,n=e.projection;return e.projection=function(t){return arguments.length?n(function(t){return function(){var e=t.apply(this,arguments),r=e[0],n=e[1]-Et;return[r*Math.cos(n),r*Math.sin(n)]}}(r=t)):r},e},t.svg.symbol=function(){var t=os,e=as;function r(r,n){return(ls.get(t.call(this,r,n))||ss)(e.call(this,r,n))}return r.type=function(e){return arguments.length?(t=ve(e),r):t},r.size=function(t){return arguments.length?(e=ve(t),r):e},r};var ls=t.map({circle:ss,cross:function(t){var e=Math.sqrt(t/5)/2;return\"M\"+-3*e+\",\"+-e+\"H\"+-e+\"V\"+-3*e+\"H\"+e+\"V\"+-e+\"H\"+3*e+\"V\"+e+\"H\"+e+\"V\"+3*e+\"H\"+-e+\"V\"+e+\"H\"+-3*e+\"Z\"},diamond:function(t){var e=Math.sqrt(t/(2*us)),r=e*us;return\"M0,\"+-e+\"L\"+r+\",0 0,\"+e+\" \"+-r+\",0Z\"},square:function(t){var e=Math.sqrt(t)/2;return\"M\"+-e+\",\"+-e+\"L\"+e+\",\"+-e+\" \"+e+\",\"+e+\" \"+-e+\",\"+e+\"Z\"},\"triangle-down\":function(t){var e=Math.sqrt(t/cs),r=e*cs/2;return\"M0,\"+r+\"L\"+e+\",\"+-r+\" \"+-e+\",\"+-r+\"Z\"},\"triangle-up\":function(t){var e=Math.sqrt(t/cs),r=e*cs/2;return\"M0,\"+-r+\"L\"+e+\",\"+r+\" \"+-e+\",\"+r+\"Z\"}});t.svg.symbolTypes=ls.keys();var cs=Math.sqrt(3),us=Math.tan(30*Ct);Y.transition=function(t){for(var e,r,n=ds||++ms,i=bs(t),a=[],o=gs||{time:Date.now(),ease:ia,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--h].call(t,o);if(a>=1)return f.event&&f.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}f||(a=i.time,o=Me(function(t){var e=f.delay;if(o.t=e+a,e<=t)return h(t-e);o.c=h},0,a),f=u[n]={tween:new b,time:a,timer:o,delay:i.delay,duration:i.duration,ease:i.ease,index:e},i=null,++u.count)}vs.call=Y.call,vs.empty=Y.empty,vs.node=Y.node,vs.size=Y.size,t.transition=function(e,r){return e&&e.transition?ds?e.transition(r):e:t.selection().transition(e)},t.transition.prototype=vs,vs.select=function(t){var e,r,n,i=this.id,a=this.namespace,o=[];t=X(t);for(var s=-1,l=this.length;++srect,.s>rect\").attr(\"width\",s[1]-s[0])}function g(t){t.select(\".extent\").attr(\"y\",l[0]),t.selectAll(\".extent,.e>rect,.w>rect\").attr(\"height\",l[1]-l[0])}function v(){var f,v,m=this,y=t.select(t.event.target),x=n.of(m,arguments),b=t.select(m),_=y.datum(),w=!/^(n|s)$/.test(_)&&i,k=!/^(e|w)$/.test(_)&&a,M=y.classed(\"extent\"),A=xt(m),T=t.mouse(m),S=t.select(o(m)).on(\"keydown.brush\",function(){32==t.event.keyCode&&(M||(f=null,T[0]-=s[1],T[1]-=l[1],M=2),F())}).on(\"keyup.brush\",function(){32==t.event.keyCode&&2==M&&(T[0]+=s[1],T[1]+=l[1],M=0,F())});if(t.event.changedTouches?S.on(\"touchmove.brush\",L).on(\"touchend.brush\",O):S.on(\"mousemove.brush\",L).on(\"mouseup.brush\",O),b.interrupt().selectAll(\"*\").interrupt(),M)T[0]=s[0]-T[0],T[1]=l[0]-T[1];else if(_){var E=+/w$/.test(_),C=+/^n/.test(_);v=[s[1-E]-T[0],l[1-C]-T[1]],T[0]=s[E],T[1]=l[C]}else t.event.altKey&&(f=T.slice());function L(){var e=t.mouse(m),r=!1;v&&(e[0]+=v[0],e[1]+=v[1]),M||(t.event.altKey?(f||(f=[(s[0]+s[1])/2,(l[0]+l[1])/2]),T[0]=s[+(e[0]1?{floor:function(e){for(;s(e=t.floor(e));)e=Is(e-1);return e},ceil:function(e){for(;s(e=t.ceil(e));)e=Is(+e+1);return e}}:t))},i.ticks=function(t,e){var r=co(i.domain()),n=null==t?a(r,10):\"number\"==typeof t?a(r,t):!t.range&&[{range:t},e];return n&&(t=n[0],e=n[1]),t.range(r[0],Is(+r[1]+1),e<1?1:e)},i.tickFormat=function(){return n},i.copy=function(){return Os(e.copy(),r,n)},mo(i,e)}function Is(t){return new Date(t)}Es.iso=Date.prototype.toISOString&&+new Date(\"2000-01-01T00:00:00.000Z\")?zs:Ls,zs.parse=function(t){var e=new Date(t);return isNaN(e)?null:e},zs.toString=Ls.toString,Ie.second=Be(function(t){return new Pe(1e3*Math.floor(t/1e3))},function(t,e){t.setTime(t.getTime()+1e3*Math.floor(e))},function(t){return t.getSeconds()}),Ie.seconds=Ie.second.range,Ie.seconds.utc=Ie.second.utc.range,Ie.minute=Be(function(t){return new Pe(6e4*Math.floor(t/6e4))},function(t,e){t.setTime(t.getTime()+6e4*Math.floor(e))},function(t){return t.getMinutes()}),Ie.minutes=Ie.minute.range,Ie.minutes.utc=Ie.minute.utc.range,Ie.hour=Be(function(t){var e=t.getTimezoneOffset()/60;return new Pe(36e5*(Math.floor(t/36e5-e)+e))},function(t,e){t.setTime(t.getTime()+36e5*Math.floor(e))},function(t){return t.getHours()}),Ie.hours=Ie.hour.range,Ie.hours.utc=Ie.hour.utc.range,Ie.month=Be(function(t){return(t=Ie.day(t)).setDate(1),t},function(t,e){t.setMonth(t.getMonth()+e)},function(t){return t.getMonth()}),Ie.months=Ie.month.range,Ie.months.utc=Ie.month.utc.range;var Ps=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Ds=[[Ie.second,1],[Ie.second,5],[Ie.second,15],[Ie.second,30],[Ie.minute,1],[Ie.minute,5],[Ie.minute,15],[Ie.minute,30],[Ie.hour,1],[Ie.hour,3],[Ie.hour,6],[Ie.hour,12],[Ie.day,1],[Ie.day,2],[Ie.week,1],[Ie.month,1],[Ie.month,3],[Ie.year,1]],Rs=Es.multi([[\".%L\",function(t){return t.getMilliseconds()}],[\":%S\",function(t){return t.getSeconds()}],[\"%I:%M\",function(t){return t.getMinutes()}],[\"%I %p\",function(t){return t.getHours()}],[\"%a %d\",function(t){return t.getDay()&&1!=t.getDate()}],[\"%b %d\",function(t){return 1!=t.getDate()}],[\"%B\",function(t){return t.getMonth()}],[\"%Y\",Wr]]),Bs={range:function(e,r,n){return t.range(Math.ceil(e/n)*n,+r,n).map(Is)},floor:z,ceil:z};Ds.year=Ie.year,Ie.scale=function(){return Os(t.scale.linear(),Ds,Rs)};var Fs=Ds.map(function(t){return[t[0].utc,t[1]]}),Ns=Cs.multi([[\".%L\",function(t){return t.getUTCMilliseconds()}],[\":%S\",function(t){return t.getUTCSeconds()}],[\"%I:%M\",function(t){return t.getUTCMinutes()}],[\"%I %p\",function(t){return t.getUTCHours()}],[\"%a %d\",function(t){return t.getUTCDay()&&1!=t.getUTCDate()}],[\"%b %d\",function(t){return 1!=t.getUTCDate()}],[\"%B\",function(t){return t.getUTCMonth()}],[\"%Y\",Wr]]);function js(t){return JSON.parse(t.responseText)}function Vs(t){var e=i.createRange();return e.selectNode(i.body),e.createContextualFragment(t.responseText)}Fs.year=Ie.year.utc,Ie.scale.utc=function(){return Os(t.scale.linear(),Fs,Ns)},t.text=me(function(t){return t.responseText}),t.json=function(t,e){return ye(t,\"application/json\",js,e)},t.html=function(t,e){return ye(t,\"text/html\",Vs,e)},t.xml=me(function(t){return t.responseXML}),\"object\"==typeof e&&e.exports?e.exports=t:this.d3=t}()},{}],149:[function(t,e,r){e.exports=function(){for(var t=0;t=2)return!1;t[r]=n}return!0}):_.filter(function(t){for(var e=0;e<=s;++e){var r=m[t[e]];if(r<0)return!1;t[e]=r}return!0});if(1&s)for(var u=0;u<_.length;++u){var b=_[u],h=b[0];b[0]=b[1],b[1]=h}return _}},{\"incremental-convex-hull\":396,uniq:524}],151:[function(t,e,r){\"use strict\";e.exports=a;var n=(a.canvas=document.createElement(\"canvas\")).getContext(\"2d\"),i=o([32,126]);function a(t,e){Array.isArray(t)&&(t=t.join(\", \"));var r,a={},s=16,l=.05;e&&(2===e.length&&\"number\"==typeof e[0]?r=o(e):Array.isArray(e)?r=e:(e.o?r=o(e.o):e.pairs&&(r=e.pairs),e.fontSize&&(s=e.fontSize),null!=e.threshold&&(l=e.threshold))),r||(r=i),n.font=s+\"px \"+t;for(var c=0;cs*l){var p=(h-f)/s;a[u]=1e3*p}}return a}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),i=t[0];i>>31},e.exports.exponent=function(t){return(e.exports.hi(t)<<1>>>21)-1023},e.exports.fraction=function(t){var r=e.exports.lo(t),n=e.exports.hi(t),i=1048575&n;return 2146435072&n&&(i+=1<<20),[r,i]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this,t(\"buffer\").Buffer)},{buffer:93}],153:[function(t,e,r){var n=t(\"abs-svg-path\"),i=t(\"normalize-svg-path\"),a={M:\"moveTo\",C:\"bezierCurveTo\"};e.exports=function(t,e){t.beginPath(),i(n(e)).forEach(function(e){var r=e[0],n=e.slice(1);t[a[r]].apply(t,n)}),t.closePath()}},{\"abs-svg-path\":48,\"normalize-svg-path\":435}],154:[function(t,e,r){e.exports=function(t){switch(t){case\"int8\":return Int8Array;case\"int16\":return Int16Array;case\"int32\":return Int32Array;case\"uint8\":return Uint8Array;case\"uint16\":return Uint16Array;case\"uint32\":return Uint32Array;case\"float32\":return Float32Array;case\"float64\":return Float64Array;case\"array\":return Array;case\"uint8_clamped\":return Uint8ClampedArray}}},{}],155:[function(t,e,r){\"use strict\";e.exports=function(t,e){switch(\"undefined\"==typeof e&&(e=0),typeof t){case\"number\":if(t>0)return function(t,e){var r,n;for(r=new Array(t),n=0;n80*r){n=l=t[0],s=c=t[1];for(var b=r;bl&&(l=u),p>c&&(c=p);g=0!==(g=Math.max(l-n,c-s))?1/g:0}return o(y,x,r,n,s,g),x}function i(t,e,r,n,i){var a,o;if(i===A(t,e,r,n)>0)for(a=e;a=e;a-=n)o=w(a,t[a],t[a+1],o);return o&&y(o,o.next)&&(k(o),o=o.next),o}function a(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!y(n,n.next)&&0!==m(n.prev,n,n.next))n=n.next;else{if(k(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function o(t,e,r,n,i,f,h){if(t){!h&&f&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=p(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,f);for(var d,g,v=t;t.prev!==t.next;)if(d=t.prev,g=t.next,f?l(t,n,i,f):s(t))e.push(d.i/r),e.push(t.i/r),e.push(g.i/r),k(t),t=g.next,v=g.next;else if((t=g)===v){h?1===h?o(t=c(t,e,r),e,r,n,i,f,2):2===h&&u(t,e,r,n,i,f):o(a(t),e,r,n,i,f,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(m(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(g(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&m(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function l(t,e,r,n){var i=t.prev,a=t,o=t.next;if(m(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=p(s,l,e,r,n),h=p(c,u,e,r,n),d=t.prevZ,v=t.nextZ;d&&d.z>=f&&v&&v.z<=h;){if(d!==t.prev&&d!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&m(d.prev,d,d.next)>=0)return!1;if(d=d.prevZ,v!==t.prev&&v!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,v.x,v.y)&&m(v.prev,v,v.next)>=0)return!1;v=v.nextZ}for(;d&&d.z>=f;){if(d!==t.prev&&d!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&m(d.prev,d,d.next)>=0)return!1;d=d.prevZ}for(;v&&v.z<=h;){if(v!==t.prev&&v!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,v.x,v.y)&&m(v.prev,v,v.next)>=0)return!1;v=v.nextZ}return!0}function c(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!y(i,a)&&x(i,n,n.next,a)&&b(i,a)&&b(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),k(n),k(n.next),n=t=a),n=n.next}while(n!==t);return n}function u(t,e,r,n,i,s){var l=t;do{for(var c=l.next.next;c!==l.prev;){if(l.i!==c.i&&v(l,c)){var u=_(l,c);return l=a(l,l.next),u=a(u,u.next),o(l,e,r,n,i,s),void o(u,e,r,n,i,s)}c=c.next}l=l.next}while(l!==t)}function f(t,e){return t.x-e.x}function h(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&g(ar.x)&&b(n,t)&&(r=n,h=l),n=n.next;return r}(t,e)){var r=_(e,t);a(r,r.next)}}function p(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function d(t){var e=t,r=t;do{e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function v(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&x(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&b(t,e)&&b(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)}function m(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function y(t,e){return t.x===e.x&&t.y===e.y}function x(t,e,r,n){return!!(y(t,e)&&y(r,n)||y(t,n)&&y(r,e))||m(t,e,r)>0!=m(t,e,n)>0&&m(r,n,t)>0!=m(r,n,e)>0}function b(t,e){return m(t.prev,t,t.next)<0?m(t,e,t.next)>=0&&m(t,t.prev,e)>=0:m(t,e,t.prev)<0||m(t,t.next,e)<0}function _(t,e){var r=new M(t.i,t.x,t.y),n=new M(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function w(t,e,r,n){var i=new M(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function k(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function M(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function A(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r}},{}],157:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=t.length;if(\"number\"!=typeof e){e=0;for(var i=0;i=55296&&y<=56319&&(w+=t[++r]),w=k?h.call(k,M,w,g):w,e?(p.value=w,d(v,g,p)):v[g]=w,++g;m=g}if(void 0===m)for(m=o(t.length),e&&(v=new e(m)),r=0;r0?1:-1}},{}],168:[function(t,e,r){\"use strict\";var n=t(\"../math/sign\"),i=Math.abs,a=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*a(i(t)):t}},{\"../math/sign\":165}],169:[function(t,e,r){\"use strict\";var n=t(\"./to-integer\"),i=Math.max;e.exports=function(t){return i(0,n(t))}},{\"./to-integer\":168}],170:[function(t,e,r){\"use strict\";var n=t(\"./valid-callable\"),i=t(\"./valid-value\"),a=Function.prototype.bind,o=Function.prototype.call,s=Object.keys,l=Object.prototype.propertyIsEnumerable;e.exports=function(t,e){return function(r,c){var u,f=arguments[2],h=arguments[3];return r=Object(i(r)),n(c),u=s(r),h&&u.sort(\"function\"==typeof h?a.call(h,r):void 0),\"function\"!=typeof t&&(t=u[t]),o.call(t,u,function(t,n){return l.call(r,t)?o.call(c,f,r[t],t,r,n):e})}}},{\"./valid-callable\":188,\"./valid-value\":190}],171:[function(t,e,r){\"use strict\";e.exports=t(\"./is-implemented\")()?Object.assign:t(\"./shim\")},{\"./is-implemented\":172,\"./shim\":173}],172:[function(t,e,r){\"use strict\";e.exports=function(){var t,e=Object.assign;return\"function\"==typeof e&&(e(t={foo:\"raz\"},{bar:\"dwa\"},{trzy:\"trzy\"}),t.foo+t.bar+t.trzy===\"razdwatrzy\")}},{}],173:[function(t,e,r){\"use strict\";var n=t(\"../keys\"),i=t(\"../valid-value\"),a=Math.max;e.exports=function(t,e){var r,o,s,l=a(arguments.length,2);for(t=Object(i(t)),s=function(n){try{t[n]=e[n]}catch(t){r||(r=t)}},o=1;o-1}},{}],194:[function(t,e,r){\"use strict\";var n=Object.prototype.toString,i=n.call(\"\");e.exports=function(t){return\"string\"==typeof t||t&&\"object\"==typeof t&&(t instanceof String||n.call(t)===i)||!1}},{}],195:[function(t,e,r){\"use strict\";var n=Object.create(null),i=Math.random;e.exports=function(){var t;do{t=i().toString(36).slice(2)}while(n[t]);return t}},{}],196:[function(t,e,r){\"use strict\";var n,i=t(\"es5-ext/object/set-prototype-of\"),a=t(\"es5-ext/string/#/contains\"),o=t(\"d\"),s=t(\"es6-symbol\"),l=t(\"./\"),c=Object.defineProperty;n=e.exports=function(t,e){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");l.call(this,t),e=e?a.call(e,\"key+value\")?\"key+value\":a.call(e,\"key\")?\"key\":\"value\":\"value\",c(this,\"__kind__\",o(\"\",e))},i&&i(n,l),delete n.prototype.constructor,n.prototype=Object.create(l.prototype,{_resolve:o(function(t){return\"value\"===this.__kind__?this.__list__[t]:\"key+value\"===this.__kind__?[t,this.__list__[t]]:t})}),c(n.prototype,s.toStringTag,o(\"c\",\"Array Iterator\"))},{\"./\":199,d:139,\"es5-ext/object/set-prototype-of\":185,\"es5-ext/string/#/contains\":191,\"es6-symbol\":204}],197:[function(t,e,r){\"use strict\";var n=t(\"es5-ext/function/is-arguments\"),i=t(\"es5-ext/object/valid-callable\"),a=t(\"es5-ext/string/is-string\"),o=t(\"./get\"),s=Array.isArray,l=Function.prototype.call,c=Array.prototype.some;e.exports=function(t,e){var r,u,f,h,p,d,g,v,m=arguments[2];if(s(t)||n(t)?r=\"array\":a(t)?r=\"string\":t=o(t),i(e),f=function(){h=!0},\"array\"!==r)if(\"string\"!==r)for(u=t.next();!u.done;){if(l.call(e,m,u.value,f),h)return;u=t.next()}else for(d=t.length,p=0;p=55296&&v<=56319&&(g+=t[++p]),l.call(e,m,g,f),!h);++p);else c.call(t,function(t){return l.call(e,m,t,f),h})}},{\"./get\":198,\"es5-ext/function/is-arguments\":162,\"es5-ext/object/valid-callable\":188,\"es5-ext/string/is-string\":194}],198:[function(t,e,r){\"use strict\";var n=t(\"es5-ext/function/is-arguments\"),i=t(\"es5-ext/string/is-string\"),a=t(\"./array\"),o=t(\"./string\"),s=t(\"./valid-iterable\"),l=t(\"es6-symbol\").iterator;e.exports=function(t){return\"function\"==typeof s(t)[l]?t[l]():n(t)?new a(t):i(t)?new o(t):new a(t)}},{\"./array\":196,\"./string\":201,\"./valid-iterable\":202,\"es5-ext/function/is-arguments\":162,\"es5-ext/string/is-string\":194,\"es6-symbol\":204}],199:[function(t,e,r){\"use strict\";var n,i=t(\"es5-ext/array/#/clear\"),a=t(\"es5-ext/object/assign\"),o=t(\"es5-ext/object/valid-callable\"),s=t(\"es5-ext/object/valid-value\"),l=t(\"d\"),c=t(\"d/auto-bind\"),u=t(\"es6-symbol\"),f=Object.defineProperty,h=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");h(this,{__list__:l(\"w\",s(t)),__context__:l(\"w\",e),__nextIndex__:l(\"w\",0)}),e&&(o(e.on),e.on(\"_add\",this._onAdd),e.on(\"_delete\",this._onDelete),e.on(\"_clear\",this._onClear))},delete n.prototype.constructor,h(n.prototype,a({_next:l(function(){var t;if(this.__list__)return this.__redo__&&void 0!==(t=this.__redo__.shift())?t:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach(function(e,r){e>=t&&(this.__redo__[r]=++e)},this),this.__redo__.push(t)):f(this,\"__redo__\",l(\"c\",[t])))}),_onDelete:l(function(t){var e;t>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(e=this.__redo__.indexOf(t))&&this.__redo__.splice(e,1),this.__redo__.forEach(function(e,r){e>t&&(this.__redo__[r]=--e)},this)))}),_onClear:l(function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0})}))),f(n.prototype,u.iterator,l(function(){return this}))},{d:139,\"d/auto-bind\":138,\"es5-ext/array/#/clear\":158,\"es5-ext/object/assign\":171,\"es5-ext/object/valid-callable\":188,\"es5-ext/object/valid-value\":190,\"es6-symbol\":204}],200:[function(t,e,r){\"use strict\";var n=t(\"es5-ext/function/is-arguments\"),i=t(\"es5-ext/object/is-value\"),a=t(\"es5-ext/string/is-string\"),o=t(\"es6-symbol\").iterator,s=Array.isArray;e.exports=function(t){return!!i(t)&&(!!s(t)||(!!a(t)||(!!n(t)||\"function\"==typeof t[o])))}},{\"es5-ext/function/is-arguments\":162,\"es5-ext/object/is-value\":179,\"es5-ext/string/is-string\":194,\"es6-symbol\":204}],201:[function(t,e,r){\"use strict\";var n,i=t(\"es5-ext/object/set-prototype-of\"),a=t(\"d\"),o=t(\"es6-symbol\"),s=t(\"./\"),l=Object.defineProperty;n=e.exports=function(t){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");t=String(t),s.call(this,t),l(this,\"__length__\",a(\"\",t.length))},i&&i(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:a(function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r})}),l(n.prototype,o.toStringTag,a(\"c\",\"String Iterator\"))},{\"./\":199,d:139,\"es5-ext/object/set-prototype-of\":185,\"es6-symbol\":204}],202:[function(t,e,r){\"use strict\";var n=t(\"./is-iterable\");e.exports=function(t){if(!n(t))throw new TypeError(t+\" is not iterable\");return t}},{\"./is-iterable\":200}],203:[function(t,e,r){(function(n,i){!function(t,n){\"object\"==typeof r&&\"undefined\"!=typeof e?e.exports=n():t.ES6Promise=n()}(this,function(){\"use strict\";function e(t){return\"function\"==typeof t}var r=Array.isArray?Array.isArray:function(t){return\"[object Array]\"===Object.prototype.toString.call(t)},a=0,o=void 0,s=void 0,l=function(t,e){g[a]=t,g[a+1]=e,2===(a+=2)&&(s?s(v):_())};var c=\"undefined\"!=typeof window?window:void 0,u=c||{},f=u.MutationObserver||u.WebKitMutationObserver,h=\"undefined\"==typeof self&&\"undefined\"!=typeof n&&\"[object process]\"==={}.toString.call(n),p=\"undefined\"!=typeof Uint8ClampedArray&&\"undefined\"!=typeof importScripts&&\"undefined\"!=typeof MessageChannel;function d(){var t=setTimeout;return function(){return t(v,1)}}var g=new Array(1e3);function v(){for(var t=0;t=r-1){h=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,f=(e[r-1],0);f=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--f)n.push(a(l[f-1],c[f-1],arguments[f])),i.push(0)}},s.push=function(t){var e=this.lastT(),r=this.dimension;if(!(t1e-6?1/s:0;this._time.push(t);for(var h=r;h>0;--h){var p=a(c[h-1],u[h-1],arguments[h]);n.push(p),i.push((p-n[o++])*f)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(a(o[l-1],s[l-1],arguments[l])),n.push(0)}},s.move=function(t){var e=this.lastT(),r=this.dimension;if(!(t<=e||arguments.length!==r+1)){var n=this._state,i=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,f=u>1e-6?1/u:0;this._time.push(t);for(var h=r;h>0;--h){var p=arguments[h];n.push(a(l[h-1],c[h-1],n[o++]+p)),i.push(p*f)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--f)n.push(a(l[f],c[f],n[o]+u*i[o])),i.push(0),o+=1}}},{\"binary-search-bounds\":79,\"cubic-hermite\":133}],216:[function(t,e,r){var n=t(\"dtype\");e.exports=function(t,e,r){if(!t)throw new TypeError(\"must specify data as first parameter\");if(r=0|+(r||0),Array.isArray(t)&&t[0]&&\"number\"==typeof t[0][0]){var i,a,o,s,l=t[0].length,c=t.length*l;e&&\"string\"!=typeof e||(e=new(n(e||\"float32\"))(c+r));var u=e.length-r;if(c!==u)throw new Error(\"source length \"+c+\" (\"+l+\"x\"+t.length+\") does not match destination length \"+u);for(i=0,o=r;ie[0]-o[0]/2&&(h=o[0]/2,p+=o[1]);return r}},{\"css-font/stringify\":130}],218:[function(t,e,r){\"use strict\";function n(t,e){e||(e={}),(\"string\"==typeof t||Array.isArray(t))&&(e.family=t);var r=Array.isArray(e.family)?e.family.join(\", \"):e.family;if(!r)throw Error(\"`family` must be defined\");var s=e.size||e.fontSize||e.em||48,l=e.weight||e.fontWeight||\"\",c=(t=[e.style||e.fontStyle||\"\",l,s].join(\" \")+\"px \"+r,e.origin||\"top\");if(n.cache[r]&&s<=n.cache[r].em)return i(n.cache[r],c);var u=e.canvas||n.canvas,f=u.getContext(\"2d\"),h={upper:void 0!==e.upper?e.upper:\"H\",lower:void 0!==e.lower?e.lower:\"x\",descent:void 0!==e.descent?e.descent:\"p\",ascent:void 0!==e.ascent?e.ascent:\"h\",tittle:void 0!==e.tittle?e.tittle:\"i\",overshoot:void 0!==e.overshoot?e.overshoot:\"O\"},p=Math.ceil(1.5*s);u.height=p,u.width=.5*p,f.font=t;var d={top:0};f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillStyle=\"black\",f.fillText(\"H\",0,0);var g=a(f.getImageData(0,0,p,p));f.clearRect(0,0,p,p),f.textBaseline=\"bottom\",f.fillText(\"H\",0,p);var v=a(f.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-v+g,f.clearRect(0,0,p,p),f.textBaseline=\"alphabetic\",f.fillText(\"H\",0,p);var m=p-a(f.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=m,f.clearRect(0,0,p,p),f.textBaseline=\"middle\",f.fillText(\"H\",0,.5*p);var y=a(f.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline=\"hanging\",f.fillText(\"H\",0,.5*p);var x=a(f.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline=\"ideographic\",f.fillText(\"H\",0,p);var b=a(f.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,h.upper&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.upper,0,0),d.upper=a(f.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),h.lower&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.lower,0,0),d.lower=a(f.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),h.tittle&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.tittle,0,0),d.tittle=a(f.getImageData(0,0,p,p))),h.ascent&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.ascent,0,0),d.ascent=a(f.getImageData(0,0,p,p))),h.descent&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.descent,0,0),d.descent=o(f.getImageData(0,0,p,p))),h.overshoot){f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.overshoot,0,0);var _=o(f.getImageData(0,0,p,p));d.overshoot=_-m}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,i(d,c)}function i(t,e){var r={};for(var n in\"string\"==typeof e&&(e=t[e]),t)\"em\"!==n&&(r[n]=t[n]-e);return r}function a(t){for(var e=t.height,r=t.data,n=3;n0;n-=4)if(0!==r[n])return Math.floor(.25*(n-3)/e)}e.exports=n,n.canvas=document.createElement(\"canvas\"),n.cache={}},{}],219:[function(t,e,r){\"use strict\";e.exports=function(t){return new c(t||d,null)};var n=0,i=1;function a(t,e,r,n,i,a){this._color=t,this.key=e,this.value=r,this.left=n,this.right=i,this._count=a}function o(t){return new a(t._color,t.key,t.value,t.left,t.right,t._count)}function s(t,e){return new a(t,e.key,e.value,e.left,e.right,e._count)}function l(t){t._count=1+(t.left?t.left._count:0)+(t.right?t.right._count:0)}function c(t,e){this._compare=t,this.root=e}var u=c.prototype;function f(t,e){this.tree=t,this._stack=e}Object.defineProperty(u,\"keys\",{get:function(){var t=[];return this.forEach(function(e,r){t.push(e)}),t}}),Object.defineProperty(u,\"values\",{get:function(){var t=[];return this.forEach(function(e,r){t.push(r)}),t}}),Object.defineProperty(u,\"length\",{get:function(){return this.root?this.root._count:0}}),u.insert=function(t,e){for(var r=this._compare,o=this.root,u=[],f=[];o;){var h=r(t,o.key);u.push(o),f.push(h),o=h<=0?o.left:o.right}u.push(new a(n,t,e,null,null,1));for(var p=u.length-2;p>=0;--p){o=u[p];f[p]<=0?u[p]=new a(o._color,o.key,o.value,u[p+1],o.right,o._count+1):u[p]=new a(o._color,o.key,o.value,o.left,u[p+1],o._count+1)}for(p=u.length-1;p>1;--p){var d=u[p-1];o=u[p];if(d._color===i||o._color===i)break;var g=u[p-2];if(g.left===d)if(d.left===o){if(!(v=g.right)||v._color!==n){if(g._color=n,g.left=d.right,d._color=i,d.right=g,u[p-2]=d,u[p-1]=o,l(g),l(d),p>=3)(m=u[p-3]).left===g?m.left=d:m.right=d;break}d._color=i,g.right=s(i,v),g._color=n,p-=1}else{if(!(v=g.right)||v._color!==n){if(d.right=o.left,g._color=n,g.left=o.right,o._color=i,o.left=d,o.right=g,u[p-2]=o,u[p-1]=d,l(g),l(d),l(o),p>=3)(m=u[p-3]).left===g?m.left=o:m.right=o;break}d._color=i,g.right=s(i,v),g._color=n,p-=1}else if(d.right===o){if(!(v=g.left)||v._color!==n){if(g._color=n,g.right=d.left,d._color=i,d.left=g,u[p-2]=d,u[p-1]=o,l(g),l(d),p>=3)(m=u[p-3]).right===g?m.right=d:m.left=d;break}d._color=i,g.left=s(i,v),g._color=n,p-=1}else{var v;if(!(v=g.left)||v._color!==n){var m;if(d.left=o.right,g._color=n,g.right=o.left,o._color=i,o.right=d,o.left=g,u[p-2]=o,u[p-1]=d,l(g),l(d),l(o),p>=3)(m=u[p-3]).right===g?m.right=o:m.left=o;break}d._color=i,g.left=s(i,v),g._color=n,p-=1}}return u[0]._color=i,new c(r,u[0])},u.forEach=function(t,e,r){if(this.root)switch(arguments.length){case 1:return function t(e,r){var n;if(r.left&&(n=t(e,r.left)))return n;return(n=e(r.key,r.value))||(r.right?t(e,r.right):void 0)}(t,this.root);case 2:return function t(e,r,n,i){if(r(e,i.key)<=0){var a;if(i.left&&(a=t(e,r,n,i.left)))return a;if(a=n(i.key,i.value))return a}if(i.right)return t(e,r,n,i.right)}(e,this._compare,t,this.root);case 3:if(this._compare(e,r)>=0)return;return function t(e,r,n,i,a){var o,s=n(e,a.key),l=n(r,a.key);if(s<=0){if(a.left&&(o=t(e,r,n,i,a.left)))return o;if(l>0&&(o=i(a.key,a.value)))return o}if(l>0&&a.right)return t(e,r,n,i,a.right)}(e,r,this._compare,t,this.root)}},Object.defineProperty(u,\"begin\",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.left;return new f(this,t)}}),Object.defineProperty(u,\"end\",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new f(this,t)}}),u.at=function(t){if(t<0)return new f(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new f(this,[])},u.ge=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<=0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new f(this,n)},u.gt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new f(this,n)},u.lt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new f(this,n)},u.le=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>=0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new f(this,n)},u.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var i=e(t,r.key);if(n.push(r),0===i)return new f(this,n);r=i<=0?r.left:r.right}return new f(this,[])},u.remove=function(t){var e=this.find(t);return e?e.remove():this},u.get=function(t){for(var e=this._compare,r=this.root;r;){var n=e(t,r.key);if(0===n)return r.value;r=n<=0?r.left:r.right}};var h=f.prototype;function p(t,e){t.key=e.key,t.value=e.value,t.left=e.left,t.right=e.right,t._color=e._color,t._count=e._count}function d(t,e){return te?1:0}Object.defineProperty(h,\"valid\",{get:function(){return this._stack.length>0}}),Object.defineProperty(h,\"node\",{get:function(){return this._stack.length>0?this._stack[this._stack.length-1]:null},enumerable:!0}),h.clone=function(){return new f(this.tree,this._stack.slice())},h.remove=function(){var t=this._stack;if(0===t.length)return this.tree;var e=new Array(t.length),r=t[t.length-1];e[e.length-1]=new a(r._color,r.key,r.value,r.left,r.right,r._count);for(var u=t.length-2;u>=0;--u){(r=t[u]).left===t[u+1]?e[u]=new a(r._color,r.key,r.value,e[u+1],r.right,r._count):e[u]=new a(r._color,r.key,r.value,r.left,e[u+1],r._count)}if((r=e[e.length-1]).left&&r.right){var f=e.length;for(r=r.left;r.right;)e.push(r),r=r.right;var h=e[f-1];e.push(new a(r._color,h.key,h.value,r.left,r.right,r._count)),e[f-1].key=r.key,e[f-1].value=r.value;for(u=e.length-2;u>=f;--u)r=e[u],e[u]=new a(r._color,r.key,r.value,r.left,e[u+1],r._count);e[f-1].left=e[f]}if((r=e[e.length-1])._color===n){var d=e[e.length-2];d.left===r?d.left=null:d.right===r&&(d.right=null),e.pop();for(u=0;u=0;--u){if(e=t[u],0===u)return void(e._color=i);if((r=t[u-1]).left===e){if((a=r.right).right&&a.right._color===n)return c=(a=r.right=o(a)).right=o(a.right),r.right=a.left,a.left=r,a.right=c,a._color=r._color,e._color=i,r._color=i,c._color=i,l(r),l(a),u>1&&((f=t[u-2]).left===r?f.left=a:f.right=a),void(t[u-1]=a);if(a.left&&a.left._color===n)return c=(a=r.right=o(a)).left=o(a.left),r.right=c.left,a.left=c.right,c.left=r,c.right=a,c._color=r._color,r._color=i,a._color=i,e._color=i,l(r),l(a),l(c),u>1&&((f=t[u-2]).left===r?f.left=c:f.right=c),void(t[u-1]=c);if(a._color===i){if(r._color===n)return r._color=i,void(r.right=s(n,a));r.right=s(n,a);continue}a=o(a),r.right=a.left,a.left=r,a._color=r._color,r._color=n,l(r),l(a),u>1&&((f=t[u-2]).left===r?f.left=a:f.right=a),t[u-1]=a,t[u]=r,u+11&&((f=t[u-2]).right===r?f.right=a:f.left=a),void(t[u-1]=a);if(a.right&&a.right._color===n)return c=(a=r.left=o(a)).right=o(a.right),r.left=c.right,a.right=c.left,c.right=r,c.left=a,c._color=r._color,r._color=i,a._color=i,e._color=i,l(r),l(a),l(c),u>1&&((f=t[u-2]).right===r?f.right=c:f.left=c),void(t[u-1]=c);if(a._color===i){if(r._color===n)return r._color=i,void(r.left=s(n,a));r.left=s(n,a);continue}var f;a=o(a),r.left=a.right,a.right=r,a._color=r._color,r._color=n,l(r),l(a),u>1&&((f=t[u-2]).right===r?f.right=a:f.left=a),t[u-1]=a,t[u]=r,u+10)return this._stack[this._stack.length-1].key},enumerable:!0}),Object.defineProperty(h,\"value\",{get:function(){if(this._stack.length>0)return this._stack[this._stack.length-1].value},enumerable:!0}),Object.defineProperty(h,\"index\",{get:function(){var t=0,e=this._stack;if(0===e.length){var r=this.tree.root;return r?r._count:0}e[e.length-1].left&&(t=e[e.length-1].left._count);for(var n=e.length-2;n>=0;--n)e[n+1]===e[n].right&&(++t,e[n].left&&(t+=e[n].left._count));return t},enumerable:!0}),h.next=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.right)for(e=e.right;e;)t.push(e),e=e.left;else for(t.pop();t.length>0&&t[t.length-1].right===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(h,\"hasNext\",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].right)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].left===t[e])return!0;return!1}}),h.update=function(t){var e=this._stack;if(0===e.length)throw new Error(\"Can't update empty node!\");var r=new Array(e.length),n=e[e.length-1];r[r.length-1]=new a(n._color,n.key,t,n.left,n.right,n._count);for(var i=e.length-2;i>=0;--i)(n=e[i]).left===e[i+1]?r[i]=new a(n._color,n.key,n.value,r[i+1],n.right,n._count):r[i]=new a(n._color,n.key,n.value,n.left,r[i+1],n._count);return new c(this.tree._compare,r[0])},h.prev=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.left)for(e=e.left;e;)t.push(e),e=e.right;else for(t.pop();t.length>0&&t[t.length-1].left===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(h,\"hasPrev\",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].left)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].right===t[e])return!0;return!1}})},{}],220:[function(t,e,r){var n=[.9999999999998099,676.5203681218851,-1259.1392167224028,771.3234287776531,-176.6150291621406,12.507343278686905,-.13857109526572012,9984369578019572e-21,1.5056327351493116e-7],i=607/128,a=[.9999999999999971,57.15623566586292,-59.59796035547549,14.136097974741746,-.4919138160976202,3399464998481189e-20,4652362892704858e-20,-9837447530487956e-20,.0001580887032249125,-.00021026444172410488,.00021743961811521265,-.0001643181065367639,8441822398385275e-20,-26190838401581408e-21,36899182659531625e-22];function o(t){if(t<0)return Number(\"0/0\");for(var e=a[0],r=a.length-1;r>0;--r)e+=a[r]/(t+r);var n=t+i+.5;return.5*Math.log(2*Math.PI)+(t+.5)*Math.log(n)-n+Math.log(e)-Math.log(t)}e.exports=function t(e){if(e<.5)return Math.PI/(Math.sin(Math.PI*e)*t(1-e));if(e>100)return Math.exp(o(e));e-=1;for(var r=n[0],i=1;i<9;i++)r+=n[i]/(e+i);var a=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(a,e+.5)*Math.exp(-a)*r},e.exports.log=o},{}],221:[function(t,e,r){e.exports=function(t,e){if(\"string\"!=typeof t)throw new TypeError(\"must specify type string\");if(e=e||{},\"undefined\"==typeof document&&!e.canvas)return null;var r=e.canvas||document.createElement(\"canvas\");\"number\"==typeof e.width&&(r.width=e.width);\"number\"==typeof e.height&&(r.height=e.height);var n,i=e;try{var a=[t];0===t.indexOf(\"webgl\")&&a.push(\"experimental-\"+t);for(var o=0;o0?(p[u]=-1,d[u]=0):(p[u]=0,d[u]=1)}}var g=[0,0,0],v={model:l,view:l,projection:l};f.isOpaque=function(){return!0},f.isTransparent=function(){return!1},f.drawTransparent=function(t){};var m=[0,0,0],y=[0,0,0],x=[0,0,0];f.draw=function(t){t=t||v;for(var e=this.gl,r=t.model||l,n=t.view||l,i=t.projection||l,a=this.bounds,s=o(r,n,i,a),u=s.cubeEdges,f=s.axis,h=n[12],b=n[13],_=n[14],w=n[15],k=this.pixelRatio*(i[3]*h+i[7]*b+i[11]*_+i[15]*w)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=u[M],this.lastCubeProps.axis[M]=f[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,u,f);e=this.gl;var T,S=g;for(M=0;M<3;++M)this.backgroundEnable[M]?S[M]=f[M]:S[M]=0;this._background.draw(r,n,i,a,S,this.backgroundColor),this._lines.bind(r,n,i,this);for(M=0;M<3;++M){var E=[0,0,0];f[M]>0?E[M]=a[1][M]:E[M]=a[0][M];for(var C=0;C<2;++C){var L=(M+1+C)%3,z=(M+1+(1^C))%3;this.gridEnable[L]&&this._lines.drawGrid(L,z,this.bounds,E,this.gridColor[L],this.gridWidth[L]*this.pixelRatio)}for(C=0;C<2;++C){L=(M+1+C)%3,z=(M+1+(1^C))%3;this.zeroEnable[z]&&Math.min(a[0][z],a[1][z])<=0&&Math.max(a[0][z],a[1][z])>=0&&this._lines.drawZero(L,z,this.bounds,E,this.zeroLineColor[z],this.zeroLineWidth[z]*this.pixelRatio)}}for(M=0;M<3;++M){this.lineEnable[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].primalOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio),this.lineMirror[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].mirrorOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio);var O=c(m,A[M].primalMinor),I=c(y,A[M].mirrorMinor),P=this.lineTickLength;for(C=0;C<3;++C){var D=k/r[5*C];O[C]*=P[C]*D,I[C]*=P[C]*D}this.lineTickEnable[M]&&this._lines.drawAxisTicks(M,A[M].primalOffset,O,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio),this.lineTickMirror[M]&&this._lines.drawAxisTicks(M,A[M].mirrorOffset,I,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio)}this._lines.unbind(),this._text.bind(r,n,i,this.pixelRatio);var R,B;function F(t){(B=[0,0,0])[t]=1}function N(t,e,r){var n=(t+1)%3,i=(t+2)%3,a=e[n],o=e[i],s=r[n],l=r[i];a>0&&l>0?F(n):a>0&&l<0?F(n):a<0&&l>0?F(n):a<0&&l<0?F(n):o>0&&s>0?F(i):o>0&&s<0?F(i):o<0&&s>0?F(i):o<0&&s<0&&F(i)}for(M=0;M<3;++M){var j=A[M].primalMinor,V=A[M].mirrorMinor,U=c(x,A[M].primalOffset);for(C=0;C<3;++C)this.lineTickEnable[M]&&(U[C]+=k*j[C]*Math.max(this.lineTickLength[C],0)/r[5*C]);var q=[0,0,0];if(q[M]=1,this.tickEnable[M]){-3600===this.tickAngle[M]?(this.tickAngle[M]=0,this._tickAlign[M]=\"auto\"):this._tickAlign[M]=-1,R=1,\"auto\"===(T=[this._tickAlign[M],.5,R])[0]?T[0]=0:T[0]=parseInt(\"\"+T[0]),B=[0,0,0],N(M,j,V);for(C=0;C<3;++C)U[C]+=k*j[C]*this.tickPad[C]/r[5*C];this._text.drawTicks(M,this.tickSize[M],this.tickAngle[M],U,this.tickColor[M],q,B,T)}if(this.labelEnable[M]){R=0,B=[0,0,0],this.labels[M].length>4&&(F(M),R=1),\"auto\"===(T=[this._labelAlign[M],.5,R])[0]?T[0]=0:T[0]=parseInt(\"\"+T[0]);for(C=0;C<3;++C)U[C]+=k*j[C]*this.labelPad[C]/r[5*C];U[M]+=.5*(a[0][M]+a[1][M]),this._text.drawLabel(M,this.labelSize[M],this._labelAngle[M],U,this.labelColor[M],[0,0,0],B,T)}}this._text.unbind()},f.dispose=function(){this._text.dispose(),this._lines.dispose(),this._background.dispose(),this._lines=null,this._text=null,this._background=null,this.gl=null}},{\"./lib/background.js\":223,\"./lib/cube.js\":224,\"./lib/lines.js\":225,\"./lib/text.js\":227,\"./lib/ticks.js\":228}],223:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=[],r=[],s=0,l=0;l<3;++l)for(var c=(l+1)%3,u=(l+2)%3,f=[0,0,0],h=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),f[l]=p,h[l]=p;for(var d=-1;d<=1;d+=2){f[c]=d;for(var g=-1;g<=1;g+=2)f[u]=g,e.push(f[0],f[1],f[2],h[0],h[1],h[2]),s+=1}var v=c;c=u,u=v}var m=n(t,new Float32Array(e)),y=n(t,new Uint16Array(r),t.ELEMENT_ARRAY_BUFFER),x=i(t,[{buffer:m,type:t.FLOAT,size:3,offset:0,stride:24},{buffer:m,type:t.FLOAT,size:3,offset:12,stride:24}],y),b=a(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,m,x,b)};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"./shaders\").bg;function o(t,e,r,n){this.gl=t,this.buffer=e,this.vao=r,this.shader=n}var s=o.prototype;s.draw=function(t,e,r,n,i,a){for(var o=!1,s=0;s<3;++s)o=o||i[s];if(o){var l=this.gl;l.enable(l.POLYGON_OFFSET_FILL),l.polygonOffset(1,2),this.shader.bind(),this.shader.uniforms={model:t,view:e,projection:r,bounds:n,enable:i,colors:a},this.vao.bind(),this.vao.draw(this.gl.TRIANGLES,36),this.vao.unbind(),l.disable(l.POLYGON_OFFSET_FILL)}},s.dispose=function(){this.vao.dispose(),this.buffer.dispose(),this.shader.dispose()}},{\"./shaders\":226,\"gl-buffer\":230,\"gl-vao\":310}],224:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,a){i(s,e,t),i(s,r,s);for(var p=0,y=0;y<2;++y){u[2]=a[y][2];for(var x=0;x<2;++x){u[1]=a[x][1];for(var b=0;b<2;++b)u[0]=a[b][0],h(l[p],u,s),p+=1}}for(var _=-1,y=0;y<8;++y){for(var w=l[y][3],k=0;k<3;++k)c[y][k]=l[y][k]/w;w<0&&(_<0?_=y:c[y][2]S&&(_|=1<S&&(_|=1<c[y][1]&&(D=y));for(var R=-1,y=0;y<3;++y){var B=D^1<c[F][0]&&(F=B)}}var N=g;N[0]=N[1]=N[2]=0,N[n.log2(R^D)]=D&R,N[n.log2(D^F)]=D&F;var j=7^F;j===_||j===P?(j=7^R,N[n.log2(F^j)]=j&F):N[n.log2(R^j)]=j&R;for(var V=v,U=_,M=0;M<3;++M)V[M]=U&1< HALF_PI) && (b <= ONE_AND_HALF_PI)) ?\\n b - PI :\\n b;\\n}\\n\\nfloat look_horizontal_or_vertical(float a, float ratio) {\\n // ratio controls the ratio between being horizontal to (vertical + horizontal)\\n // if ratio is set to 0.5 then it is 50%, 50%.\\n // when using a higher ratio e.g. 0.75 the result would\\n // likely be more horizontal than vertical.\\n\\n float b = positive_angle(a);\\n\\n return\\n (b < ( ratio) * HALF_PI) ? 0.0 :\\n (b < (2.0 - ratio) * HALF_PI) ? -HALF_PI :\\n (b < (2.0 + ratio) * HALF_PI) ? 0.0 :\\n (b < (4.0 - ratio) * HALF_PI) ? HALF_PI :\\n 0.0;\\n}\\n\\nfloat roundTo(float a, float b) {\\n return float(b * floor((a + 0.5 * b) / b));\\n}\\n\\nfloat look_round_n_directions(float a, int n) {\\n float b = positive_angle(a);\\n float div = TWO_PI / float(n);\\n float c = roundTo(b, div);\\n return look_upwards(c);\\n}\\n\\nfloat applyAlignOption(float rawAngle, float delta) {\\n return\\n (option > 2) ? look_round_n_directions(rawAngle + delta, option) : // option 3-n: round to n directions\\n (option == 2) ? look_horizontal_or_vertical(rawAngle + delta, hv_ratio) : // horizontal or vertical\\n (option == 1) ? rawAngle + delta : // use free angle, and flip to align with one direction of the axis\\n (option == 0) ? look_upwards(rawAngle) : // use free angle, and stay upwards\\n (option ==-1) ? 0.0 : // useful for backward compatibility, all texts remains horizontal\\n rawAngle; // otherwise return back raw input angle\\n}\\n\\nbool isAxisTitle = (axis.x == 0.0) &&\\n (axis.y == 0.0) &&\\n (axis.z == 0.0);\\n\\nvoid main() {\\n //Compute world offset\\n float axisDistance = position.z;\\n vec3 dataPosition = axisDistance * axis + offset;\\n\\n float beta = angle; // i.e. user defined attributes for each tick\\n\\n float axisAngle;\\n float clipAngle;\\n float flip;\\n\\n if (enableAlign) {\\n axisAngle = (isAxisTitle) ? HALF_PI :\\n computeViewAngle(dataPosition, dataPosition + axis);\\n clipAngle = computeViewAngle(dataPosition, dataPosition + alignDir);\\n\\n axisAngle += (sin(axisAngle) < 0.0) ? PI : 0.0;\\n clipAngle += (sin(clipAngle) < 0.0) ? PI : 0.0;\\n\\n flip = (dot(vec2(cos(axisAngle), sin(axisAngle)),\\n vec2(sin(clipAngle),-cos(clipAngle))) > 0.0) ? 1.0 : 0.0;\\n\\n beta += applyAlignOption(clipAngle, flip * PI);\\n }\\n\\n //Compute plane offset\\n vec2 planeCoord = position.xy * pixelScale;\\n\\n mat2 planeXform = scale * mat2(\\n cos(beta), sin(beta),\\n -sin(beta), cos(beta)\\n );\\n\\n vec2 viewOffset = 2.0 * planeXform * planeCoord / resolution;\\n\\n //Compute clip position\\n vec3 clipPosition = project(dataPosition);\\n\\n //Apply text offset in clip coordinates\\n clipPosition += vec3(viewOffset, 0.0);\\n\\n //Done\\n gl_Position = vec4(clipPosition, 1.0);\\n}\"]),l=n([\"precision mediump float;\\n#define GLSLIFY 1\\nuniform vec4 color;\\nvoid main() {\\n gl_FragColor = color;\\n}\"]);r.text=function(t){return i(t,s,l,null,[{name:\"position\",type:\"vec3\"}])};var c=n([\"#define GLSLIFY 1\\nattribute vec3 position;\\nattribute vec3 normal;\\n\\nuniform mat4 model, view, projection;\\nuniform vec3 enable;\\nuniform vec3 bounds[2];\\n\\nvarying vec3 colorChannel;\\n\\nvoid main() {\\n\\n vec3 signAxis = sign(bounds[1] - bounds[0]);\\n\\n vec3 realNormal = signAxis * normal;\\n\\n if(dot(realNormal, enable) > 0.0) {\\n vec3 minRange = min(bounds[0], bounds[1]);\\n vec3 maxRange = max(bounds[0], bounds[1]);\\n vec3 nPosition = mix(minRange, maxRange, 0.5 * (position + 1.0));\\n gl_Position = projection * view * model * vec4(nPosition, 1.0);\\n } else {\\n gl_Position = vec4(0,0,0,0);\\n }\\n\\n colorChannel = abs(realNormal);\\n}\"]),u=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform vec4 colors[3];\\n\\nvarying vec3 colorChannel;\\n\\nvoid main() {\\n gl_FragColor = colorChannel.x * colors[0] +\\n colorChannel.y * colors[1] +\\n colorChannel.z * colors[2];\\n}\"]);r.bg=function(t){return i(t,c,u,null,[{name:\"position\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}])}},{\"gl-shader\":288,glslify:392}],227:[function(t,e,r){(function(r){\"use strict\";e.exports=function(t,e,r,a,s,l){var u=n(t),f=i(t,[{buffer:u,size:3}]),h=o(t);h.attributes.position.location=0;var p=new c(t,h,u,f);return p.update(e,r,a,s,l),p};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"vectorize-text\"),o=t(\"./shaders\").text,s=window||r.global||{},l=s.__TEXT_CACHE||{};s.__TEXT_CACHE={};function c(t,e,r,n){this.gl=t,this.shader=e,this.buffer=r,this.vao=n,this.tickOffset=this.tickCount=this.labelOffset=this.labelCount=null}var u=c.prototype,f=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var i=this.shader.uniforms;i.model=t,i.view=e,i.projection=r,i.pixelScale=n,f[0]=this.gl.drawingBufferWidth,f[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=f},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,i){this.gl;var o=[];function s(t,e,r,n){var i=l[r];i||(i=l[r]={});var s=i[e];s||(s=i[e]=function(t,e){try{return a(t,e)}catch(t){return console.warn(\"error vectorizing text:\",t),{cells:[],positions:[]}}}(e,{triangles:!0,font:r,textAlign:\"center\",textBaseline:\"middle\"}));for(var c=(n||12)/12,u=s.positions,f=s.cells,h=0,p=f.length;h=0;--g){var v=u[d[g]];o.push(c*v[0],-c*v[1],t)}}for(var c=[0,0,0],u=[0,0,0],f=[0,0,0],h=[0,0,0],p=0;p<3;++p){f[p]=o.length/3|0,s(.5*(t[0][p]+t[1][p]),e[p],r),h[p]=(o.length/3|0)-f[p],c[p]=o.length/3|0;for(var d=0;d=0&&(i=r.length-n-1);var a=Math.pow(10,i),o=Math.round(t*e*a),s=o+\"\";if(s.indexOf(\"e\")>=0)return s;var l=o/a,c=o%a;o<0?(l=0|-Math.ceil(l),c=0|-c):(l=0|Math.floor(l),c|=0);var u=\"\"+l;if(o<0&&(u=\"-\"+u),i){for(var f=\"\"+c;f.length=t[0][i];--o)a.push({x:o*e[i],text:n(e[i],o)});r.push(a)}return r},r.equal=function(t,e){for(var r=0;r<3;++r){if(t[r].length!==e[r].length)return!1;for(var n=0;nr)throw new Error(\"gl-buffer: If resizing buffer, must not specify offset\");return t.bufferSubData(e,a,i),r}function u(t,e){for(var r=n.malloc(t.length,e),i=t.length,a=0;a=0;--n){if(e[n]!==r)return!1;r*=t[n]}return!0}(t.shape,t.stride))0===t.offset&&t.data.length===t.shape[0]?this.length=c(this.gl,this.type,this.length,this.usage,t.data,e):this.length=c(this.gl,this.type,this.length,this.usage,t.data.subarray(t.offset,t.shape[0]),e);else{var s=n.malloc(t.size,r),l=a(s,t.shape);i.assign(l,t),this.length=c(this.gl,this.type,this.length,this.usage,e<0?s:s.subarray(0,t.size),e),n.free(s)}}else if(Array.isArray(t)){var f;f=this.type===this.gl.ELEMENT_ARRAY_BUFFER?u(t,\"uint16\"):u(t,\"float32\"),this.length=c(this.gl,this.type,this.length,this.usage,e<0?f:f.subarray(0,t.length),e),n.free(f)}else if(\"object\"==typeof t&&\"number\"==typeof t.length)this.length=c(this.gl,this.type,this.length,this.usage,t,e);else{if(\"number\"!=typeof t&&void 0!==t)throw new Error(\"gl-buffer: Invalid data type\");if(e>=0)throw new Error(\"gl-buffer: Cannot specify offset when resizing buffer\");(t|=0)<=0&&(t=1),this.gl.bufferData(this.type,0|t,this.usage),this.length=t}},e.exports=function(t,e,r,n){if(r=r||t.ARRAY_BUFFER,n=n||t.DYNAMIC_DRAW,r!==t.ARRAY_BUFFER&&r!==t.ELEMENT_ARRAY_BUFFER)throw new Error(\"gl-buffer: Invalid type for webgl buffer, must be either gl.ARRAY_BUFFER or gl.ELEMENT_ARRAY_BUFFER\");if(n!==t.DYNAMIC_DRAW&&n!==t.STATIC_DRAW&&n!==t.STREAM_DRAW)throw new Error(\"gl-buffer: Invalid usage for buffer, must be either gl.DYNAMIC_DRAW, gl.STATIC_DRAW or gl.STREAM_DRAW\");var i=t.createBuffer(),a=new s(t,r,i,0,n);return a.update(e),a}},{ndarray:433,\"ndarray-ops\":427,\"typedarray-pool\":522}],231:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\"),i=(t(\"gl-vec4\"),function(t,e){for(var r=0;r=e)return r-1;return r}),a=n.create(),o=n.create(),s=function(t,e,r){return tr?r:t},l=function(t,e,r,l){var c=t[0],u=t[1],f=t[2],h=r[0].length,p=r[1].length,d=r[2].length,g=i(r[0],c),v=i(r[1],u),m=i(r[2],f),y=g+1,x=v+1,b=m+1;if(l&&(g=s(g,0,h-1),y=s(y,0,h-1),v=s(v,0,p-1),x=s(x,0,p-1),m=s(m,0,d-1),b=s(b,0,d-1)),g<0||v<0||m<0||y>=h||x>=p||b>=d)return n.create();var _=(c-r[0][g])/(r[0][y]-r[0][g]),w=(u-r[1][v])/(r[1][x]-r[1][v]),k=(f-r[2][m])/(r[2][b]-r[2][m]);(_<0||_>1||isNaN(_))&&(_=0),(w<0||w>1||isNaN(w))&&(w=0),(k<0||k>1||isNaN(k))&&(k=0);var M=m*h*p,A=b*h*p,T=v*h,S=x*h,E=g,C=y,L=e[T+M+E],z=e[T+M+C],O=e[S+M+E],I=e[S+M+C],P=e[T+A+E],D=e[T+A+C],R=e[S+A+E],B=e[S+A+C],F=n.create();return n.lerp(F,L,z,_),n.lerp(a,O,I,_),n.lerp(F,F,a,w),n.lerp(a,P,D,_),n.lerp(o,R,B,_),n.lerp(a,a,o,w),n.lerp(F,F,a,k),F};e.exports=function(t,e){var r;r=t.positions?t.positions:function(t){for(var e=t[0],r=t[1],n=t[2],i=[],a=0;as&&(s=n.length(b)),x&&(y=Math.min(y,2*n.distance(g,_)/(n.length(v)+n.length(b)))),g=_,v=b,m.push(b)}var w=[c,f,p],k=[u,h,d];e&&(e[0]=w,e[1]=k),0===s&&(s=1);var M=1/s;isFinite(y)&&!isNaN(y)||(y=1),o.vectorScale=y;var A=function(t,e,r){var i=n.create();return void 0!==t&&n.set(i,t,e,r),i}(0,1,0),T=t.coneSize||.5;t.absoluteConeSize&&(T=t.absoluteConeSize*M),o.coneScale=T;x=0;for(var S=0;x1.0001)return null;v+=g[u]}if(Math.abs(v-1)>.001)return null;return[f,function(t,e){for(var r=[0,0,0],n=0;n=1},x.isTransparent=function(){return this.opacity<1},x.pickSlots=1,x.setPickBase=function(t){this.pickId=t},x.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},x.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||m,n=t.view||m,i=t.projection||m,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,vectorScale:this.vectorScale,coneScale:this.coneScale,coneOffset:this.coneOffset,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},x.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3);return{index:Math.floor(r[1]/48),position:n,dataCoordinate:n}},x.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleNormals.dispose(),this.triangleIds.dispose(),this.edgeVAO.dispose(),this.edgePositions.dispose(),this.edgeColors.dispose(),this.edgeUVs.dispose(),this.edgeIds.dispose(),this.pointVAO.dispose(),this.pointPositions.dispose(),this.pointColors.dispose(),this.pointUVs.dispose(),this.pointSizes.dispose(),this.pointIds.dispose(),this.contourVAO.dispose(),this.contourPositions.dispose()},e.exports=function(t,e){1===arguments.length&&(t=(e=t).gl);var r=e.triShader||function(t){var e=n(t,g.vertex,g.fragment,null,g.attributes);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.vector.location=5,e}(t),s=b(t),l=o(t,u(new Uint8Array([255,255,255,255]),[1,1,4]));l.generateMipmap(),l.minFilter=t.LINEAR_MIPMAP_LINEAR,l.magFilter=t.LINEAR;var c=i(t),f=i(t),h=i(t),p=i(t),d=i(t),v=i(t),m=a(t,[{buffer:c,type:t.FLOAT,size:4},{buffer:v,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:h,type:t.FLOAT,size:4},{buffer:p,type:t.FLOAT,size:2},{buffer:d,type:t.FLOAT,size:3},{buffer:f,type:t.FLOAT,size:3}]),x=i(t),_=i(t),w=i(t),k=i(t),M=a(t,[{buffer:x,type:t.FLOAT,size:3},{buffer:k,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:_,type:t.FLOAT,size:4},{buffer:w,type:t.FLOAT,size:2}]),A=i(t),T=i(t),S=i(t),E=i(t),C=i(t),L=a(t,[{buffer:A,type:t.FLOAT,size:3},{buffer:C,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:T,type:t.FLOAT,size:4},{buffer:S,type:t.FLOAT,size:2},{buffer:E,type:t.FLOAT,size:1}]),z=i(t),O=new y(t,l,r,null,null,s,null,null,c,f,v,h,p,d,m,x,k,_,w,M,A,C,T,S,E,L,z,a(t,[{buffer:z,type:t.FLOAT,size:3}]));return O.update(e),O}},{\"./closest-point\":232,\"./shaders\":234,colormap:114,\"gl-buffer\":230,\"gl-mat4/invert\":254,\"gl-mat4/multiply\":256,\"gl-shader\":288,\"gl-texture2d\":305,\"gl-vao\":310,ndarray:433,normals:436,\"simplicial-complex-contour\":494,\"typedarray-pool\":522}],234:[function(t,e,r){var n=t(\"glslify\"),i=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nfloat inverse(float m) {\\n return 1.0 / m;\\n}\\n\\nmat2 inverse(mat2 m) {\\n return mat2(m[1][1],-m[0][1],\\n -m[1][0], m[0][0]) / (m[0][0]*m[1][1] - m[0][1]*m[1][0]);\\n}\\n\\nmat3 inverse(mat3 m) {\\n float a00 = m[0][0], a01 = m[0][1], a02 = m[0][2];\\n float a10 = m[1][0], a11 = m[1][1], a12 = m[1][2];\\n float a20 = m[2][0], a21 = m[2][1], a22 = m[2][2];\\n\\n float b01 = a22 * a11 - a12 * a21;\\n float b11 = -a22 * a10 + a12 * a20;\\n float b21 = a21 * a10 - a11 * a20;\\n\\n float det = a00 * b01 + a01 * b11 + a02 * b21;\\n\\n return mat3(b01, (-a22 * a01 + a02 * a21), (a12 * a01 - a02 * a11),\\n b11, (a22 * a00 - a02 * a20), (-a12 * a00 + a02 * a10),\\n b21, (-a21 * a00 + a01 * a20), (a11 * a00 - a01 * a10)) / det;\\n}\\n\\nmat4 inverse(mat4 m) {\\n float\\n a00 = m[0][0], a01 = m[0][1], a02 = m[0][2], a03 = m[0][3],\\n a10 = m[1][0], a11 = m[1][1], a12 = m[1][2], a13 = m[1][3],\\n a20 = m[2][0], a21 = m[2][1], a22 = m[2][2], a23 = m[2][3],\\n a30 = m[3][0], a31 = m[3][1], a32 = m[3][2], a33 = m[3][3],\\n\\n b00 = a00 * a11 - a01 * a10,\\n b01 = a00 * a12 - a02 * a10,\\n b02 = a00 * a13 - a03 * a10,\\n b03 = a01 * a12 - a02 * a11,\\n b04 = a01 * a13 - a03 * a11,\\n b05 = a02 * a13 - a03 * a12,\\n b06 = a20 * a31 - a21 * a30,\\n b07 = a20 * a32 - a22 * a30,\\n b08 = a20 * a33 - a23 * a30,\\n b09 = a21 * a32 - a22 * a31,\\n b10 = a21 * a33 - a23 * a31,\\n b11 = a22 * a33 - a23 * a32,\\n\\n det = b00 * b11 - b01 * b10 + b02 * b09 + b03 * b08 - b04 * b07 + b05 * b06;\\n\\n return mat4(\\n a11 * b11 - a12 * b10 + a13 * b09,\\n a02 * b10 - a01 * b11 - a03 * b09,\\n a31 * b05 - a32 * b04 + a33 * b03,\\n a22 * b04 - a21 * b05 - a23 * b03,\\n a12 * b08 - a10 * b11 - a13 * b07,\\n a00 * b11 - a02 * b08 + a03 * b07,\\n a32 * b02 - a30 * b05 - a33 * b01,\\n a20 * b05 - a22 * b02 + a23 * b01,\\n a10 * b10 - a11 * b08 + a13 * b06,\\n a01 * b08 - a00 * b10 - a03 * b06,\\n a30 * b04 - a31 * b02 + a33 * b00,\\n a21 * b02 - a20 * b04 - a23 * b00,\\n a11 * b07 - a10 * b09 - a12 * b06,\\n a00 * b09 - a01 * b07 + a02 * b06,\\n a31 * b01 - a30 * b03 - a32 * b00,\\n a20 * b03 - a21 * b01 + a22 * b00) / det;\\n}\\n\\nvec3 getOrthogonalVector(vec3 v) {\\n // Return up-vector for only-z vector.\\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the cone vertex and normal at the given index.\\n//\\n// The returned vertex is for a cone with its top at origin and height of 1.0,\\n// pointing in the direction of the vector attribute.\\n//\\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\\n// These vertices are used to make up the triangles of the cone by the following:\\n// segment + 0 top vertex\\n// segment + 1 perimeter vertex a+1\\n// segment + 2 perimeter vertex a\\n// segment + 3 center base vertex\\n// segment + 4 perimeter vertex a\\n// segment + 5 perimeter vertex a+1\\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\\n// To go from index to segment, floor(index / 6)\\n// To go from segment to angle, 2*pi * (segment/segmentCount)\\n// To go from index to segment index, index - (segment*6)\\n//\\nvec3 getConePosition(vec3 d, float index, float coneOffset, out vec3 normal) {\\n\\n const float segmentCount = 8.0;\\n\\n index = mod(index, segmentCount * 6.0);\\n\\n float segment = floor(index/6.0);\\n float segmentIndex = index - (segment*6.0);\\n\\n normal = -normalize(d);\\n\\n if (segmentIndex == 3.0) {\\n return mix(vec3(0.0), -d, coneOffset);\\n }\\n\\n // angle = 2pi * ((segment + ((segmentIndex == 1.0 || segmentIndex == 5.0) ? 1.0 : 0.0)) / segmentCount)\\n float nextAngle = float(segmentIndex == 1.0 || segmentIndex == 5.0);\\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\\n\\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\\n vec3 v2 = v1 - d;\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d)*0.25;\\n vec3 y = v * sin(angle) * length(d)*0.25;\\n vec3 v3 = v2 + x + y;\\n if (segmentIndex <= 2.0) {\\n vec3 tx = u * sin(angle);\\n vec3 ty = v * -cos(angle);\\n vec3 tangent = tx + ty;\\n normal = normalize(cross(v3 - v1, tangent));\\n }\\n\\n if (segmentIndex == 0.0) {\\n return mix(d, vec3(0.0), coneOffset);\\n }\\n return v3;\\n}\\n\\nattribute vec3 vector;\\nattribute vec4 color, position;\\nattribute vec2 uv;\\nuniform float vectorScale;\\nuniform float coneScale;\\n\\nuniform float coneOffset;\\n\\nuniform mat4 model\\n , view\\n , projection;\\nuniform vec3 eyePosition\\n , lightPosition;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n // Scale the vector magnitude to stay constant with\\n // model & view changes.\\n vec3 normal;\\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n normal = normalize(normal * inverse(mat3(model)));\\n\\n // vec4 m_position = model * vec4(conePosition, 1.0);\\n vec4 t_position = view * conePosition;\\n gl_Position = projection * t_position;\\n f_color = color; //vec4(position.w, color.r, 0, 0);\\n f_normal = normal;\\n f_data = conePosition.xyz;\\n f_position = position.xyz;\\n f_eyeDirection = eyePosition - conePosition.xyz;\\n f_lightDirection = lightPosition - conePosition.xyz;\\n f_uv = uv;\\n}\\n\"]),a=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nfloat beckmannDistribution(float x, float roughness) {\\n float NdotH = max(x, 0.0001);\\n float cos2Alpha = NdotH * NdotH;\\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\\n float roughness2 = roughness * roughness;\\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\\n return exp(tan2Alpha / roughness2) / denom;\\n}\\n\\nfloat cookTorranceSpecular(\\n vec3 lightDirection,\\n vec3 viewDirection,\\n vec3 surfaceNormal,\\n float roughness,\\n float fresnel) {\\n\\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\\n\\n //Half angle vector\\n vec3 H = normalize(lightDirection + viewDirection);\\n\\n //Geometric term\\n float NdotH = max(dot(surfaceNormal, H), 0.0);\\n float VdotH = max(dot(viewDirection, H), 0.000001);\\n float LdotH = max(dot(lightDirection, H), 0.000001);\\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\\n float G = min(1.0, min(G1, G2));\\n \\n //Distribution term\\n float D = beckmannDistribution(NdotH, roughness);\\n\\n //Fresnel term\\n float F = pow(1.0 - VdotN, fresnel);\\n\\n //Multiply terms and done\\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\\n}\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float roughness\\n , fresnel\\n , kambient\\n , kdiffuse\\n , kspecular\\n , opacity;\\nuniform sampler2D texture;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n vec3 N = normalize(f_normal);\\n vec3 L = normalize(f_lightDirection);\\n vec3 V = normalize(f_eyeDirection);\\n\\n if(!gl_FrontFacing) {\\n N = -N;\\n }\\n\\n float specular = cookTorranceSpecular(L, V, N, roughness, fresnel);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n vec4 surfaceColor = texture2D(texture, f_uv);\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = litColor * opacity;\\n}\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nvec3 getOrthogonalVector(vec3 v) {\\n // Return up-vector for only-z vector.\\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the cone vertex and normal at the given index.\\n//\\n// The returned vertex is for a cone with its top at origin and height of 1.0,\\n// pointing in the direction of the vector attribute.\\n//\\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\\n// These vertices are used to make up the triangles of the cone by the following:\\n// segment + 0 top vertex\\n// segment + 1 perimeter vertex a+1\\n// segment + 2 perimeter vertex a\\n// segment + 3 center base vertex\\n// segment + 4 perimeter vertex a\\n// segment + 5 perimeter vertex a+1\\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\\n// To go from index to segment, floor(index / 6)\\n// To go from segment to angle, 2*pi * (segment/segmentCount)\\n// To go from index to segment index, index - (segment*6)\\n//\\nvec3 getConePosition(vec3 d, float index, float coneOffset, out vec3 normal) {\\n\\n const float segmentCount = 8.0;\\n\\n index = mod(index, segmentCount * 6.0);\\n\\n float segment = floor(index/6.0);\\n float segmentIndex = index - (segment*6.0);\\n\\n normal = -normalize(d);\\n\\n if (segmentIndex == 3.0) {\\n return mix(vec3(0.0), -d, coneOffset);\\n }\\n\\n // angle = 2pi * ((segment + ((segmentIndex == 1.0 || segmentIndex == 5.0) ? 1.0 : 0.0)) / segmentCount)\\n float nextAngle = float(segmentIndex == 1.0 || segmentIndex == 5.0);\\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\\n\\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\\n vec3 v2 = v1 - d;\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d)*0.25;\\n vec3 y = v * sin(angle) * length(d)*0.25;\\n vec3 v3 = v2 + x + y;\\n if (segmentIndex <= 2.0) {\\n vec3 tx = u * sin(angle);\\n vec3 ty = v * -cos(angle);\\n vec3 tangent = tx + ty;\\n normal = normalize(cross(v3 - v1, tangent));\\n }\\n\\n if (segmentIndex == 0.0) {\\n return mix(d, vec3(0.0), coneOffset);\\n }\\n return v3;\\n}\\n\\nattribute vec3 vector;\\nattribute vec4 position;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\n\\nuniform float vectorScale;\\nuniform float coneScale;\\nuniform float coneOffset;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n vec3 normal;\\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n gl_Position = projection * view * conePosition;\\n f_id = id;\\n f_position = position.xyz;\\n}\\n\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n gl_FragColor = vec4(pickId, f_id.xyz);\\n}\"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:\"position\",type:\"vec4\"},{name:\"normal\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"},{name:\"vector\",type:\"vec3\"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:\"position\",type:\"vec4\"},{name:\"id\",type:\"vec4\"},{name:\"vector\",type:\"vec3\"}]}},{glslify:392}],235:[function(t,e,r){e.exports={0:\"NONE\",1:\"ONE\",2:\"LINE_LOOP\",3:\"LINE_STRIP\",4:\"TRIANGLES\",5:\"TRIANGLE_STRIP\",6:\"TRIANGLE_FAN\",256:\"DEPTH_BUFFER_BIT\",512:\"NEVER\",513:\"LESS\",514:\"EQUAL\",515:\"LEQUAL\",516:\"GREATER\",517:\"NOTEQUAL\",518:\"GEQUAL\",519:\"ALWAYS\",768:\"SRC_COLOR\",769:\"ONE_MINUS_SRC_COLOR\",770:\"SRC_ALPHA\",771:\"ONE_MINUS_SRC_ALPHA\",772:\"DST_ALPHA\",773:\"ONE_MINUS_DST_ALPHA\",774:\"DST_COLOR\",775:\"ONE_MINUS_DST_COLOR\",776:\"SRC_ALPHA_SATURATE\",1024:\"STENCIL_BUFFER_BIT\",1028:\"FRONT\",1029:\"BACK\",1032:\"FRONT_AND_BACK\",1280:\"INVALID_ENUM\",1281:\"INVALID_VALUE\",1282:\"INVALID_OPERATION\",1285:\"OUT_OF_MEMORY\",1286:\"INVALID_FRAMEBUFFER_OPERATION\",2304:\"CW\",2305:\"CCW\",2849:\"LINE_WIDTH\",2884:\"CULL_FACE\",2885:\"CULL_FACE_MODE\",2886:\"FRONT_FACE\",2928:\"DEPTH_RANGE\",2929:\"DEPTH_TEST\",2930:\"DEPTH_WRITEMASK\",2931:\"DEPTH_CLEAR_VALUE\",2932:\"DEPTH_FUNC\",2960:\"STENCIL_TEST\",2961:\"STENCIL_CLEAR_VALUE\",2962:\"STENCIL_FUNC\",2963:\"STENCIL_VALUE_MASK\",2964:\"STENCIL_FAIL\",2965:\"STENCIL_PASS_DEPTH_FAIL\",2966:\"STENCIL_PASS_DEPTH_PASS\",2967:\"STENCIL_REF\",2968:\"STENCIL_WRITEMASK\",2978:\"VIEWPORT\",3024:\"DITHER\",3042:\"BLEND\",3088:\"SCISSOR_BOX\",3089:\"SCISSOR_TEST\",3106:\"COLOR_CLEAR_VALUE\",3107:\"COLOR_WRITEMASK\",3317:\"UNPACK_ALIGNMENT\",3333:\"PACK_ALIGNMENT\",3379:\"MAX_TEXTURE_SIZE\",3386:\"MAX_VIEWPORT_DIMS\",3408:\"SUBPIXEL_BITS\",3410:\"RED_BITS\",3411:\"GREEN_BITS\",3412:\"BLUE_BITS\",3413:\"ALPHA_BITS\",3414:\"DEPTH_BITS\",3415:\"STENCIL_BITS\",3553:\"TEXTURE_2D\",4352:\"DONT_CARE\",4353:\"FASTEST\",4354:\"NICEST\",5120:\"BYTE\",5121:\"UNSIGNED_BYTE\",5122:\"SHORT\",5123:\"UNSIGNED_SHORT\",5124:\"INT\",5125:\"UNSIGNED_INT\",5126:\"FLOAT\",5386:\"INVERT\",5890:\"TEXTURE\",6401:\"STENCIL_INDEX\",6402:\"DEPTH_COMPONENT\",6406:\"ALPHA\",6407:\"RGB\",6408:\"RGBA\",6409:\"LUMINANCE\",6410:\"LUMINANCE_ALPHA\",7680:\"KEEP\",7681:\"REPLACE\",7682:\"INCR\",7683:\"DECR\",7936:\"VENDOR\",7937:\"RENDERER\",7938:\"VERSION\",9728:\"NEAREST\",9729:\"LINEAR\",9984:\"NEAREST_MIPMAP_NEAREST\",9985:\"LINEAR_MIPMAP_NEAREST\",9986:\"NEAREST_MIPMAP_LINEAR\",9987:\"LINEAR_MIPMAP_LINEAR\",10240:\"TEXTURE_MAG_FILTER\",10241:\"TEXTURE_MIN_FILTER\",10242:\"TEXTURE_WRAP_S\",10243:\"TEXTURE_WRAP_T\",10497:\"REPEAT\",10752:\"POLYGON_OFFSET_UNITS\",16384:\"COLOR_BUFFER_BIT\",32769:\"CONSTANT_COLOR\",32770:\"ONE_MINUS_CONSTANT_COLOR\",32771:\"CONSTANT_ALPHA\",32772:\"ONE_MINUS_CONSTANT_ALPHA\",32773:\"BLEND_COLOR\",32774:\"FUNC_ADD\",32777:\"BLEND_EQUATION_RGB\",32778:\"FUNC_SUBTRACT\",32779:\"FUNC_REVERSE_SUBTRACT\",32819:\"UNSIGNED_SHORT_4_4_4_4\",32820:\"UNSIGNED_SHORT_5_5_5_1\",32823:\"POLYGON_OFFSET_FILL\",32824:\"POLYGON_OFFSET_FACTOR\",32854:\"RGBA4\",32855:\"RGB5_A1\",32873:\"TEXTURE_BINDING_2D\",32926:\"SAMPLE_ALPHA_TO_COVERAGE\",32928:\"SAMPLE_COVERAGE\",32936:\"SAMPLE_BUFFERS\",32937:\"SAMPLES\",32938:\"SAMPLE_COVERAGE_VALUE\",32939:\"SAMPLE_COVERAGE_INVERT\",32968:\"BLEND_DST_RGB\",32969:\"BLEND_SRC_RGB\",32970:\"BLEND_DST_ALPHA\",32971:\"BLEND_SRC_ALPHA\",33071:\"CLAMP_TO_EDGE\",33170:\"GENERATE_MIPMAP_HINT\",33189:\"DEPTH_COMPONENT16\",33306:\"DEPTH_STENCIL_ATTACHMENT\",33635:\"UNSIGNED_SHORT_5_6_5\",33648:\"MIRRORED_REPEAT\",33901:\"ALIASED_POINT_SIZE_RANGE\",33902:\"ALIASED_LINE_WIDTH_RANGE\",33984:\"TEXTURE0\",33985:\"TEXTURE1\",33986:\"TEXTURE2\",33987:\"TEXTURE3\",33988:\"TEXTURE4\",33989:\"TEXTURE5\",33990:\"TEXTURE6\",33991:\"TEXTURE7\",33992:\"TEXTURE8\",33993:\"TEXTURE9\",33994:\"TEXTURE10\",33995:\"TEXTURE11\",33996:\"TEXTURE12\",33997:\"TEXTURE13\",33998:\"TEXTURE14\",33999:\"TEXTURE15\",34000:\"TEXTURE16\",34001:\"TEXTURE17\",34002:\"TEXTURE18\",34003:\"TEXTURE19\",34004:\"TEXTURE20\",34005:\"TEXTURE21\",34006:\"TEXTURE22\",34007:\"TEXTURE23\",34008:\"TEXTURE24\",34009:\"TEXTURE25\",34010:\"TEXTURE26\",34011:\"TEXTURE27\",34012:\"TEXTURE28\",34013:\"TEXTURE29\",34014:\"TEXTURE30\",34015:\"TEXTURE31\",34016:\"ACTIVE_TEXTURE\",34024:\"MAX_RENDERBUFFER_SIZE\",34041:\"DEPTH_STENCIL\",34055:\"INCR_WRAP\",34056:\"DECR_WRAP\",34067:\"TEXTURE_CUBE_MAP\",34068:\"TEXTURE_BINDING_CUBE_MAP\",34069:\"TEXTURE_CUBE_MAP_POSITIVE_X\",34070:\"TEXTURE_CUBE_MAP_NEGATIVE_X\",34071:\"TEXTURE_CUBE_MAP_POSITIVE_Y\",34072:\"TEXTURE_CUBE_MAP_NEGATIVE_Y\",34073:\"TEXTURE_CUBE_MAP_POSITIVE_Z\",34074:\"TEXTURE_CUBE_MAP_NEGATIVE_Z\",34076:\"MAX_CUBE_MAP_TEXTURE_SIZE\",34338:\"VERTEX_ATTRIB_ARRAY_ENABLED\",34339:\"VERTEX_ATTRIB_ARRAY_SIZE\",34340:\"VERTEX_ATTRIB_ARRAY_STRIDE\",34341:\"VERTEX_ATTRIB_ARRAY_TYPE\",34342:\"CURRENT_VERTEX_ATTRIB\",34373:\"VERTEX_ATTRIB_ARRAY_POINTER\",34466:\"NUM_COMPRESSED_TEXTURE_FORMATS\",34467:\"COMPRESSED_TEXTURE_FORMATS\",34660:\"BUFFER_SIZE\",34661:\"BUFFER_USAGE\",34816:\"STENCIL_BACK_FUNC\",34817:\"STENCIL_BACK_FAIL\",34818:\"STENCIL_BACK_PASS_DEPTH_FAIL\",34819:\"STENCIL_BACK_PASS_DEPTH_PASS\",34877:\"BLEND_EQUATION_ALPHA\",34921:\"MAX_VERTEX_ATTRIBS\",34922:\"VERTEX_ATTRIB_ARRAY_NORMALIZED\",34930:\"MAX_TEXTURE_IMAGE_UNITS\",34962:\"ARRAY_BUFFER\",34963:\"ELEMENT_ARRAY_BUFFER\",34964:\"ARRAY_BUFFER_BINDING\",34965:\"ELEMENT_ARRAY_BUFFER_BINDING\",34975:\"VERTEX_ATTRIB_ARRAY_BUFFER_BINDING\",35040:\"STREAM_DRAW\",35044:\"STATIC_DRAW\",35048:\"DYNAMIC_DRAW\",35632:\"FRAGMENT_SHADER\",35633:\"VERTEX_SHADER\",35660:\"MAX_VERTEX_TEXTURE_IMAGE_UNITS\",35661:\"MAX_COMBINED_TEXTURE_IMAGE_UNITS\",35663:\"SHADER_TYPE\",35664:\"FLOAT_VEC2\",35665:\"FLOAT_VEC3\",35666:\"FLOAT_VEC4\",35667:\"INT_VEC2\",35668:\"INT_VEC3\",35669:\"INT_VEC4\",35670:\"BOOL\",35671:\"BOOL_VEC2\",35672:\"BOOL_VEC3\",35673:\"BOOL_VEC4\",35674:\"FLOAT_MAT2\",35675:\"FLOAT_MAT3\",35676:\"FLOAT_MAT4\",35678:\"SAMPLER_2D\",35680:\"SAMPLER_CUBE\",35712:\"DELETE_STATUS\",35713:\"COMPILE_STATUS\",35714:\"LINK_STATUS\",35715:\"VALIDATE_STATUS\",35716:\"INFO_LOG_LENGTH\",35717:\"ATTACHED_SHADERS\",35718:\"ACTIVE_UNIFORMS\",35719:\"ACTIVE_UNIFORM_MAX_LENGTH\",35720:\"SHADER_SOURCE_LENGTH\",35721:\"ACTIVE_ATTRIBUTES\",35722:\"ACTIVE_ATTRIBUTE_MAX_LENGTH\",35724:\"SHADING_LANGUAGE_VERSION\",35725:\"CURRENT_PROGRAM\",36003:\"STENCIL_BACK_REF\",36004:\"STENCIL_BACK_VALUE_MASK\",36005:\"STENCIL_BACK_WRITEMASK\",36006:\"FRAMEBUFFER_BINDING\",36007:\"RENDERBUFFER_BINDING\",36048:\"FRAMEBUFFER_ATTACHMENT_OBJECT_TYPE\",36049:\"FRAMEBUFFER_ATTACHMENT_OBJECT_NAME\",36050:\"FRAMEBUFFER_ATTACHMENT_TEXTURE_LEVEL\",36051:\"FRAMEBUFFER_ATTACHMENT_TEXTURE_CUBE_MAP_FACE\",36053:\"FRAMEBUFFER_COMPLETE\",36054:\"FRAMEBUFFER_INCOMPLETE_ATTACHMENT\",36055:\"FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT\",36057:\"FRAMEBUFFER_INCOMPLETE_DIMENSIONS\",36061:\"FRAMEBUFFER_UNSUPPORTED\",36064:\"COLOR_ATTACHMENT0\",36096:\"DEPTH_ATTACHMENT\",36128:\"STENCIL_ATTACHMENT\",36160:\"FRAMEBUFFER\",36161:\"RENDERBUFFER\",36162:\"RENDERBUFFER_WIDTH\",36163:\"RENDERBUFFER_HEIGHT\",36164:\"RENDERBUFFER_INTERNAL_FORMAT\",36168:\"STENCIL_INDEX8\",36176:\"RENDERBUFFER_RED_SIZE\",36177:\"RENDERBUFFER_GREEN_SIZE\",36178:\"RENDERBUFFER_BLUE_SIZE\",36179:\"RENDERBUFFER_ALPHA_SIZE\",36180:\"RENDERBUFFER_DEPTH_SIZE\",36181:\"RENDERBUFFER_STENCIL_SIZE\",36194:\"RGB565\",36336:\"LOW_FLOAT\",36337:\"MEDIUM_FLOAT\",36338:\"HIGH_FLOAT\",36339:\"LOW_INT\",36340:\"MEDIUM_INT\",36341:\"HIGH_INT\",36346:\"SHADER_COMPILER\",36347:\"MAX_VERTEX_UNIFORM_VECTORS\",36348:\"MAX_VARYING_VECTORS\",36349:\"MAX_FRAGMENT_UNIFORM_VECTORS\",37440:\"UNPACK_FLIP_Y_WEBGL\",37441:\"UNPACK_PREMULTIPLY_ALPHA_WEBGL\",37442:\"CONTEXT_LOST_WEBGL\",37443:\"UNPACK_COLORSPACE_CONVERSION_WEBGL\",37444:\"BROWSER_DEFAULT_WEBGL\"}},{}],236:[function(t,e,r){var n=t(\"./1.0/numbers\");e.exports=function(t){return n[t]}},{\"./1.0/numbers\":235}],237:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl,r=n(e),o=i(e,[{buffer:r,type:e.FLOAT,size:3,offset:0,stride:40},{buffer:r,type:e.FLOAT,size:4,offset:12,stride:40},{buffer:r,type:e.FLOAT,size:3,offset:28,stride:40}]),l=a(e);l.attributes.position.location=0,l.attributes.color.location=1,l.attributes.offset.location=2;var c=new s(e,r,o,l);return c.update(t),c};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"./shaders/index\"),o=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function s(t,e,r,n){this.gl=t,this.shader=n,this.buffer=e,this.vao=r,this.pixelRatio=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lineWidth=[1,1,1],this.capSize=[10,10,10],this.lineCount=[0,0,0],this.lineOffset=[0,0,0],this.opacity=1}var l=s.prototype;function c(t,e){for(var r=0;r<3;++r)t[0][r]=Math.min(t[0][r],e[r]),t[1][r]=Math.max(t[1][r],e[r])}l.isOpaque=function(){return this.opacity>=1},l.isTransparent=function(){return this.opacity<1},l.drawTransparent=l.draw=function(t){var e=this.gl,r=this.shader.uniforms;this.shader.bind();var n=r.view=t.view||o,i=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var a=n[12],s=n[13],l=n[14],c=n[15],u=this.pixelRatio*(i[3]*a+i[7]*s+i[11]*l+i[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var f=0;f<3;++f)e.lineWidth(this.lineWidth[f]),r.capSize=this.capSize[f]*u,this.lineCount[f]&&e.drawArrays(e.LINES,this.lineOffset[f],this.lineCount[f]);this.vao.unbind()};var u=function(){for(var t=new Array(3),e=0;e<3;++e){for(var r=[],n=1;n<=2;++n)for(var i=-1;i<=1;i+=2){var a=[0,0,0];a[(n+e)%3]=i,r.push(a)}t[e]=r}return t}();function f(t,e,r,n){for(var i=u[n],a=0;a0)(g=u.slice())[s]+=p[1][s],i.push(u[0],u[1],u[2],d[0],d[1],d[2],d[3],0,0,0,g[0],g[1],g[2],d[0],d[1],d[2],d[3],0,0,0),c(this.bounds,g),o+=2+f(i,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(i)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{\"./shaders/index\":238,\"gl-buffer\":230,\"gl-vao\":310}],238:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),i=t(\"gl-shader\"),a=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position, offset;\\nattribute vec4 color;\\nuniform mat4 model, view, projection;\\nuniform float capSize;\\nvarying vec4 fragColor;\\nvarying vec3 fragPosition;\\n\\nvoid main() {\\n vec4 worldPosition = model * vec4(position, 1.0);\\n worldPosition = (worldPosition / worldPosition.w) + vec4(capSize * offset, 0.0);\\n gl_Position = projection * view * worldPosition;\\n fragColor = color;\\n fragPosition = position;\\n}\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float opacity;\\nvarying vec3 fragPosition;\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], fragPosition)) discard;\\n\\n gl_FragColor = opacity * fragColor;\\n}\"]);e.exports=function(t){return i(t,a,o,null,[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"offset\",type:\"vec3\"}])}},{\"gl-shader\":288,glslify:392}],239:[function(t,e,r){\"use strict\";var n=t(\"gl-texture2d\");e.exports=function(t,e,r,n){i||(i=t.FRAMEBUFFER_UNSUPPORTED,a=t.FRAMEBUFFER_INCOMPLETE_ATTACHMENT,o=t.FRAMEBUFFER_INCOMPLETE_DIMENSIONS,s=t.FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT);var c=t.getExtension(\"WEBGL_draw_buffers\");!l&&c&&function(t,e){var r=t.getParameter(e.MAX_COLOR_ATTACHMENTS_WEBGL);l=new Array(r+1);for(var n=0;n<=r;++n){for(var i=new Array(r),a=0;au||r<0||r>u)throw new Error(\"gl-fbo: Parameters are too large for FBO\");var f=1;if(\"color\"in(n=n||{})){if((f=Math.max(0|n.color,0))<0)throw new Error(\"gl-fbo: Must specify a nonnegative number of colors\");if(f>1){if(!c)throw new Error(\"gl-fbo: Multiple draw buffer extension not supported\");if(f>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error(\"gl-fbo: Context does not support \"+f+\" draw buffers\")}}var h=t.UNSIGNED_BYTE,p=t.getExtension(\"OES_texture_float\");if(n.float&&f>0){if(!p)throw new Error(\"gl-fbo: Context does not support floating point textures\");h=t.FLOAT}else n.preferFloat&&f>0&&p&&(h=t.FLOAT);var g=!0;\"depth\"in n&&(g=!!n.depth);var v=!1;\"stencil\"in n&&(v=!!n.stencil);return new d(t,e,r,h,f,g,v,c)};var i,a,o,s,l=null;function c(t){return[t.getParameter(t.FRAMEBUFFER_BINDING),t.getParameter(t.RENDERBUFFER_BINDING),t.getParameter(t.TEXTURE_BINDING_2D)]}function u(t,e){t.bindFramebuffer(t.FRAMEBUFFER,e[0]),t.bindRenderbuffer(t.RENDERBUFFER,e[1]),t.bindTexture(t.TEXTURE_2D,e[2])}function f(t){switch(t){case i:throw new Error(\"gl-fbo: Framebuffer unsupported\");case a:throw new Error(\"gl-fbo: Framebuffer incomplete attachment\");case o:throw new Error(\"gl-fbo: Framebuffer incomplete dimensions\");case s:throw new Error(\"gl-fbo: Framebuffer incomplete missing attachment\");default:throw new Error(\"gl-fbo: Framebuffer failed for unspecified reason\")}}function h(t,e,r,i,a,o){if(!i)return null;var s=n(t,e,r,a,i);return s.magFilter=t.NEAREST,s.minFilter=t.NEAREST,s.mipSamples=1,s.bind(),t.framebufferTexture2D(t.FRAMEBUFFER,o,t.TEXTURE_2D,s.handle,0),s}function p(t,e,r,n,i){var a=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,a),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,i,t.RENDERBUFFER,a),a}function d(t,e,r,n,i,a,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(i);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension(\"WEBGL_depth_texture\");y?d?t.depth=h(r,i,a,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=h(r,i,a,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,i,a,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,i,a,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,i,a,r.STENCIL_INDEX,r.STENCIL_ATTACHMENT));var x=r.checkFramebufferStatus(r.FRAMEBUFFER);if(x!==r.FRAMEBUFFER_COMPLETE){for(t._destroyed=!0,r.bindFramebuffer(r.FRAMEBUFFER,null),r.deleteFramebuffer(t.handle),t.handle=null,t.depth&&(t.depth.dispose(),t.depth=null),t._depth_rb&&(r.deleteRenderbuffer(t._depth_rb),t._depth_rb=null),m=0;mi||r<0||r>i)throw new Error(\"gl-fbo: Can't resize FBO, invalid dimensions\");t._shape[0]=e,t._shape[1]=r;for(var a=c(n),o=0;o>8*p&255;this.pickOffset=r,i.bind();var d=i.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=i.attributes;return this.positionBuffer.bind(),g.position.pointer(),this.weightBuffer.bind(),g.weight.pointer(s.UNSIGNED_BYTE,!1),this.idBuffer.bind(),g.pickId.pointer(s.UNSIGNED_BYTE,!1),s.drawArrays(s.TRIANGLES,0,o),r+this.shape[0]*this.shape[1]}}}(),f.pick=function(t,e,r){var n=this.pickOffset,i=this.shape[0]*this.shape[1];if(r=n+i)return null;var a=r-n,o=this.xData,s=this.yData;return{object:this,pointId:a,dataCoord:[o[a%this.shape[0]],s[a/this.shape[0]|0]]}},f.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||i(e[0]),o=t.y||i(e[1]),s=t.z||new Float32Array(e[0]*e[1]);this.xData=r,this.yData=o;var l=t.colorLevels||[0],c=t.colorValues||[0,0,0,1],u=l.length,f=this.bounds,p=f[0]=r[0],d=f[1]=o[0],g=1/((f[2]=r[r.length-1])-p),v=1/((f[3]=o[o.length-1])-d),m=e[0],y=e[1];this.shape=[m,y];var x=(m-1)*(y-1)*(h.length>>>1);this.numVertices=x;for(var b=a.mallocUint8(4*x),_=a.mallocFloat32(2*x),w=a.mallocUint8(2*x),k=a.mallocUint32(x),M=0,A=0;A max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform sampler2D dashTexture;\\nuniform float dashScale;\\nuniform float opacity;\\n\\nvarying vec3 worldPosition;\\nvarying float pixelArcLength;\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\\n\\n float dashWeight = texture2D(dashTexture, vec2(dashScale * pixelArcLength, 0)).r;\\n if(dashWeight < 0.5) {\\n discard;\\n }\\n gl_FragColor = fragColor * opacity;\\n}\\n\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\n#define FLOAT_MAX 1.70141184e38\\n#define FLOAT_MIN 1.17549435e-38\\n\\nlowp vec4 encode_float_1540259130(highp float v) {\\n highp float av = abs(v);\\n\\n //Handle special cases\\n if(av < FLOAT_MIN) {\\n return vec4(0.0, 0.0, 0.0, 0.0);\\n } else if(v > FLOAT_MAX) {\\n return vec4(127.0, 128.0, 0.0, 0.0) / 255.0;\\n } else if(v < -FLOAT_MAX) {\\n return vec4(255.0, 128.0, 0.0, 0.0) / 255.0;\\n }\\n\\n highp vec4 c = vec4(0,0,0,0);\\n\\n //Compute exponent and mantissa\\n highp float e = floor(log2(av));\\n highp float m = av * pow(2.0, -e) - 1.0;\\n \\n //Unpack mantissa\\n c[1] = floor(128.0 * m);\\n m -= c[1] / 128.0;\\n c[2] = floor(32768.0 * m);\\n m -= c[2] / 32768.0;\\n c[3] = floor(8388608.0 * m);\\n \\n //Unpack exponent\\n highp float ebias = e + 127.0;\\n c[0] = floor(ebias / 2.0);\\n ebias -= c[0] * 2.0;\\n c[1] += floor(ebias) * 128.0; \\n\\n //Unpack sign bit\\n c[0] += 128.0 * step(0.0, -v);\\n\\n //Scale back to range\\n return c / 255.0;\\n}\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform float pickId;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec3 worldPosition;\\nvarying float pixelArcLength;\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\\n\\n gl_FragColor = vec4(pickId/255.0, encode_float_1540259130(pixelArcLength).xyz);\\n}\"]),l=[{name:\"position\",type:\"vec3\"},{name:\"nextPosition\",type:\"vec3\"},{name:\"arcLength\",type:\"float\"},{name:\"lineWidth\",type:\"float\"},{name:\"color\",type:\"vec4\"}];r.createShader=function(t){return i(t,a,o,null,l)},r.createPickShader=function(t){return i(t,a,s,null,l)}},{\"gl-shader\":288,glslify:392}],245:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=u(e);r.attributes.position.location=0,r.attributes.nextPosition.location=1,r.attributes.arcLength.location=2,r.attributes.lineWidth.location=3,r.attributes.color.location=4;var o=f(e);o.attributes.position.location=0,o.attributes.nextPosition.location=1,o.attributes.arcLength.location=2,o.attributes.lineWidth.location=3,o.attributes.color.location=4;for(var s=n(e),c=i(e,[{buffer:s,size:3,offset:0,stride:48},{buffer:s,size:3,offset:12,stride:48},{buffer:s,size:1,offset:24,stride:48},{buffer:s,size:1,offset:28,stride:48},{buffer:s,size:4,offset:32,stride:48}]),h=l(new Array(1024),[256,1,4]),p=0;p<1024;++p)h.data[p]=255;var d=a(e,h);d.wrap=e.REPEAT;var g=new v(e,r,o,s,c,d);return g.update(t),g};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"gl-texture2d\"),o=t(\"glsl-read-float\"),s=t(\"binary-search-bounds\"),l=t(\"ndarray\"),c=t(\"./lib/shaders\"),u=c.createShader,f=c.createPickShader,h=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function p(t,e){for(var r=0,n=0;n<3;++n){var i=t[n]-e[n];r+=i*i}return Math.sqrt(r)}function d(t){for(var e=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],r=0;r<3;++r)e[0][r]=Math.max(t[0][r],e[0][r]),e[1][r]=Math.min(t[1][r],e[1][r]);return e}function g(t,e,r,n){this.arcLength=t,this.position=e,this.index=r,this.dataCoordinate=n}function v(t,e,r,n,i,a){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=i,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.points=[],this.arcLength=[],this.vertexCount=0,this.bounds=[[0,0,0],[0,0,0]],this.pickId=0,this.lineWidth=1,this.texture=a,this.dashScale=1,this.opacity=1,this.dirty=!0,this.pixelRatio=1}var m=v.prototype;m.isTransparent=function(){return this.opacity<1},m.isOpaque=function(){return this.opacity>=1},m.pickSlots=1,m.setPickBase=function(t){this.pickId=t},m.drawTransparent=m.draw=function(t){if(this.vertexCount){var e=this.gl,r=this.shader,n=this.vao;r.bind(),r.uniforms={model:t.model||h,view:t.view||h,projection:t.projection||h,clipBounds:d(this.clipBounds),dashTexture:this.texture.bind(),dashScale:this.dashScale/this.arcLength[this.arcLength.length-1],opacity:this.opacity,screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},m.drawPick=function(t){if(this.vertexCount){var e=this.gl,r=this.pickShader,n=this.vao;r.bind(),r.uniforms={model:t.model||h,view:t.view||h,projection:t.projection||h,pickId:this.pickId,clipBounds:d(this.clipBounds),screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},m.update=function(t){var e,r;this.dirty=!0;var n=!!t.connectGaps;\"dashScale\"in t&&(this.dashScale=t.dashScale),\"opacity\"in t&&(this.opacity=+t.opacity);var i=[],a=[],o=[],c=0,u=0,f=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],h=t.position||t.positions;if(h){var d=t.color||t.colors||[0,0,0,1],g=t.lineWidth||1,v=!1;t:for(e=1;e0){for(var w=0;w<24;++w)i.push(i[i.length-12]);u+=2,v=!0}continue t}f[0][r]=Math.min(f[0][r],b[r],_[r]),f[1][r]=Math.max(f[1][r],b[r],_[r])}Array.isArray(d[0])?(m=d.length>e-1?d[e-1]:d.length>0?d[d.length-1]:[0,0,0,1],y=d.length>e?d[e]:d.length>0?d[d.length-1]:[0,0,0,1]):m=y=d,3===m.length&&(m=[m[0],m[1],m[2],1]),3===y.length&&(y=[y[0],y[1],y[2],1]),x=Array.isArray(g)?g.length>e-1?g[e-1]:g.length>0?g[g.length-1]:[0,0,0,1]:g;var k=c;if(c+=p(b,_),v){for(r=0;r<2;++r)i.push(b[0],b[1],b[2],_[0],_[1],_[2],k,x,m[0],m[1],m[2],m[3]);u+=2,v=!1}i.push(b[0],b[1],b[2],_[0],_[1],_[2],k,x,m[0],m[1],m[2],m[3],b[0],b[1],b[2],_[0],_[1],_[2],k,-x,m[0],m[1],m[2],m[3],_[0],_[1],_[2],b[0],b[1],b[2],c,-x,y[0],y[1],y[2],y[3],_[0],_[1],_[2],b[0],b[1],b[2],c,x,y[0],y[1],y[2],y[3]),u+=4}}if(this.buffer.update(i),a.push(c),o.push(h[h.length-1].slice()),this.bounds=f,this.vertexCount=u,this.points=o,this.arcLength=a,\"dashes\"in t){var M=t.dashes.slice();for(M.unshift(0),e=1;e max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float roughness\\n , fresnel\\n , kambient\\n , kdiffuse\\n , kspecular\\n , opacity;\\nuniform sampler2D texture;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\\n\\n vec3 N = normalize(f_normal);\\n vec3 L = normalize(f_lightDirection);\\n vec3 V = normalize(f_eyeDirection);\\n\\n vec3 normal = normals(f_data);\\n\\n if (dot(N, normal) < 0.0) {\\n N = -N;\\n }\\n\\n float specular = cookTorranceSpecular(L, V, N, roughness, fresnel);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = litColor * opacity;\\n}\\n\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 uv;\\n\\nuniform mat4 model, view, projection;\\n\\nvarying vec4 f_color;\\nvarying vec3 f_data;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n f_color = color;\\n f_data = position;\\n f_uv = uv;\\n}\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform sampler2D texture;\\nuniform float opacity;\\n\\nvarying vec4 f_color;\\nvarying vec3 f_data;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\\n\\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\\n}\"]),l=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 uv;\\nattribute float pointSize;\\n\\nuniform mat4 model, view, projection;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n }\\n gl_PointSize = pointSize;\\n f_color = color;\\n f_uv = uv;\\n}\"]),c=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform sampler2D texture;\\nuniform float opacity;\\n\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n vec2 pointR = gl_PointCoord.xy - vec2(0.5,0.5);\\n if(dot(pointR, pointR) > 0.25) {\\n discard;\\n }\\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\\n}\"]),u=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n f_id = id;\\n f_position = position;\\n}\"]),f=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n gl_FragColor = vec4(pickId, f_id.xyz);\\n}\"]),h=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute float pointSize;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n gl_PointSize = pointSize;\\n }\\n f_id = id;\\n f_position = position;\\n}\"]),p=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position;\\n\\nuniform mat4 model, view, projection;\\n\\nvoid main() {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n}\"]),d=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform vec3 contourColor;\\n\\nvoid main() {\\n gl_FragColor = vec4(contourColor,1);\\n}\\n\"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:\"position\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"}]},r.wireShader={vertex:o,fragment:s,attributes:[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"}]},r.pointShader={vertex:l,fragment:c,attributes:[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"},{name:\"pointSize\",type:\"float\"}]},r.pickShader={vertex:u,fragment:f,attributes:[{name:\"position\",type:\"vec3\"},{name:\"id\",type:\"vec4\"}]},r.pointPickShader={vertex:h,fragment:f,attributes:[{name:\"position\",type:\"vec3\"},{name:\"pointSize\",type:\"float\"},{name:\"id\",type:\"vec4\"}]},r.contourShader={vertex:p,fragment:d,attributes:[{name:\"position\",type:\"vec3\"}]}},{glslify:392}],268:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"normals\"),l=t(\"gl-mat4/multiply\"),c=t(\"gl-mat4/invert\"),u=t(\"ndarray\"),f=t(\"colormap\"),h=t(\"simplicial-complex-contour\"),p=t(\"typedarray-pool\"),d=t(\"./lib/shaders\"),g=t(\"./lib/closest-point\"),v=d.meshShader,m=d.wireShader,y=d.pointShader,x=d.pickShader,b=d.pointPickShader,_=d.contourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function k(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,v,m,y,x,b,_,k,M,A,T,S){this.gl=t,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=h,this.triangleUVs=f,this.triangleIds=c,this.triangleVAO=p,this.triangleCount=0,this.lineWidth=1,this.edgePositions=d,this.edgeColors=v,this.edgeUVs=m,this.edgeIds=g,this.edgeVAO=y,this.edgeCount=0,this.pointPositions=x,this.pointColors=_,this.pointUVs=k,this.pointSizes=M,this.pointIds=b,this.pointVAO=A,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=T,this.contourVAO=S,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!0,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this._model=w,this._view=w,this._projection=w,this._resolution=[1,1]}var M=k.prototype;function A(t){var e=n(t,y.vertex,y.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.pointSize.location=4,e}function T(t){var e=n(t,x.vertex,x.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e}function S(t){var e=n(t,b.vertex,b.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.pointSize.location=4,e}function E(t){var e=n(t,_.vertex,_.fragment);return e.attributes.position.location=0,e}M.isOpaque=function(){return this.opacity>=1},M.isTransparent=function(){return this.opacity<1},M.pickSlots=1,M.setPickBase=function(t){this.pickId=t},M.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},M.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||w,n=t.view||w,i=t.projection||w,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},M.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;for(var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions,i=new Array(r.length),a=0;ai[M]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=v[t],r.uniforms.angle=m[t],a.drawArrays(a.TRIANGLES,i[M],i[A]-i[M]))),y[t]&&k&&(u[1^t]-=T*p*x[t],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],a.drawArrays(a.TRIANGLES,w,k)),u[1^t]=T*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=T*p*g[t+2],Mi[M]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=v[t+2],r.uniforms.angle=m[t+2],a.drawArrays(a.TRIANGLES,i[M],i[A]-i[M]))),y[t+2]&&k&&(u[1^t]+=T*p*x[t+2],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],a.drawArrays(a.TRIANGLES,w,k))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,i=r.gl,a=r.screenBox,o=r.titleCenter,s=r.titleAngle,l=r.titleColor,c=r.pixelRatio;if(this.titleCount){for(var u=0;u<2;++u)e[u]=2*(o[u]*c-a[u])/(a[2+u]-a[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,i.drawArrays(i.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(h=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,i=t.screenBox,a=t.viewBox;e.bind();for(var o=0;o<2;++o){var s=r[o],l=r[o+2]-s,c=.5*(n[o+2]+n[o]),u=n[o+2]-n[o],f=a[o],g=a[o+2]-f,v=i[o],m=i[o+2]-v;p[o]=2*l/u*g/m,h[o]=2*(s-c)/u*g/m}d[1]=2*t.pixelRatio/(i[3]-i[1]),d[0]=d[1]*(i[3]-i[1])/(i[2]-i[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=h,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,i,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],f=[-1/0],h=l[o];for(e=0;e=0){var g=e[d]-n[d]*(e[d+2]-e[d])/(n[d+2]-n[d]);0===d?o.drawLine(g,e[1],g,e[3],p[d],h[d]):o.drawLine(e[0],g,e[2],g,p[d],h[d])}}for(d=0;d=0;--t)this.objects[t].dispose();this.objects.length=0;for(t=this.overlays.length-1;t>=0;--t)this.overlays[t].dispose();this.overlays.length=0,this.gl=null},c.addObject=function(t){this.objects.indexOf(t)<0&&(this.objects.push(t),this.setDirty())},c.removeObject=function(t){for(var e=this.objects,r=0;r0&&0===L[e-1];)L.pop(),z.pop().dispose()}window.addEventListener(\"resize\",j),F.update=function(t){e||(t=t||{},O=!0,I=!0)},F.add=function(t){e||(t.axes=A,E.push(t),C.push(-1),O=!0,I=!0,V())},F.remove=function(t){if(!e){var r=E.indexOf(t);r<0||(E.splice(r,1),C.pop(),O=!0,I=!0,V())}},F.dispose=function(){if(!e&&(e=!0,window.removeEventListener(\"resize\",j),r.removeEventListener(\"webglcontextlost\",H),F.mouseListener.enabled=!1,!F.contextLost)){A.dispose(),S.dispose();for(var t=0;tb.distance)continue;for(var u=0;u0){r=Math.round(Math.pow(10,e));return Math.ceil(t/r)*r}return Math.ceil(t)}function v(t){return\"boolean\"!=typeof t||t}},{\"./lib/shader\":276,\"3d-view-controls\":44,\"a-big-triangle\":47,\"gl-axes3d\":222,\"gl-axes3d/properties\":229,\"gl-fbo\":239,\"gl-mat4/perspective\":257,\"gl-select-static\":287,\"gl-spikes3d\":297,\"is-mobile\":403,\"mouse-change\":418}],278:[function(t,e,r){var n=t(\"glslify\");r.pointVertex=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec2 position;\\n\\nuniform mat3 matrix;\\nuniform float pointSize;\\nuniform float pointCloud;\\n\\nhighp float rand(vec2 co) {\\n highp float a = 12.9898;\\n highp float b = 78.233;\\n highp float c = 43758.5453;\\n highp float d = dot(co.xy, vec2(a, b));\\n highp float e = mod(d, 3.14);\\n return fract(sin(e) * c);\\n}\\n\\nvoid main() {\\n vec3 hgPosition = matrix * vec3(position, 1);\\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\\n // if we don't jitter the point size a bit, overall point cloud\\n // saturation 'jumps' on zooming, which is disturbing and confusing\\n gl_PointSize = pointSize * ((19.5 + rand(position)) / 20.0);\\n if(pointCloud != 0.0) { // pointCloud is truthy\\n // get the same square surface as circle would be\\n gl_PointSize *= 0.886;\\n }\\n}\"]),r.pointFragment=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform vec4 color, borderColor;\\nuniform float centerFraction;\\nuniform float pointCloud;\\n\\nvoid main() {\\n float radius;\\n vec4 baseColor;\\n if(pointCloud != 0.0) { // pointCloud is truthy\\n if(centerFraction == 1.0) {\\n gl_FragColor = color;\\n } else {\\n gl_FragColor = mix(borderColor, color, centerFraction);\\n }\\n } else {\\n radius = length(2.0 * gl_PointCoord.xy - 1.0);\\n if(radius > 1.0) {\\n discard;\\n }\\n baseColor = mix(borderColor, color, step(radius, centerFraction));\\n gl_FragColor = vec4(baseColor.rgb * baseColor.a, baseColor.a);\\n }\\n}\\n\"]),r.pickVertex=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec2 position;\\nattribute vec4 pickId;\\n\\nuniform mat3 matrix;\\nuniform float pointSize;\\nuniform vec4 pickOffset;\\n\\nvarying vec4 fragId;\\n\\nvoid main() {\\n vec3 hgPosition = matrix * vec3(position, 1);\\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\\n gl_PointSize = pointSize;\\n\\n vec4 id = pickId + pickOffset;\\n id.y += floor(id.x / 256.0);\\n id.x -= floor(id.x / 256.0) * 256.0;\\n\\n id.z += floor(id.y / 256.0);\\n id.y -= floor(id.y / 256.0) * 256.0;\\n\\n id.w += floor(id.z / 256.0);\\n id.z -= floor(id.z / 256.0) * 256.0;\\n\\n fragId = id;\\n}\\n\"]),r.pickFragment=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nvarying vec4 fragId;\\n\\nvoid main() {\\n float radius = length(2.0 * gl_PointCoord.xy - 1.0);\\n if(radius > 1.0) {\\n discard;\\n }\\n gl_FragColor = fragId / 255.0;\\n}\\n\"])},{glslify:392}],279:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),i=t(\"gl-buffer\"),a=t(\"typedarray-pool\"),o=t(\"./lib/shader\");function s(t,e,r,n,i){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=i,this.sizeMin=.5,this.sizeMinCap=2,this.sizeMax=20,this.areaRatio=1,this.pointCount=0,this.color=[1,0,0,1],this.borderColor=[0,0,0,1],this.blend=!1,this.pickOffset=0,this.points=null}e.exports=function(t,e){var r=t.gl,a=i(r),l=i(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),f=new s(t,a,l,c,u);return f.update(e),t.addObject(f),f};var l,c,u=s.prototype;u.dispose=function(){this.shader.dispose(),this.pickShader.dispose(),this.offsetBuffer.dispose(),this.pickBuffer.dispose(),this.plot.removeObject(this)},u.update=function(t){var e;function r(e,r){return e in t?t[e]:r}t=t||{},this.sizeMin=r(\"sizeMin\",.5),this.sizeMax=r(\"sizeMax\",20),this.color=r(\"color\",[1,0,0,1]).slice(),this.areaRatio=r(\"areaRatio\",1),this.borderColor=r(\"borderColor\",[0,0,0,1]).slice(),this.blend=r(\"blend\",!1);var n=t.positions.length>>>1,i=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=i?s:a.mallocFloat32(s.length),c=o?t.idToIndex:a.mallocInt32(n);if(i||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&a<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,i),u=this.plot.pickPixelRatio*Math.max(Math.min(this.sizeMinCap,this.sizeMin),Math.min(this.sizeMax,this.sizeMax/Math.pow(s,.33333)));l[0]=2/a,l[4]=2/o,l[6]=-2*i[0]/a-1,l[7]=-2*i[1]/o-1,this.offsetBuffer.bind(),r.bind(),r.attributes.position.pointer(),r.uniforms.matrix=l,r.uniforms.color=this.color,r.uniforms.borderColor=this.borderColor,r.uniforms.pointCloud=u<5,r.uniforms.pointSize=u,r.uniforms.centerFraction=Math.min(1,Math.max(0,Math.sqrt(1-this.areaRatio))),e&&(c[0]=255&t,c[1]=t>>8&255,c[2]=t>>16&255,c[3]=t>>24&255,this.pickBuffer.bind(),r.attributes.pickId.pointer(n.UNSIGNED_BYTE),r.uniforms.pickOffset=c,this.pickOffset=t);var f=n.getParameter(n.BLEND),h=n.getParameter(n.DITHER);return f&&!this.blend&&n.disable(n.BLEND),h&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),f&&!this.blend&&n.enable(n.BLEND),h&&n.enable(n.DITHER),t+this.pointCount}),u.draw=u.unifiedDraw,u.drawPick=u.unifiedDraw,u.pick=function(t,e,r){var n=this.pickOffset,i=this.pointCount;if(r=n+i)return null;var a=r-n,o=this.points;return{object:this,pointId:a,dataCoord:[o[2*a],o[2*a+1]]}}},{\"./lib/shader\":278,\"gl-buffer\":230,\"gl-shader\":288,\"typedarray-pool\":522}],280:[function(t,e,r){e.exports=function(t,e,r,n){var i,a,o,s,l,c=e[0],u=e[1],f=e[2],h=e[3],p=r[0],d=r[1],g=r[2],v=r[3];(a=c*p+u*d+f*g+h*v)<0&&(a=-a,p=-p,d=-d,g=-g,v=-v);1-a>1e-6?(i=Math.acos(a),o=Math.sin(i),s=Math.sin((1-n)*i)/o,l=Math.sin(n*i)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*f+l*g,t[3]=s*h+l*v,t}},{}],281:[function(t,e,r){\"use strict\";e.exports=function(t){return t||0===t?t.toString():\"\"}},{}],282:[function(t,e,r){\"use strict\";var n=t(\"vectorize-text\");e.exports=function(t,e){var r=i[e];r||(r=i[e]={});if(t in r)return r[t];for(var a=n(t,{textAlign:\"center\",textBaseline:\"middle\",lineHeight:1,font:e}),o=n(t,{triangles:!0,textAlign:\"center\",textBaseline:\"middle\",lineHeight:1,font:e}),s=[[1/0,1/0],[-1/0,-1/0]],l=0;l max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 glyph;\\nattribute vec4 id;\\n\\nuniform vec4 highlightId;\\nuniform float highlightScale;\\nuniform mat4 model, view, projection;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n float scale = 1.0;\\n if(distance(highlightId, id) < 0.0001) {\\n scale = highlightScale;\\n }\\n\\n vec4 worldPosition = model * vec4(position, 1);\\n vec4 viewPosition = view * worldPosition;\\n viewPosition = viewPosition / viewPosition.w;\\n vec4 clipPosition = projection * (viewPosition + scale * vec4(glyph.x, -glyph.y, 0, 0));\\n\\n gl_Position = clipPosition;\\n interpColor = color;\\n pickId = id;\\n dataCoordinate = position;\\n }\\n}\"]),o=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 glyph;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\nuniform vec2 screenSize;\\nuniform vec3 clipBounds[2];\\nuniform float highlightScale, pixelRatio;\\nuniform vec4 highlightId;\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n float scale = pixelRatio;\\n if(distance(highlightId.bgr, id.bgr) < 0.001) {\\n scale *= highlightScale;\\n }\\n\\n vec4 worldPosition = model * vec4(position, 1.0);\\n vec4 viewPosition = view * worldPosition;\\n vec4 clipPosition = projection * viewPosition;\\n clipPosition /= clipPosition.w;\\n\\n gl_Position = clipPosition + vec4(screenSize * scale * vec2(glyph.x, -glyph.y), 0.0, 0.0);\\n interpColor = color;\\n pickId = id;\\n dataCoordinate = position;\\n }\\n}\"]),s=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 glyph;\\nattribute vec4 id;\\n\\nuniform float highlightScale;\\nuniform vec4 highlightId;\\nuniform vec3 axes[2];\\nuniform mat4 model, view, projection;\\nuniform vec2 screenSize;\\nuniform vec3 clipBounds[2];\\nuniform float scale, pixelRatio;\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n float lscale = pixelRatio * scale;\\n if(distance(highlightId, id) < 0.0001) {\\n lscale *= highlightScale;\\n }\\n\\n vec4 clipCenter = projection * view * model * vec4(position, 1);\\n vec3 dataPosition = position + 0.5*lscale*(axes[0] * glyph.x + axes[1] * glyph.y) * clipCenter.w * screenSize.y;\\n vec4 clipPosition = projection * view * model * vec4(dataPosition, 1);\\n\\n gl_Position = clipPosition;\\n interpColor = color;\\n pickId = id;\\n dataCoordinate = dataPosition;\\n }\\n}\\n\"]),l=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 fragClipBounds[2];\\nuniform float opacity;\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\\n\\n gl_FragColor = interpColor * opacity;\\n}\\n\"]),c=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 fragClipBounds[2];\\nuniform float pickGroup;\\n\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\\n\\n gl_FragColor = vec4(pickGroup, pickId.bgr);\\n}\"]),u=[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"glyph\",type:\"vec2\"},{name:\"id\",type:\"vec4\"}],f={vertex:a,fragment:l,attributes:u},h={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:a,fragment:c,attributes:u},g={vertex:o,fragment:c,attributes:u},v={vertex:s,fragment:c,attributes:u};function m(t,e){var r=n(t,e),i=r.attributes;return i.position.location=0,i.color.location=1,i.glyph.location=2,i.id.location=3,r}r.createPerspective=function(t){return m(t,f)},r.createOrtho=function(t){return m(t,h)},r.createProject=function(t){return m(t,p)},r.createPickPerspective=function(t){return m(t,d)},r.createPickOrtho=function(t){return m(t,g)},r.createPickProject=function(t){return m(t,v)}},{\"gl-shader\":288,glslify:392}],284:[function(t,e,r){\"use strict\";var n=t(\"is-string-blank\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"typedarray-pool\"),s=t(\"gl-mat4/multiply\"),l=t(\"./lib/shaders\"),c=t(\"./lib/glyphs\"),u=t(\"./lib/get-simple-string\"),f=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function h(t,e){var r=t[0],n=t[1],i=t[2],a=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*i+e[12]*a,t[1]=e[1]*r+e[5]*n+e[9]*i+e[13]*a,t[2]=e[2]*r+e[6]*n+e[10]*i+e[14]*a,t[3]=e[3]*r+e[7]*n+e[11]*i+e[15]*a,t}function p(t,e,r,n){return h(n,n),h(n,n),h(n,n)}function d(t,e){this.index=t,this.dataCoordinate=this.position=e}function g(t,e,r,n,i,a,o,s,l,c,u,f){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=i,this.colorBuffer=a,this.glyphBuffer=o,this.idBuffer=s,this.vao=l,this.vertexCount=0,this.lineVertexCount=0,this.opacity=1,this.lineWidth=0,this.projectScale=[2/3,2/3,2/3],this.projectOpacity=[1,1,1],this.pickId=0,this.pickPerspectiveShader=c,this.pickOrthoShader=u,this.pickProjectShader=f,this.points=[],this._selectResult=new d(0,[0,0,0]),this.useOrtho=!0,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.axesProject=[!0,!0,!0],this.axesBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.highlightId=[1,1,1,1],this.highlightScale=2,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.dirty=!0}e.exports=function(t){var e=t.gl,r=l.createPerspective(e),n=l.createOrtho(e),o=l.createProject(e),s=l.createPickPerspective(e),c=l.createPickOrtho(e),u=l.createPickProject(e),f=i(e),h=i(e),p=i(e),d=i(e),v=a(e,[{buffer:f,size:3,type:e.FLOAT},{buffer:h,size:4,type:e.FLOAT},{buffer:p,size:2,type:e.FLOAT},{buffer:d,size:4,type:e.UNSIGNED_BYTE,normalized:!0}]),m=new g(e,r,n,o,f,h,p,d,v,s,c,u);return m.update(t),m};var v=g.prototype;v.pickSlots=1,v.setPickBase=function(t){this.pickId=t},v.isTransparent=function(){if(this.opacity<1)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectOpacity[t]<1)return!0;return!1},v.isOpaque=function(){if(this.opacity>=1)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectOpacity[t]>=1)return!0;return!1};var m=[0,0],y=[0,0,0],x=[0,0,0],b=[0,0,0,1],_=[0,0,0,1],w=f.slice(),k=[0,0,0],M=[[0,0,0],[0,0,0]];function A(t){return t[0]=t[1]=t[2]=0,t}function T(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=1,t}function S(t,e,r,n){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[r]=n,t}function E(t,e,r,n,i){var a,o=e.axesProject,l=e.gl,c=t.uniforms,u=r.model||f,h=r.view||f,d=r.projection||f,g=e.axesBounds,v=function(t){for(var e=M,r=0;r<2;++r)for(var n=0;n<3;++n)e[r][n]=Math.max(Math.min(t[r][n],1e8),-1e8);return e}(e.clipBounds);a=e.axes&&e.axes.lastCubeProps?e.axes.lastCubeProps.axis:[1,1,1],m[0]=2/l.drawingBufferWidth,m[1]=2/l.drawingBufferHeight,t.bind(),c.view=h,c.projection=d,c.screenSize=m,c.highlightId=e.highlightId,c.highlightScale=e.highlightScale,c.clipBounds=v,c.pickGroup=e.pickId/255,c.pixelRatio=e.pixelRatio;for(var E=0;E<3;++E)if(o[E]&&e.projectOpacity[E]<1===n){c.scale=e.projectScale[E],c.opacity=e.projectOpacity[E];for(var C=w,L=0;L<16;++L)C[L]=0;for(L=0;L<4;++L)C[5*L]=1;C[5*E]=0,a[E]<0?C[12+E]=g[0][E]:C[12+E]=g[1][E],s(C,u,C),c.model=C;var z=(E+1)%3,O=(E+2)%3,I=A(y),P=A(x);I[z]=1,P[O]=1;var D=p(0,0,0,T(b,I)),R=p(0,0,0,T(_,P));if(Math.abs(D[1])>Math.abs(R[1])){var B=D;D=R,R=B,B=I,I=P,P=B;var F=z;z=O,O=F}D[0]<0&&(I[z]=-1),R[1]>0&&(P[O]=-1);var N=0,j=0;for(L=0;L<4;++L)N+=Math.pow(u[4*z+L],2),j+=Math.pow(u[4*O+L],2);I[z]/=Math.sqrt(N),P[O]/=Math.sqrt(j),c.axes[0]=I,c.axes[1]=P,c.fragClipBounds[0]=S(k,v[0],E,-1e8),c.fragClipBounds[1]=S(k,v[1],E,1e8),e.vao.draw(l.TRIANGLES,e.vertexCount),e.lineWidth>0&&(l.lineWidth(e.lineWidth),e.vao.draw(l.LINES,e.lineVertexCount,e.vertexCount))}}var C=[[-1e8,-1e8,-1e8],[1e8,1e8,1e8]];function L(t,e,r,n,i,a){var o=r.gl;if(r.vao.bind(),i===r.opacity<1||a){t.bind();var s=t.uniforms;s.model=n.model||f,s.view=n.view||f,s.projection=n.projection||f,m[0]=2/o.drawingBufferWidth,m[1]=2/o.drawingBufferHeight,s.screenSize=m,s.highlightId=r.highlightId,s.highlightScale=r.highlightScale,s.fragClipBounds=C,s.clipBounds=r.axes.bounds,s.opacity=r.opacity,s.pickGroup=r.pickId/255,s.pixelRatio=r.pixelRatio,r.vao.draw(o.TRIANGLES,r.vertexCount),r.lineWidth>0&&(o.lineWidth(r.lineWidth),r.vao.draw(o.LINES,r.lineVertexCount,r.vertexCount))}E(e,r,n,i),r.vao.unbind()}function z(t,e,r){var i;i=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var i=0;i<3;++i)n.position[i]=n.dataCoordinate[i]=r[i];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,i=e>>16&255;this.highlightId=[r/255,n/255,i/255,0]}else this.highlightId=[1,1,1,1]},v.update=function(t){if(\"perspective\"in(t=t||{})&&(this.useOrtho=!t.perspective),\"orthographic\"in t&&(this.useOrtho=!!t.orthographic),\"lineWidth\"in t&&(this.lineWidth=t.lineWidth),\"project\"in t)if(Array.isArray(t.project))this.axesProject=t.project;else{var e=!!t.project;this.axesProject=[e,e,e]}if(\"projectScale\"in t)if(Array.isArray(t.projectScale))this.projectScale=t.projectScale.slice();else{var r=+t.projectScale;this.projectScale=[r,r,r]}if(\"projectOpacity\"in t)if(Array.isArray(t.projectOpacity))this.projectOpacity=t.projectOpacity.slice();else{r=+t.projectOpacity;this.projectOpacity=[r,r,r]}\"opacity\"in t&&(this.opacity=t.opacity),this.dirty=!0;var n=t.position,i=t.font||\"normal\",a=t.alignment||[0,0],s=[1/0,1/0,1/0],l=[-1/0,-1/0,-1/0],c=t.glyph,u=t.color,f=t.size,h=t.angle,p=t.lineColor,d=-1,g=0,v=0,m=0;if(n.length){m=n.length;t:for(var y=0;y0){var C=0,L=g,O=[0,0,0,1],I=[0,0,0,1],P=Array.isArray(u)&&Array.isArray(u[0]),D=Array.isArray(p)&&Array.isArray(p[0]);t:for(y=0;y0?q[b]*=1-k[0][b]:a[b]<0&&(q[b]*=1+k[1][b]);var H=_.cells||[],G=_.positions||[];for(b=0;b0){var m=r*u;o.drawBox(f-m,h-m,p+m,h+m,a),o.drawBox(f-m,d-m,p+m,d+m,a),o.drawBox(f-m,h-m,f+m,d+m,a),o.drawBox(p-m,h-m,p+m,d+m,a)}}}},s.update=function(t){t=t||{},this.innerFill=!!t.innerFill,this.outerFill=!!t.outerFill,this.innerColor=(t.innerColor||[0,0,0,.5]).slice(),this.outerColor=(t.outerColor||[0,0,0,.5]).slice(),this.borderColor=(t.borderColor||[0,0,0,1]).slice(),this.borderWidth=t.borderWidth||0,this.selectBox=(t.selectBox||this.selectBox).slice()},s.dispose=function(){this.boxBuffer.dispose(),this.boxShader.dispose(),this.plot.removeOverlay(this)}},{\"./lib/shaders\":285,\"gl-buffer\":230,\"gl-shader\":288}],287:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=n(t,e),a=i.mallocUint8(e[0]*e[1]*4);return new c(t,r,a)};var n=t(\"gl-fbo\"),i=t(\"typedarray-pool\"),a=t(\"ndarray\"),o=t(\"bit-twiddle\").nextPow2,s=t(\"cwise/lib/wrapper\")({args:[\"array\",{offset:[0,0,1],array:0},{offset:[0,0,2],array:0},{offset:[0,0,3],array:0},\"scalar\",\"scalar\",\"index\"],pre:{body:\"{this_closestD2=1e8,this_closestX=-1,this_closestY=-1}\",args:[],thisVars:[\"this_closestD2\",\"this_closestX\",\"this_closestY\"],localVars:[]},body:{body:\"{if(_inline_16_arg0_<255||_inline_16_arg1_<255||_inline_16_arg2_<255||_inline_16_arg3_<255){var _inline_16_l=_inline_16_arg4_-_inline_16_arg6_[0],_inline_16_a=_inline_16_arg5_-_inline_16_arg6_[1],_inline_16_f=_inline_16_l*_inline_16_l+_inline_16_a*_inline_16_a;_inline_16_fthis.buffer.length){i.free(this.buffer);for(var n=this.buffer=i.mallocUint8(o(r*e*4)),a=0;ar)for(t=r;te)for(t=e;t=0){for(var k=0|w.type.charAt(w.type.length-1),M=new Array(k),A=0;A=0;)T+=1;_[y]=T}var S=new Array(r.length);function E(){h.program=o.program(p,h._vref,h._fref,b,_);for(var t=0;t=0){var d=h.charCodeAt(h.length-1)-48;if(d<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+f+\": \"+h);o(t,e,p[0],i,d,a,f)}else{if(!(h.indexOf(\"mat\")>=0))throw new n(\"\",\"Unknown data type for attribute \"+f+\": \"+h);var d=h.charCodeAt(h.length-1)-48;if(d<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+f+\": \"+h);s(t,e,p,i,d,a,f)}}}return a};var n=t(\"./GLError\");function i(t,e,r,n,i,a){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=i,this._constFunc=a}var a=i.prototype;function o(t,e,r,n,a,o,s){for(var l=[\"gl\",\"v\"],c=[],u=0;u4)throw new i(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+r);return\"gl.uniformMatrix\"+a+\"fv(locations[\"+e+\"],false,obj\"+t+\")\"}throw new i(\"\",\"Unknown uniform data type for \"+name+\": \"+r)}var a=r.charCodeAt(r.length-1)-48;if(a<2||a>4)throw new i(\"\",\"Invalid data type\");switch(r.charAt(0)){case\"b\":case\"i\":return\"gl.uniform\"+a+\"iv(locations[\"+e+\"],obj\"+t+\")\";case\"v\":return\"gl.uniform\"+a+\"fv(locations[\"+e+\"],obj\"+t+\")\";default:throw new i(\"\",\"Unrecognized data type for vector \"+name+\": \"+r)}}}function c(e){for(var n=[\"return function updateProperty(obj){\"],i=function t(e,r){if(\"object\"!=typeof r)return[[e,r]];var n=[];for(var i in r){var a=r[i],o=e;parseInt(i)+\"\"===i?o+=\"[\"+i+\"]\":o+=\".\"+i,\"object\"==typeof a?n.push.apply(n,t(o,a)):n.push([o,a])}return n}(\"\",e),a=0;a4)throw new i(\"\",\"Invalid data type\");return\"b\"===t.charAt(0)?o(r,!1):o(r,0)}if(0===t.indexOf(\"mat\")&&4===t.length){var r=t.charCodeAt(t.length-1)-48;if(r<2||r>4)throw new i(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+t);return o(r*r,0)}throw new i(\"\",\"Unknown uniform data type for \"+name+\": \"+t)}}(r[u].type);var p}function f(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){l[0]in o||(o[l[0]]=[]),o=o[l[0]];for(var c=1;c1)for(var l=0;l 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the tube vertex and normal at the given index.\\n//\\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\\n//\\n// Each tube segment is made up of a ring of vertices.\\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\\n// The indexes of tube segments run from 0 to 8.\\n//\\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\\n float segmentCount = 8.0;\\n\\n float angle = 2.0 * 3.14159 * (index / segmentCount);\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d);\\n vec3 y = v * sin(angle) * length(d);\\n vec3 v3 = x + y;\\n\\n normal = normalize(v3);\\n\\n return v3;\\n}\\n\\nattribute vec4 vector;\\nattribute vec4 color, position;\\nattribute vec2 uv;\\nuniform float tubeScale;\\n\\nuniform mat4 model\\n , view\\n , projection;\\nuniform vec3 eyePosition\\n , lightPosition;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n // Scale the vector magnitude to stay constant with\\n // model & view changes.\\n vec3 normal;\\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n normal = normalize(normal * inverse(mat3(model)));\\n\\n gl_Position = projection * view * tubePosition;\\n f_color = color;\\n f_normal = normal;\\n f_data = tubePosition.xyz;\\n f_position = position.xyz;\\n f_eyeDirection = eyePosition - tubePosition.xyz;\\n f_lightDirection = lightPosition - tubePosition.xyz;\\n f_uv = uv;\\n}\\n\"]),a=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nfloat beckmannDistribution(float x, float roughness) {\\n float NdotH = max(x, 0.0001);\\n float cos2Alpha = NdotH * NdotH;\\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\\n float roughness2 = roughness * roughness;\\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\\n return exp(tan2Alpha / roughness2) / denom;\\n}\\n\\nfloat cookTorranceSpecular(\\n vec3 lightDirection,\\n vec3 viewDirection,\\n vec3 surfaceNormal,\\n float roughness,\\n float fresnel) {\\n\\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\\n\\n //Half angle vector\\n vec3 H = normalize(lightDirection + viewDirection);\\n\\n //Geometric term\\n float NdotH = max(dot(surfaceNormal, H), 0.0);\\n float VdotH = max(dot(viewDirection, H), 0.000001);\\n float LdotH = max(dot(lightDirection, H), 0.000001);\\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\\n float G = min(1.0, min(G1, G2));\\n \\n //Distribution term\\n float D = beckmannDistribution(NdotH, roughness);\\n\\n //Fresnel term\\n float F = pow(1.0 - VdotN, fresnel);\\n\\n //Multiply terms and done\\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\\n}\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float roughness\\n , fresnel\\n , kambient\\n , kdiffuse\\n , kspecular\\n , opacity;\\nuniform sampler2D texture;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n vec3 N = normalize(f_normal);\\n vec3 L = normalize(f_lightDirection);\\n vec3 V = normalize(f_eyeDirection);\\n\\n if(!gl_FrontFacing) {\\n N = -N;\\n }\\n\\n float specular = cookTorranceSpecular(L, V, N, roughness, fresnel);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n vec4 surfaceColor = texture2D(texture, f_uv);\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = litColor * opacity;\\n}\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nvec3 getOrthogonalVector(vec3 v) {\\n // Return up-vector for only-z vector.\\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the tube vertex and normal at the given index.\\n//\\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\\n//\\n// Each tube segment is made up of a ring of vertices.\\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\\n// The indexes of tube segments run from 0 to 8.\\n//\\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\\n float segmentCount = 8.0;\\n\\n float angle = 2.0 * 3.14159 * (index / segmentCount);\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d);\\n vec3 y = v * sin(angle) * length(d);\\n vec3 v3 = x + y;\\n\\n normal = normalize(v3);\\n\\n return v3;\\n}\\n\\nattribute vec4 vector;\\nattribute vec4 position;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\nuniform float tubeScale;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n vec3 normal;\\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n\\n gl_Position = projection * view * tubePosition;\\n f_id = id;\\n f_position = position.xyz;\\n}\\n\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n gl_FragColor = vec4(pickId, f_id.xyz);\\n}\"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:\"position\",type:\"vec4\"},{name:\"normal\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"},{name:\"vector\",type:\"vec4\"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:\"position\",type:\"vec4\"},{name:\"id\",type:\"vec4\"},{name:\"vector\",type:\"vec4\"}]}},{glslify:392}],300:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"normals\"),l=t(\"gl-mat4/multiply\"),c=t(\"gl-mat4/invert\"),u=t(\"ndarray\"),f=t(\"colormap\"),h=t(\"simplicial-complex-contour\"),p=t(\"typedarray-pool\"),d=t(\"./shaders\"),g=(t(\"./closest-point\"),d.meshShader),v=d.pickShader,m=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function y(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,v,y,x,b,_,w,k,M,A,T,S,E){this.gl=t,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleVectors=c,this.triangleColors=f,this.triangleNormals=p,this.triangleUVs=h,this.triangleIds=u,this.triangleVAO=d,this.triangleCount=0,this.lineWidth=1,this.edgePositions=g,this.edgeColors=y,this.edgeUVs=x,this.edgeIds=v,this.edgeVAO=b,this.edgeCount=0,this.pointPositions=_,this.pointColors=k,this.pointUVs=M,this.pointSizes=A,this.pointIds=w,this.pointVAO=T,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=S,this.contourVAO=E,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!1,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this.tubeScale=1,this._model=m,this._view=m,this._projection=m,this._resolution=[1,1]}var x=y.prototype;function b(t){var e=n(t,v.vertex,v.fragment,null,v.attributes);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.vector.location=5,e}x.isOpaque=function(){return this.opacity>=1},x.isTransparent=function(){return this.opacity<1},x.pickSlots=1,x.setPickBase=function(t){this.pickId=t},x.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},x.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||m,n=t.view||m,i=t.projection||m,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,tubeScale:this.tubeScale,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},x.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3);return{index:e,position:n,intensity:this.intensity[r[1]],velocity:this.vectors[r[1]].slice(0,3),divergence:this.vectors[r[1]][3],dataCoordinate:n}},x.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleNormals.dispose(),this.triangleIds.dispose(),this.edgeVAO.dispose(),this.edgePositions.dispose(),this.edgeColors.dispose(),this.edgeUVs.dispose(),this.edgeIds.dispose(),this.pointVAO.dispose(),this.pointPositions.dispose(),this.pointColors.dispose(),this.pointUVs.dispose(),this.pointSizes.dispose(),this.pointIds.dispose(),this.contourVAO.dispose(),this.contourPositions.dispose()},e.exports=function(t,e){1===arguments.length&&(t=(e=t).gl);var r=e.triShader||function(t){var e=n(t,g.vertex,g.fragment,null,g.attributes);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.vector.location=5,e}(t),s=b(t),l=o(t,u(new Uint8Array([255,255,255,255]),[1,1,4]));l.generateMipmap(),l.minFilter=t.LINEAR_MIPMAP_LINEAR,l.magFilter=t.LINEAR;var c=i(t),f=i(t),h=i(t),p=i(t),d=i(t),v=i(t),m=a(t,[{buffer:c,type:t.FLOAT,size:4},{buffer:v,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:h,type:t.FLOAT,size:4},{buffer:p,type:t.FLOAT,size:2},{buffer:d,type:t.FLOAT,size:3},{buffer:f,type:t.FLOAT,size:4}]),x=i(t),_=i(t),w=i(t),k=i(t),M=a(t,[{buffer:x,type:t.FLOAT,size:3},{buffer:k,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:_,type:t.FLOAT,size:4},{buffer:w,type:t.FLOAT,size:2}]),A=i(t),T=i(t),S=i(t),E=i(t),C=i(t),L=a(t,[{buffer:A,type:t.FLOAT,size:3},{buffer:C,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:T,type:t.FLOAT,size:4},{buffer:S,type:t.FLOAT,size:2},{buffer:E,type:t.FLOAT,size:1}]),z=i(t),O=new y(t,l,r,null,null,s,null,null,c,f,v,h,p,d,m,x,k,_,w,M,A,C,T,S,E,L,z,a(t,[{buffer:z,type:t.FLOAT,size:3}]));return O.update(e),O}},{\"./closest-point\":298,\"./shaders\":299,colormap:114,\"gl-buffer\":230,\"gl-mat4/invert\":254,\"gl-mat4/multiply\":256,\"gl-shader\":288,\"gl-texture2d\":305,\"gl-vao\":310,ndarray:433,normals:436,\"simplicial-complex-contour\":494,\"typedarray-pool\":522}],301:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\"),i=t(\"gl-vec4\"),a=function(t,e,r,a){for(var o=0,s=0;so&&(o=u)}var f=t.map(function(t){return function(t,e,r,a){var o,s,l,c=t.points,u=t.velocities,f=t.divergences;n.set(n.create(),0,1,0),n.create(),n.create();n.create();for(var h=[],p=[],d=[],g=[],v=[],m=[],y=0,x=0,b=i.create(),_=i.create(),w=0;w0)for(k=0;k<8;k++){var M=(k+1)%8;h.push(g[k],v[k],v[M],v[M],g[M],g[k]),d.push(_,b,b,b,_,_),m.push(y,x,x,x,y,y),p.push([h.length-6,h.length-5,h.length-4],[h.length-3,h.length-2,h.length-1])}var A=g;g=v,v=A,A=_,_=b,b=A,A=y,y=x,x=A}return{positions:h,cells:p,vectors:d,vertexIntensity:m}}(t,r,a,o)}),h=[],p=[],d=[],g=[];for(s=0;se)return r-1}return r},c=n.create(),u=n.create(),f=function(t,e,r){return tr?r:t},h=function(t,e,r,i){var a=t[0],o=t[1],s=t[2],h=r[0].length,p=r[1].length,d=r[2].length,g=l(r[0],a),v=l(r[1],o),m=l(r[2],s),y=g+1,x=v+1,b=m+1;if(r[0][g]===a&&(y=g),r[1][v]===o&&(x=v),r[2][m]===s&&(b=m),i&&(g=f(g,0,h-1),y=f(y,0,h-1),v=f(v,0,p-1),x=f(x,0,p-1),m=f(m,0,d-1),b=f(b,0,d-1)),g<0||v<0||m<0||y>=h||x>=p||b>=d)return n.create();var _=(a-r[0][g])/(r[0][y]-r[0][g]),w=(o-r[1][v])/(r[1][x]-r[1][v]),k=(s-r[2][m])/(r[2][b]-r[2][m]);(_<0||_>1||isNaN(_))&&(_=0),(w<0||w>1||isNaN(w))&&(w=0),(k<0||k>1||isNaN(k))&&(k=0);var M=m*h*p,A=b*h*p,T=v*h,S=x*h,E=g,C=y,L=e[T+M+E],z=e[T+M+C],O=e[S+M+E],I=e[S+M+C],P=e[T+A+E],D=e[T+A+C],R=e[S+A+E],B=e[S+A+C],F=n.create();return n.lerp(F,L,z,_),n.lerp(c,O,I,_),n.lerp(F,F,c,w),n.lerp(c,P,D,_),n.lerp(u,R,B,_),n.lerp(c,c,u,w),n.lerp(F,F,c,k),F},p=function(t){var e=1/0;t.sort(function(t,e){return t-e});for(var r=1;r=f&&r<=g&&n>=h&&n<=v&&i>=d&&i<=m},x=10*n.distance(e[0],e[1])/i,b=x*x,_=1,w=0;n.create();r.length>=2&&(_=function(t){for(var e=[],r=[],n=[],i={},a={},o={},s=0;sw&&!isNaN(P)&&isFinite(P)&&(w=P),C.push(P),u.push({points:A,velocities:T,divergences:C});for(var z=0;z<100*i&&A.lengthb&&n.scale(O,O,x/Math.sqrt(I)),n.add(O,O,M),S=t.getVelocity(O),n.squaredDistance(E,O)-b>-1e-4*b){A.push(O),E=O,T.push(S);L=t.getDivergence(O,S);(P=n.length(L))>w&&!isNaN(P)&&isFinite(P)&&(w=P),C.push(P)}M=O}}for(k=0;k max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 lowerBound, upperBound;\\nuniform float contourTint;\\nuniform vec4 contourColor;\\nuniform sampler2D colormap;\\nuniform vec3 clipBounds[2];\\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\\nuniform float vertexColor;\\n\\nvarying float value, kill;\\nvarying vec3 worldCoordinate;\\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\\nvarying vec4 vColor;\\n\\nvoid main() {\\n if ((kill > 0.0) ||\\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\\n\\n vec3 N = normalize(surfaceNormal);\\n vec3 V = normalize(eyeDirection);\\n vec3 L = normalize(lightDirection);\\n\\n if(gl_FrontFacing) {\\n N = -N;\\n }\\n\\n float specular = max(beckmannSpecular(L, V, N, roughness), 0.);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n //decide how to interpolate color \\u2014 in vertex or in fragment\\n vec4 surfaceColor = step(vertexColor, .5) * texture2D(colormap, vec2(value, value)) + step(.5, vertexColor) * vColor;\\n\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = mix(litColor, contourColor, contourTint) * opacity;\\n}\\n\"]),s=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec4 uv;\\nattribute float f;\\n\\nuniform mat3 permutation;\\nuniform mat4 model, view, projection;\\nuniform float height, zOffset;\\nuniform sampler2D colormap;\\n\\nvarying float value, kill;\\nvarying vec3 worldCoordinate;\\nvarying vec2 planeCoordinate;\\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\\nvarying vec4 vColor;\\n\\nvoid main() {\\n vec3 dataCoordinate = permutation * vec3(uv.xy, height);\\n vec4 worldPosition = model * vec4(dataCoordinate, 1.0);\\n\\n vec4 clipPosition = projection * view * worldPosition;\\n clipPosition.z = clipPosition.z + zOffset;\\n\\n gl_Position = clipPosition;\\n value = f;\\n kill = -1.0;\\n worldCoordinate = dataCoordinate;\\n planeCoordinate = uv.zw;\\n\\n vColor = texture2D(colormap, vec2(value, value));\\n\\n //Don't do lighting for contours\\n surfaceNormal = vec3(1,0,0);\\n eyeDirection = vec3(0,1,0);\\n lightDirection = vec3(0,0,1);\\n}\\n\"]),l=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec2 shape;\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying float value, kill;\\nvarying vec3 worldCoordinate;\\nvarying vec2 planeCoordinate;\\nvarying vec3 surfaceNormal;\\n\\nvec2 splitFloat(float v) {\\n float vh = 255.0 * v;\\n float upper = floor(vh);\\n float lower = fract(vh);\\n return vec2(upper / 255.0, floor(lower * 16.0) / 16.0);\\n}\\n\\nvoid main() {\\n if ((kill > 0.0) ||\\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\\n\\n vec2 ux = splitFloat(planeCoordinate.x / shape.x);\\n vec2 uy = splitFloat(planeCoordinate.y / shape.y);\\n gl_FragColor = vec4(pickId, ux.x, uy.x, ux.y + (uy.y/16.0));\\n}\\n\"]);r.createShader=function(t){var e=n(t,a,o,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createPickShader=function(t){var e=n(t,a,l,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createContourShader=function(t){var e=n(t,s,o,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"float\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e},r.createPickContourShader=function(t){var e=n(t,s,l,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"float\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e}},{\"gl-shader\":288,glslify:392}],303:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl,r=y(e),n=b(e),s=x(e),l=_(e),c=i(e),u=a(e,[{buffer:c,size:4,stride:w,offset:0},{buffer:c,size:3,stride:w,offset:16},{buffer:c,size:3,stride:w,offset:28}]),f=i(e),h=a(e,[{buffer:f,size:4,stride:20,offset:0},{buffer:f,size:1,stride:20,offset:16}]),p=i(e),d=a(e,[{buffer:p,size:2,type:e.FLOAT}]),g=o(e,1,S,e.RGBA,e.UNSIGNED_BYTE);g.minFilter=e.LINEAR,g.magFilter=e.LINEAR;var v=new E(e,[0,0],[[0,0,0],[0,0,0]],r,n,c,u,g,s,l,f,h,p,d),m={levels:[[],[],[]]};for(var k in t)m[k]=t[k];return m.colormap=m.colormap||\"jet\",v.update(m),v};var n=t(\"bit-twiddle\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"typedarray-pool\"),l=t(\"colormap\"),c=t(\"ndarray-ops\"),u=t(\"ndarray-pack\"),f=t(\"ndarray\"),h=t(\"surface-nets\"),p=t(\"gl-mat4/multiply\"),d=t(\"gl-mat4/invert\"),g=t(\"binary-search-bounds\"),v=t(\"ndarray-gradient\"),m=t(\"./lib/shaders\"),y=m.createShader,x=m.createContourShader,b=m.createPickShader,_=m.createPickContourShader,w=40,k=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],M=[[0,0],[0,1],[1,0],[1,1],[1,0],[0,1]],A=[[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0]];function T(t,e,r,n,i){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=i}!function(){for(var t=0;t<3;++t){var e=A[t],r=(t+2)%3;e[(t+1)%3+0]=1,e[r+3]=1,e[t+6]=1}}();var S=256;function E(t,e,r,n,i,a,o,l,c,u,h,p,d,g){this.gl=t,this.shape=e,this.bounds=r,this.intensityBounds=[],this._shader=n,this._pickShader=i,this._coordinateBuffer=a,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=h,this._contourVAO=p,this._contourOffsets=[[],[],[]],this._contourCounts=[[],[],[]],this._vertexCount=0,this._pickResult=new T([0,0,0],[0,0],[0,0],[0,0,0],[0,0,0]),this._dynamicBuffer=d,this._dynamicVAO=g,this._dynamicOffsets=[0,0,0],this._dynamicCounts=[0,0,0],this.contourWidth=[1,1,1],this.contourLevels=[[1],[1],[1]],this.contourTint=[0,0,0],this.contourColor=[[.5,.5,.5,1],[.5,.5,.5,1],[.5,.5,.5,1]],this.showContour=!0,this.showSurface=!0,this.enableHighlight=[!0,!0,!0],this.highlightColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.highlightTint=[1,1,1],this.highlightLevel=[-1,-1,-1],this.enableDynamic=[!0,!0,!0],this.dynamicLevel=[NaN,NaN,NaN],this.dynamicColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.dynamicTint=[1,1,1],this.dynamicWidth=[1,1,1],this.axesBounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.surfaceProject=[!1,!1,!1],this.contourProject=[[!1,!1,!1],[!1,!1,!1],[!1,!1,!1]],this.colorBounds=[!1,!1],this._field=[f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0])],this.pickId=1,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.snapToData=!1,this.opacity=1,this.lightPosition=[10,1e4,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.vertexColor=0,this.dirty=!0}var C=E.prototype;C.isTransparent=function(){return this.opacity<1},C.isOpaque=function(){if(this.opacity>=1)return!0;for(var t=0;t<3;++t)if(this._contourCounts[t].length>0||this._dynamicCounts[t]>0)return!0;return!1},C.pickSlots=1,C.setPickBase=function(t){this.pickId=t};var L=[0,0,0],z={showSurface:!1,showContour:!1,projections:[k.slice(),k.slice(),k.slice()],clipBounds:[[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]]]};function O(t,e){var r,n,i,a=e.axes&&e.axes.lastCubeProps.axis||L,o=e.showSurface,s=e.showContour;for(r=0;r<3;++r)for(o=o||e.surfaceProject[r],n=0;n<3;++n)s=s||e.contourProject[r][n];for(r=0;r<3;++r){var l=z.projections[r];for(n=0;n<16;++n)l[n]=0;for(n=0;n<4;++n)l[5*n]=1;l[5*r]=0,l[12+r]=e.axesBounds[+(a[r]>0)][r],p(l,t.model,l);var c=z.clipBounds[r];for(i=0;i<2;++i)for(n=0;n<3;++n)c[i][n]=t.clipBounds[i][n];c[0][r]=-1e8,c[1][r]=1e8}return z.showSurface=o,z.showContour=s,z}var I={model:k,view:k,projection:k,inverseModel:k.slice(),lowerBound:[0,0,0],upperBound:[0,0,0],colorMap:0,clipBounds:[[0,0,0],[0,0,0]],height:0,contourTint:0,contourColor:[0,0,0,1],permutation:[1,0,0,0,1,0,0,0,1],zOffset:-1e-4,kambient:1,kdiffuse:1,kspecular:1,lightPosition:[1e3,1e3,1e3],eyePosition:[0,0,0],roughness:1,fresnel:1,opacity:1,vertexColor:0},P=k.slice(),D=[1,0,0,0,1,0,0,0,1];function R(t,e){t=t||{};var r=this.gl;r.disable(r.CULL_FACE),this._colorMap.bind(0);var n=I;n.model=t.model||k,n.view=t.view||k,n.projection=t.projection||k,n.lowerBound=[this.bounds[0][0],this.bounds[0][1],this.colorBounds[0]||this.bounds[0][2]],n.upperBound=[this.bounds[1][0],this.bounds[1][1],this.colorBounds[1]||this.bounds[1][2]],n.contourColor=this.contourColor[0],n.inverseModel=d(n.inverseModel,n.model);for(var i=0;i<2;++i)for(var a=n.clipBounds[i],o=0;o<3;++o)a[o]=Math.min(Math.max(this.clipBounds[i][o],-1e8),1e8);n.kambient=this.ambientLight,n.kdiffuse=this.diffuseLight,n.kspecular=this.specularLight,n.roughness=this.roughness,n.fresnel=this.fresnel,n.opacity=this.opacity,n.height=0,n.permutation=D,n.vertexColor=this.vertexColor;var s=P;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),i=0;i<3;++i)n.eyePosition[i]=s[12+i]/s[15];var l=s[15];for(i=0;i<3;++i)l+=this.lightPosition[i]*s[4*i+3];for(i=0;i<3;++i){var c=s[12+i];for(o=0;o<3;++o)c+=s[4*o+i]*this.lightPosition[o];n.lightPosition[i]=c/l}var u=O(n,this);if(u.showSurface&&e===this.opacity<1){for(this._shader.bind(),this._shader.uniforms=n,this._vao.bind(),this.showSurface&&this._vertexCount&&this._vao.draw(r.TRIANGLES,this._vertexCount),i=0;i<3;++i)this.surfaceProject[i]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[i],this._shader.uniforms.clipBounds=u.clipBounds[i],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour&&!e){var f=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,f.bind(),f.uniforms=n;var h=this._contourVAO;for(h.bind(),i=0;i<3;++i)for(f.uniforms.permutation=A[i],r.lineWidth(this.contourWidth[i]),o=0;o>4)/16)/255,i=Math.floor(n),a=n-i,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;i+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var f=u?a:1-a,h=0;h<2;++h)for(var p=i+u,d=s+h,v=f*(h?l:1-l),m=0;m<3;++m)c[m]+=this._field[m].get(p,d)*v;for(var y=this._pickResult.level,x=0;x<3;++x)if(y[x]=g.le(this.contourLevels[x],c[x]),y[x]<0)this.contourLevels[x].length>0&&(y[x]=0);else if(y[x]Math.abs(_-c[x])&&(y[x]+=1)}for(r.index[0]=a<.5?i:i+1,r.index[1]=l<.5?s:s+1,r.uv[0]=n/e[0],r.uv[1]=o/e[1],m=0;m<3;++m)r.dataCoordinate[m]=this._field[m].get(r.index[0],r.index[1]);return r},C.update=function(t){t=t||{},this.dirty=!0,\"contourWidth\"in t&&(this.contourWidth=N(t.contourWidth,Number)),\"showContour\"in t&&(this.showContour=N(t.showContour,Boolean)),\"showSurface\"in t&&(this.showSurface=!!t.showSurface),\"contourTint\"in t&&(this.contourTint=N(t.contourTint,Boolean)),\"contourColor\"in t&&(this.contourColor=V(t.contourColor)),\"contourProject\"in t&&(this.contourProject=N(t.contourProject,function(t){return N(t,Boolean)})),\"surfaceProject\"in t&&(this.surfaceProject=t.surfaceProject),\"dynamicColor\"in t&&(this.dynamicColor=V(t.dynamicColor)),\"dynamicTint\"in t&&(this.dynamicTint=N(t.dynamicTint,Number)),\"dynamicWidth\"in t&&(this.dynamicWidth=N(t.dynamicWidth,Number)),\"opacity\"in t&&(this.opacity=t.opacity),\"colorBounds\"in t&&(this.colorBounds=t.colorBounds),\"vertexColor\"in t&&(this.vertexColor=t.vertexColor?1:0);var e=t.field||t.coords&&t.coords[2]||null,r=!1;if(e||(e=this._field[2].shape[0]||this._field[2].shape[2]?this._field[2].lo(1,1).hi(this._field[2].shape[0]-2,this._field[2].shape[1]-2):this._field[2].hi(0,0)),\"field\"in t||\"coords\"in t){var i=(e.shape[0]+2)*(e.shape[1]+2);i>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(i))),this._field[2]=f(this._field[2].data,[e.shape[0]+2,e.shape[1]+2]),F(this._field[2],e),this.shape=e.shape.slice();for(var a=this.shape,o=0;o<2;++o)this._field[2].size>this._field[o].data.length&&(s.freeFloat(this._field[o].data),this._field[o].data=s.mallocFloat(this._field[2].size)),this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2]);if(t.coords){var p=t.coords;if(!Array.isArray(p)||3!==p.length)throw new Error(\"gl-surface: invalid coordinates for x/y\");for(o=0;o<2;++o){var d=p[o];for(b=0;b<2;++b)if(d.shape[b]!==a[b])throw new Error(\"gl-surface: coords have incorrect shape\");F(this._field[o],d)}}else if(t.ticks){var g=t.ticks;if(!Array.isArray(g)||2!==g.length)throw new Error(\"gl-surface: invalid ticks\");for(o=0;o<2;++o){var m=g[o];if((Array.isArray(m)||m.length)&&(m=f(m)),m.shape[0]!==a[o])throw new Error(\"gl-surface: invalid tick length\");var y=f(m.data,a);y.stride[o]=m.stride[0],y.stride[1^o]=0,F(this._field[o],y)}}else{for(o=0;o<2;++o){var x=[0,0];x[o]=1,this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2],x,0)}this._field[0].set(0,0,0);for(var b=0;b0){for(var kt=0;kt<5;++kt)nt.pop();W-=1}continue t}nt.push(st[0],st[1],ut[0],ut[1],st[2]),W+=1}}ot.push(W)}this._contourOffsets[it]=at,this._contourCounts[it]=ot}var Mt=s.mallocFloat(nt.length);for(o=0;o halfCharStep + halfCharWidth ||\\n\\t\\t\\t\\t\\tfloor(uv.x) < halfCharStep - halfCharWidth) return;\\n\\n\\t\\t\\t\\tuv += charId * charStep;\\n\\t\\t\\t\\tuv = uv / atlasSize;\\n\\n\\t\\t\\t\\tvec4 color = fontColor;\\n\\t\\t\\t\\tvec4 mask = texture2D(atlas, uv);\\n\\n\\t\\t\\t\\tfloat maskY = lightness(mask);\\n\\t\\t\\t\\t// float colorY = lightness(color);\\n\\t\\t\\t\\tcolor.a *= maskY;\\n\\t\\t\\t\\tcolor.a *= opacity;\\n\\n\\t\\t\\t\\t// color.a += .1;\\n\\n\\t\\t\\t\\t// antialiasing, see yiq color space y-channel formula\\n\\t\\t\\t\\t// color.rgb += (1. - color.rgb) * (1. - mask.rgb);\\n\\n\\t\\t\\t\\tgl_FragColor = color;\\n\\t\\t\\t}\"});return{regl:t,draw:e,atlas:{}}},k.prototype.update=function(t){var e=this;if(\"string\"==typeof t)t={text:t};else if(!t)return;null!=(t=i(t,{position:\"position positions coord coords coordinates\",font:\"font fontFace fontface typeface cssFont css-font family fontFamily\",fontSize:\"fontSize fontsize size font-size\",text:\"text texts chars characters value values symbols\",align:\"align alignment textAlign textbaseline\",baseline:\"baseline textBaseline textbaseline\",direction:\"dir direction textDirection\",color:\"color colour fill fill-color fillColor textColor textcolor\",kerning:\"kerning kern\",range:\"range dataBox\",viewport:\"vp viewport viewBox viewbox viewPort\",opacity:\"opacity alpha transparency visible visibility opaque\",offset:\"offset positionOffset padding shift indent indentation\"},!0)).opacity&&(Array.isArray(t.opacity)?this.opacity=t.opacity.map(function(t){return parseFloat(t)}):this.opacity=parseFloat(t.opacity)),null!=t.viewport&&(this.viewport=f(t.viewport),k.normalViewport&&(this.viewport.y=this.canvas.height-this.viewport.y-this.viewport.height),this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null==this.viewport&&(this.viewport={x:0,y:0,width:this.gl.drawingBufferWidth,height:this.gl.drawingBufferHeight},this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null!=t.kerning&&(this.kerning=t.kerning),null!=t.offset&&(\"number\"==typeof t.offset&&(t.offset=[t.offset,0]),this.positionOffset=y(t.offset)),t.direction&&(this.direction=t.direction),t.range&&(this.range=t.range,this.scale=[1/(t.range[2]-t.range[0]),1/(t.range[3]-t.range[1])],this.translate=[-t.range[0],-t.range[1]]),t.scale&&(this.scale=t.scale),t.translate&&(this.translate=t.translate),this.scale||(this.scale=[1/this.viewport.width,1/this.viewport.height]),this.translate||(this.translate=[0,0]),this.font.length||t.font||(t.font=k.baseFontSize+\"px sans-serif\");var r,a=!1,o=!1;if(t.font&&(Array.isArray(t.font)?t.font:[t.font]).forEach(function(t,r){if(\"string\"==typeof t)try{t=n.parse(t)}catch(e){t=n.parse(k.baseFontSize+\"px \"+t)}else t=n.parse(n.stringify(t));var i=n.stringify({size:k.baseFontSize,family:t.family,stretch:_?t.stretch:void 0,variant:t.variant,weight:t.weight,style:t.style}),s=p(t.size),l=Math.round(s[0]*d(s[1]));if(l!==e.fontSize[r]&&(o=!0,e.fontSize[r]=l),!(e.font[r]&&i==e.font[r].baseString||(a=!0,e.font[r]=k.fonts[i],e.font[r]))){var c=t.family.join(\", \"),u=[t.style];t.style!=t.variant&&u.push(t.variant),t.variant!=t.weight&&u.push(t.weight),_&&t.weight!=t.stretch&&u.push(t.stretch),e.font[r]={baseString:i,family:c,weight:t.weight,stretch:t.stretch,style:t.style,variant:t.variant,width:{},kerning:{},metrics:m(c,{origin:\"top\",fontSize:k.baseFontSize,fontStyle:u.join(\" \")})},k.fonts[i]=e.font[r]}}),(a||o)&&this.font.forEach(function(r,i){var a=n.stringify({size:e.fontSize[i],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[i]=e.shader.atlas[a],!e.fontAtlas[i]){var o=r.metrics;e.shader.atlas[a]=e.fontAtlas[i]={fontString:a,step:2*Math.ceil(e.fontSize[i]*o.bottom*.5),em:e.fontSize[i],cols:0,rows:0,height:0,width:0,chars:[],ids:{},texture:e.regl.texture()}}null==t.text&&(t.text=e.text)}),\"string\"==typeof t.text&&t.position&&t.position.length>2){for(var s=Array(.5*t.position.length),h=0;h2){for(var w=!t.position[0].length,M=u.mallocFloat(2*this.count),A=0,T=0;A1?e.align[r]:e.align[0]:e.align;if(\"number\"==typeof n)return n;switch(n){case\"right\":case\"end\":return-t;case\"center\":case\"centre\":case\"middle\":return.5*-t}return 0})),null==this.baseline&&null==t.baseline&&(t.baseline=0),null!=t.baseline&&(this.baseline=t.baseline,Array.isArray(this.baseline)||(this.baseline=[this.baseline]),this.baselineOffset=this.baseline.map(function(t,r){var n=(e.font[r]||e.font[0]).metrics,i=0;return i+=.5*n.bottom,i+=\"number\"==typeof t?t-n.baseline:-n[t],k.normalViewport||(i*=-1),i})),null!=t.color)if(t.color||(t.color=\"transparent\"),\"string\"!=typeof t.color&&isNaN(t.color)){var H;if(\"number\"==typeof t.color[0]&&t.color.length>this.counts.length){var G=t.color.length;H=u.mallocUint8(G);for(var W=(t.color.subarray||t.color.slice).bind(t.color),Y=0;Y4||this.baselineOffset.length>1||this.align&&this.align.length>1||this.fontAtlas.length>1||this.positionOffset.length>2){var $=Math.max(.5*this.position.length||0,.25*this.color.length||0,this.baselineOffset.length||0,this.alignOffset.length||0,this.font.length||0,this.opacity.length||0,.5*this.positionOffset.length||0);this.batch=Array($);for(var J=0;J1?e.counts[J]:e.counts[0],offset:e.textOffsets.length>1?e.textOffsets[J]:e.textOffsets[0],color:e.color?e.color.length<=4?e.color:e.color.subarray(4*J,4*J+4):[0,0,0,255],opacity:Array.isArray(e.opacity)?e.opacity[J]:e.opacity,baseline:null!=e.baselineOffset[J]?e.baselineOffset[J]:e.baselineOffset[0],align:e.align?null!=e.alignOffset[J]?e.alignOffset[J]:e.alignOffset[0]:0,atlas:e.fontAtlas[J]||e.fontAtlas[0],positionOffset:e.positionOffset.length>2?e.positionOffset.subarray(2*J,2*J+2):e.positionOffset}}else this.count?this.batch=[{count:this.count,offset:0,color:this.color||[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[0]:this.opacity,baseline:this.baselineOffset[0],align:this.alignOffset?this.alignOffset[0]:0,atlas:this.fontAtlas[0],positionOffset:this.positionOffset}]:this.batch=[]},k.prototype.destroy=function(){},k.prototype.kerning=!0,k.prototype.position={constant:new Float32Array(2)},k.prototype.translate=null,k.prototype.scale=null,k.prototype.font=null,k.prototype.text=\"\",k.prototype.positionOffset=[0,0],k.prototype.opacity=1,k.prototype.color=new Uint8Array([0,0,0,255]),k.prototype.alignOffset=[0,0],k.normalViewport=!1,k.maxAtlasSize=1024,k.atlasCanvas=document.createElement(\"canvas\"),k.atlasContext=k.atlasCanvas.getContext(\"2d\",{alpha:!1}),k.baseFontSize=64,k.fonts={},e.exports=k},{\"bit-twiddle\":80,\"color-normalize\":108,\"css-font\":127,\"detect-kerning\":151,\"es6-weak-map\":209,\"flatten-vertex-data\":216,\"font-atlas\":217,\"font-measure\":218,\"gl-util/context\":306,\"is-plain-obj\":405,\"object-assign\":437,\"parse-rect\":442,\"parse-unit\":444,\"pick-by-alias\":448,regl:478,\"to-px\":516,\"typedarray-pool\":522}],305:[function(t,e,r){\"use strict\";var n=t(\"ndarray\"),i=t(\"ndarray-ops\"),a=t(\"typedarray-pool\");e.exports=function(t){if(arguments.length<=1)throw new Error(\"gl-texture2d: Missing arguments for texture2d constructor\");o||function(t){o=[t.LINEAR,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_NEAREST],s=[t.NEAREST,t.LINEAR,t.NEAREST_MIPMAP_NEAREST,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_LINEAR],l=[t.REPEAT,t.CLAMP_TO_EDGE,t.MIRRORED_REPEAT]}(t);if(\"number\"==typeof arguments[1])return v(t,arguments[1],arguments[2],arguments[3]||t.RGBA,arguments[4]||t.UNSIGNED_BYTE);if(Array.isArray(arguments[1]))return v(t,0|arguments[1][0],0|arguments[1][1],arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(\"object\"==typeof arguments[1]){var e=arguments[1],r=c(e)?e:e.raw;if(r)return function(t,e,r,n,i,a){var o=g(t);return t.texImage2D(t.TEXTURE_2D,0,i,i,a,e),new h(t,o,r,n,i,a)}(t,r,0|e.width,0|e.height,arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(e.shape&&e.data&&e.stride)return function(t,e){var r=e.dtype,o=e.shape.slice(),s=t.getParameter(t.MAX_TEXTURE_SIZE);if(o[0]<0||o[0]>s||o[1]<0||o[1]>s)throw new Error(\"gl-texture2d: Invalid texture size\");var l=d(o,e.stride.slice()),c=0;\"float32\"===r?c=t.FLOAT:\"float64\"===r?(c=t.FLOAT,l=!1,r=\"float32\"):\"uint8\"===r?c=t.UNSIGNED_BYTE:(c=t.UNSIGNED_BYTE,l=!1,r=\"uint8\");var f,p,v=0;if(2===o.length)v=t.LUMINANCE,o=[o[0],o[1],1],e=n(e.data,o,[e.stride[0],e.stride[1],1],e.offset);else{if(3!==o.length)throw new Error(\"gl-texture2d: Invalid shape for texture\");if(1===o[2])v=t.ALPHA;else if(2===o[2])v=t.LUMINANCE_ALPHA;else if(3===o[2])v=t.RGB;else{if(4!==o[2])throw new Error(\"gl-texture2d: Invalid shape for pixel coords\");v=t.RGBA}}c!==t.FLOAT||t.getExtension(\"OES_texture_float\")||(c=t.UNSIGNED_BYTE,l=!1);var m=e.size;if(l)f=0===e.offset&&e.data.length===m?e.data:e.data.subarray(e.offset,e.offset+m);else{var y=[o[2],o[2]*o[0],1];p=a.malloc(m,r);var x=n(p,o,y,0);\"float32\"!==r&&\"float64\"!==r||c!==t.UNSIGNED_BYTE?i.assign(x,e):u(x,e),f=p.subarray(0,m)}var b=g(t);t.texImage2D(t.TEXTURE_2D,0,v,o[0],o[1],0,v,c,f),l||a.free(p);return new h(t,b,o[0],o[1],v,c)}(t,e)}throw new Error(\"gl-texture2d: Invalid arguments for texture2d constructor\")};var o=null,s=null,l=null;function c(t){return\"undefined\"!=typeof HTMLCanvasElement&&t instanceof HTMLCanvasElement||\"undefined\"!=typeof HTMLImageElement&&t instanceof HTMLImageElement||\"undefined\"!=typeof HTMLVideoElement&&t instanceof HTMLVideoElement||\"undefined\"!=typeof ImageData&&t instanceof ImageData}var u=function(t,e){i.muls(t,e,255)};function f(t,e,r){var n=t.gl,i=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error(\"gl-texture2d: Invalid texture size\");return t._shape=[e,r],t.bind(),n.texImage2D(n.TEXTURE_2D,0,t.format,e,r,0,t.format,t.type,null),t._mipLevels=[0],t}function h(t,e,r,n,i,a){this.gl=t,this.handle=e,this.format=i,this.type=a,this._shape=[r,n],this._mipLevels=[0],this._magFilter=t.NEAREST,this._minFilter=t.NEAREST,this._wrapS=t.CLAMP_TO_EDGE,this._wrapT=t.CLAMP_TO_EDGE,this._anisoSamples=1;var o=this,s=[this._wrapS,this._wrapT];Object.defineProperties(s,[{get:function(){return o._wrapS},set:function(t){return o.wrapS=t}},{get:function(){return o._wrapT},set:function(t){return o.wrapT=t}}]),this._wrapVector=s;var l=[this._shape[0],this._shape[1]];Object.defineProperties(l,[{get:function(){return o._shape[0]},set:function(t){return o.width=t}},{get:function(){return o._shape[1]},set:function(t){return o.height=t}}]),this._shapeVector=l}var p=h.prototype;function d(t,e){return 3===t.length?1===e[2]&&e[1]===t[0]*t[2]&&e[0]===t[2]:1===e[0]&&e[1]===t[0]}function g(t){var e=t.createTexture();return t.bindTexture(t.TEXTURE_2D,e),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MIN_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MAG_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_S,t.CLAMP_TO_EDGE),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_T,t.CLAMP_TO_EDGE),e}function v(t,e,r,n,i){var a=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)throw new Error(\"gl-texture2d: Invalid texture shape\");if(i===t.FLOAT&&!t.getExtension(\"OES_texture_float\"))throw new Error(\"gl-texture2d: Floating point textures not supported on this platform\");var o=g(t);return t.texImage2D(t.TEXTURE_2D,0,n,e,r,0,n,i,null),new h(t,o,e,r,n,i)}Object.defineProperties(p,{minFilter:{get:function(){return this._minFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension(\"OES_texture_float_linear\")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown filter mode \"+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MIN_FILTER,t),this._minFilter=t}},magFilter:{get:function(){return this._magFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension(\"OES_texture_float_linear\")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown filter mode \"+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MAG_FILTER,t),this._magFilter=t}},mipSamples:{get:function(){return this._anisoSamples},set:function(t){var e=this._anisoSamples;if(this._anisoSamples=0|Math.max(t,1),e!==this._anisoSamples){var r=this.gl.getExtension(\"EXT_texture_filter_anisotropic\");r&&this.gl.texParameterf(this.gl.TEXTURE_2D,r.TEXTURE_MAX_ANISOTROPY_EXT,this._anisoSamples)}return this._anisoSamples}},wrapS:{get:function(){return this._wrapS},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown wrap mode \"+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_S,t),this._wrapS=t}},wrapT:{get:function(){return this._wrapT},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown wrap mode \"+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_T,t),this._wrapT=t}},wrap:{get:function(){return this._wrapVector},set:function(t){if(Array.isArray(t)||(t=[t,t]),2!==t.length)throw new Error(\"gl-texture2d: Must specify wrap mode for rows and columns\");for(var e=0;e<2;++e)if(l.indexOf(t[e])<0)throw new Error(\"gl-texture2d: Unknown wrap mode \"+t);this._wrapS=t[0],this._wrapT=t[1];var r=this.gl;return this.bind(),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_S,this._wrapS),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_T,this._wrapT),t}},shape:{get:function(){return this._shapeVector},set:function(t){if(Array.isArray(t)){if(2!==t.length)throw new Error(\"gl-texture2d: Invalid texture shape\")}else t=[0|t,0|t];return f(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return f(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,f(this,this._shape[0],t),t}}}),p.bind=function(t){var e=this.gl;return void 0!==t&&e.activeTexture(e.TEXTURE0+(0|t)),e.bindTexture(e.TEXTURE_2D,this.handle),void 0!==t?0|t:e.getParameter(e.ACTIVE_TEXTURE)-e.TEXTURE0},p.dispose=function(){this.gl.deleteTexture(this.handle)},p.generateMipmap=function(){this.bind(),this.gl.generateMipmap(this.gl.TEXTURE_2D);for(var t=Math.min(this._shape[0],this._shape[1]),e=0;t>0;++e,t>>>=1)this._mipLevels.indexOf(e)<0&&this._mipLevels.push(e)},p.setPixels=function(t,e,r,o){var s=this.gl;this.bind(),Array.isArray(e)?(o=r,r=0|e[1],e=0|e[0]):(e=e||0,r=r||0),o=o||0;var l=c(t)?t:t.raw;if(l){this._mipLevels.indexOf(o)<0?(s.texImage2D(s.TEXTURE_2D,0,this.format,this.format,this.type,l),this._mipLevels.push(o)):s.texSubImage2D(s.TEXTURE_2D,o,e,r,this.format,this.type,l)}else{if(!(t.shape&&t.stride&&t.data))throw new Error(\"gl-texture2d: Unsupported data type\");if(t.shape.length<2||e+t.shape[1]>this._shape[1]>>>o||r+t.shape[0]>this._shape[0]>>>o||e<0||r<0)throw new Error(\"gl-texture2d: Texture dimensions are out of bounds\");!function(t,e,r,o,s,l,c,f){var h=f.dtype,p=f.shape.slice();if(p.length<2||p.length>3)throw new Error(\"gl-texture2d: Invalid ndarray, must be 2d or 3d\");var g=0,v=0,m=d(p,f.stride.slice());\"float32\"===h?g=t.FLOAT:\"float64\"===h?(g=t.FLOAT,m=!1,h=\"float32\"):\"uint8\"===h?g=t.UNSIGNED_BYTE:(g=t.UNSIGNED_BYTE,m=!1,h=\"uint8\");if(2===p.length)v=t.LUMINANCE,p=[p[0],p[1],1],f=n(f.data,p,[f.stride[0],f.stride[1],1],f.offset);else{if(3!==p.length)throw new Error(\"gl-texture2d: Invalid shape for texture\");if(1===p[2])v=t.ALPHA;else if(2===p[2])v=t.LUMINANCE_ALPHA;else if(3===p[2])v=t.RGB;else{if(4!==p[2])throw new Error(\"gl-texture2d: Invalid shape for pixel coords\");v=t.RGBA}p[2]}v!==t.LUMINANCE&&v!==t.ALPHA||s!==t.LUMINANCE&&s!==t.ALPHA||(v=s);if(v!==s)throw new Error(\"gl-texture2d: Incompatible texture format for setPixels\");var y=f.size,x=c.indexOf(o)<0;x&&c.push(o);if(g===l&&m)0===f.offset&&f.data.length===y?x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,f.data):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,f.data):x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,f.data.subarray(f.offset,f.offset+y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,f.data.subarray(f.offset,f.offset+y));else{var b;b=l===t.FLOAT?a.mallocFloat32(y):a.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);g===t.FLOAT&&l===t.UNSIGNED_BYTE?u(_,f):i.assign(_,f),x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,b.subarray(0,y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,b.subarray(0,y)),l===t.FLOAT?a.freeFloat32(b):a.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:433,\"ndarray-ops\":427,\"typedarray-pool\":522}],306:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\");function i(t){if(t.container)if(t.container==document.body)document.body.style.width||(t.canvas.width=t.width||t.pixelRatio*window.innerWidth),document.body.style.height||(t.canvas.height=t.height||t.pixelRatio*window.innerHeight);else{var e=t.container.getBoundingClientRect();t.canvas.width=t.width||e.right-e.left,t.canvas.height=t.height||e.bottom-e.top}}function a(t){return\"function\"==typeof t.getContext&&\"width\"in t&&\"height\"in t}e.exports=function(t){var e;if(t?\"string\"==typeof t&&(t={container:t}):t={},a(t)?t={container:t}:t=\"string\"==typeof(e=t).nodeName&&\"function\"==typeof e.appendChild&&\"function\"==typeof e.getBoundingClientRect?{container:t}:function(t){return\"function\"==typeof t.drawArrays||\"function\"==typeof t.drawElements}(t)?{gl:t}:n(t,{container:\"container target element el canvas holder parent parentNode wrapper use ref root node\",gl:\"gl context webgl glContext\",attrs:\"attributes attrs contextAttributes\",pixelRatio:\"pixelRatio pxRatio px ratio pxratio pixelratio\"},!0),t.pixelRatio||(t.pixelRatio=window.pixelRatio||1),t.gl)return t.gl;if(t.canvas&&(t.container=t.canvas.parentNode),t.container){if(\"string\"==typeof t.container){var r=document.querySelector(t.container);if(!r)throw Error(\"Element \"+t.container+\" is not found\");t.container=r}a(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=document.createElement(\"canvas\"),t.container.appendChild(t.canvas),i(t))}else t.canvas||(t.container=document.body||document.documentElement,t.canvas=document.createElement(\"canvas\"),t.canvas.style.position=\"absolute\",t.canvas.style.top=0,t.canvas.style.left=0,t.container.appendChild(t.canvas),i(t));if(!t.gl)try{t.gl=t.canvas.getContext(\"webgl\",t.attrs)}catch(e){try{t.gl=t.canvas.getContext(\"experimental-webgl\",t.attrs)}catch(e){t.gl=t.canvas.getContext(\"webgl-experimental\",t.attrs)}}return t.gl}},{\"pick-by-alias\":448}],307:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){e?e.bind():t.bindBuffer(t.ELEMENT_ARRAY_BUFFER,null);var n=0|t.getParameter(t.MAX_VERTEX_ATTRIBS);if(r){if(r.length>n)throw new Error(\"gl-vao: Too many vertex attributes\");for(var i=0;i1?0:Math.acos(s)};var n=t(\"./fromValues\"),i=t(\"./normalize\"),a=t(\"./dot\")},{\"./dot\":322,\"./fromValues\":328,\"./normalize\":339}],313:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.ceil(e[0]),t[1]=Math.ceil(e[1]),t[2]=Math.ceil(e[2]),t}},{}],314:[function(t,e,r){e.exports=function(t){var e=new Float32Array(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}},{}],315:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],316:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],317:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t}},{}],318:[function(t,e,r){e.exports=t(\"./distance\")},{\"./distance\":319}],319:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return Math.sqrt(r*r+n*n+i*i)}},{}],320:[function(t,e,r){e.exports=t(\"./divide\")},{\"./divide\":321}],321:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t}},{}],322:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],323:[function(t,e,r){e.exports=1e-6},{}],324:[function(t,e,r){e.exports=function(t,e){var r=t[0],i=t[1],a=t[2],o=e[0],s=e[1],l=e[2];return Math.abs(r-o)<=n*Math.max(1,Math.abs(r),Math.abs(o))&&Math.abs(i-s)<=n*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(a-l)<=n*Math.max(1,Math.abs(a),Math.abs(l))};var n=t(\"./epsilon\")},{\"./epsilon\":323}],325:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],326:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.floor(e[0]),t[1]=Math.floor(e[1]),t[2]=Math.floor(e[2]),t}},{}],327:[function(t,e,r){e.exports=function(t,e,r,i,a,o){var s,l;e||(e=3);r||(r=0);l=i?Math.min(i*e+r,t.length):t.length;for(s=r;s0&&(a=1/Math.sqrt(a),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a);return t}},{}],340:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,i=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*i,t[1]=Math.sin(r)*i,t[2]=n*e,t}},{}],341:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[1],a=r[2],o=e[1]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=i+o*c-s*l,t[2]=a+o*l+s*c,t}},{}],342:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[2],o=e[0]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+s*l+o*c,t[1]=e[1],t[2]=a+s*c-o*l,t}},{}],343:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[1],o=e[0]-i,s=e[1]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+o*c-s*l,t[1]=a+o*l+s*c,t[2]=e[2],t}},{}],344:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.round(e[0]),t[1]=Math.round(e[1]),t[2]=Math.round(e[2]),t}},{}],345:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t}},{}],346:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t}},{}],347:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],348:[function(t,e,r){e.exports=t(\"./squaredDistance\")},{\"./squaredDistance\":350}],349:[function(t,e,r){e.exports=t(\"./squaredLength\")},{\"./squaredLength\":351}],350:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return r*r+n*n+i*i}},{}],351:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2];return e*e+r*r+n*n}},{}],352:[function(t,e,r){e.exports=t(\"./subtract\")},{\"./subtract\":353}],353:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t}},{}],354:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},{}],355:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[3]*n+r[7]*i+r[11]*a+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*i+r[8]*a+r[12])/o,t[1]=(r[1]*n+r[5]*i+r[9]*a+r[13])/o,t[2]=(r[2]*n+r[6]*i+r[10]*a+r[14])/o,t}},{}],356:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t}},{}],357:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]+r[0],t[1]=e[1]+r[1],t[2]=e[2]+r[2],t[3]=e[3]+r[3],t}},{}],358:[function(t,e,r){e.exports=function(t){var e=new Float32Array(4);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}},{}],359:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}},{}],360:[function(t,e,r){e.exports=function(){var t=new Float32Array(4);return t[0]=0,t[1]=0,t[2]=0,t[3]=0,t}},{}],361:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return Math.sqrt(r*r+n*n+i*i+a*a)}},{}],362:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t[3]=e[3]/r[3],t}},{}],363:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]+t[3]*e[3]}},{}],364:[function(t,e,r){e.exports=function(t,e,r,n){var i=new Float32Array(4);return i[0]=t,i[1]=e,i[2]=r,i[3]=n,i}},{}],365:[function(t,e,r){e.exports={create:t(\"./create\"),clone:t(\"./clone\"),fromValues:t(\"./fromValues\"),copy:t(\"./copy\"),set:t(\"./set\"),add:t(\"./add\"),subtract:t(\"./subtract\"),multiply:t(\"./multiply\"),divide:t(\"./divide\"),min:t(\"./min\"),max:t(\"./max\"),scale:t(\"./scale\"),scaleAndAdd:t(\"./scaleAndAdd\"),distance:t(\"./distance\"),squaredDistance:t(\"./squaredDistance\"),length:t(\"./length\"),squaredLength:t(\"./squaredLength\"),negate:t(\"./negate\"),inverse:t(\"./inverse\"),normalize:t(\"./normalize\"),dot:t(\"./dot\"),lerp:t(\"./lerp\"),random:t(\"./random\"),transformMat4:t(\"./transformMat4\"),transformQuat:t(\"./transformQuat\")}},{\"./add\":357,\"./clone\":358,\"./copy\":359,\"./create\":360,\"./distance\":361,\"./divide\":362,\"./dot\":363,\"./fromValues\":364,\"./inverse\":366,\"./length\":367,\"./lerp\":368,\"./max\":369,\"./min\":370,\"./multiply\":371,\"./negate\":372,\"./normalize\":373,\"./random\":374,\"./scale\":375,\"./scaleAndAdd\":376,\"./set\":377,\"./squaredDistance\":378,\"./squaredLength\":379,\"./subtract\":380,\"./transformMat4\":381,\"./transformQuat\":382}],366:[function(t,e,r){e.exports=function(t,e){return t[0]=1/e[0],t[1]=1/e[1],t[2]=1/e[2],t[3]=1/e[3],t}},{}],367:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return Math.sqrt(e*e+r*r+n*n+i*i)}},{}],368:[function(t,e,r){e.exports=function(t,e,r,n){var i=e[0],a=e[1],o=e[2],s=e[3];return t[0]=i+n*(r[0]-i),t[1]=a+n*(r[1]-a),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],369:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.max(e[0],r[0]),t[1]=Math.max(e[1],r[1]),t[2]=Math.max(e[2],r[2]),t[3]=Math.max(e[3],r[3]),t}},{}],370:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.min(e[0],r[0]),t[1]=Math.min(e[1],r[1]),t[2]=Math.min(e[2],r[2]),t[3]=Math.min(e[3],r[3]),t}},{}],371:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r[0],t[1]=e[1]*r[1],t[2]=e[2]*r[2],t[3]=e[3]*r[3],t}},{}],372:[function(t,e,r){e.exports=function(t,e){return t[0]=-e[0],t[1]=-e[1],t[2]=-e[2],t[3]=-e[3],t}},{}],373:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=r*r+n*n+i*i+a*a;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=i*o,t[3]=a*o);return t}},{}],374:[function(t,e,r){var n=t(\"./normalize\"),i=t(\"./scale\");e.exports=function(t,e){return e=e||1,t[0]=Math.random(),t[1]=Math.random(),t[2]=Math.random(),t[3]=Math.random(),n(t,t),i(t,t,e),t}},{\"./normalize\":373,\"./scale\":375}],375:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t[3]=e[3]*r,t}},{}],376:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t[3]=e[3]+r[3]*n,t}},{}],377:[function(t,e,r){e.exports=function(t,e,r,n,i){return t[0]=e,t[1]=r,t[2]=n,t[3]=i,t}},{}],378:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return r*r+n*n+i*i+a*a}},{}],379:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return e*e+r*r+n*n+i*i}},{}],380:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t[3]=e[3]-r[3],t}},{}],381:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},{}],382:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t[3]=e[3],t}},{}],383:[function(t,e,r){e.exports=function(t,e,r,a){return n[0]=a,n[1]=r,n[2]=e,n[3]=t,i[0]};var n=new Uint8Array(4),i=new Float32Array(n.buffer)},{}],384:[function(t,e,r){var n=t(\"glsl-tokenizer\"),i=t(\"atob-lite\");e.exports=function(t){for(var e=Array.isArray(t)?t:n(t),r=0;r0)continue;r=t.slice(0,1).join(\"\")}return B(r),z+=r.length,(S=S.slice(r.length)).length}}function H(){return/[^a-fA-F0-9]/.test(e)?(B(S.join(\"\")),T=l,M):(S.push(e),r=e,M+1)}function G(){return\".\"===e?(S.push(e),T=g,r=e,M+1):/[eE]/.test(e)?(S.push(e),T=g,r=e,M+1):\"x\"===e&&1===S.length&&\"0\"===S[0]?(T=_,S.push(e),r=e,M+1):/[^\\d]/.test(e)?(B(S.join(\"\")),T=l,M):(S.push(e),r=e,M+1)}function W(){return\"f\"===e&&(S.push(e),r=e,M+=1),/[eE]/.test(e)?(S.push(e),r=e,M+1):\"-\"===e&&/[eE]/.test(r)?(S.push(e),r=e,M+1):/[^\\d]/.test(e)?(B(S.join(\"\")),T=l,M):(S.push(e),r=e,M+1)}function Y(){if(/[^\\d\\w_]/.test(e)){var t=S.join(\"\");return T=R.indexOf(t)>-1?y:D.indexOf(t)>-1?m:v,B(S.join(\"\")),T=l,M}return S.push(e),r=e,M+1}};var n=t(\"./lib/literals\"),i=t(\"./lib/operators\"),a=t(\"./lib/builtins\"),o=t(\"./lib/literals-300es\"),s=t(\"./lib/builtins-300es\"),l=999,c=9999,u=0,f=1,h=2,p=3,d=4,g=5,v=6,m=7,y=8,x=9,b=10,_=11,w=[\"block-comment\",\"line-comment\",\"preprocessor\",\"operator\",\"integer\",\"float\",\"ident\",\"builtin\",\"keyword\",\"whitespace\",\"eof\",\"integer\"]},{\"./lib/builtins\":387,\"./lib/builtins-300es\":386,\"./lib/literals\":389,\"./lib/literals-300es\":388,\"./lib/operators\":390}],386:[function(t,e,r){var n=t(\"./builtins\");n=n.slice().filter(function(t){return!/^(gl\\_|texture)/.test(t)}),e.exports=n.concat([\"gl_VertexID\",\"gl_InstanceID\",\"gl_Position\",\"gl_PointSize\",\"gl_FragCoord\",\"gl_FrontFacing\",\"gl_FragDepth\",\"gl_PointCoord\",\"gl_MaxVertexAttribs\",\"gl_MaxVertexUniformVectors\",\"gl_MaxVertexOutputVectors\",\"gl_MaxFragmentInputVectors\",\"gl_MaxVertexTextureImageUnits\",\"gl_MaxCombinedTextureImageUnits\",\"gl_MaxTextureImageUnits\",\"gl_MaxFragmentUniformVectors\",\"gl_MaxDrawBuffers\",\"gl_MinProgramTexelOffset\",\"gl_MaxProgramTexelOffset\",\"gl_DepthRangeParameters\",\"gl_DepthRange\",\"trunc\",\"round\",\"roundEven\",\"isnan\",\"isinf\",\"floatBitsToInt\",\"floatBitsToUint\",\"intBitsToFloat\",\"uintBitsToFloat\",\"packSnorm2x16\",\"unpackSnorm2x16\",\"packUnorm2x16\",\"unpackUnorm2x16\",\"packHalf2x16\",\"unpackHalf2x16\",\"outerProduct\",\"transpose\",\"determinant\",\"inverse\",\"texture\",\"textureSize\",\"textureProj\",\"textureLod\",\"textureOffset\",\"texelFetch\",\"texelFetchOffset\",\"textureProjOffset\",\"textureLodOffset\",\"textureProjLod\",\"textureProjLodOffset\",\"textureGrad\",\"textureGradOffset\",\"textureProjGrad\",\"textureProjGradOffset\"])},{\"./builtins\":387}],387:[function(t,e,r){e.exports=[\"abs\",\"acos\",\"all\",\"any\",\"asin\",\"atan\",\"ceil\",\"clamp\",\"cos\",\"cross\",\"dFdx\",\"dFdy\",\"degrees\",\"distance\",\"dot\",\"equal\",\"exp\",\"exp2\",\"faceforward\",\"floor\",\"fract\",\"gl_BackColor\",\"gl_BackLightModelProduct\",\"gl_BackLightProduct\",\"gl_BackMaterial\",\"gl_BackSecondaryColor\",\"gl_ClipPlane\",\"gl_ClipVertex\",\"gl_Color\",\"gl_DepthRange\",\"gl_DepthRangeParameters\",\"gl_EyePlaneQ\",\"gl_EyePlaneR\",\"gl_EyePlaneS\",\"gl_EyePlaneT\",\"gl_Fog\",\"gl_FogCoord\",\"gl_FogFragCoord\",\"gl_FogParameters\",\"gl_FragColor\",\"gl_FragCoord\",\"gl_FragData\",\"gl_FragDepth\",\"gl_FragDepthEXT\",\"gl_FrontColor\",\"gl_FrontFacing\",\"gl_FrontLightModelProduct\",\"gl_FrontLightProduct\",\"gl_FrontMaterial\",\"gl_FrontSecondaryColor\",\"gl_LightModel\",\"gl_LightModelParameters\",\"gl_LightModelProducts\",\"gl_LightProducts\",\"gl_LightSource\",\"gl_LightSourceParameters\",\"gl_MaterialParameters\",\"gl_MaxClipPlanes\",\"gl_MaxCombinedTextureImageUnits\",\"gl_MaxDrawBuffers\",\"gl_MaxFragmentUniformComponents\",\"gl_MaxLights\",\"gl_MaxTextureCoords\",\"gl_MaxTextureImageUnits\",\"gl_MaxTextureUnits\",\"gl_MaxVaryingFloats\",\"gl_MaxVertexAttribs\",\"gl_MaxVertexTextureImageUnits\",\"gl_MaxVertexUniformComponents\",\"gl_ModelViewMatrix\",\"gl_ModelViewMatrixInverse\",\"gl_ModelViewMatrixInverseTranspose\",\"gl_ModelViewMatrixTranspose\",\"gl_ModelViewProjectionMatrix\",\"gl_ModelViewProjectionMatrixInverse\",\"gl_ModelViewProjectionMatrixInverseTranspose\",\"gl_ModelViewProjectionMatrixTranspose\",\"gl_MultiTexCoord0\",\"gl_MultiTexCoord1\",\"gl_MultiTexCoord2\",\"gl_MultiTexCoord3\",\"gl_MultiTexCoord4\",\"gl_MultiTexCoord5\",\"gl_MultiTexCoord6\",\"gl_MultiTexCoord7\",\"gl_Normal\",\"gl_NormalMatrix\",\"gl_NormalScale\",\"gl_ObjectPlaneQ\",\"gl_ObjectPlaneR\",\"gl_ObjectPlaneS\",\"gl_ObjectPlaneT\",\"gl_Point\",\"gl_PointCoord\",\"gl_PointParameters\",\"gl_PointSize\",\"gl_Position\",\"gl_ProjectionMatrix\",\"gl_ProjectionMatrixInverse\",\"gl_ProjectionMatrixInverseTranspose\",\"gl_ProjectionMatrixTranspose\",\"gl_SecondaryColor\",\"gl_TexCoord\",\"gl_TextureEnvColor\",\"gl_TextureMatrix\",\"gl_TextureMatrixInverse\",\"gl_TextureMatrixInverseTranspose\",\"gl_TextureMatrixTranspose\",\"gl_Vertex\",\"greaterThan\",\"greaterThanEqual\",\"inversesqrt\",\"length\",\"lessThan\",\"lessThanEqual\",\"log\",\"log2\",\"matrixCompMult\",\"max\",\"min\",\"mix\",\"mod\",\"normalize\",\"not\",\"notEqual\",\"pow\",\"radians\",\"reflect\",\"refract\",\"sign\",\"sin\",\"smoothstep\",\"sqrt\",\"step\",\"tan\",\"texture2D\",\"texture2DLod\",\"texture2DProj\",\"texture2DProjLod\",\"textureCube\",\"textureCubeLod\",\"texture2DLodEXT\",\"texture2DProjLodEXT\",\"textureCubeLodEXT\",\"texture2DGradEXT\",\"texture2DProjGradEXT\",\"textureCubeGradEXT\"]},{}],388:[function(t,e,r){var n=t(\"./literals\");e.exports=n.slice().concat([\"layout\",\"centroid\",\"smooth\",\"case\",\"mat2x2\",\"mat2x3\",\"mat2x4\",\"mat3x2\",\"mat3x3\",\"mat3x4\",\"mat4x2\",\"mat4x3\",\"mat4x4\",\"uint\",\"uvec2\",\"uvec3\",\"uvec4\",\"samplerCubeShadow\",\"sampler2DArray\",\"sampler2DArrayShadow\",\"isampler2D\",\"isampler3D\",\"isamplerCube\",\"isampler2DArray\",\"usampler2D\",\"usampler3D\",\"usamplerCube\",\"usampler2DArray\",\"coherent\",\"restrict\",\"readonly\",\"writeonly\",\"resource\",\"atomic_uint\",\"noperspective\",\"patch\",\"sample\",\"subroutine\",\"common\",\"partition\",\"active\",\"filter\",\"image1D\",\"image2D\",\"image3D\",\"imageCube\",\"iimage1D\",\"iimage2D\",\"iimage3D\",\"iimageCube\",\"uimage1D\",\"uimage2D\",\"uimage3D\",\"uimageCube\",\"image1DArray\",\"image2DArray\",\"iimage1DArray\",\"iimage2DArray\",\"uimage1DArray\",\"uimage2DArray\",\"image1DShadow\",\"image2DShadow\",\"image1DArrayShadow\",\"image2DArrayShadow\",\"imageBuffer\",\"iimageBuffer\",\"uimageBuffer\",\"sampler1DArray\",\"sampler1DArrayShadow\",\"isampler1D\",\"isampler1DArray\",\"usampler1D\",\"usampler1DArray\",\"isampler2DRect\",\"usampler2DRect\",\"samplerBuffer\",\"isamplerBuffer\",\"usamplerBuffer\",\"sampler2DMS\",\"isampler2DMS\",\"usampler2DMS\",\"sampler2DMSArray\",\"isampler2DMSArray\",\"usampler2DMSArray\"])},{\"./literals\":389}],389:[function(t,e,r){e.exports=[\"precision\",\"highp\",\"mediump\",\"lowp\",\"attribute\",\"const\",\"uniform\",\"varying\",\"break\",\"continue\",\"do\",\"for\",\"while\",\"if\",\"else\",\"in\",\"out\",\"inout\",\"float\",\"int\",\"void\",\"bool\",\"true\",\"false\",\"discard\",\"return\",\"mat2\",\"mat3\",\"mat4\",\"vec2\",\"vec3\",\"vec4\",\"ivec2\",\"ivec3\",\"ivec4\",\"bvec2\",\"bvec3\",\"bvec4\",\"sampler1D\",\"sampler2D\",\"sampler3D\",\"samplerCube\",\"sampler1DShadow\",\"sampler2DShadow\",\"struct\",\"asm\",\"class\",\"union\",\"enum\",\"typedef\",\"template\",\"this\",\"packed\",\"goto\",\"switch\",\"default\",\"inline\",\"noinline\",\"volatile\",\"public\",\"static\",\"extern\",\"external\",\"interface\",\"long\",\"short\",\"double\",\"half\",\"fixed\",\"unsigned\",\"input\",\"output\",\"hvec2\",\"hvec3\",\"hvec4\",\"dvec2\",\"dvec3\",\"dvec4\",\"fvec2\",\"fvec3\",\"fvec4\",\"sampler2DRect\",\"sampler3DRect\",\"sampler2DRectShadow\",\"sizeof\",\"cast\",\"namespace\",\"using\"]},{}],390:[function(t,e,r){e.exports=[\"<<=\",\">>=\",\"++\",\"--\",\"<<\",\">>\",\"<=\",\">=\",\"==\",\"!=\",\"&&\",\"||\",\"+=\",\"-=\",\"*=\",\"/=\",\"%=\",\"&=\",\"^^\",\"^=\",\"|=\",\"(\",\")\",\"[\",\"]\",\".\",\"!\",\"~\",\"*\",\"/\",\"%\",\"+\",\"-\",\"<\",\">\",\"&\",\"^\",\"|\",\"?\",\":\",\"=\",\",\",\";\",\"{\",\"}\"]},{}],391:[function(t,e,r){var n=t(\"./index\");e.exports=function(t,e){var r=n(e),i=[];return i=(i=i.concat(r(t))).concat(r(null))}},{\"./index\":385}],392:[function(t,e,r){e.exports=function(t){\"string\"==typeof t&&(t=[t]);for(var e=[].slice.call(arguments,1),r=[],n=0;n>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},r.write=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],396:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=t.length;if(0===r)throw new Error(\"Must have at least d+1 points\");var i=t[0].length;if(r<=i)throw new Error(\"Must input at least d+1 points\");var o=t.slice(0,i+1),s=n.apply(void 0,o);if(0===s)throw new Error(\"Input not in general position\");for(var l=new Array(i+1),u=0;u<=i;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);for(var f=new a(l,new Array(i+1),!1),h=f.adjacent,p=new Array(i+2),u=0;u<=i;++u){for(var d=l.slice(),g=0;g<=i;++g)g===u&&(d[g]=-1);var v=d[0];d[0]=d[1],d[1]=v;var m=new a(d,new Array(i+1),!0);h[u]=m,p[u]=m}p[i+1]=f;for(var u=0;u<=i;++u)for(var d=h[u].vertices,y=h[u].adjacent,g=0;g<=i;++g){var x=d[g];if(x<0)y[g]=f;else for(var b=0;b<=i;++b)h[b].vertices.indexOf(x)<0&&(y[g]=h[b])}for(var _=new c(i,o,p),w=!!e,u=i+1;u0&&e.push(\",\"),e.push(\"tuple[\",r,\"]\");e.push(\")}return orient\");var i=new Function(\"test\",e.join(\"\")),a=n[t+1];return a||(a=n),i(a)}(t)),this.orient=a}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,i=this.tuple,a=this.vertices,o=[t];for(t.lastVisited=-n;o.length>0;){(t=o.pop()).vertices;for(var s=t.adjacent,l=0;l<=r;++l){var c=s[l];if(c.boundary&&!(c.lastVisited<=-n)){for(var u=c.vertices,f=0;f<=r;++f){var h=u[f];i[f]=h<0?e:a[h]}var p=this.orient();if(p>0)return c;c.lastVisited=-n,0===p&&o.push(c)}}}return null},u.walk=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,a=this.tuple,o=e?this.interior.length*Math.random()|0:this.interior.length-1,s=this.interior[o];t:for(;!s.boundary;){for(var l=s.vertices,c=s.adjacent,u=0;u<=n;++u)a[u]=i[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var f=c[u];if(!(f.lastVisited>=r)){var h=a[u];a[u]=t;var p=this.orient();if(a[u]=h,p<0){s=f;continue t}f.boundary?f.lastVisited=-r:f.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,f=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var h=[];f.length>0;){var p=(e=f.pop()).vertices,d=e.adjacent,g=p.indexOf(r);if(!(g<0))for(var v=0;v<=n;++v)if(v!==g){var m=d[v];if(m.boundary&&!(m.lastVisited>=r)){var y=m.vertices;if(m.lastVisited!==-r){for(var x=0,b=0;b<=n;++b)y[b]<0?(x=b,l[b]=t):l[b]=i[y[b]];if(this.orient()>0){y[x]=r,m.boundary=!1,c.push(m),f.push(m),m.lastVisited=r;continue}m.lastVisited=-r}var _=m.adjacent,w=p.slice(),k=d.slice(),M=new a(w,k,!0);u.push(M);var A=_.indexOf(e);if(!(A<0)){_[A]=M,k[g]=m,w[v]=-1,k[v]=e,d[v]=M,M.flip();for(b=0;b<=n;++b){var T=w[b];if(!(T<0||T===r)){for(var S=new Array(n-1),E=0,C=0;C<=n;++C){var L=w[C];L<0||C===b||(S[E++]=L)}h.push(new o(S,M,b))}}}}}}h.sort(s);for(v=0;v+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var f=o[0];o[0]=o[1],o[1]=f}e.push(o)}}return e}},{\"robust-orientation\":486,\"simplicial-complex\":496}],397:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\"),i=0,a=1;function o(t,e,r,n,i){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=i,this.count=(e?e.count:0)+(r?r.count:0)+n.length}e.exports=function(t){if(!t||0===t.length)return new x(null);return new x(y(t))};var s=o.prototype;function l(t,e){t.mid=e.mid,t.left=e.left,t.right=e.right,t.leftPoints=e.leftPoints,t.rightPoints=e.rightPoints,t.count=e.count}function c(t,e){var r=y(e);t.mid=r.mid,t.left=r.left,t.right=r.right,t.leftPoints=r.leftPoints,t.rightPoints=r.rightPoints,t.count=r.count}function u(t,e){var r=t.intervals([]);r.push(e),c(t,r)}function f(t,e){var r=t.intervals([]),n=r.indexOf(e);return n<0?i:(r.splice(n,1),c(t,r),a)}function h(t,e,r){for(var n=0;n=0&&t[n][1]>=e;--n){var i=r(t[n]);if(i)return i}}function d(t,e){for(var r=0;r>1],i=[],a=[],s=[];for(r=0;r3*(e+1)?u(this,t):this.left.insert(t):this.left=y([t]);else if(t[0]>this.mid)this.right?4*(this.right.count+1)>3*(e+1)?u(this,t):this.right.insert(t):this.right=y([t]);else{var r=n.ge(this.leftPoints,t,v),i=n.ge(this.rightPoints,t,m);this.leftPoints.splice(r,0,t),this.rightPoints.splice(i,0,t)}},s.remove=function(t){var e=this.count-this.leftPoints;if(t[1]3*(e-1)?f(this,t):2===(c=this.left.remove(t))?(this.left=null,this.count-=1,a):(c===a&&(this.count-=1),c):i;if(t[0]>this.mid)return this.right?4*(this.left?this.left.count:0)>3*(e-1)?f(this,t):2===(c=this.right.remove(t))?(this.right=null,this.count-=1,a):(c===a&&(this.count-=1),c):i;if(1===this.count)return this.leftPoints[0]===t?2:i;if(1===this.leftPoints.length&&this.leftPoints[0]===t){if(this.left&&this.right){for(var r=this,o=this.left;o.right;)r=o,o=o.right;if(r===this)o.right=this.right;else{var s=this.left,c=this.right;r.count-=o.count,r.right=o.left,o.left=s,o.right=c}l(this,o),this.count=(this.left?this.left.count:0)+(this.right?this.right.count:0)+this.leftPoints.length}else this.left?l(this,this.left):l(this,this.right);return a}for(s=n.ge(this.leftPoints,t,v);sthis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return p(this.rightPoints,t,e)}return d(this.leftPoints,e)},s.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?p(this.rightPoints,t,r):d(this.leftPoints,r)};var b=x.prototype;b.insert=function(t){this.root?this.root.insert(t):this.root=new o(t[0],null,null,[t],[t])},b.remove=function(t){if(this.root){var e=this.root.remove(t);return 2===e&&(this.root=null),e!==i}return!1},b.queryPoint=function(t,e){if(this.root)return this.root.queryPoint(t,e)},b.queryInterval=function(t,e,r){if(t<=e&&this.root)return this.root.queryInterval(t,e,r)},Object.defineProperty(b,\"count\",{get:function(){return this.root?this.root.count:0}}),Object.defineProperty(b,\"intervals\",{get:function(){return this.root?this.root.intervals([]):[]}})},{\"binary-search-bounds\":79}],398:[function(t,e,r){\"use strict\";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r13)&&32!==e&&133!==e&&160!==e&&5760!==e&&6158!==e&&(e<8192||e>8205)&&8232!==e&&8233!==e&&8239!==e&&8287!==e&&8288!==e&&12288!==e&&65279!==e)return!1;return!0}},{}],407:[function(t,e,r){\"use strict\";e.exports=function(t){return\"string\"==typeof t&&(t=t.trim(),!!(/^[mzlhvcsqta]\\s*[-+.0-9][^mlhvzcsqta]+/i.test(t)&&/[\\dz]$/i.test(t)&&t.length>4))}},{}],408:[function(t,e,r){e.exports=function(t,e,r){return t*(1-r)+e*r}},{}],409:[function(t,e,r){(function(t){!function(t,n){\"object\"==typeof r&&\"undefined\"!=typeof e?e.exports=n():t.mapboxgl=n()}(this,function(){\"use strict\";var e,r,n;function i(t,i){if(e)if(r){var a=\"var sharedChunk = {}; (\"+e+\")(sharedChunk); (\"+r+\")(sharedChunk);\",o={};e(o),(n=i(o)).workerUrl=window.URL.createObjectURL(new Blob([a],{type:\"text/javascript\"}))}else r=i;else e=i}return i(0,function(e){var r=\"undefined\"!=typeof window?window:\"undefined\"!=typeof t?t:\"undefined\"!=typeof self?self:{};function n(t){return t&&t.__esModule&&Object.prototype.hasOwnProperty.call(t,\"default\")?t.default:t}function i(t,e){return t(e={exports:{}},e.exports),e.exports}var a=o;function o(t,e,r,n){this.cx=3*t,this.bx=3*(r-t)-this.cx,this.ax=1-this.cx-this.bx,this.cy=3*e,this.by=3*(n-e)-this.cy,this.ay=1-this.cy-this.by,this.p1x=t,this.p1y=n,this.p2x=r,this.p2y=n}o.prototype.sampleCurveX=function(t){return((this.ax*t+this.bx)*t+this.cx)*t},o.prototype.sampleCurveY=function(t){return((this.ay*t+this.by)*t+this.cy)*t},o.prototype.sampleCurveDerivativeX=function(t){return(3*this.ax*t+2*this.bx)*t+this.cx},o.prototype.solveCurveX=function(t,e){var r,n,i,a,o;for(void 0===e&&(e=1e-6),i=t,o=0;o<8;o++){if(a=this.sampleCurveX(i)-t,Math.abs(a)(n=1))return n;for(;ra?r=i:n=i,i=.5*(n-r)+r}return i},o.prototype.solve=function(t,e){return this.sampleCurveY(this.solveCurveX(t,e))};var s=function(t,e,r){this.column=t,this.row=e,this.zoom=r};s.prototype.clone=function(){return new s(this.column,this.row,this.zoom)},s.prototype.zoomTo=function(t){return this.clone()._zoomTo(t)},s.prototype.sub=function(t){return this.clone()._sub(t)},s.prototype._zoomTo=function(t){var e=Math.pow(2,t-this.zoom);return this.column*=e,this.row*=e,this.zoom=t,this},s.prototype._sub=function(t){return t=t.zoomTo(this.zoom),this.column-=t.column,this.row-=t.row,this};var l=c;function c(t,e){this.x=t,this.y=e}function u(t,e,r,n){var i=new a(t,e,r,n);return function(t){return i.solve(t)}}c.prototype={clone:function(){return new c(this.x,this.y)},add:function(t){return this.clone()._add(t)},sub:function(t){return this.clone()._sub(t)},multByPoint:function(t){return this.clone()._multByPoint(t)},divByPoint:function(t){return this.clone()._divByPoint(t)},mult:function(t){return this.clone()._mult(t)},div:function(t){return this.clone()._div(t)},rotate:function(t){return this.clone()._rotate(t)},rotateAround:function(t,e){return this.clone()._rotateAround(t,e)},matMult:function(t){return this.clone()._matMult(t)},unit:function(){return this.clone()._unit()},perp:function(){return this.clone()._perp()},round:function(){return this.clone()._round()},mag:function(){return Math.sqrt(this.x*this.x+this.y*this.y)},equals:function(t){return this.x===t.x&&this.y===t.y},dist:function(t){return Math.sqrt(this.distSqr(t))},distSqr:function(t){var e=t.x-this.x,r=t.y-this.y;return e*e+r*r},angle:function(){return Math.atan2(this.y,this.x)},angleTo:function(t){return Math.atan2(this.y-t.y,this.x-t.x)},angleWith:function(t){return this.angleWithSep(t.x,t.y)},angleWithSep:function(t,e){return Math.atan2(this.x*e-this.y*t,this.x*t+this.y*e)},_matMult:function(t){var e=t[0]*this.x+t[1]*this.y,r=t[2]*this.x+t[3]*this.y;return this.x=e,this.y=r,this},_add:function(t){return this.x+=t.x,this.y+=t.y,this},_sub:function(t){return this.x-=t.x,this.y-=t.y,this},_mult:function(t){return this.x*=t,this.y*=t,this},_div:function(t){return this.x/=t,this.y/=t,this},_multByPoint:function(t){return this.x*=t.x,this.y*=t.y,this},_divByPoint:function(t){return this.x/=t.x,this.y/=t.y,this},_unit:function(){return this._div(this.mag()),this},_perp:function(){var t=this.y;return this.y=this.x,this.x=-t,this},_rotate:function(t){var e=Math.cos(t),r=Math.sin(t),n=e*this.x-r*this.y,i=r*this.x+e*this.y;return this.x=n,this.y=i,this},_rotateAround:function(t,e){var r=Math.cos(t),n=Math.sin(t),i=e.x+r*(this.x-e.x)-n*(this.y-e.y),a=e.y+n*(this.x-e.x)+r*(this.y-e.y);return this.x=i,this.y=a,this},_round:function(){return this.x=Math.round(this.x),this.y=Math.round(this.y),this}},c.convert=function(t){return t instanceof c?t:Array.isArray(t)?new c(t[0],t[1]):t};var f=u(.25,.1,.25,1);function h(t,e,r){return Math.min(r,Math.max(e,t))}function p(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n(e.y-t.y)*(r.x-t.x)}function k(t){for(var e=0,r=0,n=t.length,i=n-1,a=void 0,o=void 0;r=200&&r.status<300&&r.response?e(null,{data:n,cacheControl:r.getResponseHeader(\"Cache-Control\"),expires:r.getResponseHeader(\"Expires\")}):e(new A(r.statusText,r.status,t.url))},r.send(),r};function E(t,e,r){r[t]=r[t]||[],r[t].push(e)}function C(t,e,r){if(r&&r[t]){var n=r[t].indexOf(e);-1!==n&&r[t].splice(n,1)}}var L=function(t,e){void 0===e&&(e={}),p(this,e),this.type=t},z=function(t){function e(e,r){void 0===r&&(r={}),t.call(this,\"error\",p({error:e},r))}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e}(L),O=function(){};O.prototype.on=function(t,e){return this._listeners=this._listeners||{},E(t,e,this._listeners),this},O.prototype.off=function(t,e){return C(t,e,this._listeners),C(t,e,this._oneTimeListeners),this},O.prototype.once=function(t,e){return this._oneTimeListeners=this._oneTimeListeners||{},E(t,e,this._oneTimeListeners),this},O.prototype.fire=function(t){\"string\"==typeof t&&(t=new L(t,arguments[1]||{}));var e=t.type;if(this.listens(e)){t.target=this;for(var r=0,n=this._listeners&&this._listeners[e]?this._listeners[e].slice():[];r0||this._oneTimeListeners&&this._oneTimeListeners[t]&&this._oneTimeListeners[t].length>0||this._eventedParent&&this._eventedParent.listens(t)},O.prototype.setEventedParent=function(t,e){return this._eventedParent=t,this._eventedParentData=e,this};var I={$version:8,$root:{version:{required:!0,type:\"enum\",values:[8]},name:{type:\"string\"},metadata:{type:\"*\"},center:{type:\"array\",value:\"number\"},zoom:{type:\"number\"},bearing:{type:\"number\",default:0,period:360,units:\"degrees\"},pitch:{type:\"number\",default:0,units:\"degrees\"},light:{type:\"light\"},sources:{required:!0,type:\"sources\"},sprite:{type:\"string\"},glyphs:{type:\"string\"},transition:{type:\"transition\"},layers:{required:!0,type:\"array\",value:\"layer\"}},sources:{\"*\":{type:\"source\"}},source:[\"source_vector\",\"source_raster\",\"source_raster_dem\",\"source_geojson\",\"source_video\",\"source_image\"],source_vector:{type:{required:!0,type:\"enum\",values:{vector:{}}},url:{type:\"string\"},tiles:{type:\"array\",value:\"string\"},bounds:{type:\"array\",value:\"number\",length:4,default:[-180,-85.0511,180,85.0511]},minzoom:{type:\"number\",default:0},maxzoom:{type:\"number\",default:22},attribution:{type:\"string\"},\"*\":{type:\"*\"}},source_raster:{type:{required:!0,type:\"enum\",values:{raster:{}}},url:{type:\"string\"},tiles:{type:\"array\",value:\"string\"},bounds:{type:\"array\",value:\"number\",length:4,default:[-180,-85.0511,180,85.0511]},minzoom:{type:\"number\",default:0},maxzoom:{type:\"number\",default:22},tileSize:{type:\"number\",default:512,units:\"pixels\"},scheme:{type:\"enum\",values:{xyz:{},tms:{}},default:\"xyz\"},attribution:{type:\"string\"},\"*\":{type:\"*\"}},source_raster_dem:{type:{required:!0,type:\"enum\",values:{\"raster-dem\":{}}},url:{type:\"string\"},tiles:{type:\"array\",value:\"string\"},bounds:{type:\"array\",value:\"number\",length:4,default:[-180,-85.0511,180,85.0511]},minzoom:{type:\"number\",default:0},maxzoom:{type:\"number\",default:22},tileSize:{type:\"number\",default:512,units:\"pixels\"},attribution:{type:\"string\"},encoding:{type:\"enum\",values:{terrarium:{},mapbox:{}},default:\"mapbox\"},\"*\":{type:\"*\"}},source_geojson:{type:{required:!0,type:\"enum\",values:{geojson:{}}},data:{type:\"*\"},maxzoom:{type:\"number\",default:18},buffer:{type:\"number\",default:128,maximum:512,minimum:0},tolerance:{type:\"number\",default:.375},cluster:{type:\"boolean\",default:!1},clusterRadius:{type:\"number\",default:50,minimum:0},clusterMaxZoom:{type:\"number\"},lineMetrics:{type:\"boolean\",default:!1}},source_video:{type:{required:!0,type:\"enum\",values:{video:{}}},urls:{required:!0,type:\"array\",value:\"string\"},coordinates:{required:!0,type:\"array\",length:4,value:{type:\"array\",length:2,value:\"number\"}}},source_image:{type:{required:!0,type:\"enum\",values:{image:{}}},url:{required:!0,type:\"string\"},coordinates:{required:!0,type:\"array\",length:4,value:{type:\"array\",length:2,value:\"number\"}}},layer:{id:{type:\"string\",required:!0},type:{type:\"enum\",values:{fill:{},line:{},symbol:{},circle:{},heatmap:{},\"fill-extrusion\":{},raster:{},hillshade:{},background:{}},required:!0},metadata:{type:\"*\"},source:{type:\"string\"},\"source-layer\":{type:\"string\"},minzoom:{type:\"number\",minimum:0,maximum:24},maxzoom:{type:\"number\",minimum:0,maximum:24},filter:{type:\"filter\"},layout:{type:\"layout\"},paint:{type:\"paint\"}},layout:[\"layout_fill\",\"layout_line\",\"layout_circle\",\"layout_heatmap\",\"layout_fill-extrusion\",\"layout_symbol\",\"layout_raster\",\"layout_hillshade\",\"layout_background\"],layout_background:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_fill:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_circle:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_heatmap:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_line:{\"line-cap\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{butt:{},round:{},square:{}},default:\"butt\"},\"line-join\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{bevel:{},round:{},miter:{}},default:\"miter\"},\"line-miter-limit\":{type:\"number\",default:2,function:\"interpolated\",\"zoom-function\":!0,requires:[{\"line-join\":\"miter\"}]},\"line-round-limit\":{type:\"number\",default:1.05,function:\"interpolated\",\"zoom-function\":!0,requires:[{\"line-join\":\"round\"}]},visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_symbol:{\"symbol-placement\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{point:{},line:{}},default:\"point\"},\"symbol-spacing\":{type:\"number\",default:250,minimum:1,function:\"interpolated\",\"zoom-function\":!0,units:\"pixels\",requires:[{\"symbol-placement\":\"line\"}]},\"symbol-avoid-edges\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1},\"icon-allow-overlap\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\"]},\"icon-ignore-placement\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\"]},\"icon-optional\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\",\"text-field\"]},\"icon-rotation-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"icon-image\"]},\"icon-size\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,units:\"factor of the original icon size\",requires:[\"icon-image\"]},\"icon-text-fit\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{none:{},width:{},height:{},both:{}},default:\"none\",requires:[\"icon-image\",\"text-field\"]},\"icon-text-fit-padding\":{type:\"array\",value:\"number\",length:4,default:[0,0,0,0],units:\"pixels\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"icon-image\",\"text-field\",{\"icon-text-fit\":[\"both\",\"width\",\"height\"]}]},\"icon-image\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,tokens:!0},\"icon-rotate\":{type:\"number\",default:0,period:360,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,units:\"degrees\",requires:[\"icon-image\"]},\"icon-padding\":{type:\"number\",default:2,minimum:0,function:\"interpolated\",\"zoom-function\":!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-keep-upright\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\",{\"icon-rotation-alignment\":\"map\"},{\"symbol-placement\":\"line\"}]},\"icon-offset\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"icon-image\"]},\"icon-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{center:{},left:{},right:{},top:{},bottom:{},\"top-left\":{},\"top-right\":{},\"bottom-left\":{},\"bottom-right\":{}},default:\"center\",requires:[\"icon-image\"]},\"icon-pitch-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"icon-image\"]},\"text-pitch-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"text-field\"]},\"text-rotation-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"text-field\"]},\"text-field\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,default:\"\",tokens:!0},\"text-font\":{type:\"array\",value:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,default:[\"Open Sans Regular\",\"Arial Unicode MS Regular\"],requires:[\"text-field\"]},\"text-size\":{type:\"number\",default:16,minimum:0,units:\"pixels\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-max-width\":{type:\"number\",default:10,minimum:0,units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-line-height\":{type:\"number\",default:1.2,units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"text-field\"]},\"text-letter-spacing\":{type:\"number\",default:0,units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-justify\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{left:{},center:{},right:{}},default:\"center\",requires:[\"text-field\"]},\"text-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{center:{},left:{},right:{},top:{},bottom:{},\"top-left\":{},\"top-right\":{},\"bottom-left\":{},\"bottom-right\":{}},default:\"center\",requires:[\"text-field\"]},\"text-max-angle\":{type:\"number\",default:45,units:\"degrees\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"text-field\",{\"symbol-placement\":\"line\"}]},\"text-rotate\":{type:\"number\",default:0,period:360,units:\"degrees\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-padding\":{type:\"number\",default:2,minimum:0,units:\"pixels\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"text-field\"]},\"text-keep-upright\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!0,requires:[\"text-field\",{\"text-rotation-alignment\":\"map\"},{\"symbol-placement\":\"line\"}]},\"text-transform\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{none:{},uppercase:{},lowercase:{}},default:\"none\",requires:[\"text-field\"]},\"text-offset\":{type:\"array\",value:\"number\",units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,length:2,default:[0,0],requires:[\"text-field\"]},\"text-allow-overlap\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"text-field\"]},\"text-ignore-placement\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"text-field\"]},\"text-optional\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"text-field\",\"icon-image\"]},visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_raster:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_hillshade:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},filter:{type:\"array\",value:\"*\"},filter_operator:{type:\"enum\",values:{\"==\":{},\"!=\":{},\">\":{},\">=\":{},\"<\":{},\"<=\":{},in:{},\"!in\":{},all:{},any:{},none:{},has:{},\"!has\":{}}},geometry_type:{type:\"enum\",values:{Point:{},LineString:{},Polygon:{}}},function_stop:{type:\"array\",minimum:0,maximum:22,value:[\"number\",\"color\"],length:2},expression:{type:\"array\",value:\"*\",minimum:1},expression_name:{type:\"enum\",values:{let:{group:\"Variable binding\"},var:{group:\"Variable binding\"},literal:{group:\"Types\"},array:{group:\"Types\"},at:{group:\"Lookup\"},case:{group:\"Decision\"},match:{group:\"Decision\"},coalesce:{group:\"Decision\"},step:{group:\"Ramps, scales, curves\"},interpolate:{group:\"Ramps, scales, curves\"},ln2:{group:\"Math\"},pi:{group:\"Math\"},e:{group:\"Math\"},typeof:{group:\"Types\"},string:{group:\"Types\"},number:{group:\"Types\"},boolean:{group:\"Types\"},object:{group:\"Types\"},collator:{group:\"Types\"},\"to-string\":{group:\"Types\"},\"to-number\":{group:\"Types\"},\"to-boolean\":{group:\"Types\"},\"to-rgba\":{group:\"Color\"},\"to-color\":{group:\"Types\"},rgb:{group:\"Color\"},rgba:{group:\"Color\"},get:{group:\"Lookup\"},has:{group:\"Lookup\"},length:{group:\"Lookup\"},properties:{group:\"Feature data\"},\"geometry-type\":{group:\"Feature data\"},id:{group:\"Feature data\"},zoom:{group:\"Zoom\"},\"heatmap-density\":{group:\"Heatmap\"},\"line-progress\":{group:\"Heatmap\"},\"+\":{group:\"Math\"},\"*\":{group:\"Math\"},\"-\":{group:\"Math\"},\"/\":{group:\"Math\"},\"%\":{group:\"Math\"},\"^\":{group:\"Math\"},sqrt:{group:\"Math\"},log10:{group:\"Math\"},ln:{group:\"Math\"},log2:{group:\"Math\"},sin:{group:\"Math\"},cos:{group:\"Math\"},tan:{group:\"Math\"},asin:{group:\"Math\"},acos:{group:\"Math\"},atan:{group:\"Math\"},min:{group:\"Math\"},max:{group:\"Math\"},round:{group:\"Math\"},abs:{group:\"Math\"},ceil:{group:\"Math\"},floor:{group:\"Math\"},\"==\":{group:\"Decision\"},\"!=\":{group:\"Decision\"},\">\":{group:\"Decision\"},\"<\":{group:\"Decision\"},\">=\":{group:\"Decision\"},\"<=\":{group:\"Decision\"},all:{group:\"Decision\"},any:{group:\"Decision\"},\"!\":{group:\"Decision\"},\"is-supported-script\":{group:\"String\"},upcase:{group:\"String\"},downcase:{group:\"String\"},concat:{group:\"String\"},\"resolved-locale\":{group:\"String\"}}},light:{anchor:{type:\"enum\",default:\"viewport\",values:{map:{},viewport:{}},transition:!1,\"zoom-function\":!0,\"property-function\":!1,function:\"piecewise-constant\"},position:{type:\"array\",default:[1.15,210,30],length:3,value:\"number\",transition:!0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1},color:{type:\"color\",default:\"#ffffff\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0},intensity:{type:\"number\",default:.5,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0}},paint:[\"paint_fill\",\"paint_line\",\"paint_circle\",\"paint_heatmap\",\"paint_fill-extrusion\",\"paint_symbol\",\"paint_raster\",\"paint_hillshade\",\"paint_background\"],paint_fill:{\"fill-antialias\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!0},\"fill-opacity\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:1,minimum:0,maximum:1,transition:!0},\"fill-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"fill-pattern\"}]},\"fill-outline-color\":{type:\"color\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"fill-pattern\"},{\"fill-antialias\":!0}]},\"fill-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"fill-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"fill-translate\"]},\"fill-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0}},paint_line:{\"line-opacity\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:1,minimum:0,maximum:1,transition:!0},\"line-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"line-pattern\"}]},\"line-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"line-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"line-translate\"]},\"line-width\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-gap-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-offset\":{type:\"number\",default:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-blur\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-dasharray\":{type:\"array\",value:\"number\",function:\"piecewise-constant\",\"zoom-function\":!0,minimum:0,transition:!0,units:\"line widths\",requires:[{\"!\":\"line-pattern\"}]},\"line-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0},\"line-gradient\":{type:\"color\",function:\"interpolated\",\"zoom-function\":!1,\"property-function\":!1,transition:!1,requires:[{\"!\":\"line-dasharray\"},{\"!\":\"line-pattern\"},{source:\"geojson\",has:{lineMetrics:!0}}]}},paint_circle:{\"circle-radius\":{type:\"number\",default:5,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"circle-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-blur\":{type:\"number\",default:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"circle-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"circle-translate\"]},\"circle-pitch-scale\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\"},\"circle-pitch-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"viewport\"},\"circle-stroke-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"circle-stroke-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-stroke-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0}},paint_heatmap:{\"heatmap-radius\":{type:\"number\",default:30,minimum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"heatmap-weight\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!1},\"heatmap-intensity\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0},\"heatmap-color\":{type:\"color\",default:[\"interpolate\",[\"linear\"],[\"heatmap-density\"],0,\"rgba(0, 0, 255, 0)\",.1,\"royalblue\",.3,\"cyan\",.5,\"lime\",.7,\"yellow\",1,\"red\"],function:\"interpolated\",\"zoom-function\":!1,\"property-function\":!1,transition:!1},\"heatmap-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0}},paint_symbol:{\"icon-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"icon-image\"]},\"icon-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"icon-image\"]},\"icon-halo-color\":{type:\"color\",default:\"rgba(0, 0, 0, 0)\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"icon-image\"]},\"icon-halo-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-halo-blur\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"icon-image\",\"icon-translate\"]},\"text-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"text-field\"]},\"text-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"text-field\"]},\"text-halo-color\":{type:\"color\",default:\"rgba(0, 0, 0, 0)\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"text-field\"]},\"text-halo-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"text-field\"]},\"text-halo-blur\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"text-field\"]},\"text-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\",requires:[\"text-field\"]},\"text-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"text-field\",\"text-translate\"]}},paint_raster:{\"raster-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"raster-hue-rotate\":{type:\"number\",default:0,period:360,function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"degrees\"},\"raster-brightness-min\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,default:0,minimum:0,maximum:1,transition:!0},\"raster-brightness-max\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,default:1,minimum:0,maximum:1,transition:!0},\"raster-saturation\":{type:\"number\",default:0,minimum:-1,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"raster-contrast\":{type:\"number\",default:0,minimum:-1,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"raster-fade-duration\":{type:\"number\",default:300,minimum:0,function:\"interpolated\",\"zoom-function\":!0,transition:!1,units:\"milliseconds\"}},paint_hillshade:{\"hillshade-illumination-direction\":{type:\"number\",default:335,minimum:0,maximum:359,function:\"interpolated\",\"zoom-function\":!0,transition:!1},\"hillshade-illumination-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"viewport\"},\"hillshade-exaggeration\":{type:\"number\",default:.5,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"hillshade-shadow-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"hillshade-highlight-color\":{type:\"color\",default:\"#FFFFFF\",function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"hillshade-accent-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,transition:!0}},paint_background:{\"background-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,transition:!0,requires:[{\"!\":\"background-pattern\"}]},\"background-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0},\"background-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0}},transition:{duration:{type:\"number\",default:300,minimum:0,units:\"milliseconds\"},delay:{type:\"number\",default:0,minimum:0,units:\"milliseconds\"}},\"layout_fill-extrusion\":{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},function:{expression:{type:\"expression\"},stops:{type:\"array\",value:\"function_stop\"},base:{type:\"number\",default:1,minimum:0},property:{type:\"string\",default:\"$zoom\"},type:{type:\"enum\",values:{identity:{},exponential:{},interval:{},categorical:{}},default:\"exponential\"},colorSpace:{type:\"enum\",values:{rgb:{},lab:{},hcl:{}},default:\"rgb\"},default:{type:\"*\",required:!1}},\"paint_fill-extrusion\":{\"fill-extrusion-opacity\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,default:1,minimum:0,maximum:1,transition:!0},\"fill-extrusion-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"fill-extrusion-pattern\"}]},\"fill-extrusion-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"fill-extrusion-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"fill-extrusion-translate\"]},\"fill-extrusion-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0},\"fill-extrusion-height\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:0,minimum:0,units:\"meters\",transition:!0},\"fill-extrusion-base\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:0,minimum:0,units:\"meters\",transition:!0,requires:[\"fill-extrusion-height\"]}}},P=function(t,e,r,n){this.message=(t?t+\": \":\"\")+r,n&&(this.identifier=n),null!=e&&e.__line__&&(this.line=e.__line__)};function D(t){var e=t.key,r=t.value;return r?[new P(e,r,\"constants have been deprecated as of v8\")]:[]}function R(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n\":\"value\"===t.itemType.kind?\"array\":\"array<\"+e+\">\"}return t.kind}var J=[V,U,q,H,G,W,Z(Y)];function K(t,e){if(\"error\"===e.kind)return null;if(\"array\"===t.kind){if(\"array\"===e.kind&&!K(t.itemType,e.itemType)&&(\"number\"!=typeof t.N||t.N===e.N))return null}else{if(t.kind===e.kind)return null;if(\"value\"===t.kind)for(var r=0,n=J;r255?255:t}function i(t){return t<0?0:t>1?1:t}function a(t){return\"%\"===t[t.length-1]?n(parseFloat(t)/100*255):n(parseInt(t))}function o(t){return\"%\"===t[t.length-1]?i(parseFloat(t)/100):i(parseFloat(t))}function s(t,e,r){return r<0?r+=1:r>1&&(r-=1),6*r<1?t+(e-t)*r*6:2*r<1?e:3*r<2?t+(e-t)*(2/3-r)*6:t}try{e.parseCSSColor=function(t){var e,i=t.replace(/ /g,\"\").toLowerCase();if(i in r)return r[i].slice();if(\"#\"===i[0])return 4===i.length?(e=parseInt(i.substr(1),16))>=0&&e<=4095?[(3840&e)>>4|(3840&e)>>8,240&e|(240&e)>>4,15&e|(15&e)<<4,1]:null:7===i.length&&(e=parseInt(i.substr(1),16))>=0&&e<=16777215?[(16711680&e)>>16,(65280&e)>>8,255&e,1]:null;var l=i.indexOf(\"(\"),c=i.indexOf(\")\");if(-1!==l&&c+1===i.length){var u=i.substr(0,l),f=i.substr(l+1,c-(l+1)).split(\",\"),h=1;switch(u){case\"rgba\":if(4!==f.length)return null;h=o(f.pop());case\"rgb\":return 3!==f.length?null:[a(f[0]),a(f[1]),a(f[2]),h];case\"hsla\":if(4!==f.length)return null;h=o(f.pop());case\"hsl\":if(3!==f.length)return null;var p=(parseFloat(f[0])%360+360)%360/360,d=o(f[1]),g=o(f[2]),v=g<=.5?g*(d+1):g+d-g*d,m=2*g-v;return[n(255*s(m,v,p+1/3)),n(255*s(m,v,p)),n(255*s(m,v,p-1/3)),h];default:return null}}return null}}catch(t){}}).parseCSSColor,tt=function(t,e,r,n){void 0===n&&(n=1),this.r=t,this.g=e,this.b=r,this.a=n};tt.parse=function(t){if(t){if(t instanceof tt)return t;if(\"string\"==typeof t){var e=Q(t);if(e)return new tt(e[0]/255*e[3],e[1]/255*e[3],e[2]/255*e[3],e[3])}}},tt.prototype.toString=function(){var t=this.toArray(),e=t[0],r=t[1],n=t[2],i=t[3];return\"rgba(\"+Math.round(e)+\",\"+Math.round(r)+\",\"+Math.round(n)+\",\"+i+\")\"},tt.prototype.toArray=function(){var t=this.r,e=this.g,r=this.b,n=this.a;return 0===n?[0,0,0,0]:[255*t/n,255*e/n,255*r/n,n]},tt.black=new tt(0,0,0,1),tt.white=new tt(1,1,1,1),tt.transparent=new tt(0,0,0,0);var et=function(t,e,r){this.sensitivity=t?e?\"variant\":\"case\":e?\"accent\":\"base\",this.locale=r,this.collator=new Intl.Collator(this.locale?this.locale:[],{sensitivity:this.sensitivity,usage:\"search\"})};et.prototype.compare=function(t,e){return this.collator.compare(t,e)},et.prototype.resolvedLocale=function(){return new Intl.Collator(this.locale?this.locale:[]).resolvedOptions().locale};var rt=function(t,e,r){this.type=X,this.locale=r,this.caseSensitive=t,this.diacriticSensitive=e};function nt(t,e,r,n){return\"number\"==typeof t&&t>=0&&t<=255&&\"number\"==typeof e&&e>=0&&e<=255&&\"number\"==typeof r&&r>=0&&r<=255?void 0===n||\"number\"==typeof n&&n>=0&&n<=1?null:\"Invalid rgba value [\"+[t,e,r,n].join(\", \")+\"]: 'a' must be between 0 and 1.\":\"Invalid rgba value [\"+(\"number\"==typeof n?[t,e,r,n]:[t,e,r]).join(\", \")+\"]: 'r', 'g', and 'b' must be between 0 and 255.\"}function it(t){if(null===t)return V;if(\"string\"==typeof t)return q;if(\"boolean\"==typeof t)return H;if(\"number\"==typeof t)return U;if(t instanceof tt)return G;if(t instanceof et)return X;if(Array.isArray(t)){for(var e,r=t.length,n=0,i=t;n4)return e.error(\"Expected 1, 2, or 3 arguments, but found \"+(t.length-1)+\" instead.\");var r,n;if(t.length>2){var i=t[1];if(\"string\"!=typeof i||!(i in ct))return e.error('The item type argument of \"array\" must be one of string, number, boolean',1);r=ct[i]}else r=Y;if(t.length>3){if(\"number\"!=typeof t[2]||t[2]<0||t[2]!==Math.floor(t[2]))return e.error('The length argument to \"array\" must be a positive integer literal',2);n=t[2]}var a=Z(r,n),o=e.parse(t[t.length-1],t.length-1,Y);return o?new ut(a,o):null},ut.prototype.evaluate=function(t){var e=this.input.evaluate(t);if(K(this.type,it(e)))throw new ot(\"Expected value to be of type \"+$(this.type)+\", but found \"+$(it(e))+\" instead.\");return e},ut.prototype.eachChild=function(t){t(this.input)},ut.prototype.possibleOutputs=function(){return this.input.possibleOutputs()},ut.prototype.serialize=function(){var t=[\"array\"],e=this.type.itemType;if(\"string\"===e.kind||\"number\"===e.kind||\"boolean\"===e.kind){t.push(e.kind);var r=this.type.N;\"number\"==typeof r&&t.push(r)}return t.push(this.input.serialize()),t};var ft={\"to-number\":U,\"to-color\":G},ht=function(t,e){this.type=t,this.args=e};ht.parse=function(t,e){if(t.length<2)return e.error(\"Expected at least one argument.\");for(var r=t[0],n=ft[r],i=[],a=1;a4?\"Invalid rbga value \"+JSON.stringify(e)+\": expected an array containing either three or four numeric values.\":nt(e[0],e[1],e[2],e[3])))return new tt(e[0]/255,e[1]/255,e[2]/255,e[3]);throw new ot(r||\"Could not parse color from value '\"+(\"string\"==typeof e?e:JSON.stringify(e))+\"'\")}for(var o=null,s=0,l=this.args;s=0)return!1;var r=!0;return t.eachChild(function(t){r&&!mt(t,e)&&(r=!1)}),r}gt.prototype.evaluate=function(t){return this._evaluate(t,this.args)},gt.prototype.eachChild=function(t){this.args.forEach(t)},gt.prototype.possibleOutputs=function(){return[void 0]},gt.prototype.serialize=function(){return[this.name].concat(this.args.map(function(t){return t.serialize()}))},gt.parse=function(t,e){var r=t[0],n=gt.definitions[r];if(!n)return e.error('Unknown expression \"'+r+'\". If you wanted a literal array, use [\"literal\", [...]].',0);for(var i=Array.isArray(n)?n[0]:n.type,a=Array.isArray(n)?[[n[1],n[2]]]:n.overloads,o=a.filter(function(e){var r=e[0];return!Array.isArray(r)||r.length===t.length-1}),s=[],l=1;lr&&ee))throw new ot(\"Input is not a number.\");a=o-1}}return Math.max(o-1,0)}xt.prototype.parse=function(t,e,r,n,i){return void 0===i&&(i={}),e?this.concat(e,r,n)._parse(t,i):this._parse(t,i)},xt.prototype._parse=function(t,e){if(null!==t&&\"string\"!=typeof t&&\"boolean\"!=typeof t&&\"number\"!=typeof t||(t=[\"literal\",t]),Array.isArray(t)){if(0===t.length)return this.error('Expected an array with at least one element. If you wanted a literal array, use [\"literal\", []].');var r=t[0];if(\"string\"!=typeof r)return this.error(\"Expression name must be a string, but found \"+typeof r+' instead. If you wanted a literal array, use [\"literal\", [...]].',0),null;var n=this.registry[r];if(n){var i=n.parse(t,this);if(!i)return null;if(this.expectedType){var a=this.expectedType,o=i.type;if(\"string\"!==a.kind&&\"number\"!==a.kind&&\"boolean\"!==a.kind&&\"object\"!==a.kind||\"value\"!==o.kind)if(\"array\"===a.kind&&\"value\"===o.kind)e.omitTypeAnnotations||(i=new ut(a,i));else if(\"color\"!==a.kind||\"value\"!==o.kind&&\"string\"!==o.kind){if(this.checkSubtype(this.expectedType,i.type))return null}else e.omitTypeAnnotations||(i=new ht(a,[i]));else e.omitTypeAnnotations||(i=new lt(a,[i]))}if(!(i instanceof at)&&function t(e){if(e instanceof yt)return t(e.boundExpression);if(e instanceof gt&&\"error\"===e.name)return!1;if(e instanceof rt)return!1;var r=e instanceof ht||e instanceof lt||e instanceof ut,n=!0;return e.eachChild(function(e){n=r?n&&t(e):n&&e instanceof at}),!!n&&(vt(e)&&mt(e,[\"zoom\",\"heatmap-density\",\"line-progress\",\"is-supported-script\"]))}(i)){var s=new dt;try{i=new at(i.type,i.evaluate(s))}catch(t){return this.error(t.message),null}}return i}return this.error('Unknown expression \"'+r+'\". If you wanted a literal array, use [\"literal\", [...]].',0)}return void 0===t?this.error(\"'undefined' value invalid. Use null instead.\"):\"object\"==typeof t?this.error('Bare objects invalid. Use [\"literal\", {...}] instead.'):this.error(\"Expected an array, but found \"+typeof t+\" instead.\")},xt.prototype.concat=function(t,e,r){var n=\"number\"==typeof t?this.path.concat(t):this.path,i=r?this.scope.concat(r):this.scope;return new xt(this.registry,n,e||null,i,this.errors)},xt.prototype.error=function(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];var n=\"\"+this.key+e.map(function(t){return\"[\"+t+\"]\"}).join(\"\");this.errors.push(new N(n,t))},xt.prototype.checkSubtype=function(t,e){var r=K(t,e);return r&&this.error(r),r};var _t=function(t,e,r){this.type=t,this.input=e,this.labels=[],this.outputs=[];for(var n=0,i=r;n=s)return e.error('Input/output pairs for \"step\" expressions must be arranged with input values in strictly ascending order.',c);var f=e.parse(l,u,a);if(!f)return null;a=a||f.type,i.push([s,f])}return new _t(a,r,i)},_t.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;return n>=e[i-1]?r[i-1].evaluate(t):r[bt(e,n)].evaluate(t)},_t.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e0&&t.push(this.labels[e]),t.push(this.outputs[e].serialize());return t};var kt=Object.freeze({number:wt,color:function(t,e,r){return new tt(wt(t.r,e.r,r),wt(t.g,e.g,r),wt(t.b,e.b,r),wt(t.a,e.a,r))},array:function(t,e,r){return t.map(function(t,n){return wt(t,e[n],r)})}}),Mt=function(t,e,r,n){this.type=t,this.interpolation=e,this.input=r,this.labels=[],this.outputs=[];for(var i=0,a=n;i1}))return e.error(\"Cubic bezier interpolation requires four numeric arguments with values between 0 and 1.\",1);r={name:\"cubic-bezier\",controlPoints:o}}if(t.length-1<4)return e.error(\"Expected at least 4 arguments, but found only \"+(t.length-1)+\".\");if((t.length-1)%2!=0)return e.error(\"Expected an even number of arguments.\");if(!(n=e.parse(n,2,U)))return null;var s=[],l=null;e.expectedType&&\"value\"!==e.expectedType.kind&&(l=e.expectedType);for(var c=0;c=u)return e.error('Input/output pairs for \"interpolate\" expressions must be arranged with input values in strictly ascending order.',h);var d=e.parse(f,p,l);if(!d)return null;l=l||d.type,s.push([u,d])}return\"number\"===l.kind||\"color\"===l.kind||\"array\"===l.kind&&\"number\"===l.itemType.kind&&\"number\"==typeof l.N?new Mt(l,r,n,s):e.error(\"Type \"+$(l)+\" is not interpolatable.\")},Mt.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;if(n>=e[i-1])return r[i-1].evaluate(t);var a=bt(e,n),o=e[a],s=e[a+1],l=Mt.interpolationFactor(this.interpolation,n,o,s),c=r[a].evaluate(t),u=r[a+1].evaluate(t);return kt[this.type.kind.toLowerCase()](c,u,l)},Mt.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e=r.length)throw new ot(\"Array index out of bounds: \"+e+\" > \"+(r.length-1)+\".\");if(e!==Math.floor(e))throw new ot(\"Array index must be an integer, but found \"+e+\" instead.\");return r[e]},Et.prototype.eachChild=function(t){t(this.index),t(this.input)},Et.prototype.possibleOutputs=function(){return[void 0]},Et.prototype.serialize=function(){return[\"at\",this.index.serialize(),this.input.serialize()]};var Ct=function(t,e,r,n,i,a){this.inputType=t,this.type=e,this.input=r,this.cases=n,this.outputs=i,this.otherwise=a};Ct.parse=function(t,e){if(t.length<5)return e.error(\"Expected at least 4 arguments, but found only \"+(t.length-1)+\".\");if(t.length%2!=1)return e.error(\"Expected an even number of arguments.\");var r,n;e.expectedType&&\"value\"!==e.expectedType.kind&&(n=e.expectedType);for(var i={},a=[],o=2;oNumber.MAX_SAFE_INTEGER)return c.error(\"Branch labels must be integers no larger than \"+Number.MAX_SAFE_INTEGER+\".\");if(\"number\"==typeof h&&Math.floor(h)!==h)return c.error(\"Numeric branch labels must be integer values.\");if(r){if(c.checkSubtype(r,it(h)))return null}else r=it(h);if(void 0!==i[String(h)])return c.error(\"Branch labels must be unique.\");i[String(h)]=a.length}var p=e.parse(l,o,n);if(!p)return null;n=n||p.type,a.push(p)}var d=e.parse(t[1],1,r);if(!d)return null;var g=e.parse(t[t.length-1],t.length-1,n);return g?new Ct(r,n,d,i,a,g):null},Ct.prototype.evaluate=function(t){var e=this.input.evaluate(t);return(this.outputs[this.cases[e]]||this.otherwise).evaluate(t)},Ct.prototype.eachChild=function(t){t(this.input),this.outputs.forEach(t),t(this.otherwise)},Ct.prototype.possibleOutputs=function(){return(t=[]).concat.apply(t,this.outputs.map(function(t){return t.possibleOutputs()})).concat(this.otherwise.possibleOutputs());var t},Ct.prototype.serialize=function(){for(var t=this,e=[\"match\",this.input.serialize()],r=[],n={},i=0,a=Object.keys(this.cases).sort();in.evaluate(t)}function Ut(t,e){var r=e[0],n=e[1];return r.evaluate(t)<=n.evaluate(t)}function qt(t,e){var r=e[0],n=e[1];return r.evaluate(t)>=n.evaluate(t)}function Ht(t){return{type:t}}function Gt(t){return{result:\"success\",value:t}}function Wt(t){return{result:\"error\",value:t}}gt.register(Rt,{error:[{kind:\"error\"},[q],function(t,e){var r=e[0];throw new ot(r.evaluate(t))}],typeof:[q,[Y],function(t,e){return $(it(e[0].evaluate(t)))}],\"to-string\":[q,[Y],function(t,e){var r=e[0],n=typeof(r=r.evaluate(t));return null===r?\"\":\"string\"===n||\"number\"===n||\"boolean\"===n?String(r):r instanceof tt?r.toString():JSON.stringify(r)}],\"to-boolean\":[H,[Y],function(t,e){var r=e[0];return Boolean(r.evaluate(t))}],\"to-rgba\":[Z(U,4),[G],function(t,e){return e[0].evaluate(t).toArray()}],rgb:[G,[U,U,U],Bt],rgba:[G,[U,U,U,U],Bt],has:{type:H,overloads:[[[q],function(t,e){return Ft(e[0].evaluate(t),t.properties())}],[[q,W],function(t,e){var r=e[0],n=e[1];return Ft(r.evaluate(t),n.evaluate(t))}]]},get:{type:Y,overloads:[[[q],function(t,e){return Nt(e[0].evaluate(t),t.properties())}],[[q,W],function(t,e){var r=e[0],n=e[1];return Nt(r.evaluate(t),n.evaluate(t))}]]},properties:[W,[],function(t){return t.properties()}],\"geometry-type\":[q,[],function(t){return t.geometryType()}],id:[Y,[],function(t){return t.id()}],zoom:[U,[],function(t){return t.globals.zoom}],\"heatmap-density\":[U,[],function(t){return t.globals.heatmapDensity||0}],\"line-progress\":[U,[],function(t){return t.globals.lineProgress||0}],\"+\":[U,Ht(U),function(t,e){for(var r=0,n=0,i=e;n\":[H,[q,Y],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>a}],\"filter-id->\":[H,[Y],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>i}],\"filter-<=\":[H,[q,Y],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i<=a}],\"filter-id-<=\":[H,[Y],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n<=i}],\"filter->=\":[H,[q,Y],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>=a}],\"filter-id->=\":[H,[Y],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>=i}],\"filter-has\":[H,[Y],function(t,e){return e[0].value in t.properties()}],\"filter-has-id\":[H,[],function(t){return null!==t.id()}],\"filter-type-in\":[H,[Z(q)],function(t,e){return e[0].value.indexOf(t.geometryType())>=0}],\"filter-id-in\":[H,[Z(Y)],function(t,e){return e[0].value.indexOf(t.id())>=0}],\"filter-in-small\":[H,[q,Z(Y)],function(t,e){var r=e[0];return e[1].value.indexOf(t.properties()[r.value])>=0}],\"filter-in-large\":[H,[q,Z(Y)],function(t,e){var r=e[0],n=e[1];return function(t,e,r,n){for(;r<=n;){var i=r+n>>1;if(e[i]===t)return!0;e[i]>t?n=i-1:r=i+1}return!1}(t.properties()[r.value],n.value,0,n.value.length-1)}],\">\":{type:H,overloads:[[[U,U],Vt],[[q,q],Vt],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))>0}]]},\"<\":{type:H,overloads:[[[U,U],jt],[[q,q],jt],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))<0}]]},\">=\":{type:H,overloads:[[[U,U],qt],[[q,q],qt],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))>=0}]]},\"<=\":{type:H,overloads:[[[U,U],Ut],[[q,q],Ut],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))<=0}]]},all:{type:H,overloads:[[[H,H],function(t,e){var r=e[0],n=e[1];return r.evaluate(t)&&n.evaluate(t)}],[Ht(H),function(t,e){for(var r=0,n=e;rQt?Math.pow(t,1/3):t/Kt+$t}function ne(t){return t>Jt?t*t*t:Kt*(t-$t)}function ie(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function ae(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function oe(t){var e=ae(t.r),r=ae(t.g),n=ae(t.b),i=re((.4124564*e+.3575761*r+.1804375*n)/Yt),a=re((.2126729*e+.7151522*r+.072175*n)/Xt);return{l:116*a-16,a:500*(i-a),b:200*(a-re((.0193339*e+.119192*r+.9503041*n)/Zt)),alpha:t.a}}function se(t){var e=(t.l+16)/116,r=isNaN(t.a)?e:e+t.a/500,n=isNaN(t.b)?e:e-t.b/200;return e=Xt*ne(e),r=Yt*ne(r),n=Zt*ne(n),new tt(ie(3.2404542*r-1.5371385*e-.4985314*n),ie(-.969266*r+1.8760108*e+.041556*n),ie(.0556434*r-.2040259*e+1.0572252*n),t.alpha)}var le={forward:oe,reverse:se,interpolate:function(t,e,r){return{l:wt(t.l,e.l,r),a:wt(t.a,e.a,r),b:wt(t.b,e.b,r),alpha:wt(t.alpha,e.alpha,r)}}},ce={forward:function(t){var e=oe(t),r=e.l,n=e.a,i=e.b,a=Math.atan2(i,n)*ee;return{h:a<0?a+360:a,c:Math.sqrt(n*n+i*i),l:r,alpha:t.a}},reverse:function(t){var e=t.h*te,r=t.c;return se({l:t.l,a:Math.cos(e)*r,b:Math.sin(e)*r,alpha:t.alpha})},interpolate:function(t,e,r){return{h:function(t,e,r){var n=e-t;return t+r*(n>180||n<-180?n-360*Math.round(n/360):n)}(t.h,e.h,r),c:wt(t.c,e.c,r),l:wt(t.l,e.l,r),alpha:wt(t.alpha,e.alpha,r)}}},ue=Object.freeze({lab:le,hcl:ce});function fe(t){return t instanceof Number?\"number\":t instanceof String?\"string\":t instanceof Boolean?\"boolean\":Array.isArray(t)?\"array\":null===t?\"null\":typeof t}function he(t){return\"object\"==typeof t&&null!==t&&!Array.isArray(t)}function pe(t){return t}function de(t,e,r){return void 0!==t?t:void 0!==e?e:void 0!==r?r:void 0}function ge(t,e,r,n,i){return de(typeof r===i?n[r]:void 0,t.default,e.default)}function ve(t,e,r){if(\"number\"!==fe(r))return de(t.default,e.default);var n=t.stops.length;if(1===n)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[n-1][0])return t.stops[n-1][1];var i=xe(t.stops,r);return t.stops[i][1]}function me(t,e,r){var n=void 0!==t.base?t.base:1;if(\"number\"!==fe(r))return de(t.default,e.default);var i=t.stops.length;if(1===i)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[i-1][0])return t.stops[i-1][1];var a=xe(t.stops,r),o=function(t,e,r,n){var i=n-r,a=t-r;return 0===i?0:1===e?a/i:(Math.pow(e,a)-1)/(Math.pow(e,i)-1)}(r,n,t.stops[a][0],t.stops[a+1][0]),s=t.stops[a][1],l=t.stops[a+1][1],c=kt[e.type]||pe;if(t.colorSpace&&\"rgb\"!==t.colorSpace){var u=ue[t.colorSpace];c=function(t,e){return u.reverse(u.interpolate(u.forward(t),u.forward(e),o))}}return\"function\"==typeof s.evaluate?{evaluate:function(){for(var t=[],e=arguments.length;e--;)t[e]=arguments[e];var r=s.evaluate.apply(void 0,t),n=l.evaluate.apply(void 0,t);if(void 0!==r&&void 0!==n)return c(r,n,o)}}:c(s,l,o)}function ye(t,e,r){return\"color\"===e.type?r=tt.parse(r):fe(r)===e.type||\"enum\"===e.type&&e.values[r]||(r=void 0),de(r,t.default,e.default)}function xe(t,e){for(var r,n,i=0,a=t.length-1,o=0;i<=a;){if(r=t[o=Math.floor((i+a)/2)][0],n=t[o+1][0],e===r||e>r&&ee&&(a=o-1)}return Math.max(o-1,0)}var be=function(t,e){var r;this.expression=t,this._warningHistory={},this._defaultValue=\"color\"===(r=e).type&&he(r.default)?new tt(0,0,0,0):\"color\"===r.type?tt.parse(r.default)||null:void 0===r.default?null:r.default,\"enum\"===e.type&&(this._enumValues=e.values)};function _e(t){return Array.isArray(t)&&t.length>0&&\"string\"==typeof t[0]&&t[0]in Rt}function we(t,e){var r=new xt(Rt,[],function(t){var e={color:G,string:q,number:U,enum:q,boolean:H};return\"array\"===t.type?Z(e[t.value]||Y,t.length):e[t.type]||null}(e)),n=r.parse(t);return n?Gt(new be(n,e)):Wt(r.errors)}be.prototype.evaluateWithoutErrorHandling=function(t,e){return this._evaluator||(this._evaluator=new dt),this._evaluator.globals=t,this._evaluator.feature=e,this.expression.evaluate(this._evaluator)},be.prototype.evaluate=function(t,e){this._evaluator||(this._evaluator=new dt),this._evaluator.globals=t,this._evaluator.feature=e;try{var r=this.expression.evaluate(this._evaluator);if(null==r)return this._defaultValue;if(this._enumValues&&!(r in this._enumValues))throw new ot(\"Expected value to be one of \"+Object.keys(this._enumValues).map(function(t){return JSON.stringify(t)}).join(\", \")+\", but found \"+JSON.stringify(r)+\" instead.\");return r}catch(t){return this._warningHistory[t.message]||(this._warningHistory[t.message]=!0,\"undefined\"!=typeof console&&console.warn(t.message)),this._defaultValue}};var ke=function(t,e){this.kind=t,this._styleExpression=e};ke.prototype.evaluateWithoutErrorHandling=function(t,e){return this._styleExpression.evaluateWithoutErrorHandling(t,e)},ke.prototype.evaluate=function(t,e){return this._styleExpression.evaluate(t,e)};var Me=function(t,e,r){this.kind=t,this.zoomStops=r.labels,this._styleExpression=e,r instanceof Mt&&(this._interpolationType=r.interpolation)};function Ae(t,e){if(\"error\"===(t=we(t,e)).result)return t;var r=t.value.expression,n=vt(r);if(!n&&!e[\"property-function\"])return Wt([new N(\"\",\"property expressions not supported\")]);var i=mt(r,[\"zoom\"]);if(!i&&!1===e[\"zoom-function\"])return Wt([new N(\"\",\"zoom expressions not supported\")]);var a=function t(e){var r=null;if(e instanceof St)r=t(e.result);else if(e instanceof Tt)for(var n=0,i=e.args;nn.maximum?[new P(e,r,r+\" is greater than the maximum value \"+n.maximum)]:[]}function ze(t){var e,r,n,i=t.valueSpec,a=B(t.value.type),o={},s=\"categorical\"!==a&&void 0===t.value.property,l=!s,c=\"array\"===fe(t.value.stops)&&\"array\"===fe(t.value.stops[0])&&\"object\"===fe(t.value.stops[0][0]),u=Ee({key:t.key,value:t.value,valueSpec:t.styleSpec.function,style:t.style,styleSpec:t.styleSpec,objectElementValidators:{stops:function(t){if(\"identity\"===a)return[new P(t.key,t.value,'identity function may not have a \"stops\" property')];var e=[],r=t.value;return e=e.concat(Ce({key:t.key,value:r,valueSpec:t.valueSpec,style:t.style,styleSpec:t.styleSpec,arrayElementValidator:f})),\"array\"===fe(r)&&0===r.length&&e.push(new P(t.key,r,\"array must have at least one stop\")),e},default:function(t){return Ke({key:t.key,value:t.value,valueSpec:i,style:t.style,styleSpec:t.styleSpec})}}});return\"identity\"===a&&s&&u.push(new P(t.key,t.value,'missing required property \"property\"')),\"identity\"===a||t.value.stops||u.push(new P(t.key,t.value,'missing required property \"stops\"')),\"exponential\"===a&&\"piecewise-constant\"===t.valueSpec.function&&u.push(new P(t.key,t.value,\"exponential functions not supported\")),t.styleSpec.$version>=8&&(l&&!t.valueSpec[\"property-function\"]?u.push(new P(t.key,t.value,\"property functions not supported\")):s&&!t.valueSpec[\"zoom-function\"]&&\"heatmap-color\"!==t.objectKey&&\"line-gradient\"!==t.objectKey&&u.push(new P(t.key,t.value,\"zoom functions not supported\"))),\"categorical\"!==a&&!c||void 0!==t.value.property||u.push(new P(t.key,t.value,'\"property\" property is required')),u;function f(t){var e=[],a=t.value,s=t.key;if(\"array\"!==fe(a))return[new P(s,a,\"array expected, \"+fe(a)+\" found\")];if(2!==a.length)return[new P(s,a,\"array length 2 expected, length \"+a.length+\" found\")];if(c){if(\"object\"!==fe(a[0]))return[new P(s,a,\"object expected, \"+fe(a[0])+\" found\")];if(void 0===a[0].zoom)return[new P(s,a,\"object stop key must have zoom\")];if(void 0===a[0].value)return[new P(s,a,\"object stop key must have value\")];if(n&&n>B(a[0].zoom))return[new P(s,a[0].zoom,\"stop zoom values must appear in ascending order\")];B(a[0].zoom)!==n&&(n=B(a[0].zoom),r=void 0,o={}),e=e.concat(Ee({key:s+\"[0]\",value:a[0],valueSpec:{zoom:{}},style:t.style,styleSpec:t.styleSpec,objectElementValidators:{zoom:Le,value:h}}))}else e=e.concat(h({key:s+\"[0]\",value:a[0],valueSpec:{},style:t.style,styleSpec:t.styleSpec},a));return e.concat(Ke({key:s+\"[1]\",value:a[1],valueSpec:i,style:t.style,styleSpec:t.styleSpec}))}function h(t,n){var s=fe(t.value),l=B(t.value),c=null!==t.value?t.value:n;if(e){if(s!==e)return[new P(t.key,c,s+\" stop domain type must match previous stop domain type \"+e)]}else e=s;if(\"number\"!==s&&\"string\"!==s&&\"boolean\"!==s)return[new P(t.key,c,\"stop domain value must be a number, string, or boolean\")];if(\"number\"!==s&&\"categorical\"!==a){var u=\"number expected, \"+s+\" found\";return i[\"property-function\"]&&void 0===a&&(u+='\\nIf you intended to use a categorical function, specify `\"type\": \"categorical\"`.'),[new P(t.key,c,u)]}return\"categorical\"!==a||\"number\"!==s||isFinite(l)&&Math.floor(l)===l?\"categorical\"!==a&&\"number\"===s&&void 0!==r&&l=2&&\"$id\"!==t[1]&&\"$type\"!==t[1];case\"in\":case\"!in\":case\"!has\":case\"none\":return!1;case\"==\":case\"!=\":case\">\":case\">=\":case\"<\":case\"<=\":return 3===t.length&&(Array.isArray(t[1])||Array.isArray(t[2]));case\"any\":case\"all\":for(var e=0,r=t.slice(1);ee?1:0}function Fe(t){if(!t)return!0;var e,r=t[0];return t.length<=1?\"any\"!==r:\"==\"===r?Ne(t[1],t[2],\"==\"):\"!=\"===r?Ue(Ne(t[1],t[2],\"==\")):\"<\"===r||\">\"===r||\"<=\"===r||\">=\"===r?Ne(t[1],t[2],r):\"any\"===r?(e=t.slice(1),[\"any\"].concat(e.map(Fe))):\"all\"===r?[\"all\"].concat(t.slice(1).map(Fe)):\"none\"===r?[\"all\"].concat(t.slice(1).map(Fe).map(Ue)):\"in\"===r?je(t[1],t.slice(2)):\"!in\"===r?Ue(je(t[1],t.slice(2))):\"has\"===r?Ve(t[1]):\"!has\"!==r||Ue(Ve(t[1]))}function Ne(t,e,r){switch(t){case\"$type\":return[\"filter-type-\"+r,e];case\"$id\":return[\"filter-id-\"+r,e];default:return[\"filter-\"+r,t,e]}}function je(t,e){if(0===e.length)return!1;switch(t){case\"$type\":return[\"filter-type-in\",[\"literal\",e]];case\"$id\":return[\"filter-id-in\",[\"literal\",e]];default:return e.length>200&&!e.some(function(t){return typeof t!=typeof e[0]})?[\"filter-in-large\",t,[\"literal\",e.sort(Be)]]:[\"filter-in-small\",t,[\"literal\",e]]}}function Ve(t){switch(t){case\"$type\":return!0;case\"$id\":return[\"filter-has-id\"];default:return[\"filter-has\",t]}}function Ue(t){return[\"!\",t]}function qe(t){return Pe(F(t.value))?Oe(R({},t,{expressionContext:\"filter\",valueSpec:{value:\"boolean\"}})):function t(e){var r=e.value,n=e.key;if(\"array\"!==fe(r))return[new P(n,r,\"array expected, \"+fe(r)+\" found\")];var i,a=e.styleSpec,o=[];if(r.length<1)return[new P(n,r,\"filter array must have at least 1 element\")];switch(o=o.concat(Ie({key:n+\"[0]\",value:r[0],valueSpec:a.filter_operator,style:e.style,styleSpec:e.styleSpec})),B(r[0])){case\"<\":case\"<=\":case\">\":case\">=\":r.length>=2&&\"$type\"===B(r[1])&&o.push(new P(n,r,'\"$type\" cannot be use with operator \"'+r[0]+'\"'));case\"==\":case\"!=\":3!==r.length&&o.push(new P(n,r,'filter array for operator \"'+r[0]+'\" must have 3 elements'));case\"in\":case\"!in\":r.length>=2&&\"string\"!==(i=fe(r[1]))&&o.push(new P(n+\"[1]\",r[1],\"string expected, \"+i+\" found\"));for(var s=2;s=c[h+0]&&n>=c[h+1]?(o[f]=!0,a.push(l[f])):o[f]=!1}}},ur.prototype._forEachCell=function(t,e,r,n,i,a,o){for(var s=this._convertToCellCoord(t),l=this._convertToCellCoord(e),c=this._convertToCellCoord(r),u=this._convertToCellCoord(n),f=s;f<=c;f++)for(var h=l;h<=u;h++){var p=this.d*h+f;if(i.call(this,t,e,r,n,p,a,o))return}},ur.prototype._convertToCellCoord=function(t){return Math.max(0,Math.min(this.d-1,Math.floor(t*this.scale)+this.padding))},ur.prototype.toArrayBuffer=function(){if(this.arrayBuffer)return this.arrayBuffer;for(var t=this.cells,e=cr+this.cells.length+1+1,r=0,n=0;n=0)){var f=t[u];c[u]=hr[l].shallow.indexOf(u)>=0?f:gr(f,e)}t instanceof Error&&(c.message=t.message)}return{name:l,properties:c}}throw new Error(\"can't serialize object of type \"+typeof t)}function vr(t){if(null==t||\"boolean\"==typeof t||\"number\"==typeof t||\"string\"==typeof t||t instanceof Boolean||t instanceof Number||t instanceof String||t instanceof Date||t instanceof RegExp||t instanceof ArrayBuffer||ArrayBuffer.isView(t)||t instanceof fr)return t;if(Array.isArray(t))return t.map(function(t){return vr(t)});if(\"object\"==typeof t){var e=t,r=e.name,n=e.properties;if(!r)throw new Error(\"can't deserialize object of anonymous class\");var i=hr[r].klass;if(!i)throw new Error(\"can't deserialize unregistered class \"+r);if(i.deserialize)return i.deserialize(n._serialized);for(var a=Object.create(i.prototype),o=0,s=Object.keys(n);o=0?n[l]:vr(n[l])}return a}throw new Error(\"can't deserialize object of type \"+typeof t)}var mr=function(){this.first=!0};mr.prototype.update=function(t,e){var r=Math.floor(t);return this.first?(this.first=!1,this.lastIntegerZoom=r,this.lastIntegerZoomTime=0,this.lastZoom=t,this.lastFloorZoom=r,!0):(this.lastFloorZoom>r?(this.lastIntegerZoom=r+1,this.lastIntegerZoomTime=e):this.lastFloorZoom=128&&t<=255},Arabic:function(t){return t>=1536&&t<=1791},\"Arabic Supplement\":function(t){return t>=1872&&t<=1919},\"Arabic Extended-A\":function(t){return t>=2208&&t<=2303},\"Hangul Jamo\":function(t){return t>=4352&&t<=4607},\"Unified Canadian Aboriginal Syllabics\":function(t){return t>=5120&&t<=5759},Khmer:function(t){return t>=6016&&t<=6143},\"Unified Canadian Aboriginal Syllabics Extended\":function(t){return t>=6320&&t<=6399},\"General Punctuation\":function(t){return t>=8192&&t<=8303},\"Letterlike Symbols\":function(t){return t>=8448&&t<=8527},\"Number Forms\":function(t){return t>=8528&&t<=8591},\"Miscellaneous Technical\":function(t){return t>=8960&&t<=9215},\"Control Pictures\":function(t){return t>=9216&&t<=9279},\"Optical Character Recognition\":function(t){return t>=9280&&t<=9311},\"Enclosed Alphanumerics\":function(t){return t>=9312&&t<=9471},\"Geometric Shapes\":function(t){return t>=9632&&t<=9727},\"Miscellaneous Symbols\":function(t){return t>=9728&&t<=9983},\"Miscellaneous Symbols and Arrows\":function(t){return t>=11008&&t<=11263},\"CJK Radicals Supplement\":function(t){return t>=11904&&t<=12031},\"Kangxi Radicals\":function(t){return t>=12032&&t<=12255},\"Ideographic Description Characters\":function(t){return t>=12272&&t<=12287},\"CJK Symbols and Punctuation\":function(t){return t>=12288&&t<=12351},Hiragana:function(t){return t>=12352&&t<=12447},Katakana:function(t){return t>=12448&&t<=12543},Bopomofo:function(t){return t>=12544&&t<=12591},\"Hangul Compatibility Jamo\":function(t){return t>=12592&&t<=12687},Kanbun:function(t){return t>=12688&&t<=12703},\"Bopomofo Extended\":function(t){return t>=12704&&t<=12735},\"CJK Strokes\":function(t){return t>=12736&&t<=12783},\"Katakana Phonetic Extensions\":function(t){return t>=12784&&t<=12799},\"Enclosed CJK Letters and Months\":function(t){return t>=12800&&t<=13055},\"CJK Compatibility\":function(t){return t>=13056&&t<=13311},\"CJK Unified Ideographs Extension A\":function(t){return t>=13312&&t<=19903},\"Yijing Hexagram Symbols\":function(t){return t>=19904&&t<=19967},\"CJK Unified Ideographs\":function(t){return t>=19968&&t<=40959},\"Yi Syllables\":function(t){return t>=40960&&t<=42127},\"Yi Radicals\":function(t){return t>=42128&&t<=42191},\"Hangul Jamo Extended-A\":function(t){return t>=43360&&t<=43391},\"Hangul Syllables\":function(t){return t>=44032&&t<=55215},\"Hangul Jamo Extended-B\":function(t){return t>=55216&&t<=55295},\"Private Use Area\":function(t){return t>=57344&&t<=63743},\"CJK Compatibility Ideographs\":function(t){return t>=63744&&t<=64255},\"Arabic Presentation Forms-A\":function(t){return t>=64336&&t<=65023},\"Vertical Forms\":function(t){return t>=65040&&t<=65055},\"CJK Compatibility Forms\":function(t){return t>=65072&&t<=65103},\"Small Form Variants\":function(t){return t>=65104&&t<=65135},\"Arabic Presentation Forms-B\":function(t){return t>=65136&&t<=65279},\"Halfwidth and Fullwidth Forms\":function(t){return t>=65280&&t<=65519}};function xr(t){for(var e=0,r=t;e=65097&&t<=65103)||yr[\"CJK Compatibility Ideographs\"](t)||yr[\"CJK Compatibility\"](t)||yr[\"CJK Radicals Supplement\"](t)||yr[\"CJK Strokes\"](t)||!(!yr[\"CJK Symbols and Punctuation\"](t)||t>=12296&&t<=12305||t>=12308&&t<=12319||12336===t)||yr[\"CJK Unified Ideographs Extension A\"](t)||yr[\"CJK Unified Ideographs\"](t)||yr[\"Enclosed CJK Letters and Months\"](t)||yr[\"Hangul Compatibility Jamo\"](t)||yr[\"Hangul Jamo Extended-A\"](t)||yr[\"Hangul Jamo Extended-B\"](t)||yr[\"Hangul Jamo\"](t)||yr[\"Hangul Syllables\"](t)||yr.Hiragana(t)||yr[\"Ideographic Description Characters\"](t)||yr.Kanbun(t)||yr[\"Kangxi Radicals\"](t)||yr[\"Katakana Phonetic Extensions\"](t)||yr.Katakana(t)&&12540!==t||!(!yr[\"Halfwidth and Fullwidth Forms\"](t)||65288===t||65289===t||65293===t||t>=65306&&t<=65310||65339===t||65341===t||65343===t||t>=65371&&t<=65503||65507===t||t>=65512&&t<=65519)||!(!yr[\"Small Form Variants\"](t)||t>=65112&&t<=65118||t>=65123&&t<=65126)||yr[\"Unified Canadian Aboriginal Syllabics\"](t)||yr[\"Unified Canadian Aboriginal Syllabics Extended\"](t)||yr[\"Vertical Forms\"](t)||yr[\"Yijing Hexagram Symbols\"](t)||yr[\"Yi Syllables\"](t)||yr[\"Yi Radicals\"](t)))}function wr(t){return!(_r(t)||function(t){return!!(yr[\"Latin-1 Supplement\"](t)&&(167===t||169===t||174===t||177===t||188===t||189===t||190===t||215===t||247===t)||yr[\"General Punctuation\"](t)&&(8214===t||8224===t||8225===t||8240===t||8241===t||8251===t||8252===t||8258===t||8263===t||8264===t||8265===t||8273===t)||yr[\"Letterlike Symbols\"](t)||yr[\"Number Forms\"](t)||yr[\"Miscellaneous Technical\"](t)&&(t>=8960&&t<=8967||t>=8972&&t<=8991||t>=8996&&t<=9e3||9003===t||t>=9085&&t<=9114||t>=9150&&t<=9165||9167===t||t>=9169&&t<=9179||t>=9186&&t<=9215)||yr[\"Control Pictures\"](t)&&9251!==t||yr[\"Optical Character Recognition\"](t)||yr[\"Enclosed Alphanumerics\"](t)||yr[\"Geometric Shapes\"](t)||yr[\"Miscellaneous Symbols\"](t)&&!(t>=9754&&t<=9759)||yr[\"Miscellaneous Symbols and Arrows\"](t)&&(t>=11026&&t<=11055||t>=11088&&t<=11097||t>=11192&&t<=11243)||yr[\"CJK Symbols and Punctuation\"](t)||yr.Katakana(t)||yr[\"Private Use Area\"](t)||yr[\"CJK Compatibility Forms\"](t)||yr[\"Small Form Variants\"](t)||yr[\"Halfwidth and Fullwidth Forms\"](t)||8734===t||8756===t||8757===t||t>=9984&&t<=10087||t>=10102&&t<=10131||65532===t||65533===t)}(t))}function kr(t,e){return!(!e&&(t>=1424&&t<=2303||yr[\"Arabic Presentation Forms-A\"](t)||yr[\"Arabic Presentation Forms-B\"](t))||t>=2304&&t<=3583||t>=3840&&t<=4255||yr.Khmer(t))}var Mr,Ar=!1,Tr=null,Sr=!1,Er=new O,Cr={applyArabicShaping:null,processBidirectionalText:null,isLoaded:function(){return Sr||null!=Cr.applyArabicShaping}},Lr=function(t,e){this.zoom=t,e?(this.now=e.now,this.fadeDuration=e.fadeDuration,this.zoomHistory=e.zoomHistory,this.transition=e.transition):(this.now=0,this.fadeDuration=0,this.zoomHistory=new mr,this.transition={})};Lr.prototype.isSupportedScript=function(t){return function(t,e){for(var r=0,n=t;rthis.end)return this.prior=null,r;if(this.value.isDataDriven())return this.prior=null,r;if(e=1)return 1;var e=i*i,r=e*i;return 4*(i<.5?r:3*(i-e)+r-.75)}())}return r};var Dr=function(t){this._properties=t,this._values=Object.create(t.defaultTransitioningPropertyValues)};Dr.prototype.possiblyEvaluate=function(t){for(var e=new Fr(this._properties),r=0,n=Object.keys(this._values);rn.zoomHistory.lastIntegerZoom?{from:t,to:e,fromScale:2,toScale:1,t:a+(1-a)*o}:{from:r,to:e,fromScale:.5,toScale:1,t:1-(1-o)*a}},Vr.prototype.interpolate=function(t){return t};var Ur=function(t){this.specification=t};Ur.prototype.possiblyEvaluate=function(t,e){return!!t.expression.evaluate(e)},Ur.prototype.interpolate=function(){return!1};var qr=function(t){for(var e in this.properties=t,this.defaultPropertyValues={},this.defaultTransitionablePropertyValues={},this.defaultTransitioningPropertyValues={},this.defaultPossiblyEvaluatedValues={},t){var r=t[e],n=this.defaultPropertyValues[e]=new zr(r,void 0),i=this.defaultTransitionablePropertyValues[e]=new Or(r);this.defaultTransitioningPropertyValues[e]=i.untransitioned(),this.defaultPossiblyEvaluatedValues[e]=n.possiblyEvaluate({})}};pr(\"DataDrivenProperty\",jr),pr(\"DataConstantProperty\",Nr),pr(\"CrossFadedProperty\",Vr),pr(\"ColorRampProperty\",Ur);var Hr=function(t){function e(e,r){for(var n in t.call(this),this.id=e.id,this.metadata=e.metadata,this.type=e.type,this.minzoom=e.minzoom,this.maxzoom=e.maxzoom,this.visibility=\"visible\",\"background\"!==e.type&&(this.source=e.source,this.sourceLayer=e[\"source-layer\"],this.filter=e.filter),this._featureFilter=function(){return!0},r.layout&&(this._unevaluatedLayout=new Rr(r.layout)),this._transitionablePaint=new Ir(r.paint),e.paint)this.setPaintProperty(n,e.paint[n],{validate:!1});for(var i in e.layout)this.setLayoutProperty(i,e.layout[i],{validate:!1});this._transitioningPaint=this._transitionablePaint.untransitioned()}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.getLayoutProperty=function(t){return\"visibility\"===t?this.visibility:this._unevaluatedLayout.getValue(t)},e.prototype.setLayoutProperty=function(t,e,r){if(null!=e){var n=\"layers.\"+this.id+\".layout.\"+t;if(this._validate(or,n,t,e,r))return}\"visibility\"!==t?this._unevaluatedLayout.setValue(t,e):this.visibility=\"none\"===e?e:\"visible\"},e.prototype.getPaintProperty=function(t){return v(t,\"-transition\")?this._transitionablePaint.getTransition(t.slice(0,-\"-transition\".length)):this._transitionablePaint.getValue(t)},e.prototype.setPaintProperty=function(t,e,r){if(null!=e){var n=\"layers.\"+this.id+\".paint.\"+t;if(this._validate(ar,n,t,e,r))return}v(t,\"-transition\")?this._transitionablePaint.setTransition(t.slice(0,-\"-transition\".length),e||void 0):this._transitionablePaint.setValue(t,e)},e.prototype.isHidden=function(t){return!!(this.minzoom&&t=this.maxzoom)||\"none\"===this.visibility},e.prototype.updateTransitions=function(t){this._transitioningPaint=this._transitionablePaint.transitioned(t,this._transitioningPaint)},e.prototype.hasTransition=function(){return this._transitioningPaint.hasTransition()},e.prototype.recalculate=function(t){this._unevaluatedLayout&&(this.layout=this._unevaluatedLayout.possiblyEvaluate(t)),this.paint=this._transitioningPaint.possiblyEvaluate(t)},e.prototype.serialize=function(){var t={id:this.id,type:this.type,source:this.source,\"source-layer\":this.sourceLayer,metadata:this.metadata,minzoom:this.minzoom,maxzoom:this.maxzoom,filter:this.filter,layout:this._unevaluatedLayout&&this._unevaluatedLayout.serialize(),paint:this._transitionablePaint&&this._transitionablePaint.serialize()};return\"none\"===this.visibility&&(t.layout=t.layout||{},t.layout.visibility=\"none\"),y(t,function(t,e){return!(void 0===t||\"layout\"===e&&!Object.keys(t).length||\"paint\"===e&&!Object.keys(t).length)})},e.prototype._validate=function(t,e,r,n,i){return(!i||!1!==i.validate)&&sr(this,t.call(nr,{key:e,layerType:this.type,objectKey:r,value:n,styleSpec:I,style:{glyphs:!0,sprite:!0}}))},e.prototype.hasOffscreenPass=function(){return!1},e.prototype.resize=function(){},e}(O),Gr={Int8:Int8Array,Uint8:Uint8Array,Int16:Int16Array,Uint16:Uint16Array,Int32:Int32Array,Uint32:Uint32Array,Float32:Float32Array},Wr=function(t,e){this._structArray=t,this._pos1=e*this.size,this._pos2=this._pos1/2,this._pos4=this._pos1/4,this._pos8=this._pos1/8},Yr=function(){this.isTransferred=!1,this.capacity=-1,this.resize(0)};function Xr(t,e){void 0===e&&(e=1);var r=0,n=0;return{members:t.map(function(t){var i,a=(i=t.type,Gr[i].BYTES_PER_ELEMENT),o=r=Zr(r,Math.max(e,a)),s=t.components||1;return n=Math.max(n,a),r+=a*s,{name:t.name,type:t.type,components:s,offset:o}}),size:Zr(r,Math.max(n,e)),alignment:e}}function Zr(t,e){return Math.ceil(t/e)*e}Yr.serialize=function(t,e){return t._trim(),e&&(t.isTransferred=!0,e.push(t.arrayBuffer)),{length:t.length,arrayBuffer:t.arrayBuffer}},Yr.deserialize=function(t){var e=Object.create(this.prototype);return e.arrayBuffer=t.arrayBuffer,e.length=t.length,e.capacity=t.arrayBuffer.byteLength/e.bytesPerElement,e._refreshViews(),e},Yr.prototype._trim=function(){this.length!==this.capacity&&(this.capacity=this.length,this.arrayBuffer=this.arrayBuffer.slice(0,this.length*this.bytesPerElement),this._refreshViews())},Yr.prototype.clear=function(){this.length=0},Yr.prototype.resize=function(t){this.reserve(t),this.length=t},Yr.prototype.reserve=function(t){if(t>this.capacity){this.capacity=Math.max(t,Math.floor(5*this.capacity),128),this.arrayBuffer=new ArrayBuffer(this.capacity*this.bytesPerElement);var e=this.uint8;this._refreshViews(),e&&this.uint8.set(e)}},Yr.prototype._refreshViews=function(){throw new Error(\"_refreshViews() must be implemented by each concrete StructArray layout\")};var $r=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=2*r;return this.int16[n+0]=t,this.int16[n+1]=e,r},e}(Yr);$r.prototype.bytesPerElement=4,pr(\"StructArrayLayout2i4\",$r);var Jr=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;this.resize(i+1);var a=4*i;return this.int16[a+0]=t,this.int16[a+1]=e,this.int16[a+2]=r,this.int16[a+3]=n,i},e}(Yr);Jr.prototype.bytesPerElement=8,pr(\"StructArrayLayout4i8\",Jr);var Kr=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;this.resize(o+1);var s=6*o;return this.int16[s+0]=t,this.int16[s+1]=e,this.int16[s+2]=r,this.int16[s+3]=n,this.int16[s+4]=i,this.int16[s+5]=a,o},e}(Yr);Kr.prototype.bytesPerElement=12,pr(\"StructArrayLayout2i4i12\",Kr);var Qr=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s){var l=this.length;this.resize(l+1);var c=6*l,u=12*l;return this.int16[c+0]=t,this.int16[c+1]=e,this.int16[c+2]=r,this.int16[c+3]=n,this.uint8[u+8]=i,this.uint8[u+9]=a,this.uint8[u+10]=o,this.uint8[u+11]=s,l},e}(Yr);Qr.prototype.bytesPerElement=12,pr(\"StructArrayLayout4i4ub12\",Qr);var tn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s){var l=this.length;this.resize(l+1);var c=8*l;return this.int16[c+0]=t,this.int16[c+1]=e,this.int16[c+2]=r,this.int16[c+3]=n,this.uint16[c+4]=i,this.uint16[c+5]=a,this.uint16[c+6]=o,this.uint16[c+7]=s,l},e}(Yr);tn.prototype.bytesPerElement=16,pr(\"StructArrayLayout4i4ui16\",tn);var en=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=3*n;return this.float32[i+0]=t,this.float32[i+1]=e,this.float32[i+2]=r,n},e}(Yr);en.prototype.bytesPerElement=12,pr(\"StructArrayLayout3f12\",en);var rn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;this.resize(e+1);var r=1*e;return this.uint32[r+0]=t,e},e}(Yr);rn.prototype.bytesPerElement=4,pr(\"StructArrayLayout1ul4\",rn);var nn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u){var f=this.length;this.resize(f+1);var h=12*f,p=6*f;return this.int16[h+0]=t,this.int16[h+1]=e,this.int16[h+2]=r,this.int16[h+3]=n,this.int16[h+4]=i,this.int16[h+5]=a,this.uint32[p+3]=o,this.uint16[h+8]=s,this.uint16[h+9]=l,this.int16[h+10]=c,this.int16[h+11]=u,f},e}(Yr);nn.prototype.bytesPerElement=24,pr(\"StructArrayLayout6i1ul2ui2i24\",nn);var an=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;this.resize(o+1);var s=6*o;return this.int16[s+0]=t,this.int16[s+1]=e,this.int16[s+2]=r,this.int16[s+3]=n,this.int16[s+4]=i,this.int16[s+5]=a,o},e}(Yr);an.prototype.bytesPerElement=12,pr(\"StructArrayLayout2i2i2i12\",an);var on=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=4*r;return this.uint8[n+0]=t,this.uint8[n+1]=e,r},e}(Yr);on.prototype.bytesPerElement=4,pr(\"StructArrayLayout2ub4\",on);var sn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p){var d=this.length;this.resize(d+1);var g=20*d,v=10*d,m=40*d;return this.int16[g+0]=t,this.int16[g+1]=e,this.uint16[g+2]=r,this.uint16[g+3]=n,this.uint32[v+2]=i,this.uint32[v+3]=a,this.uint32[v+4]=o,this.uint16[g+10]=s,this.uint16[g+11]=l,this.uint16[g+12]=c,this.float32[v+7]=u,this.float32[v+8]=f,this.uint8[m+36]=h,this.uint8[m+37]=p,d},e}(Yr);sn.prototype.bytesPerElement=40,pr(\"StructArrayLayout2i2ui3ul3ui2f2ub40\",sn);var ln=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;this.resize(e+1);var r=1*e;return this.float32[r+0]=t,e},e}(Yr);ln.prototype.bytesPerElement=4,pr(\"StructArrayLayout1f4\",ln);var cn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=3*n;return this.int16[i+0]=t,this.int16[i+1]=e,this.int16[i+2]=r,n},e}(Yr);cn.prototype.bytesPerElement=6,pr(\"StructArrayLayout3i6\",cn);var un=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=2*n,a=4*n;return this.uint32[i+0]=t,this.uint16[a+2]=e,this.uint16[a+3]=r,n},e}(Yr);un.prototype.bytesPerElement=8,pr(\"StructArrayLayout1ul2ui8\",un);var fn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=3*n;return this.uint16[i+0]=t,this.uint16[i+1]=e,this.uint16[i+2]=r,n},e}(Yr);fn.prototype.bytesPerElement=6,pr(\"StructArrayLayout3ui6\",fn);var hn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=2*r;return this.uint16[n+0]=t,this.uint16[n+1]=e,r},e}(Yr);hn.prototype.bytesPerElement=4,pr(\"StructArrayLayout2ui4\",hn);var pn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=2*r;return this.float32[n+0]=t,this.float32[n+1]=e,r},e}(Yr);pn.prototype.bytesPerElement=8,pr(\"StructArrayLayout2f8\",pn);var dn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;this.resize(i+1);var a=4*i;return this.float32[a+0]=t,this.float32[a+1]=e,this.float32[a+2]=r,this.float32[a+3]=n,i},e}(Yr);dn.prototype.bytesPerElement=16,pr(\"StructArrayLayout4f16\",dn);var gn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={anchorPointX:{configurable:!0},anchorPointY:{configurable:!0},x1:{configurable:!0},y1:{configurable:!0},x2:{configurable:!0},y2:{configurable:!0},featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0},radius:{configurable:!0},signedDistanceFromAnchor:{configurable:!0},anchorPoint:{configurable:!0}};return r.anchorPointX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorPointX.set=function(t){this._structArray.int16[this._pos2+0]=t},r.anchorPointY.get=function(){return this._structArray.int16[this._pos2+1]},r.anchorPointY.set=function(t){this._structArray.int16[this._pos2+1]=t},r.x1.get=function(){return this._structArray.int16[this._pos2+2]},r.x1.set=function(t){this._structArray.int16[this._pos2+2]=t},r.y1.get=function(){return this._structArray.int16[this._pos2+3]},r.y1.set=function(t){this._structArray.int16[this._pos2+3]=t},r.x2.get=function(){return this._structArray.int16[this._pos2+4]},r.x2.set=function(t){this._structArray.int16[this._pos2+4]=t},r.y2.get=function(){return this._structArray.int16[this._pos2+5]},r.y2.set=function(t){this._structArray.int16[this._pos2+5]=t},r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.featureIndex.set=function(t){this._structArray.uint32[this._pos4+3]=t},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+8]},r.sourceLayerIndex.set=function(t){this._structArray.uint16[this._pos2+8]=t},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.bucketIndex.set=function(t){this._structArray.uint16[this._pos2+9]=t},r.radius.get=function(){return this._structArray.int16[this._pos2+10]},r.radius.set=function(t){this._structArray.int16[this._pos2+10]=t},r.signedDistanceFromAnchor.get=function(){return this._structArray.int16[this._pos2+11]},r.signedDistanceFromAnchor.set=function(t){this._structArray.int16[this._pos2+11]=t},r.anchorPoint.get=function(){return new l(this.anchorPointX,this.anchorPointY)},Object.defineProperties(e.prototype,r),e}(Wr);gn.prototype.size=24;var vn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.get=function(t){return new gn(this,t)},e}(nn);pr(\"CollisionBoxArray\",vn);var mn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},glyphStartIndex:{configurable:!0},numGlyphs:{configurable:!0},vertexStartIndex:{configurable:!0},lineStartIndex:{configurable:!0},lineLength:{configurable:!0},segment:{configurable:!0},lowerSize:{configurable:!0},upperSize:{configurable:!0},lineOffsetX:{configurable:!0},lineOffsetY:{configurable:!0},writingMode:{configurable:!0},hidden:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorX.set=function(t){this._structArray.int16[this._pos2+0]=t},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.anchorY.set=function(t){this._structArray.int16[this._pos2+1]=t},r.glyphStartIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.glyphStartIndex.set=function(t){this._structArray.uint16[this._pos2+2]=t},r.numGlyphs.get=function(){return this._structArray.uint16[this._pos2+3]},r.numGlyphs.set=function(t){this._structArray.uint16[this._pos2+3]=t},r.vertexStartIndex.get=function(){return this._structArray.uint32[this._pos4+2]},r.vertexStartIndex.set=function(t){this._structArray.uint32[this._pos4+2]=t},r.lineStartIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.lineStartIndex.set=function(t){this._structArray.uint32[this._pos4+3]=t},r.lineLength.get=function(){return this._structArray.uint32[this._pos4+4]},r.lineLength.set=function(t){this._structArray.uint32[this._pos4+4]=t},r.segment.get=function(){return this._structArray.uint16[this._pos2+10]},r.segment.set=function(t){this._structArray.uint16[this._pos2+10]=t},r.lowerSize.get=function(){return this._structArray.uint16[this._pos2+11]},r.lowerSize.set=function(t){this._structArray.uint16[this._pos2+11]=t},r.upperSize.get=function(){return this._structArray.uint16[this._pos2+12]},r.upperSize.set=function(t){this._structArray.uint16[this._pos2+12]=t},r.lineOffsetX.get=function(){return this._structArray.float32[this._pos4+7]},r.lineOffsetX.set=function(t){this._structArray.float32[this._pos4+7]=t},r.lineOffsetY.get=function(){return this._structArray.float32[this._pos4+8]},r.lineOffsetY.set=function(t){this._structArray.float32[this._pos4+8]=t},r.writingMode.get=function(){return this._structArray.uint8[this._pos1+36]},r.writingMode.set=function(t){this._structArray.uint8[this._pos1+36]=t},r.hidden.get=function(){return this._structArray.uint8[this._pos1+37]},r.hidden.set=function(t){this._structArray.uint8[this._pos1+37]=t},Object.defineProperties(e.prototype,r),e}(Wr);mn.prototype.size=40;var yn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.get=function(t){return new mn(this,t)},e}(sn);pr(\"PlacedSymbolArray\",yn);var xn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={offsetX:{configurable:!0}};return r.offsetX.get=function(){return this._structArray.float32[this._pos4+0]},r.offsetX.set=function(t){this._structArray.float32[this._pos4+0]=t},Object.defineProperties(e.prototype,r),e}(Wr);xn.prototype.size=4;var bn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.getoffsetX=function(t){return this.float32[1*t+0]},e.prototype.get=function(t){return new xn(this,t)},e}(ln);pr(\"GlyphOffsetArray\",bn);var _n=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={x:{configurable:!0},y:{configurable:!0},tileUnitDistanceFromAnchor:{configurable:!0}};return r.x.get=function(){return this._structArray.int16[this._pos2+0]},r.x.set=function(t){this._structArray.int16[this._pos2+0]=t},r.y.get=function(){return this._structArray.int16[this._pos2+1]},r.y.set=function(t){this._structArray.int16[this._pos2+1]=t},r.tileUnitDistanceFromAnchor.get=function(){return this._structArray.int16[this._pos2+2]},r.tileUnitDistanceFromAnchor.set=function(t){this._structArray.int16[this._pos2+2]=t},Object.defineProperties(e.prototype,r),e}(Wr);_n.prototype.size=6;var wn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.getx=function(t){return this.int16[3*t+0]},e.prototype.gety=function(t){return this.int16[3*t+1]},e.prototype.gettileUnitDistanceFromAnchor=function(t){return this.int16[3*t+2]},e.prototype.get=function(t){return new _n(this,t)},e}(cn);pr(\"SymbolLineVertexArray\",wn);var kn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0}};return r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+0]},r.featureIndex.set=function(t){this._structArray.uint32[this._pos4+0]=t},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.sourceLayerIndex.set=function(t){this._structArray.uint16[this._pos2+2]=t},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+3]},r.bucketIndex.set=function(t){this._structArray.uint16[this._pos2+3]=t},Object.defineProperties(e.prototype,r),e}(Wr);kn.prototype.size=8;var Mn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.get=function(t){return new kn(this,t)},e}(un);pr(\"FeatureIndexArray\",Mn);var An=Xr([{name:\"a_pos\",components:2,type:\"Int16\"}],4).members,Tn=function(t){void 0===t&&(t=[]),this.segments=t};Tn.prototype.prepareSegment=function(t,e,r){var n=this.segments[this.segments.length-1];return t>Tn.MAX_VERTEX_ARRAY_LENGTH&&_(\"Max vertices per segment is \"+Tn.MAX_VERTEX_ARRAY_LENGTH+\": bucket requested \"+t),(!n||n.vertexLength+t>Tn.MAX_VERTEX_ARRAY_LENGTH)&&(n={vertexOffset:e.length,primitiveOffset:r.length,vertexLength:0,primitiveLength:0},this.segments.push(n)),n},Tn.prototype.get=function(){return this.segments},Tn.prototype.destroy=function(){for(var t=0,e=this.segments;tRn.max||o.yRn.max)&&_(\"Geometry exceeds allowed extent, reduce your vector tile buffer size\")}return r}function Fn(t,e,r,n,i){t.emplaceBack(2*e+(n+1)/2,2*r+(i+1)/2)}var Nn=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map(function(t){return t.id}),this.index=t.index,this.layoutVertexArray=new $r,this.indexArray=new fn,this.segments=new Tn,this.programConfigurations=new In(An,t.layers,t.zoom)};function jn(t,e,r){for(var n=0;n=3)for(var s=0;s1){if(Hn(t,e))return!0;for(var n=0;n1?t.distSqr(r):t.distSqr(r.sub(e)._mult(i)._add(e))}function Xn(t,e){for(var r,n,i,a=!1,o=0;oe.y!=i.y>e.y&&e.x<(i.x-n.x)*(e.y-n.y)/(i.y-n.y)+n.x&&(a=!a);return a}function Zn(t,e){for(var r=!1,n=0,i=t.length-1;ne.y!=o.y>e.y&&e.x<(o.x-a.x)*(e.y-a.y)/(o.y-a.y)+a.x&&(r=!r)}return r}function $n(t,e,r){var n=e.paint.get(t).value;return\"constant\"===n.kind?n.value:r.programConfigurations.get(e.id).binders[t].statistics.max}function Jn(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function Kn(t,e,r,n,i){if(!e[0]&&!e[1])return t;var a=l.convert(e);\"viewport\"===r&&a._rotate(-n);for(var o=[],s=0;s=Dn||l<0||l>=Dn)){var c=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray),u=c.vertexLength;Fn(this.layoutVertexArray,s,l,-1,-1),Fn(this.layoutVertexArray,s,l,1,-1),Fn(this.layoutVertexArray,s,l,1,1),Fn(this.layoutVertexArray,s,l,-1,1),this.indexArray.emplaceBack(u,u+1,u+2),this.indexArray.emplaceBack(u,u+3,u+2),c.vertexLength+=4,c.primitiveLength+=2}}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,t)},pr(\"CircleBucket\",Nn,{omit:[\"layers\"]});var Qn={paint:new qr({\"circle-radius\":new jr(I.paint_circle[\"circle-radius\"]),\"circle-color\":new jr(I.paint_circle[\"circle-color\"]),\"circle-blur\":new jr(I.paint_circle[\"circle-blur\"]),\"circle-opacity\":new jr(I.paint_circle[\"circle-opacity\"]),\"circle-translate\":new Nr(I.paint_circle[\"circle-translate\"]),\"circle-translate-anchor\":new Nr(I.paint_circle[\"circle-translate-anchor\"]),\"circle-pitch-scale\":new Nr(I.paint_circle[\"circle-pitch-scale\"]),\"circle-pitch-alignment\":new Nr(I.paint_circle[\"circle-pitch-alignment\"]),\"circle-stroke-width\":new jr(I.paint_circle[\"circle-stroke-width\"]),\"circle-stroke-color\":new jr(I.paint_circle[\"circle-stroke-color\"]),\"circle-stroke-opacity\":new jr(I.paint_circle[\"circle-stroke-opacity\"])})},ti=i(function(t,e){var r;t.exports=((r=new Float32Array(3))[0]=0,r[1]=0,r[2]=0,function(){var t=new Float32Array(4);t[0]=0,t[1]=0,t[2]=0,t[3]=0}(),{vec3:{transformMat3:function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},vec4:{transformMat4:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},mat2:{create:function(){var t=new Float32Array(4);return t[0]=1,t[1]=0,t[2]=0,t[3]=1,t},rotate:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=Math.sin(r),l=Math.cos(r);return t[0]=n*l+a*s,t[1]=i*l+o*s,t[2]=n*-s+a*l,t[3]=i*-s+o*l,t},scale:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=r[0],l=r[1];return t[0]=n*s,t[1]=i*s,t[2]=a*l,t[3]=o*l,t}},mat3:{create:function(){var t=new Float32Array(9);return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=1,t[5]=0,t[6]=0,t[7]=0,t[8]=1,t},fromRotation:function(t,e){var r=Math.sin(e),n=Math.cos(e);return t[0]=n,t[1]=r,t[2]=0,t[3]=-r,t[4]=n,t[5]=0,t[6]=0,t[7]=0,t[8]=1,t}},mat4:{create:function(){var t=new Float32Array(16);return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t},identity:function(t){return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t},translate:function(t,e,r){var n,i,a,o,s,l,c,u,f,h,p,d,g=r[0],v=r[1],m=r[2];return e===t?(t[12]=e[0]*g+e[4]*v+e[8]*m+e[12],t[13]=e[1]*g+e[5]*v+e[9]*m+e[13],t[14]=e[2]*g+e[6]*v+e[10]*m+e[14],t[15]=e[3]*g+e[7]*v+e[11]*m+e[15]):(n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],t[0]=n,t[1]=i,t[2]=a,t[3]=o,t[4]=s,t[5]=l,t[6]=c,t[7]=u,t[8]=f,t[9]=h,t[10]=p,t[11]=d,t[12]=n*g+s*v+f*m+e[12],t[13]=i*g+l*v+h*m+e[13],t[14]=a*g+c*v+p*m+e[14],t[15]=o*g+u*v+d*m+e[15]),t},scale:function(t,e,r){var n=r[0],i=r[1],a=r[2];return t[0]=e[0]*n,t[1]=e[1]*n,t[2]=e[2]*n,t[3]=e[3]*n,t[4]=e[4]*i,t[5]=e[5]*i,t[6]=e[6]*i,t[7]=e[7]*i,t[8]=e[8]*a,t[9]=e[9]*a,t[10]=e[10]*a,t[11]=e[11]*a,t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15],t},multiply:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],g=e[12],v=e[13],m=e[14],y=e[15],x=r[0],b=r[1],_=r[2],w=r[3];return t[0]=x*n+b*s+_*f+w*g,t[1]=x*i+b*l+_*h+w*v,t[2]=x*a+b*c+_*p+w*m,t[3]=x*o+b*u+_*d+w*y,x=r[4],b=r[5],_=r[6],w=r[7],t[4]=x*n+b*s+_*f+w*g,t[5]=x*i+b*l+_*h+w*v,t[6]=x*a+b*c+_*p+w*m,t[7]=x*o+b*u+_*d+w*y,x=r[8],b=r[9],_=r[10],w=r[11],t[8]=x*n+b*s+_*f+w*g,t[9]=x*i+b*l+_*h+w*v,t[10]=x*a+b*c+_*p+w*m,t[11]=x*o+b*u+_*d+w*y,x=r[12],b=r[13],_=r[14],w=r[15],t[12]=x*n+b*s+_*f+w*g,t[13]=x*i+b*l+_*h+w*v,t[14]=x*a+b*c+_*p+w*m,t[15]=x*o+b*u+_*d+w*y,t},perspective:function(t,e,r,n,i){var a=1/Math.tan(e/2),o=1/(n-i);return t[0]=a/r,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=a,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=(i+n)*o,t[11]=-1,t[12]=0,t[13]=0,t[14]=2*i*n*o,t[15]=0,t},rotateX:function(t,e,r){var n=Math.sin(r),i=Math.cos(r),a=e[4],o=e[5],s=e[6],l=e[7],c=e[8],u=e[9],f=e[10],h=e[11];return e!==t&&(t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15]),t[4]=a*i+c*n,t[5]=o*i+u*n,t[6]=s*i+f*n,t[7]=l*i+h*n,t[8]=c*i-a*n,t[9]=u*i-o*n,t[10]=f*i-s*n,t[11]=h*i-l*n,t},rotateZ:function(t,e,r){var n=Math.sin(r),i=Math.cos(r),a=e[0],o=e[1],s=e[2],l=e[3],c=e[4],u=e[5],f=e[6],h=e[7];return e!==t&&(t[8]=e[8],t[9]=e[9],t[10]=e[10],t[11]=e[11],t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15]),t[0]=a*i+c*n,t[1]=o*i+u*n,t[2]=s*i+f*n,t[3]=l*i+h*n,t[4]=c*i-a*n,t[5]=u*i-o*n,t[6]=f*i-s*n,t[7]=h*i-l*n,t},invert:function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=e[4],s=e[5],l=e[6],c=e[7],u=e[8],f=e[9],h=e[10],p=e[11],d=e[12],g=e[13],v=e[14],m=e[15],y=r*s-n*o,x=r*l-i*o,b=r*c-a*o,_=n*l-i*s,w=n*c-a*s,k=i*c-a*l,M=u*g-f*d,A=u*v-h*d,T=u*m-p*d,S=f*v-h*g,E=f*m-p*g,C=h*m-p*v,L=y*C-x*E+b*S+_*T-w*A+k*M;return L?(L=1/L,t[0]=(s*C-l*E+c*S)*L,t[1]=(i*E-n*C-a*S)*L,t[2]=(g*k-v*w+m*_)*L,t[3]=(h*w-f*k-p*_)*L,t[4]=(l*T-o*C-c*A)*L,t[5]=(r*C-i*T+a*A)*L,t[6]=(v*b-d*k-m*x)*L,t[7]=(u*k-h*b+p*x)*L,t[8]=(o*E-s*T+c*M)*L,t[9]=(n*T-r*E-a*M)*L,t[10]=(d*w-g*b+m*y)*L,t[11]=(f*b-u*w-p*y)*L,t[12]=(s*A-o*S-l*M)*L,t[13]=(r*S-n*A+i*M)*L,t[14]=(g*x-d*_-v*y)*L,t[15]=(u*_-f*x+h*y)*L,t):null},ortho:function(t,e,r,n,i,a,o){var s=1/(e-r),l=1/(n-i),c=1/(a-o);return t[0]=-2*s,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=-2*l,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=2*c,t[11]=0,t[12]=(e+r)*s,t[13]=(i+n)*l,t[14]=(o+a)*c,t[15]=1,t}}})}),ei=(ti.vec3,ti.vec4),ri=(ti.mat2,ti.mat3,ti.mat4),ni=function(t){function e(e){t.call(this,e,Qn)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.createBucket=function(t){return new Nn(t)},e.prototype.queryRadius=function(t){var e=t;return $n(\"circle-radius\",this,e)+$n(\"circle-stroke-width\",this,e)+Jn(this.paint.get(\"circle-translate\"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a,o){for(var s=Kn(t,this.paint.get(\"circle-translate\"),this.paint.get(\"circle-translate-anchor\"),i.angle,a),l=this.paint.get(\"circle-radius\").evaluate(e)+this.paint.get(\"circle-stroke-width\").evaluate(e),c=\"map\"===this.paint.get(\"circle-pitch-alignment\"),u=c?s:function(t,e,r){return s.map(function(t){return t.map(function(t){return ii(t,e,r)})})}(0,o,i),f=c?l*a:l,h=0,p=r;ht.width||i.height>t.height||r.x>t.width-i.width||r.y>t.height-i.height)throw new RangeError(\"out of range source coordinates for image copy\");if(i.width>e.width||i.height>e.height||n.x>e.width-i.width||n.y>e.height-i.height)throw new RangeError(\"out of range destination coordinates for image copy\");for(var o=t.data,s=e.data,l=0;l80*r){n=a=t[0],i=o=t[1];for(var d=r;da&&(a=s),l>o&&(o=l);c=0!==(c=Math.max(a-n,o-i))?1/c:0}return wi(h,p,r,n,i,c),p}function bi(t,e,r,n,i){var a,o;if(i===Vi(t,e,r,n)>0)for(a=e;a=e;a-=n)o=Fi(a,t[a],t[a+1],o);return o&&Pi(o,o.next)&&(Ni(o),o=o.next),o}function _i(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!Pi(n,n.next)&&0!==Ii(n.prev,n,n.next))n=n.next;else{if(Ni(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function wi(t,e,r,n,i,a,o){if(t){!o&&a&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=Ci(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,a);for(var s,l,c=t;t.prev!==t.next;)if(s=t.prev,l=t.next,a?Mi(t,n,i,a):ki(t))e.push(s.i/r),e.push(t.i/r),e.push(l.i/r),Ni(t),t=l.next,c=l.next;else if((t=l)===c){o?1===o?wi(t=Ai(t,e,r),e,r,n,i,a,2):2===o&&Ti(t,e,r,n,i,a):wi(_i(t),e,r,n,i,a,1);break}}}function ki(t){var e=t.prev,r=t,n=t.next;if(Ii(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(zi(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&Ii(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function Mi(t,e,r,n){var i=t.prev,a=t,o=t.next;if(Ii(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=Ci(s,l,e,r,n),h=Ci(c,u,e,r,n),p=t.prevZ,d=t.nextZ;p&&p.z>=f&&d&&d.z<=h;){if(p!==t.prev&&p!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&Ii(p.prev,p,p.next)>=0)return!1;if(p=p.prevZ,d!==t.prev&&d!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&Ii(d.prev,d,d.next)>=0)return!1;d=d.nextZ}for(;p&&p.z>=f;){if(p!==t.prev&&p!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&Ii(p.prev,p,p.next)>=0)return!1;p=p.prevZ}for(;d&&d.z<=h;){if(d!==t.prev&&d!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&Ii(d.prev,d,d.next)>=0)return!1;d=d.nextZ}return!0}function Ai(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!Pi(i,a)&&Di(i,n,n.next,a)&&Ri(i,a)&&Ri(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),Ni(n),Ni(n.next),n=t=a),n=n.next}while(n!==t);return n}function Ti(t,e,r,n,i,a){var o=t;do{for(var s=o.next.next;s!==o.prev;){if(o.i!==s.i&&Oi(o,s)){var l=Bi(o,s);return o=_i(o,o.next),l=_i(l,l.next),wi(o,e,r,n,i,a),void wi(l,e,r,n,i,a)}s=s.next}o=o.next}while(o!==t)}function Si(t,e){return t.x-e.x}function Ei(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&zi(ar.x)&&Ri(n,t)&&(r=n,h=l),n=n.next;return r}(t,e)){var r=Bi(e,t);_i(r,r.next)}}function Ci(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function Li(t){var e=t,r=t;do{e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function Oi(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&Di(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&Ri(t,e)&&Ri(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)}function Ii(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function Pi(t,e){return t.x===e.x&&t.y===e.y}function Di(t,e,r,n){return!!(Pi(t,e)&&Pi(r,n)||Pi(t,n)&&Pi(r,e))||Ii(t,e,r)>0!=Ii(t,e,n)>0&&Ii(r,n,t)>0!=Ii(r,n,e)>0}function Ri(t,e){return Ii(t.prev,t,t.next)<0?Ii(t,e,t.next)>=0&&Ii(t,t.prev,e)>=0:Ii(t,e,t.prev)<0||Ii(t,t.next,e)<0}function Bi(t,e){var r=new ji(t.i,t.x,t.y),n=new ji(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function Fi(t,e,r,n){var i=new ji(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function Ni(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function ji(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function Vi(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r},mi.default=yi;var Ui=Hi,qi=Hi;function Hi(t,e,r,n,i){!function t(e,r,n,i,a){for(;i>n;){if(i-n>600){var o=i-n+1,s=r-n+1,l=Math.log(o),c=.5*Math.exp(2*l/3),u=.5*Math.sqrt(l*c*(o-c)/o)*(s-o/2<0?-1:1);t(e,r,Math.max(n,Math.floor(r-s*c/o+u)),Math.min(i,Math.floor(r+(o-s)*c/o+u)),a)}var f=e[r],h=n,p=i;for(Gi(e,n,r),a(e[i],f)>0&&Gi(e,n,i);h0;)p--}0===a(e[n],f)?Gi(e,n,p):Gi(e,++p,i),p<=r&&(n=p+1),r<=p&&(i=p-1)}}(t,e,r||0,n||t.length-1,i||Wi)}function Gi(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function Wi(t,e){return te?1:0}function Yi(t,e){var r=t.length;if(r<=1)return[t];for(var n,i,a=[],o=0;o1)for(var l=0;lDn)||t.y===e.y&&(t.y<0||t.y>Dn)}function na(t){return t.every(function(t){return t.x<0})||t.every(function(t){return t.x>Dn})||t.every(function(t){return t.y<0})||t.every(function(t){return t.y>Dn})}ea.prototype.populate=function(t,e){for(var r=0,n=t;r=1){var g=f[p-1];if(!ra(d,g)){l.vertexLength+4>Tn.MAX_VERTEX_ARRAY_LENGTH&&(l=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray));var v=d.sub(g)._perp()._unit(),m=g.dist(d);h+m>32768&&(h=0),ta(this.layoutVertexArray,d.x,d.y,v.x,v.y,0,0,h),ta(this.layoutVertexArray,d.x,d.y,v.x,v.y,0,1,h),h+=m,ta(this.layoutVertexArray,g.x,g.y,v.x,v.y,0,0,h),ta(this.layoutVertexArray,g.x,g.y,v.x,v.y,0,1,h);var y=l.vertexLength;this.indexArray.emplaceBack(y,y+1,y+2),this.indexArray.emplaceBack(y+1,y+2,y+3),l.vertexLength+=4,l.primitiveLength+=2}}}}l.vertexLength+a>Tn.MAX_VERTEX_ARRAY_LENGTH&&(l=this.segments.prepareSegment(a,this.layoutVertexArray,this.indexArray));for(var x=[],b=[],_=l.vertexLength,w=0,k=i;w>3}if(i--,1===n||2===n)a+=t.readSVarint(),o+=t.readSVarint(),1===n&&(e&&s.push(e),e=[]),e.push(new l(a,o));else{if(7!==n)throw new Error(\"unknown command \"+n);e&&e.push(e[0].clone())}}return e&&s.push(e),s},la.prototype.bbox=function(){var t=this._pbf;t.pos=this._geometry;for(var e=t.readVarint()+t.pos,r=1,n=0,i=0,a=0,o=1/0,s=-1/0,l=1/0,c=-1/0;t.pos>3}if(n--,1===r||2===r)(i+=t.readSVarint())s&&(s=i),(a+=t.readSVarint())c&&(c=a);else if(7!==r)throw new Error(\"unknown command \"+r)}return[o,l,s,c]},la.prototype.toGeoJSON=function(t,e,r){var n,i,a=this.extent*Math.pow(2,r),o=this.extent*t,s=this.extent*e,l=this.loadGeometry(),c=la.types[this.type];function u(t){for(var e=0;e>3;e=1===n?t.readString():2===n?t.readFloat():3===n?t.readDouble():4===n?t.readVarint64():5===n?t.readVarint():6===n?t.readSVarint():7===n?t.readBoolean():null}return e}(r))}function da(t,e,r){if(3===t){var n=new fa(r,r.readVarint()+r.pos);n.length&&(e[n.name]=n)}}ha.prototype.feature=function(t){if(t<0||t>=this._features.length)throw new Error(\"feature index out of bounds\");this._pbf.pos=this._features[t];var e=this._pbf.readVarint()+this._pbf.pos;return new sa(this._pbf,e,this.extent,this._keys,this._values)};var ga={VectorTile:function(t,e){this.layers=t.readFields(da,{},e)},VectorTileFeature:sa,VectorTileLayer:fa},va=ga.VectorTileFeature.types,ma=63,ya=Math.cos(Math.PI/180*37.5),xa=.5,ba=Math.pow(2,14)/xa;function _a(t,e,r,n,i,a,o){t.emplaceBack(e.x,e.y,n?1:0,i?1:-1,Math.round(ma*r.x)+128,Math.round(ma*r.y)+128,1+(0===a?0:a<0?-1:1)|(o*xa&63)<<2,o*xa>>6)}var wa=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map(function(t){return t.id}),this.index=t.index,this.layoutVertexArray=new Qr,this.indexArray=new fn,this.programConfigurations=new In(oa,t.layers,t.zoom),this.segments=new Tn};function ka(t,e){return(t/e.tileTotal*(e.end-e.start)+e.start)*(ba-1)}wa.prototype.populate=function(t,e){for(var r=0,n=t;r=2&&t[l-1].equals(t[l-2]);)l--;for(var c=0;cc){var E=p.dist(x);if(E>2*u){var C=p.sub(p.sub(x)._mult(u/E)._round());this.distance+=C.dist(x),this.addCurrentVertex(C,this.distance,_.mult(1),0,0,!1,h,o),x=C}}var L=x&&b,z=L?r:b?v:m;if(L&&\"round\"===z&&(Ti&&(z=\"bevel\"),\"bevel\"===z&&(T>2&&(z=\"flipbevel\"),T100)M=w.clone().mult(-1);else{var O=_.x*w.y-_.y*w.x>0?-1:1,I=T*_.add(w).mag()/_.sub(w).mag();M._perp()._mult(I*O)}this.addCurrentVertex(p,this.distance,M,0,0,!1,h,o),this.addCurrentVertex(p,this.distance,M.mult(-1),0,0,!1,h,o)}else if(\"bevel\"===z||\"fakeround\"===z){var P=_.x*w.y-_.y*w.x>0,D=-Math.sqrt(T*T-1);if(P?(g=0,d=D):(d=0,g=D),y||this.addCurrentVertex(p,this.distance,_,d,g,!1,h,o),\"fakeround\"===z){for(var R=Math.floor(8*(.5-(A-.5))),B=void 0,F=0;F=0;N--)B=_.mult((N+1)/(R+1))._add(w)._unit(),this.addPieSliceVertex(p,this.distance,B,P,h,o)}b&&this.addCurrentVertex(p,this.distance,w,-d,-g,!1,h,o)}else\"butt\"===z?(y||this.addCurrentVertex(p,this.distance,_,0,0,!1,h,o),b&&this.addCurrentVertex(p,this.distance,w,0,0,!1,h,o)):\"square\"===z?(y||(this.addCurrentVertex(p,this.distance,_,1,1,!1,h,o),this.e1=this.e2=-1),b&&this.addCurrentVertex(p,this.distance,w,-1,-1,!1,h,o)):\"round\"===z&&(y||(this.addCurrentVertex(p,this.distance,_,0,0,!1,h,o),this.addCurrentVertex(p,this.distance,_,1,1,!0,h,o),this.e1=this.e2=-1),b&&(this.addCurrentVertex(p,this.distance,w,-1,-1,!0,h,o),this.addCurrentVertex(p,this.distance,w,0,0,!1,h,o)));if(S&&k2*u){var V=p.add(b.sub(p)._mult(u/j)._round());this.distance+=V.dist(p),this.addCurrentVertex(V,this.distance,w.mult(1),0,0,!1,h,o),p=V}}y=!1}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,e)}},wa.prototype.addCurrentVertex=function(t,e,r,n,i,a,o,s){var l,c=this.layoutVertexArray,u=this.indexArray;s&&(e=ka(e,s)),l=r.clone(),n&&l._sub(r.perp()._mult(n)),_a(c,t,l,a,!1,n,e),this.e3=o.vertexLength++,this.e1>=0&&this.e2>=0&&(u.emplaceBack(this.e1,this.e2,this.e3),o.primitiveLength++),this.e1=this.e2,this.e2=this.e3,l=r.mult(-1),i&&l._sub(r.perp()._mult(i)),_a(c,t,l,a,!0,-i,e),this.e3=o.vertexLength++,this.e1>=0&&this.e2>=0&&(u.emplaceBack(this.e1,this.e2,this.e3),o.primitiveLength++),this.e1=this.e2,this.e2=this.e3,e>ba/2&&!s&&(this.distance=0,this.addCurrentVertex(t,this.distance,r,n,i,a,o))},wa.prototype.addPieSliceVertex=function(t,e,r,n,i,a){r=r.mult(n?-1:1);var o=this.layoutVertexArray,s=this.indexArray;a&&(e=ka(e,a)),_a(o,t,r,!1,n,0,e),this.e3=i.vertexLength++,this.e1>=0&&this.e2>=0&&(s.emplaceBack(this.e1,this.e2,this.e3),i.primitiveLength++),n?this.e2=this.e3:this.e1=this.e3},pr(\"LineBucket\",wa,{omit:[\"layers\"]});var Ma=new qr({\"line-cap\":new Nr(I.layout_line[\"line-cap\"]),\"line-join\":new jr(I.layout_line[\"line-join\"]),\"line-miter-limit\":new Nr(I.layout_line[\"line-miter-limit\"]),\"line-round-limit\":new Nr(I.layout_line[\"line-round-limit\"])}),Aa={paint:new qr({\"line-opacity\":new jr(I.paint_line[\"line-opacity\"]),\"line-color\":new jr(I.paint_line[\"line-color\"]),\"line-translate\":new Nr(I.paint_line[\"line-translate\"]),\"line-translate-anchor\":new Nr(I.paint_line[\"line-translate-anchor\"]),\"line-width\":new jr(I.paint_line[\"line-width\"]),\"line-gap-width\":new jr(I.paint_line[\"line-gap-width\"]),\"line-offset\":new jr(I.paint_line[\"line-offset\"]),\"line-blur\":new jr(I.paint_line[\"line-blur\"]),\"line-dasharray\":new Vr(I.paint_line[\"line-dasharray\"]),\"line-pattern\":new Vr(I.paint_line[\"line-pattern\"]),\"line-gradient\":new Ur(I.paint_line[\"line-gradient\"])}),layout:Ma},Ta=new(function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.possiblyEvaluate=function(e,r){return r=new Lr(Math.floor(r.zoom),{now:r.now,fadeDuration:r.fadeDuration,zoomHistory:r.zoomHistory,transition:r.transition}),t.prototype.possiblyEvaluate.call(this,e,r)},e.prototype.evaluate=function(e,r,n){return r=p({},r,{zoom:Math.floor(r.zoom)}),t.prototype.evaluate.call(this,e,r,n)},e}(jr))(Aa.paint.properties[\"line-width\"].specification);Ta.useIntegerZoom=!0;var Sa=function(t){function e(e){t.call(this,e,Aa)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.setPaintProperty=function(e,r,n){t.prototype.setPaintProperty.call(this,e,r,n),\"line-gradient\"===e&&this._updateGradient()},e.prototype._updateGradient=function(){var t=this._transitionablePaint._values[\"line-gradient\"].value.expression;this.gradient=hi(t,\"lineProgress\"),this.gradientTexture=null},e.prototype.recalculate=function(e){t.prototype.recalculate.call(this,e),this.paint._values[\"line-floorwidth\"]=Ta.possiblyEvaluate(this._transitioningPaint._values[\"line-width\"].value,e)},e.prototype.createBucket=function(t){return new wa(t)},e.prototype.queryRadius=function(t){var e=t,r=Ea($n(\"line-width\",this,e),$n(\"line-gap-width\",this,e)),n=$n(\"line-offset\",this,e);return r/2+Math.abs(n)+Jn(this.paint.get(\"line-translate\"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a){var o=Kn(t,this.paint.get(\"line-translate\"),this.paint.get(\"line-translate-anchor\"),i.angle,a),s=a/2*Ea(this.paint.get(\"line-width\").evaluate(e),this.paint.get(\"line-gap-width\").evaluate(e)),c=this.paint.get(\"line-offset\").evaluate(e);return c&&(r=function(t,e){for(var r=[],n=new l(0,0),i=0;i0?e+2*t:t}var Ca=Xr([{name:\"a_pos_offset\",components:4,type:\"Int16\"},{name:\"a_data\",components:4,type:\"Uint16\"}]),La=Xr([{name:\"a_projected_pos\",components:3,type:\"Float32\"}],4),za=(Xr([{name:\"a_fade_opacity\",components:1,type:\"Uint32\"}],4),Xr([{name:\"a_placed\",components:2,type:\"Uint8\"}],4)),Oa=(Xr([{type:\"Int16\",name:\"anchorPointX\"},{type:\"Int16\",name:\"anchorPointY\"},{type:\"Int16\",name:\"x1\"},{type:\"Int16\",name:\"y1\"},{type:\"Int16\",name:\"x2\"},{type:\"Int16\",name:\"y2\"},{type:\"Uint32\",name:\"featureIndex\"},{type:\"Uint16\",name:\"sourceLayerIndex\"},{type:\"Uint16\",name:\"bucketIndex\"},{type:\"Int16\",name:\"radius\"},{type:\"Int16\",name:\"signedDistanceFromAnchor\"}]),Xr([{name:\"a_pos\",components:2,type:\"Int16\"},{name:\"a_anchor_pos\",components:2,type:\"Int16\"},{name:\"a_extrude\",components:2,type:\"Int16\"}],4)),Ia=Xr([{name:\"a_pos\",components:2,type:\"Int16\"},{name:\"a_anchor_pos\",components:2,type:\"Int16\"},{name:\"a_extrude\",components:2,type:\"Int16\"}],4);function Pa(t,e,r){var n=e.layout.get(\"text-transform\").evaluate(r);return\"uppercase\"===n?t=t.toLocaleUpperCase():\"lowercase\"===n&&(t=t.toLocaleLowerCase()),Cr.applyArabicShaping&&(t=Cr.applyArabicShaping(t)),t}Xr([{type:\"Int16\",name:\"anchorX\"},{type:\"Int16\",name:\"anchorY\"},{type:\"Uint16\",name:\"glyphStartIndex\"},{type:\"Uint16\",name:\"numGlyphs\"},{type:\"Uint32\",name:\"vertexStartIndex\"},{type:\"Uint32\",name:\"lineStartIndex\"},{type:\"Uint32\",name:\"lineLength\"},{type:\"Uint16\",name:\"segment\"},{type:\"Uint16\",name:\"lowerSize\"},{type:\"Uint16\",name:\"upperSize\"},{type:\"Float32\",name:\"lineOffsetX\"},{type:\"Float32\",name:\"lineOffsetY\"},{type:\"Uint8\",name:\"writingMode\"},{type:\"Uint8\",name:\"hidden\"}]),Xr([{type:\"Float32\",name:\"offsetX\"}]),Xr([{type:\"Int16\",name:\"x\"},{type:\"Int16\",name:\"y\"},{type:\"Int16\",name:\"tileUnitDistanceFromAnchor\"}]);var Da={\"!\":\"\\ufe15\",\"#\":\"\\uff03\",$:\"\\uff04\",\"%\":\"\\uff05\",\"&\":\"\\uff06\",\"(\":\"\\ufe35\",\")\":\"\\ufe36\",\"*\":\"\\uff0a\",\"+\":\"\\uff0b\",\",\":\"\\ufe10\",\"-\":\"\\ufe32\",\".\":\"\\u30fb\",\"/\":\"\\uff0f\",\":\":\"\\ufe13\",\";\":\"\\ufe14\",\"<\":\"\\ufe3f\",\"=\":\"\\uff1d\",\">\":\"\\ufe40\",\"?\":\"\\ufe16\",\"@\":\"\\uff20\",\"[\":\"\\ufe47\",\"\\\\\":\"\\uff3c\",\"]\":\"\\ufe48\",\"^\":\"\\uff3e\",_:\"\\ufe33\",\"`\":\"\\uff40\",\"{\":\"\\ufe37\",\"|\":\"\\u2015\",\"}\":\"\\ufe38\",\"~\":\"\\uff5e\",\"\\xa2\":\"\\uffe0\",\"\\xa3\":\"\\uffe1\",\"\\xa5\":\"\\uffe5\",\"\\xa6\":\"\\uffe4\",\"\\xac\":\"\\uffe2\",\"\\xaf\":\"\\uffe3\",\"\\u2013\":\"\\ufe32\",\"\\u2014\":\"\\ufe31\",\"\\u2018\":\"\\ufe43\",\"\\u2019\":\"\\ufe44\",\"\\u201c\":\"\\ufe41\",\"\\u201d\":\"\\ufe42\",\"\\u2026\":\"\\ufe19\",\"\\u2027\":\"\\u30fb\",\"\\u20a9\":\"\\uffe6\",\"\\u3001\":\"\\ufe11\",\"\\u3002\":\"\\ufe12\",\"\\u3008\":\"\\ufe3f\",\"\\u3009\":\"\\ufe40\",\"\\u300a\":\"\\ufe3d\",\"\\u300b\":\"\\ufe3e\",\"\\u300c\":\"\\ufe41\",\"\\u300d\":\"\\ufe42\",\"\\u300e\":\"\\ufe43\",\"\\u300f\":\"\\ufe44\",\"\\u3010\":\"\\ufe3b\",\"\\u3011\":\"\\ufe3c\",\"\\u3014\":\"\\ufe39\",\"\\u3015\":\"\\ufe3a\",\"\\u3016\":\"\\ufe17\",\"\\u3017\":\"\\ufe18\",\"\\uff01\":\"\\ufe15\",\"\\uff08\":\"\\ufe35\",\"\\uff09\":\"\\ufe36\",\"\\uff0c\":\"\\ufe10\",\"\\uff0d\":\"\\ufe32\",\"\\uff0e\":\"\\u30fb\",\"\\uff1a\":\"\\ufe13\",\"\\uff1b\":\"\\ufe14\",\"\\uff1c\":\"\\ufe3f\",\"\\uff1e\":\"\\ufe40\",\"\\uff1f\":\"\\ufe16\",\"\\uff3b\":\"\\ufe47\",\"\\uff3d\":\"\\ufe48\",\"\\uff3f\":\"\\ufe33\",\"\\uff5b\":\"\\ufe37\",\"\\uff5c\":\"\\u2015\",\"\\uff5d\":\"\\ufe38\",\"\\uff5f\":\"\\ufe35\",\"\\uff60\":\"\\ufe36\",\"\\uff61\":\"\\ufe12\",\"\\uff62\":\"\\ufe41\",\"\\uff63\":\"\\ufe42\"},Ra=function(t){function e(e,r,n,i){t.call(this,e,r),this.angle=n,void 0!==i&&(this.segment=i)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.clone=function(){return new e(this.x,this.y,this.angle,this.segment)},e}(l);function Ba(t,e){var r=e.expression;if(\"constant\"===r.kind)return{functionType:\"constant\",layoutSize:r.evaluate(new Lr(t+1))};if(\"source\"===r.kind)return{functionType:\"source\"};for(var n=r.zoomStops,i=0;i0)&&(\"constant\"!==i.value.kind||i.value.value.length>0),l=\"constant\"!==o.value.kind||o.value.value&&o.value.value.length>0;if(this.features=[],s||l){for(var c=e.iconDependencies,u=e.glyphDependencies,f=new Lr(this.zoom),h=0,p=t;h=0;s--)a[s]={x:e[s].x,y:e[s].y,tileUnitDistanceFromAnchor:i},s>0&&(i+=e[s-1].dist(e[s]));for(var l=0;l0;this.addCollisionDebugVertices(s,l,c,u,f?this.collisionCircle:this.collisionBox,o.anchorPoint,r,f)}}}},Ha.prototype.deserializeCollisionBoxes=function(t,e,r,n,i){for(var a={},o=e;o0},Ha.prototype.hasIconData=function(){return this.icon.segments.get().length>0},Ha.prototype.hasCollisionBoxData=function(){return this.collisionBox.segments.get().length>0},Ha.prototype.hasCollisionCircleData=function(){return this.collisionCircle.segments.get().length>0},Ha.prototype.sortFeatures=function(t){var e=this;if(this.sortFeaturesByY&&this.sortedAngle!==t&&(this.sortedAngle=t,!(this.text.segments.get().length>1||this.icon.segments.get().length>1))){for(var r=[],n=0;ni.maxh||t>i.maxw||r<=i.maxh&&t<=i.maxw&&(o=i.maxw*i.maxh-t*r)a.free)){if(r===a.h)return this.allocShelf(s,t,r,n);r>a.h||ru)&&(f=2*Math.max(t,u)),(ll)&&(c=2*Math.max(r,l)),this.resize(f,c),this.packOne(t,r,n)):null},t.prototype.allocFreebin=function(t,e,r,n){var i=this.freebins.splice(t,1)[0];return i.id=n,i.w=e,i.h=r,i.refcount=0,this.bins[n]=i,this.ref(i),i},t.prototype.allocShelf=function(t,e,r,n){var i=this.shelves[t].alloc(e,r,n);return this.bins[n]=i,this.ref(i),i},t.prototype.shrink=function(){if(this.shelves.length>0){for(var t=0,e=0,r=0;rthis.free||e>this.h)return null;var n=this.x;return this.x+=t,this.free-=t,new function(t,e,r,n,i,a,o){this.id=t,this.x=e,this.y=r,this.w=n,this.h=i,this.maxw=a||n,this.maxh=o||i,this.refcount=0}(r,n,this.y,t,e,t,this.h)},e.prototype.resize=function(t){return this.free+=t-this.w,this.w=t,!0},t}()}),Qa=function(t,e){var r=e.pixelRatio;this.paddedRect=t,this.pixelRatio=r},to={tl:{configurable:!0},br:{configurable:!0},displaySize:{configurable:!0}};to.tl.get=function(){return[this.paddedRect.x+1,this.paddedRect.y+1]},to.br.get=function(){return[this.paddedRect.x+this.paddedRect.w-1,this.paddedRect.y+this.paddedRect.h-1]},to.displaySize.get=function(){return[(this.paddedRect.w-2)/this.pixelRatio,(this.paddedRect.h-2)/this.pixelRatio]},Object.defineProperties(Qa.prototype,to);var eo=function(t){var e=new ui({width:0,height:0}),r={},n=new Ka(0,0,{autoResize:!0});for(var i in t){var a=t[i],o=n.packOne(a.data.width+2,a.data.height+2);e.resize({width:n.w,height:n.h}),ui.copy(a.data,e,{x:0,y:0},{x:o.x+1,y:o.y+1},a.data),r[i]=new Qa(o,a)}n.shrink(),e.resize({width:n.w,height:n.h}),this.image=e,this.positions=r};pr(\"ImagePosition\",Qa),pr(\"ImageAtlas\",eo);var ro=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},no=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g},io=ao;function ao(t){this.buf=ArrayBuffer.isView&&ArrayBuffer.isView(t)?t:new Uint8Array(t||0),this.pos=0,this.type=0,this.length=this.buf.length}function oo(t){return t.type===ao.Bytes?t.readVarint()+t.pos:t.pos+1}function so(t,e,r){return r?4294967296*e+(t>>>0):4294967296*(e>>>0)+(t>>>0)}function lo(t,e,r){var n=e<=16383?1:e<=2097151?2:e<=268435455?3:Math.ceil(Math.log(e)/(7*Math.LN2));r.realloc(n);for(var i=r.pos-1;i>=t;i--)r.buf[i+n]=r.buf[i]}function co(t,e){for(var r=0;r>>8,t[r+2]=e>>>16,t[r+3]=e>>>24}function _o(t,e){return(t[e]|t[e+1]<<8|t[e+2]<<16)+(t[e+3]<<24)}ao.Varint=0,ao.Fixed64=1,ao.Bytes=2,ao.Fixed32=5,ao.prototype={destroy:function(){this.buf=null},readFields:function(t,e,r){for(r=r||this.length;this.pos>3,a=this.pos;this.type=7&n,t(i,e,this),this.pos===a&&this.skip(n)}return e},readMessage:function(t,e){return this.readFields(t,e,this.readVarint()+this.pos)},readFixed32:function(){var t=xo(this.buf,this.pos);return this.pos+=4,t},readSFixed32:function(){var t=_o(this.buf,this.pos);return this.pos+=4,t},readFixed64:function(){var t=xo(this.buf,this.pos)+4294967296*xo(this.buf,this.pos+4);return this.pos+=8,t},readSFixed64:function(){var t=xo(this.buf,this.pos)+4294967296*_o(this.buf,this.pos+4);return this.pos+=8,t},readFloat:function(){var t=ro(this.buf,this.pos,!0,23,4);return this.pos+=4,t},readDouble:function(){var t=ro(this.buf,this.pos,!0,52,8);return this.pos+=8,t},readVarint:function(t){var e,r,n=this.buf;return e=127&(r=n[this.pos++]),r<128?e:(e|=(127&(r=n[this.pos++]))<<7,r<128?e:(e|=(127&(r=n[this.pos++]))<<14,r<128?e:(e|=(127&(r=n[this.pos++]))<<21,r<128?e:function(t,e,r){var n,i,a=r.buf;if(n=(112&(i=a[r.pos++]))>>4,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<3,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<10,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<17,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<24,i<128)return so(t,n,e);if(n|=(1&(i=a[r.pos++]))<<31,i<128)return so(t,n,e);throw new Error(\"Expected varint not more than 10 bytes\")}(e|=(15&(r=n[this.pos]))<<28,t,this))))},readVarint64:function(){return this.readVarint(!0)},readSVarint:function(){var t=this.readVarint();return t%2==1?(t+1)/-2:t/2},readBoolean:function(){return Boolean(this.readVarint())},readString:function(){var t=this.readVarint()+this.pos,e=function(t,e,r){for(var n=\"\",i=e;i239?4:l>223?3:l>191?2:1;if(i+u>r)break;1===u?l<128&&(c=l):2===u?128==(192&(a=t[i+1]))&&(c=(31&l)<<6|63&a)<=127&&(c=null):3===u?(a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&((c=(15&l)<<12|(63&a)<<6|63&o)<=2047||c>=55296&&c<=57343)&&(c=null)):4===u&&(a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&((c=(15&l)<<18|(63&a)<<12|(63&o)<<6|63&s)<=65535||c>=1114112)&&(c=null)),null===c?(c=65533,u=1):c>65535&&(c-=65536,n+=String.fromCharCode(c>>>10&1023|55296),c=56320|1023&c),n+=String.fromCharCode(c),i+=u}return n}(this.buf,this.pos,t);return this.pos=t,e},readBytes:function(){var t=this.readVarint()+this.pos,e=this.buf.subarray(this.pos,t);return this.pos=t,e},readPackedVarint:function(t,e){var r=oo(this);for(t=t||[];this.pos127;);else if(e===ao.Bytes)this.pos=this.readVarint()+this.pos;else if(e===ao.Fixed32)this.pos+=4;else{if(e!==ao.Fixed64)throw new Error(\"Unimplemented type: \"+e);this.pos+=8}},writeTag:function(t,e){this.writeVarint(t<<3|e)},realloc:function(t){for(var e=this.length||16;e268435455||t<0?function(t,e){var r,n;if(t>=0?(r=t%4294967296|0,n=t/4294967296|0):(n=~(-t/4294967296),4294967295^(r=~(-t%4294967296))?r=r+1|0:(r=0,n=n+1|0)),t>=0x10000000000000000||t<-0x10000000000000000)throw new Error(\"Given varint doesn't fit into 10 bytes\");e.realloc(10),function(t,e,r){r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos]=127&t}(r,0,e),function(t,e){var r=(7&t)<<4;e.buf[e.pos++]|=r|((t>>>=3)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t)))))}(n,e)}(t,this):(this.realloc(4),this.buf[this.pos++]=127&t|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=t>>>7&127))))},writeSVarint:function(t){this.writeVarint(t<0?2*-t-1:2*t)},writeBoolean:function(t){this.writeVarint(Boolean(t))},writeString:function(t){t=String(t),this.realloc(4*t.length),this.pos++;var e=this.pos;this.pos=function(t,e,r){for(var n,i,a=0;a55295&&n<57344){if(!i){n>56319||a+1===e.length?(t[r++]=239,t[r++]=191,t[r++]=189):i=n;continue}if(n<56320){t[r++]=239,t[r++]=191,t[r++]=189,i=n;continue}n=i-55296<<10|n-56320|65536,i=null}else i&&(t[r++]=239,t[r++]=191,t[r++]=189,i=null);n<128?t[r++]=n:(n<2048?t[r++]=n>>6|192:(n<65536?t[r++]=n>>12|224:(t[r++]=n>>18|240,t[r++]=n>>12&63|128),t[r++]=n>>6&63|128),t[r++]=63&n|128)}return r}(this.buf,t,this.pos);var r=this.pos-e;r>=128&&lo(e,r,this),this.pos=e-1,this.writeVarint(r),this.pos+=r},writeFloat:function(t){this.realloc(4),no(this.buf,t,this.pos,!0,23,4),this.pos+=4},writeDouble:function(t){this.realloc(8),no(this.buf,t,this.pos,!0,52,8),this.pos+=8},writeBytes:function(t){var e=t.length;this.writeVarint(e),this.realloc(e);for(var r=0;r=128&&lo(r,n,this),this.pos=r-1,this.writeVarint(n),this.pos+=n},writeMessage:function(t,e,r){this.writeTag(t,ao.Bytes),this.writeRawMessage(e,r)},writePackedVarint:function(t,e){this.writeMessage(t,co,e)},writePackedSVarint:function(t,e){this.writeMessage(t,uo,e)},writePackedBoolean:function(t,e){this.writeMessage(t,po,e)},writePackedFloat:function(t,e){this.writeMessage(t,fo,e)},writePackedDouble:function(t,e){this.writeMessage(t,ho,e)},writePackedFixed32:function(t,e){this.writeMessage(t,go,e)},writePackedSFixed32:function(t,e){this.writeMessage(t,vo,e)},writePackedFixed64:function(t,e){this.writeMessage(t,mo,e)},writePackedSFixed64:function(t,e){this.writeMessage(t,yo,e)},writeBytesField:function(t,e){this.writeTag(t,ao.Bytes),this.writeBytes(e)},writeFixed32Field:function(t,e){this.writeTag(t,ao.Fixed32),this.writeFixed32(e)},writeSFixed32Field:function(t,e){this.writeTag(t,ao.Fixed32),this.writeSFixed32(e)},writeFixed64Field:function(t,e){this.writeTag(t,ao.Fixed64),this.writeFixed64(e)},writeSFixed64Field:function(t,e){this.writeTag(t,ao.Fixed64),this.writeSFixed64(e)},writeVarintField:function(t,e){this.writeTag(t,ao.Varint),this.writeVarint(e)},writeSVarintField:function(t,e){this.writeTag(t,ao.Varint),this.writeSVarint(e)},writeStringField:function(t,e){this.writeTag(t,ao.Bytes),this.writeString(e)},writeFloatField:function(t,e){this.writeTag(t,ao.Fixed32),this.writeFloat(e)},writeDoubleField:function(t,e){this.writeTag(t,ao.Fixed64),this.writeDouble(e)},writeBooleanField:function(t,e){this.writeVarintField(t,Boolean(e))}};var wo=3;function ko(t,e,r){1===t&&r.readMessage(Mo,e)}function Mo(t,e,r){if(3===t){var n=r.readMessage(Ao,{}),i=n.id,a=n.bitmap,o=n.width,s=n.height,l=n.left,c=n.top,u=n.advance;e.push({id:i,bitmap:new ci({width:o+2*wo,height:s+2*wo},a),metrics:{width:o,height:s,left:l,top:c,advance:u}})}}function Ao(t,e,r){1===t?e.id=r.readVarint():2===t?e.bitmap=r.readBytes():3===t?e.width=r.readVarint():4===t?e.height=r.readVarint():5===t?e.left=r.readSVarint():6===t?e.top=r.readSVarint():7===t&&(e.advance=r.readVarint())}var To=wo,So=function(t,e,r){this.target=t,this.parent=e,this.mapId=r,this.callbacks={},this.callbackID=0,g([\"receive\"],this),this.target.addEventListener(\"message\",this.receive,!1)};So.prototype.send=function(t,e,r,n){var i=r?this.mapId+\":\"+this.callbackID++:null;r&&(this.callbacks[i]=r);var a=[];this.target.postMessage({targetMapId:n,sourceMapId:this.mapId,type:t,id:String(i),data:gr(e,a)},a)},So.prototype.receive=function(t){var e,r=this,n=t.data,i=n.id;if(!n.targetMapId||this.mapId===n.targetMapId){var a=function(t,e){var n=[];r.target.postMessage({sourceMapId:r.mapId,type:\"\",id:String(i),error:t?gr(t):null,data:gr(e,n)},n)};if(\"\"===n.type)e=this.callbacks[n.id],delete this.callbacks[n.id],e&&n.error?e(vr(n.error)):e&&e(null,vr(n.data));else if(void 0!==n.id&&this.parent[n.type])this.parent[n.type](n.sourceMapId,vr(n.data),a);else if(void 0!==n.id&&this.parent.getWorkerSource){var o=n.type.split(\".\");this.parent.getWorkerSource(n.sourceMapId,o[0],o[1])[o[2]](vr(n.data),a)}else this.parent[n.type](vr(n.data))}},So.prototype.remove=function(){this.target.removeEventListener(\"message\",this.receive,!1)};var Eo=n(i(function(t,e){!function(t){function e(t,e,n){var i=r(256*t,256*(e=Math.pow(2,n)-e-1),n),a=r(256*(t+1),256*(e+1),n);return i[0]+\",\"+i[1]+\",\"+a[0]+\",\"+a[1]}function r(t,e,r){var n=2*Math.PI*6378137/256/Math.pow(2,r);return[t*n-2*Math.PI*6378137/2,e*n-2*Math.PI*6378137/2]}t.getURL=function(t,r,n,i,a,o){return o=o||{},t+\"?\"+[\"bbox=\"+e(n,i,a),\"format=\"+(o.format||\"image/png\"),\"service=\"+(o.service||\"WMS\"),\"version=\"+(o.version||\"1.1.1\"),\"request=\"+(o.request||\"GetMap\"),\"srs=\"+(o.srs||\"EPSG:3857\"),\"width=\"+(o.width||256),\"height=\"+(o.height||256),\"layers=\"+r].join(\"&\")},t.getTileBBox=e,t.getMercCoords=r,Object.defineProperty(t,\"__esModule\",{value:!0})}(e)})),Co=function(t,e,r){this.z=t,this.x=e,this.y=r,this.key=Oo(0,t,e,r)};Co.prototype.equals=function(t){return this.z===t.z&&this.x===t.x&&this.y===t.y},Co.prototype.url=function(t,e){var r=Eo.getTileBBox(this.x,this.y,this.z),n=function(t,e,r){for(var n,i=\"\",a=t;a>0;a--)i+=(e&(n=1<this.canonical.z?new zo(t,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y):new zo(t,this.wrap,t,this.canonical.x>>e,this.canonical.y>>e)},zo.prototype.isChildOf=function(t){var e=this.canonical.z-t.canonical.z;return 0===t.overscaledZ||t.overscaledZ>e&&t.canonical.y===this.canonical.y>>e},zo.prototype.children=function(t){if(this.overscaledZ>=t)return[new zo(this.overscaledZ+1,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y)];var e=this.canonical.z+1,r=2*this.canonical.x,n=2*this.canonical.y;return[new zo(e,this.wrap,e,r,n),new zo(e,this.wrap,e,r+1,n),new zo(e,this.wrap,e,r,n+1),new zo(e,this.wrap,e,r+1,n+1)]},zo.prototype.isLessThan=function(t){return this.wrapt.wrap)&&(this.overscaledZt.overscaledZ)&&(this.canonical.xt.canonical.x)&&this.canonical.y=this.dim+this.border||e<-this.border||e>=this.dim+this.border)throw new RangeError(\"out of range source coordinates for DEM data\");return(e+this.border)*this.stride+(t+this.border)},pr(\"Level\",Io);var Po=function(t,e,r){this.uid=t,this.scale=e||1,this.level=r||new Io(256,512),this.loaded=!!r};Po.prototype.loadFromImage=function(t,e){if(t.height!==t.width)throw new RangeError(\"DEM tiles must be square\");if(e&&\"mapbox\"!==e&&\"terrarium\"!==e)return _('\"'+e+'\" is not a valid encoding type. Valid types include \"mapbox\" and \"terrarium\".');var r=this.level=new Io(t.width,t.width/2),n=t.data;this._unpackData(r,n,e||\"mapbox\");for(var i=0;i=0&&l[3]>=0&&this.grid.insert(a,l[0],l[1],l[2],l[3])}},Fo.prototype.loadVTLayers=function(){return this.vtLayers||(this.vtLayers=new ga.VectorTile(new io(this.rawTileData)).layers,this.sourceLayerCoder=new Do(this.vtLayers?Object.keys(this.vtLayers).sort():[\"_geojsonTileLayer\"])),this.vtLayers},Fo.prototype.query=function(t,e){var r=this;this.loadVTLayers();for(var n=t.params||{},i=Dn/t.tileSize/t.scale,a=Re(n.filter),o=t.queryGeometry,s=t.queryPadding*i,l=1/0,c=1/0,u=-1/0,f=-1/0,h=0;h=0)return!0;return!1}(a,l)){var c=this.sourceLayerCoder.decode(r),u=this.vtLayers[c].feature(n);if(i(new Lr(this.tileID.overscaledZ),u))for(var f=0;f=200&&r.status<300&&r.response){var n;try{n=JSON.parse(r.response)}catch(t){return e(t)}e(null,n)}else 401===r.status&&t.url.match(/mapbox.com/)?e(new A(r.statusText+\": you may have provided an invalid Mapbox access token. See https://www.mapbox.com/api-documentation/#access-tokens\",r.status,t.url)):e(new A(r.statusText,r.status,t.url))},r.send(),r},e.getImage=function(t,e){return S(t,function(t,r){if(t)e(t);else if(r){var n=new self.Image,i=self.URL||self.webkitURL;n.onload=function(){e(null,n),i.revokeObjectURL(n.src)};var a=new self.Blob([new Uint8Array(r.data)],{type:\"image/png\"});n.cacheControl=r.cacheControl,n.expires=r.expires,n.src=r.data.byteLength?i.createObjectURL(a):\"data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAAEAAAABCAYAAAAfFcSJAAAAC0lEQVQYV2NgAAIAAAUAAarVyFEAAAAASUVORK5CYII=\"}})},e.ResourceType=M,e.RGBAImage=ui,e.default$2=Ka,e.ImagePosition=Qa,e.getArrayBuffer=S,e.default$3=function(t){return new io(t).readFields(ko,[])},e.default$4=yr,e.asyncAll=function(t,e,r){if(!t.length)return r(null,[]);var n=t.length,i=new Array(t.length),a=null;t.forEach(function(t,o){e(t,function(t,e){t&&(a=t),i[o]=e,0==--n&&r(a,i)})})},e.AlphaImage=ci,e.default$5=I,e.endsWith=v,e.extend=p,e.sphericalToCartesian=function(t){var e=t[0],r=t[1],n=t[2];return r+=90,r*=Math.PI/180,n*=Math.PI/180,{x:e*Math.cos(r)*Math.sin(n),y:e*Math.sin(r)*Math.sin(n),z:e*Math.cos(n)}},e.Evented=O,e.validateStyle=nr,e.validateLight=ir,e.emitValidationErrors=sr,e.default$6=tt,e.number=wt,e.Properties=qr,e.Transitionable=Ir,e.Transitioning=Dr,e.PossiblyEvaluated=Fr,e.DataConstantProperty=Nr,e.warnOnce=_,e.uniqueId=function(){return d++},e.default$7=So,e.pick=function(t,e){for(var r={},n=0;n@\\,;\\:\\\\\"\\/\\[\\]\\?\\=\\{\\}\\x7F]+)(?:\\=(?:([^\\x00-\\x20\\(\\)<>@\\,;\\:\\\\\"\\/\\[\\]\\?\\=\\{\\}\\x7F]+)|(?:\\\"((?:[^\"\\\\]|\\\\.)*)\\\")))?/g,function(t,r,n,i){var a=n||i;return e[r]=!a||a.toLowerCase(),\"\"}),e[\"max-age\"]){var r=parseInt(e[\"max-age\"],10);isNaN(r)?delete e[\"max-age\"]:e[\"max-age\"]=r}return e},e.default$11=Fo,e.default$12=Ro,e.default$13=Re,e.default$14=Ha,e.CollisionBoxArray=vn,e.default$15=Tn,e.TriangleIndexArray=fn,e.default$16=Lr,e.default$17=s,e.keysDifference=function(t,e){var r=[];for(var n in t)n in e||r.push(n);return r},e.default$18=[\"type\",\"source\",\"source-layer\",\"minzoom\",\"maxzoom\",\"filter\",\"layout\"],e.mat4=ri,e.vec4=ei,e.getSizeData=Ba,e.evaluateSizeForFeature=function(t,e,r){var n=e;return\"source\"===t.functionType?r.lowerSize/10:\"composite\"===t.functionType?wt(r.lowerSize/10,r.upperSize/10,n.uSizeT):n.uSize},e.evaluateSizeForZoom=function(t,e,r){if(\"constant\"===t.functionType)return{uSizeT:0,uSize:t.layoutSize};if(\"source\"===t.functionType)return{uSizeT:0,uSize:0};if(\"camera\"===t.functionType){var n=t.propertyValue,i=t.zoomRange,a=t.sizeRange,o=h(Se(n,r.specification).interpolationFactor(e,i.min,i.max),0,1);return{uSizeT:0,uSize:a.min+o*(a.max-a.min)}}var s=t.propertyValue,l=t.zoomRange;return{uSizeT:h(Se(s,r.specification).interpolationFactor(e,l.min,l.max),0,1),uSize:0}},e.addDynamicAttributes=Va,e.default$19=Wa,e.WritingMode=jo,e.multiPolygonIntersectsBufferedPoint=jn,e.multiPolygonIntersectsMultiPolygon=Vn,e.multiPolygonIntersectsBufferedMultiLine=Un,e.polygonIntersectsPolygon=function(t,e){for(var r=0;r-r/2;){if(--o<0)return!1;s-=t[o].dist(a),a=t[o]}s+=t[o].dist(t[o+1]),o++;for(var l=[],c=0;sn;)c-=l.shift().angleDelta;if(c>i)return!1;o++,s+=f.dist(h)}return!0}function a(e,r,n,a,o,s,l,c,u){var f=a?.6*s*l:0,h=Math.max(a?a.right-a.left:0,o?o.right-o.left:0),p=0===e[0].x||e[0].x===u||0===e[0].y||e[0].y===u;return r-h*l=0&&M=0&&A=0&&v+h<=p){var T=new t.default$25(M,A,w,y);T._round(),o&&!i(r,T,l,o,s)||m.push(T)}}g+=_}return u||m.length||c||(m=e(r,g/2,a,o,s,l,c,!0,f)),m}(e,p?r/2*c%r:(h/2+2*s)*l*c%r,r,f,n,h*l,p,!1,u)}n.prototype.replace=function(t){this._layerConfigs={},this._layers={},this.update(t,[])},n.prototype.update=function(e,n){for(var i=this,a=0,o=e;a0&&(g=Math.max(10*s,g),this._addLineCollisionCircles(t,e,r,r.segment,v,g,n,i,a,u))}else t.emplaceBack(r.x,r.y,p,f,d,h,n,i,a,0,0);this.boxEndIndex=t.length};s.prototype._addLineCollisionCircles=function(t,e,r,n,i,a,o,s,l,c){var u=a/2,f=Math.floor(i/u),h=1+.4*Math.log(c)/Math.LN2,p=Math.floor(f*h/2),d=-a/2,g=r,v=n+1,m=d,y=-i/2,x=y-i/4;do{if(--v<0){if(m>y)return;v=0;break}m-=e[v].dist(g),g=e[v]}while(m>x);for(var b=e[v].dist(e[v+1]),_=-p;_i&&(k+=w-i),!(k=e.length)return;b=e[v].dist(e[v+1])}var M=k-m,A=e[v],T=e[v+1].sub(A)._unit()._mult(M)._add(A)._round(),S=Math.abs(k-d)0)for(var r=(this.length>>1)-1;r>=0;r--)this._down(r)}function f(t,e){return te?1:0}function h(e,r,n){void 0===r&&(r=1),void 0===n&&(n=!1);for(var i=1/0,a=1/0,o=-1/0,s=-1/0,c=e[0],u=0;uo)&&(o=f.x),(!u||f.y>s)&&(s=f.y)}var h=o-i,g=s-a,v=Math.min(h,g),m=v/2,y=new l(null,p);if(0===v)return new t.default$1(i,a);for(var x=i;x_.d||!_.d)&&(_=k,n&&console.log(\"found best %d after %d probes\",Math.round(1e4*k.d)/1e4,w)),k.max-_.d<=r||(m=k.h/2,y.push(new d(k.p.x-m,k.p.y-m,m,e)),y.push(new d(k.p.x+m,k.p.y-m,m,e)),y.push(new d(k.p.x-m,k.p.y+m,m,e)),y.push(new d(k.p.x+m,k.p.y+m,m,e)),w+=4)}return n&&(console.log(\"num probes: \"+w),console.log(\"best distance: \"+_.d)),_.p}function p(t,e){return e.max-t.max}function d(e,r,n,i){this.p=new t.default$1(e,r),this.h=n,this.d=function(e,r){for(var n=!1,i=1/0,a=0;ae.y!=f.y>e.y&&e.x<(f.x-u.x)*(e.y-u.y)/(f.y-u.y)+u.x&&(n=!n),i=Math.min(i,t.distToSegmentSquared(e,u,f))}return(n?1:-1)*Math.sqrt(i)}(this.p,i),this.max=this.d+this.h*Math.SQRT2}function g(e,r,n,i,a,o){e.createArrays(),e.symbolInstances=[];var s=512*e.overscaling;e.tilePixelRatio=t.default$8/s,e.compareText={},e.iconsNeedLinear=!1;var l=e.layers[0].layout,c=e.layers[0]._unevaluatedLayout._values,u={};if(\"composite\"===e.textSizeData.functionType){var f=e.textSizeData.zoomRange,h=f.min,p=f.max;u.compositeTextSizes=[c[\"text-size\"].possiblyEvaluate(new t.default$16(h)),c[\"text-size\"].possiblyEvaluate(new t.default$16(p))]}if(\"composite\"===e.iconSizeData.functionType){var d=e.iconSizeData.zoomRange,g=d.min,m=d.max;u.compositeIconSizes=[c[\"icon-size\"].possiblyEvaluate(new t.default$16(g)),c[\"icon-size\"].possiblyEvaluate(new t.default$16(m))]}u.layoutTextSize=c[\"text-size\"].possiblyEvaluate(new t.default$16(e.zoom+1)),u.layoutIconSize=c[\"icon-size\"].possiblyEvaluate(new t.default$16(e.zoom+1)),u.textMaxSize=c[\"text-size\"].possiblyEvaluate(new t.default$16(18));for(var y=24*l.get(\"text-line-height\"),x=\"map\"===l.get(\"text-rotation-alignment\")&&\"line\"===l.get(\"symbol-placement\"),b=l.get(\"text-keep-upright\"),_=0,w=e.features;_=t.default$8||u.y<0||u.y>=t.default$8||e.symbolInstances.push(function(e,r,n,i,a,l,c,u,f,h,p,d,g,v,y,x,b,_,w,k,M){var A,T,S=e.addToLineVertexArray(r,n),E=0,C=0,L=0,z=i.horizontal?i.horizontal.text:\"\",O=[];i.horizontal&&(A=new s(c,n,r,u,f,h,i.horizontal,p,d,g,e.overscaling),C+=m(e,r,i.horizontal,l,g,w,v,S,i.vertical?t.WritingMode.horizontal:t.WritingMode.horizontalOnly,O,k,M),i.vertical&&(L+=m(e,r,i.vertical,l,g,w,v,S,t.WritingMode.vertical,O,k,M)));var I=A?A.boxStartIndex:e.collisionBoxArray.length,P=A?A.boxEndIndex:e.collisionBoxArray.length;if(a){var D=function(e,r,n,i,a,o){var s,l,c,u,f=r.image,h=n.layout,p=r.top-1/f.pixelRatio,d=r.left-1/f.pixelRatio,g=r.bottom+1/f.pixelRatio,v=r.right+1/f.pixelRatio;if(\"none\"!==h.get(\"icon-text-fit\")&&a){var m=v-d,y=g-p,x=h.get(\"text-size\").evaluate(o)/24,b=a.left*x,_=a.right*x,w=a.top*x,k=_-b,M=a.bottom*x-w,A=h.get(\"icon-text-fit-padding\")[0],T=h.get(\"icon-text-fit-padding\")[1],S=h.get(\"icon-text-fit-padding\")[2],E=h.get(\"icon-text-fit-padding\")[3],C=\"width\"===h.get(\"icon-text-fit\")?.5*(M-y):0,L=\"height\"===h.get(\"icon-text-fit\")?.5*(k-m):0,z=\"width\"===h.get(\"icon-text-fit\")||\"both\"===h.get(\"icon-text-fit\")?k:m,O=\"height\"===h.get(\"icon-text-fit\")||\"both\"===h.get(\"icon-text-fit\")?M:y;s=new t.default$1(b+L-E,w+C-A),l=new t.default$1(b+L+T+z,w+C-A),c=new t.default$1(b+L+T+z,w+C+S+O),u=new t.default$1(b+L-E,w+C+S+O)}else s=new t.default$1(d,p),l=new t.default$1(v,p),c=new t.default$1(v,g),u=new t.default$1(d,g);var I=n.layout.get(\"icon-rotate\").evaluate(o)*Math.PI/180;if(I){var P=Math.sin(I),D=Math.cos(I),R=[D,-P,P,D];s._matMult(R),l._matMult(R),u._matMult(R),c._matMult(R)}return[{tl:s,tr:l,bl:u,br:c,tex:f.paddedRect,writingMode:void 0,glyphOffset:[0,0]}]}(0,a,l,0,i.horizontal,w);T=new s(c,n,r,u,f,h,a,y,x,!1,e.overscaling),E=4*D.length;var R=e.iconSizeData,B=null;\"source\"===R.functionType?B=[10*l.layout.get(\"icon-size\").evaluate(w)]:\"composite\"===R.functionType&&(B=[10*M.compositeIconSizes[0].evaluate(w),10*M.compositeIconSizes[1].evaluate(w)]),e.addSymbols(e.icon,D,B,_,b,w,!1,r,S.lineStartIndex,S.lineLength)}var F=T?T.boxStartIndex:e.collisionBoxArray.length,N=T?T.boxEndIndex:e.collisionBoxArray.length;return e.glyphOffsetArray.length>=t.default$14.MAX_GLYPHS&&t.warnOnce(\"Too many glyphs being rendered in a tile. See https://github.com/mapbox/mapbox-gl-js/issues/2907\"),{key:z,textBoxStartIndex:I,textBoxEndIndex:P,iconBoxStartIndex:F,iconBoxEndIndex:N,textOffset:v,iconOffset:_,anchor:r,line:n,featureIndex:u,feature:w,numGlyphVertices:C,numVerticalGlyphVertices:L,numIconVertices:E,textOpacityState:new o,iconOpacityState:new o,isDuplicate:!1,placedTextSymbolIndices:O,crossTileID:0}}(e,u,a,n,i,e.layers[0],e.collisionBoxArray,r.index,r.sourceLayerIndex,e.index,b,M,S,g,w,A,E,v,r,l,c))};if(\"line\"===d.get(\"symbol-placement\"))for(var z=0,O=function(e,r,n,i,a){for(var o=[],s=0;s=i&&h.x>=i||(f.x>=i?f=new t.default$1(i,f.y+(h.y-f.y)*((i-f.x)/(h.x-f.x)))._round():h.x>=i&&(h=new t.default$1(i,f.y+(h.y-f.y)*((i-f.x)/(h.x-f.x)))._round()),f.y>=a&&h.y>=a||(f.y>=a?f=new t.default$1(f.x+(h.x-f.x)*((a-f.y)/(h.y-f.y)),a)._round():h.y>=a&&(h=new t.default$1(f.x+(h.x-f.x)*((a-f.y)/(h.y-f.y)),a)._round()),c&&f.equals(c[c.length-1])||(c=[f],o.push(c)),c.push(h)))))}return o}(r.geometry,0,0,t.default$8,t.default$8);z=0;o--)if(n.dist(a[o])0&&(this.data[0]=this.data[this.length],this._down(0)),this.data.pop(),t}},peek:function(){return this.data[0]},_up:function(t){for(var e=this.data,r=this.compare,n=e[t];t>0;){var i=t-1>>1,a=e[i];if(r(n,a)>=0)break;e[t]=a,t=i}e[t]=n},_down:function(t){for(var e=this.data,r=this.compare,n=this.length>>1,i=e[t];t=0)break;e[t]=s,t=a}e[t]=i}},l.default=c;var x=function(e){var r=new t.AlphaImage({width:0,height:0}),n={},i=new t.default$2(0,0,{autoResize:!0});for(var a in e){var o=e[a],s=n[a]={};for(var l in o){var c=o[+l];if(c&&0!==c.bitmap.width&&0!==c.bitmap.height){var u=i.packOne(c.bitmap.width+2,c.bitmap.height+2);r.resize({width:i.w,height:i.h}),t.AlphaImage.copy(c.bitmap,r,{x:0,y:0},{x:u.x+1,y:u.y+1},c.bitmap),s[l]={rect:u,metrics:c.metrics}}}}i.shrink(),r.resize({width:i.w,height:i.h}),this.image=r,this.positions=n};t.register(\"GlyphAtlas\",x);var b=function(e){this.tileID=new t.OverscaledTileID(e.tileID.overscaledZ,e.tileID.wrap,e.tileID.canonical.z,e.tileID.canonical.x,e.tileID.canonical.y),this.uid=e.uid,this.zoom=e.zoom,this.pixelRatio=e.pixelRatio,this.tileSize=e.tileSize,this.source=e.source,this.overscaling=this.tileID.overscaleFactor(),this.showCollisionBoxes=e.showCollisionBoxes,this.collectResourceTiming=!!e.collectResourceTiming};function _(e,r){for(var n=new t.default$16(r),i=0,a=e;i=T.maxzoom||\"none\"!==T.visibility&&(_(A,a.zoom),(f[T.id]=T.createBucket({index:s.bucketLayerIDs.length,layers:A,zoom:a.zoom,pixelRatio:a.pixelRatio,overscaling:a.overscaling,collisionBoxArray:a.collisionBoxArray,sourceLayerIndex:m})).populate(y,h),s.bucketLayerIDs.push(A.map(function(t){return t.id})))}}}var S=t.mapObject(h.glyphDependencies,function(t){return Object.keys(t).map(Number)});Object.keys(S).length?n.send(\"getGlyphs\",{uid:this.uid,stacks:S},function(t,e){l||(l=t,c=e,C.call(a))}):c={};var E=Object.keys(h.iconDependencies);function C(){if(l)return i(l);if(c&&u){var e=new x(c),r=new t.default$28(u);for(var n in f){var a=f[n];a instanceof t.default$14&&(_(a.layers,this.zoom),g(a,c,e.positions,u,r.positions,this.showCollisionBoxes))}this.status=\"done\",i(null,{buckets:t.values(f).filter(function(t){return!t.isEmpty()}),featureIndex:s,collisionBoxArray:this.collisionBoxArray,glyphAtlasImage:e.image,iconAtlasImage:r.image})}}E.length?n.send(\"getImages\",{icons:E},function(t,e){l||(l=t,u=e,C.call(a))}):u={},C.call(this)};var w=function(t){return!(!performance||!performance.getEntriesByName)&&performance.getEntriesByName(t)};function k(e,r){var n=t.getArrayBuffer(e.request,function(e,n){e?r(e):n&&r(null,{vectorTile:new t.default$29.VectorTile(new t.default$30(n.data)),rawData:n.data,cacheControl:n.cacheControl,expires:n.expires})});return function(){n.abort(),r()}}var M=function(t,e,r){this.actor=t,this.layerIndex=e,this.loadVectorData=r||k,this.loading={},this.loaded={}};M.prototype.loadTile=function(e,r){var n=this,i=e.uid;this.loading||(this.loading={});var a=this.loading[i]=new b(e);a.abort=this.loadVectorData(e,function(o,s){if(delete n.loading[i],o||!s)return r(o);var l=s.rawData,c={};s.expires&&(c.expires=s.expires),s.cacheControl&&(c.cacheControl=s.cacheControl);var u={};if(e.request&&e.request.collectResourceTiming){var f=w(e.request.url);f&&(u.resourceTiming=JSON.parse(JSON.stringify(f)))}a.vectorTile=s.vectorTile,a.parse(s.vectorTile,n.layerIndex,n.actor,function(e,n){if(e||!n)return r(e);r(null,t.extend({rawTileData:l.slice(0)},n,c,u))}),n.loaded=n.loaded||{},n.loaded[i]=a})},M.prototype.reloadTile=function(t,e){var r=this.loaded,n=t.uid,i=this;if(r&&r[n]){var a=r[n];a.showCollisionBoxes=t.showCollisionBoxes;var o=function(t,r){var n=a.reloadCallback;n&&(delete a.reloadCallback,a.parse(a.vectorTile,i.layerIndex,i.actor,n)),e(t,r)};\"parsing\"===a.status?a.reloadCallback=o:\"done\"===a.status&&a.parse(a.vectorTile,this.layerIndex,this.actor,o)}},M.prototype.abortTile=function(t,e){var r=this.loading,n=t.uid;r&&r[n]&&r[n].abort&&(r[n].abort(),delete r[n]),e()},M.prototype.removeTile=function(t,e){var r=this.loaded,n=t.uid;r&&r[n]&&delete r[n],e()};var A=function(){this.loading={},this.loaded={}};A.prototype.loadTile=function(e,r){var n=e.uid,i=e.encoding,a=new t.default$31(n);this.loading[n]=a,a.loadFromImage(e.rawImageData,i),delete this.loading[n],this.loaded=this.loaded||{},this.loaded[n]=a,r(null,a)},A.prototype.removeTile=function(t){var e=this.loaded,r=t.uid;e&&e[r]&&delete e[r]};var T={RADIUS:6378137,FLATTENING:1/298.257223563,POLAR_RADIUS:6356752.3142};function S(t){var e=0;if(t&&t.length>0){e+=Math.abs(E(t[0]));for(var r=1;r2){for(o=0;o=0}(t)===e?t:t.reverse()}var P=t.default$29.VectorTileFeature.prototype.toGeoJSON,D=function(e){this._feature=e,this.extent=t.default$8,this.type=e.type,this.properties=e.tags,\"id\"in e&&!isNaN(e.id)&&(this.id=parseInt(e.id,10))};D.prototype.loadGeometry=function(){if(1===this._feature.type){for(var e=[],r=0,n=this._feature.geometry;r>31}function $(t,e){for(var r=t.loadGeometry(),n=t.type,i=0,a=0,o=r.length,s=0;si;){if(a-i>600){var s=a-i+1,l=n-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),f=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1);t(e,r,n,Math.max(i,Math.floor(n-l*u/s+f)),Math.min(a,Math.floor(n+(s-l)*u/s+f)),o)}var h=r[2*n+o],p=i,d=a;for(Q(e,r,i,n),r[2*a+o]>h&&Q(e,r,i,a);ph;)d--}r[2*i+o]===h?Q(e,r,i,d):Q(e,r,++d,a),d<=n&&(i=d+1),n<=d&&(a=d-1)}}(e,r,s,i,a,o%2),t(e,r,n,i,s-1,o+1),t(e,r,n,s+1,a,o+1)}};function Q(t,e,r,n){tt(t,r,n),tt(e,2*r,2*n),tt(e,2*r+1,2*n+1)}function tt(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function et(t,e,r,n){var i=t-r,a=e-n;return i*i+a*a}var rt=function(t,e,r,n,i){return new nt(t,e,r,n,i)};function nt(t,e,r,n,i){e=e||it,r=r||at,i=i||Array,this.nodeSize=n||64,this.points=t,this.ids=new i(t.length),this.coords=new i(2*t.length);for(var a=0;a=r&&s<=i&&l>=n&&l<=a&&u.push(t[d]);else{var g=Math.floor((p+h)/2);s=e[2*g],l=e[2*g+1],s>=r&&s<=i&&l>=n&&l<=a&&u.push(t[g]);var v=(f+1)%2;(0===f?r<=s:n<=l)&&(c.push(p),c.push(g-1),c.push(v)),(0===f?i>=s:a>=l)&&(c.push(g+1),c.push(h),c.push(v))}}return u}(this.ids,this.coords,t,e,r,n,this.nodeSize)},within:function(t,e,r){return function(t,e,r,n,i,a){for(var o=[0,t.length-1,0],s=[],l=i*i;o.length;){var c=o.pop(),u=o.pop(),f=o.pop();if(u-f<=a)for(var h=f;h<=u;h++)et(e[2*h],e[2*h+1],r,n)<=l&&s.push(t[h]);else{var p=Math.floor((f+u)/2),d=e[2*p],g=e[2*p+1];et(d,g,r,n)<=l&&s.push(t[p]);var v=(c+1)%2;(0===c?r-i<=d:n-i<=g)&&(o.push(f),o.push(p-1),o.push(v)),(0===c?r+i>=d:n+i>=g)&&(o.push(p+1),o.push(u),o.push(v))}}return s}(this.ids,this.coords,t,e,r,this.nodeSize)}};function ot(t){this.options=pt(Object.create(this.options),t),this.trees=new Array(this.options.maxZoom+1)}function st(t,e,r,n,i){return{x:t,y:e,zoom:1/0,id:n,properties:i,parentId:-1,numPoints:r}}function lt(t,e){var r=t.geometry.coordinates;return{x:ft(r[0]),y:ht(r[1]),zoom:1/0,id:e,parentId:-1}}function ct(t){return{type:\"Feature\",properties:ut(t),geometry:{type:\"Point\",coordinates:[(n=t.x,360*(n-.5)),(e=t.y,r=(180-360*e)*Math.PI/180,360*Math.atan(Math.exp(r))/Math.PI-90)]}};var e,r,n}function ut(t){var e=t.numPoints,r=e>=1e4?Math.round(e/1e3)+\"k\":e>=1e3?Math.round(e/100)/10+\"k\":e;return pt(pt({},t.properties),{cluster:!0,cluster_id:t.id,point_count:e,point_count_abbreviated:r})}function ft(t){return t/360+.5}function ht(t){var e=Math.sin(t*Math.PI/180),r=.5-.25*Math.log((1+e)/(1-e))/Math.PI;return r<0?0:r>1?1:r}function pt(t,e){for(var r in e)t[r]=e[r];return t}function dt(t){return t.x}function gt(t){return t.y}function vt(t,e,r,n,i,a){var o=i-r,s=a-n;if(0!==o||0!==s){var l=((t-r)*o+(e-n)*s)/(o*o+s*s);l>1?(r=i,n=a):l>0&&(r+=o*l,n+=s*l)}return(o=t-r)*o+(s=e-n)*s}function mt(t,e,r,n){var i={id:t||null,type:e,geometry:r,tags:n,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0};return function(t){var e=t.geometry,r=t.type;if(\"Point\"===r||\"MultiPoint\"===r||\"LineString\"===r)yt(t,e);else if(\"Polygon\"===r||\"MultiLineString\"===r)for(var n=0;n0&&(o+=n?(i*c-l*a)/2:Math.sqrt(Math.pow(l-i,2)+Math.pow(c-a,2))),i=l,a=c}var u=e.length-3;e[2]=1,function t(e,r,n,i){for(var a,o=i,s=e[r],l=e[r+1],c=e[n],u=e[n+1],f=r+3;fo&&(a=f,o=h)}o>i&&(a-r>3&&t(e,r,a,i),e[a+2]=o,n-a>3&&t(e,a,n,i))}(e,0,u,r),e[u+2]=1,e.size=Math.abs(o),e.start=0,e.end=e.size}function wt(t,e,r,n){for(var i=0;i1?1:r}function At(t,e,r,n,i,a,o,s){if(n/=e,a>=(r/=e)&&o<=n)return t;if(a>n||o=r&&d<=n)l.push(u);else if(!(p>n||d=r&&o<=n&&(e.push(t[a]),e.push(t[a+1]),e.push(t[a+2]))}}function St(t,e,r,n,i,a,o){for(var s,l,c=Et(t),u=0===i?zt:Ot,f=t.start,h=0;h=r&&(l=u(c,p,d,v,m,r),o&&(c.start=f+s*l)):y>n?x<=n&&(l=u(c,p,d,v,m,n),o&&(c.start=f+s*l)):Lt(c,p,d,g),x=r&&(l=u(c,p,d,v,m,r),b=!0),x>n&&y<=n&&(l=u(c,p,d,v,m,n),b=!0),!a&&b&&(o&&(c.end=f+s*l),e.push(c),c=Et(t)),o&&(f+=s)}var _=t.length-3;p=t[_],d=t[_+1],g=t[_+2],(y=0===i?p:d)>=r&&y<=n&&Lt(c,p,d,g),_=c.length-3,a&&_>=3&&(c[_]!==c[0]||c[_+1]!==c[1])&&Lt(c,c[0],c[1],c[2]),c.length&&e.push(c)}function Et(t){var e=[];return e.size=t.size,e.start=t.start,e.end=t.end,e}function Ct(t,e,r,n,i,a){for(var o=0;oo.maxX&&(o.maxX=u),f>o.maxY&&(o.maxY=f)}return o}function Ft(t,e,r,n){var i=e.geometry,a=e.type,o=[];if(\"Point\"===a||\"MultiPoint\"===a)for(var s=0;s0&&e.size<(i?o:n))r.numPoints+=e.length/3;else{for(var s=[],l=0;lo)&&(r.numSimplified++,s.push(e[l]),s.push(e[l+1])),r.numPoints++;i&&function(t,e){for(var r=0,n=0,i=t.length,a=i-2;n0===e)for(n=0,i=t.length;n24)throw new Error(\"maxZoom should be in the 0-24 range\");var n=function(t,e){var r=[];if(\"FeatureCollection\"===t.type)for(var n=0;n=this.options.minZoom;i--){var a=+Date.now();this.trees[i+1]=rt(n,dt,gt,this.options.nodeSize,Float32Array),n=this._cluster(n,i),e&&console.log(\"z%d: %d clusters in %dms\",i,n.length,+Date.now()-a)}return this.trees[this.options.minZoom]=rt(n,dt,gt,this.options.nodeSize,Float32Array),e&&console.timeEnd(\"total time\"),this},getClusters:function(t,e){for(var r=this.trees[this._limitZoom(e)],n=r.range(ft(t[0]),ht(t[3]),ft(t[2]),ht(t[1])),i=[],a=0;a1&&console.time(\"creation\"),h=this.tiles[f]=Bt(t,e,r,n,l),this.tileCoords.push({z:e,x:r,y:n}),c)){c>1&&(console.log(\"tile z%d-%d-%d (features: %d, points: %d, simplified: %d)\",e,r,n,h.numFeatures,h.numPoints,h.numSimplified),console.timeEnd(\"creation\"));var p=\"z\"+e;this.stats[p]=(this.stats[p]||0)+1,this.total++}if(h.source=t,i){if(e===l.maxZoom||e===i)continue;var d=1<1&&console.time(\"clipping\");var g,v,m,y,x,b,_=.5*l.buffer/l.extent,w=.5-_,k=.5+_,M=1+_;g=v=m=y=null,x=At(t,u,r-_,r+k,0,h.minX,h.maxX,l),b=At(t,u,r+w,r+M,0,h.minX,h.maxX,l),t=null,x&&(g=At(x,u,n-_,n+k,1,h.minY,h.maxY,l),v=At(x,u,n+w,n+M,1,h.minY,h.maxY,l),x=null),b&&(m=At(b,u,n-_,n+k,1,h.minY,h.maxY,l),y=At(b,u,n+w,n+M,1,h.minY,h.maxY,l),b=null),c>1&&console.timeEnd(\"clipping\"),s.push(g||[],e+1,2*r,2*n),s.push(v||[],e+1,2*r,2*n+1),s.push(m||[],e+1,2*r+1,2*n),s.push(y||[],e+1,2*r+1,2*n+1)}}},jt.prototype.getTile=function(t,e,r){var n=this.options,i=n.extent,a=n.debug;if(t<0||t>24)return null;var o=1<1&&console.log(\"drilling down to z%d-%d-%d\",t,e,r);for(var l,c=t,u=e,f=r;!l&&c>0;)c--,u=Math.floor(u/2),f=Math.floor(f/2),l=this.tiles[Vt(c,u,f)];return l&&l.source?(a>1&&console.log(\"found parent tile z%d-%d-%d\",c,u,f),a>1&&console.time(\"drilling down\"),this.splitTile(l.source,c,u,f,t,e,r),a>1&&console.timeEnd(\"drilling down\"),this.tiles[s]?Dt(this.tiles[s],i):null):null};var qt=function(e){function r(t,r,n){e.call(this,t,r,Ut),n&&(this.loadGeoJSON=n)}return e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r,r.prototype.loadData=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),this._pendingCallback=e,this._pendingLoadDataParams=t,this._state&&\"Idle\"!==this._state?this._state=\"NeedsLoadData\":(this._state=\"Coalescing\",this._loadData())},r.prototype._loadData=function(){var t=this;if(this._pendingCallback&&this._pendingLoadDataParams){var e=this._pendingCallback,r=this._pendingLoadDataParams;delete this._pendingCallback,delete this._pendingLoadDataParams,this.loadGeoJSON(r,function(n,i){if(n||!i)return e(n);if(\"object\"!=typeof i)return e(new Error(\"Input data is not a valid GeoJSON object.\"));!function t(e,r){switch(e&&e.type||null){case\"FeatureCollection\":return e.features=e.features.map(z(t,r)),e;case\"Feature\":return e.geometry=t(e.geometry,r),e;case\"Polygon\":case\"MultiPolygon\":return function(t,e){return\"Polygon\"===t.type?t.coordinates=O(t.coordinates,e):\"MultiPolygon\"===t.type&&(t.coordinates=t.coordinates.map(z(O,e))),t}(e,r);default:return e}}(i,!0);try{t._geoJSONIndex=r.cluster?function(t){return new ot(t)}(r.superclusterOptions).load(i.features):new jt(i,r.geojsonVtOptions)}catch(n){return e(n)}t.loaded={};var a={};if(r.request&&r.request.collectResourceTiming){var o=w(r.request.url);o&&(a.resourceTiming={},a.resourceTiming[r.source]=JSON.parse(JSON.stringify(o)))}e(null,a)})}},r.prototype.coalesce=function(){\"Coalescing\"===this._state?this._state=\"Idle\":\"NeedsLoadData\"===this._state&&(this._state=\"Coalescing\",this._loadData())},r.prototype.reloadTile=function(t,r){var n=this.loaded,i=t.uid;return n&&n[i]?e.prototype.reloadTile.call(this,t,r):this.loadTile(t,r)},r.prototype.loadGeoJSON=function(e,r){if(e.request)t.getJSON(e.request,r);else{if(\"string\"!=typeof e.data)return r(new Error(\"Input data is not a valid GeoJSON object.\"));try{return r(null,JSON.parse(e.data))}catch(t){return r(new Error(\"Input data is not a valid GeoJSON object.\"))}}},r.prototype.removeSource=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),e()},r}(M),Ht=function(e){var r=this;this.self=e,this.actor=new t.default$7(e,this),this.layerIndexes={},this.workerSourceTypes={vector:M,geojson:qt},this.workerSources={},this.demWorkerSources={},this.self.registerWorkerSource=function(t,e){if(r.workerSourceTypes[t])throw new Error('Worker source with name \"'+t+'\" already registered.');r.workerSourceTypes[t]=e},this.self.registerRTLTextPlugin=function(e){if(t.plugin.isLoaded())throw new Error(\"RTL text plugin already registered.\");t.plugin.applyArabicShaping=e.applyArabicShaping,t.plugin.processBidirectionalText=e.processBidirectionalText}};return Ht.prototype.setLayers=function(t,e,r){this.getLayerIndex(t).replace(e),r()},Ht.prototype.updateLayers=function(t,e,r){this.getLayerIndex(t).update(e.layers,e.removedIds),r()},Ht.prototype.loadTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).loadTile(e,r)},Ht.prototype.loadDEMTile=function(t,e,r){this.getDEMWorkerSource(t,e.source).loadTile(e,r)},Ht.prototype.reloadTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).reloadTile(e,r)},Ht.prototype.abortTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).abortTile(e,r)},Ht.prototype.removeTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).removeTile(e,r)},Ht.prototype.removeDEMTile=function(t,e){this.getDEMWorkerSource(t,e.source).removeTile(e)},Ht.prototype.removeSource=function(t,e,r){if(this.workerSources[t]&&this.workerSources[t][e.type]&&this.workerSources[t][e.type][e.source]){var n=this.workerSources[t][e.type][e.source];delete this.workerSources[t][e.type][e.source],void 0!==n.removeSource?n.removeSource(e,r):r()}},Ht.prototype.loadWorkerSource=function(t,e,r){try{this.self.importScripts(e.url),r()}catch(t){r(t.toString())}},Ht.prototype.loadRTLTextPlugin=function(e,r,n){try{t.plugin.isLoaded()||(this.self.importScripts(r),n(t.plugin.isLoaded()?null:new Error(\"RTL Text Plugin failed to import scripts from \"+r)))}catch(t){n(t.toString())}},Ht.prototype.getLayerIndex=function(t){var e=this.layerIndexes[t];return e||(e=this.layerIndexes[t]=new n),e},Ht.prototype.getWorkerSource=function(t,e,r){var n=this;if(this.workerSources[t]||(this.workerSources[t]={}),this.workerSources[t][e]||(this.workerSources[t][e]={}),!this.workerSources[t][e][r]){var i={send:function(e,r,i){n.actor.send(e,r,i,t)}};this.workerSources[t][e][r]=new this.workerSourceTypes[e](i,this.getLayerIndex(t))}return this.workerSources[t][e][r]},Ht.prototype.getDEMWorkerSource=function(t,e){return this.demWorkerSources[t]||(this.demWorkerSources[t]={}),this.demWorkerSources[t][e]||(this.demWorkerSources[t][e]=new A),this.demWorkerSources[t][e]},\"undefined\"!=typeof WorkerGlobalScope&&\"undefined\"!=typeof self&&self instanceof WorkerGlobalScope&&new Ht(self),Ht}),i(0,function(t){var e=t.createCommonjsModule(function(t){function e(t){return!!(\"undefined\"!=typeof window&&\"undefined\"!=typeof document&&Array.prototype&&Array.prototype.every&&Array.prototype.filter&&Array.prototype.forEach&&Array.prototype.indexOf&&Array.prototype.lastIndexOf&&Array.prototype.map&&Array.prototype.some&&Array.prototype.reduce&&Array.prototype.reduceRight&&Array.isArray&&Function.prototype&&Function.prototype.bind&&Object.keys&&Object.create&&Object.getPrototypeOf&&Object.getOwnPropertyNames&&Object.isSealed&&Object.isFrozen&&Object.isExtensible&&Object.getOwnPropertyDescriptor&&Object.defineProperty&&Object.defineProperties&&Object.seal&&Object.freeze&&Object.preventExtensions&&\"JSON\"in window&&\"parse\"in JSON&&\"stringify\"in JSON&&function(){if(!(\"Worker\"in window&&\"Blob\"in window&&\"URL\"in window))return!1;var t,e,r=new Blob([\"\"],{type:\"text/javascript\"}),n=URL.createObjectURL(r);try{e=new Worker(n),t=!0}catch(e){t=!1}return e&&e.terminate(),URL.revokeObjectURL(n),t}()&&\"Uint8ClampedArray\"in window&&function(t){return void 0===r[t]&&(r[t]=function(t){var r=document.createElement(\"canvas\"),n=Object.create(e.webGLContextAttributes);return n.failIfMajorPerformanceCaveat=t,r.probablySupportsContext?r.probablySupportsContext(\"webgl\",n)||r.probablySupportsContext(\"experimental-webgl\",n):r.supportsContext?r.supportsContext(\"webgl\",n)||r.supportsContext(\"experimental-webgl\",n):r.getContext(\"webgl\",n)||r.getContext(\"experimental-webgl\",n)}(t)),r[t]}(t&&t.failIfMajorPerformanceCaveat))}t.exports?t.exports=e:window&&(window.mapboxgl=window.mapboxgl||{},window.mapboxgl.supported=e);var r={};e.webGLContextAttributes={antialias:!1,alpha:!0,stencil:!0,depth:!0}}),r=t.default.performance&&t.default.performance.now?t.default.performance.now.bind(t.default.performance):Date.now.bind(Date),n=t.default.requestAnimationFrame||t.default.mozRequestAnimationFrame||t.default.webkitRequestAnimationFrame||t.default.msRequestAnimationFrame,i=t.default.cancelAnimationFrame||t.default.mozCancelAnimationFrame||t.default.webkitCancelAnimationFrame||t.default.msCancelAnimationFrame,a={now:r,frame:function(t){return n(t)},cancelFrame:function(t){return i(t)},getImageData:function(e){var r=t.default.document.createElement(\"canvas\"),n=r.getContext(\"2d\");if(!n)throw new Error(\"failed to create canvas 2d context\");return r.width=e.width,r.height=e.height,n.drawImage(e,0,0,e.width,e.height),n.getImageData(0,0,e.width,e.height)},hardwareConcurrency:t.default.navigator.hardwareConcurrency||4,get devicePixelRatio(){return t.default.devicePixelRatio},supportsWebp:!1};if(t.default.document){var o=t.default.document.createElement(\"img\");o.onload=function(){a.supportsWebp=!0},o.src=\"data:image/webp;base64,UklGRh4AAABXRUJQVlA4TBEAAAAvAQAAAAfQ//73v/+BiOh/AAA=\"}var s={create:function(e,r,n){var i=t.default.document.createElement(e);return r&&(i.className=r),n&&n.appendChild(i),i},createNS:function(e,r){return t.default.document.createElementNS(e,r)}},l=t.default.document?t.default.document.documentElement.style:null;function c(t){if(!l)return null;for(var e=0;e=0?0:e.button},s.remove=function(t){t.parentNode&&t.parentNode.removeChild(t)};var v={API_URL:\"https://api.mapbox.com\",REQUIRE_ACCESS_TOKEN:!0,ACCESS_TOKEN:null},m=\"See https://www.mapbox.com/api-documentation/#access-tokens\";function y(t,e){var r=A(v.API_URL);if(t.protocol=r.protocol,t.authority=r.authority,\"/\"!==r.path&&(t.path=\"\"+r.path+t.path),!v.REQUIRE_ACCESS_TOKEN)return T(t);if(!(e=e||v.ACCESS_TOKEN))throw new Error(\"An API access token is required to use Mapbox GL. \"+m);if(\"s\"===e[0])throw new Error(\"Use a public access token (pk.*) with Mapbox GL, not a secret access token (sk.*). \"+m);return t.params.push(\"access_token=\"+e),T(t)}function x(t){return 0===t.indexOf(\"mapbox:\")}var b=function(t,e){if(!x(t))return t;var r=A(t);return r.path=\"/v4/\"+r.authority+\".json\",r.params.push(\"secure\"),y(r,e)},_=function(t,e,r,n){var i=A(t);return x(t)?(i.path=\"/styles/v1\"+i.path+\"/sprite\"+e+r,y(i,n)):(i.path+=\"\"+e+r,T(i))},w=/(\\.(png|jpg)\\d*)(?=$)/,k=function(t,e,r){if(!e||!x(e))return t;var n=A(t),i=a.devicePixelRatio>=2||512===r?\"@2x\":\"\",o=a.supportsWebp?\".webp\":\"$1\";return n.path=n.path.replace(w,\"\"+i+o),function(t){for(var e=0;e=0?1.2:1))}function R(t,e,r,n,i,a,o){for(var s=0;s65535)e(new Error(\"glyphs > 65535 not supported\"));else{var l=a.requests[s];l||(l=a.requests[s]=[],F.loadGlyphRange(r,s,n.url,n.requestTransform,function(t,e){if(e)for(var r in e)a.glyphs[+r]=e[+r];for(var n=0,i=l;nthis.height)return t.warnOnce(\"LineAtlas out of space\"),null;for(var a=0,o=0;o90||this.lat<-90)throw new Error(\"Invalid LngLat latitude value: must be between -90 and 90\")};G.prototype.wrap=function(){return new G(t.wrap(this.lng,-180,180),this.lat)},G.prototype.toArray=function(){return[this.lng,this.lat]},G.prototype.toString=function(){return\"LngLat(\"+this.lng+\", \"+this.lat+\")\"},G.prototype.toBounds=function(t){var e=360*t/40075017,r=e/Math.cos(Math.PI/180*this.lat);return new W(new G(this.lng-r,this.lat-e),new G(this.lng+r,this.lat+e))},G.convert=function(t){if(t instanceof G)return t;if(Array.isArray(t)&&(2===t.length||3===t.length))return new G(Number(t[0]),Number(t[1]));if(!Array.isArray(t)&&\"object\"==typeof t&&null!==t)return new G(Number(t.lng),Number(t.lat));throw new Error(\"`LngLatLike` argument must be specified as a LngLat instance, an object {lng: , lat: }, or an array of [, ]\")};var W=function(t,e){t&&(e?this.setSouthWest(t).setNorthEast(e):4===t.length?this.setSouthWest([t[0],t[1]]).setNorthEast([t[2],t[3]]):this.setSouthWest(t[0]).setNorthEast(t[1]))};W.prototype.setNorthEast=function(t){return this._ne=t instanceof G?new G(t.lng,t.lat):G.convert(t),this},W.prototype.setSouthWest=function(t){return this._sw=t instanceof G?new G(t.lng,t.lat):G.convert(t),this},W.prototype.extend=function(t){var e,r,n=this._sw,i=this._ne;if(t instanceof G)e=t,r=t;else{if(!(t instanceof W))return Array.isArray(t)?t.every(Array.isArray)?this.extend(W.convert(t)):this.extend(G.convert(t)):this;if(e=t._sw,r=t._ne,!e||!r)return this}return n||i?(n.lng=Math.min(e.lng,n.lng),n.lat=Math.min(e.lat,n.lat),i.lng=Math.max(r.lng,i.lng),i.lat=Math.max(r.lat,i.lat)):(this._sw=new G(e.lng,e.lat),this._ne=new G(r.lng,r.lat)),this},W.prototype.getCenter=function(){return new G((this._sw.lng+this._ne.lng)/2,(this._sw.lat+this._ne.lat)/2)},W.prototype.getSouthWest=function(){return this._sw},W.prototype.getNorthEast=function(){return this._ne},W.prototype.getNorthWest=function(){return new G(this.getWest(),this.getNorth())},W.prototype.getSouthEast=function(){return new G(this.getEast(),this.getSouth())},W.prototype.getWest=function(){return this._sw.lng},W.prototype.getSouth=function(){return this._sw.lat},W.prototype.getEast=function(){return this._ne.lng},W.prototype.getNorth=function(){return this._ne.lat},W.prototype.toArray=function(){return[this._sw.toArray(),this._ne.toArray()]},W.prototype.toString=function(){return\"LngLatBounds(\"+this._sw.toString()+\", \"+this._ne.toString()+\")\"},W.prototype.isEmpty=function(){return!(this._sw&&this._ne)},W.convert=function(t){return!t||t instanceof W?t:new W(t)};var Y=function(t,e,r){this.bounds=W.convert(this.validateBounds(t)),this.minzoom=e||0,this.maxzoom=r||24};Y.prototype.validateBounds=function(t){return Array.isArray(t)&&4===t.length?[Math.max(-180,t[0]),Math.max(-90,t[1]),Math.min(180,t[2]),Math.min(90,t[3])]:[-180,-90,180,90]},Y.prototype.contains=function(t){var e=Math.floor(this.lngX(this.bounds.getWest(),t.z)),r=Math.floor(this.latY(this.bounds.getNorth(),t.z)),n=Math.ceil(this.lngX(this.bounds.getEast(),t.z)),i=Math.ceil(this.latY(this.bounds.getSouth(),t.z));return t.x>=e&&t.x=r&&t.y0&&(l[new t.OverscaledTileID(e.overscaledZ,a,r.z,i,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,e.wrap,r.z,r.x,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,s,r.z,o,r.y-1).key]={backfilled:!1}),r.y+10&&(n.resourceTiming=e._resourceTiming,e._resourceTiming=[]),e.fire(new t.Event(\"data\",n))}})},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setData=function(e){var r=this;return this._data=e,this.fire(new t.Event(\"dataloading\",{dataType:\"source\"})),this._updateWorkerData(function(e){if(e)return r.fire(new t.ErrorEvent(e));var n={dataType:\"source\",sourceDataType:\"content\"};r._collectResourceTiming&&r._resourceTiming&&r._resourceTiming.length>0&&(n.resourceTiming=r._resourceTiming,r._resourceTiming=[]),r.fire(new t.Event(\"data\",n))}),this},r.prototype._updateWorkerData=function(e){var r,n,i=this,a=t.extend({},this.workerOptions),o=this._data;\"string\"==typeof o?(a.request=this.map._transformRequest((r=o,(n=t.default.document.createElement(\"a\")).href=r,n.href),t.ResourceType.Source),a.request.collectResourceTiming=this._collectResourceTiming):a.data=JSON.stringify(o),this.workerID=this.dispatcher.send(this.type+\".\"+a.source+\".loadData\",a,function(t,r){i._removed||r&&r.abandoned||(i._loaded=!0,r&&r.resourceTiming&&r.resourceTiming[i.id]&&(i._resourceTiming=r.resourceTiming[i.id].slice(0)),i.dispatcher.send(i.type+\".\"+a.source+\".coalesce\",null,null,i.workerID),e(t))},this.workerID)},r.prototype.loadTile=function(t,e){var r=this,n=void 0===t.workerID?\"loadTile\":\"reloadTile\",i={type:this.type,uid:t.uid,tileID:t.tileID,zoom:t.tileID.overscaledZ,maxZoom:this.maxzoom,tileSize:this.tileSize,source:this.id,pixelRatio:a.devicePixelRatio,showCollisionBoxes:this.map.showCollisionBoxes};t.workerID=this.dispatcher.send(n,i,function(i,a){return t.unloadVectorData(),t.aborted?e(null):i?e(i):(t.loadVectorData(a,r.map.painter,\"reloadTile\"===n),e(null))},this.workerID)},r.prototype.abortTile=function(t){t.aborted=!0},r.prototype.unloadTile=function(t){t.unloadVectorData(),this.dispatcher.send(\"removeTile\",{uid:t.uid,type:this.type,source:this.id},null,t.workerID)},r.prototype.onRemove=function(){this._removed=!0,this.dispatcher.send(\"removeSource\",{type:this.type,source:this.id},null,this.workerID)},r.prototype.serialize=function(){return t.extend({},this._options,{type:this.type,data:this._data})},r.prototype.hasTransition=function(){return!1},r}(t.Evented),K=t.createLayout([{name:\"a_pos\",type:\"Int16\",components:2},{name:\"a_texture_pos\",type:\"Int16\",components:2}]),Q=function(){this.boundProgram=null,this.boundLayoutVertexBuffer=null,this.boundPaintVertexBuffers=[],this.boundIndexBuffer=null,this.boundVertexOffset=null,this.boundDynamicVertexBuffer=null,this.vao=null};Q.prototype.bind=function(t,e,r,n,i,a,o,s){this.context=t;for(var l=this.boundPaintVertexBuffers.length!==n.length,c=0;!l&&c>s.z,c=new t.default$1(s.x*l,s.y*l),u=new t.default$1(c.x+l,c.y+l),f=this.segments.prepareSegment(4,n,i);n.emplaceBack(c.x,c.y,c.x,c.y),n.emplaceBack(u.x,c.y,u.x,c.y),n.emplaceBack(c.x,u.y,c.x,u.y),n.emplaceBack(u.x,u.y,u.x,u.y);var h=f.vertexLength;i.emplaceBack(h,h+1,h+2),i.emplaceBack(h+1,h+2,h+3),f.vertexLength+=4,f.primitiveLength+=2}this.maskedBoundsBuffer=r.createVertexBuffer(n,K.members),this.maskedIndexBuffer=r.createIndexBuffer(i)}},st.prototype.hasData=function(){return\"loaded\"===this.state||\"reloading\"===this.state||\"expired\"===this.state},st.prototype.setExpiryData=function(e){var r=this.expirationTime;if(e.cacheControl){var n=t.parseCacheControl(e.cacheControl);n[\"max-age\"]&&(this.expirationTime=Date.now()+1e3*n[\"max-age\"])}else e.expires&&(this.expirationTime=new Date(e.expires).getTime());if(this.expirationTime){var i=Date.now(),a=!1;if(this.expirationTime>i)a=!1;else if(r)if(this.expirationTimethis.max){var o=this._getAndRemoveByKey(this.order[0]);o&&this.onRemove(o)}return this},lt.prototype.has=function(t){return t.wrapped().key in this.data},lt.prototype.getAndRemove=function(t){return this.has(t)?this._getAndRemoveByKey(t.wrapped().key):null},lt.prototype._getAndRemoveByKey=function(t){var e=this.data[t].shift();return e.timeout&&clearTimeout(e.timeout),0===this.data[t].length&&delete this.data[t],this.order.splice(this.order.indexOf(t),1),e.value},lt.prototype.get=function(t){return this.has(t)?this.data[t.wrapped().key][0].value:null},lt.prototype.remove=function(t,e){if(!this.has(t))return this;var r=t.wrapped().key,n=void 0===e?0:this.data[r].indexOf(e),i=this.data[r][n];return this.data[r].splice(n,1),i.timeout&&clearTimeout(i.timeout),0===this.data[r].length&&delete this.data[r],this.onRemove(i.value),this.order.splice(this.order.indexOf(r),1),this},lt.prototype.setMaxSize=function(t){for(this.max=t;this.order.length>this.max;){var e=this._getAndRemoveByKey(this.order[0]);e&&this.onRemove(e)}return this};var ct=function(t,e,r){this.context=t;var n=t.gl;this.buffer=n.createBuffer(),this.dynamicDraw=Boolean(r),this.unbindVAO(),t.bindElementBuffer.set(this.buffer),n.bufferData(n.ELEMENT_ARRAY_BUFFER,e.arrayBuffer,this.dynamicDraw?n.DYNAMIC_DRAW:n.STATIC_DRAW),this.dynamicDraw||delete e.arrayBuffer};ct.prototype.unbindVAO=function(){this.context.extVertexArrayObject&&this.context.bindVertexArrayOES.set(null)},ct.prototype.bind=function(){this.context.bindElementBuffer.set(this.buffer)},ct.prototype.updateData=function(t){var e=this.context.gl;this.unbindVAO(),this.bind(),e.bufferSubData(e.ELEMENT_ARRAY_BUFFER,0,t.arrayBuffer)},ct.prototype.destroy=function(){var t=this.context.gl;this.buffer&&(t.deleteBuffer(this.buffer),delete this.buffer)};var ut={Int8:\"BYTE\",Uint8:\"UNSIGNED_BYTE\",Int16:\"SHORT\",Uint16:\"UNSIGNED_SHORT\",Int32:\"INT\",Uint32:\"UNSIGNED_INT\",Float32:\"FLOAT\"},ft=function(t,e,r,n){this.length=e.length,this.attributes=r,this.itemSize=e.bytesPerElement,this.dynamicDraw=n,this.context=t;var i=t.gl;this.buffer=i.createBuffer(),t.bindVertexBuffer.set(this.buffer),i.bufferData(i.ARRAY_BUFFER,e.arrayBuffer,this.dynamicDraw?i.DYNAMIC_DRAW:i.STATIC_DRAW),this.dynamicDraw||delete e.arrayBuffer};ft.prototype.bind=function(){this.context.bindVertexBuffer.set(this.buffer)},ft.prototype.updateData=function(t){var e=this.context.gl;this.bind(),e.bufferSubData(e.ARRAY_BUFFER,0,t.arrayBuffer)},ft.prototype.enableAttributes=function(t,e){for(var r=0;r1||(Math.abs(r)>1&&(1===Math.abs(r+i)?r+=i:1===Math.abs(r-i)&&(r-=i)),e.dem&&t.dem&&(t.dem.backfillBorder(e.dem,r,n),t.neighboringTiles&&t.neighboringTiles[a]&&(t.neighboringTiles[a].backfilled=!0)))}},r.prototype.getTile=function(t){return this.getTileByID(t.key)},r.prototype.getTileByID=function(t){return this._tiles[t]},r.prototype.getZoom=function(t){return t.zoom+t.scaleZoom(t.tileSize/this._source.tileSize)},r.prototype._findLoadedChildren=function(t,e,r){var n=!1;for(var i in this._tiles){var a=this._tiles[i];if(!(r[i]||!a.hasData()||a.tileID.overscaledZ<=t.overscaledZ||a.tileID.overscaledZ>e)){var o=Math.pow(2,a.tileID.canonical.z-t.canonical.z);if(Math.floor(a.tileID.canonical.x/o)===t.canonical.x&&Math.floor(a.tileID.canonical.y/o)===t.canonical.y)for(r[i]=a.tileID,n=!0;a&&a.tileID.overscaledZ-1>t.overscaledZ;){var s=a.tileID.scaledTo(a.tileID.overscaledZ-1);if(!s)break;(a=this._tiles[s.key])&&a.hasData()&&(delete r[i],r[s.key]=s)}}}return n},r.prototype.findLoadedParent=function(t,e,r){for(var n=t.overscaledZ-1;n>=e;n--){var i=t.scaledTo(n);if(!i)return;var a=String(i.key),o=this._tiles[a];if(o&&o.hasData())return r[a]=i,o;if(this._cache.has(i))return r[a]=i,this._cache.get(i)}},r.prototype.updateCacheSize=function(t){var e=(Math.ceil(t.width/this._source.tileSize)+1)*(Math.ceil(t.height/this._source.tileSize)+1),r=Math.floor(5*e),n=\"number\"==typeof this._maxTileCacheSize?Math.min(this._maxTileCacheSize,r):r;this._cache.setMaxSize(n)},r.prototype.handleWrapJump=function(t){var e=(t-(void 0===this._prevLng?t:this._prevLng))/360,r=Math.round(e);if(this._prevLng=t,r){var n={};for(var i in this._tiles){var a=this._tiles[i];a.tileID=a.tileID.unwrapTo(a.tileID.wrap+r),n[a.tileID.key]=a}for(var o in this._tiles=n,this._timers)clearTimeout(this._timers[o]),delete this._timers[o];for(var s in this._tiles){var l=this._tiles[s];this._setTileReloadTimer(s,l)}}},r.prototype.update=function(e){var n=this;if(this.transform=e,this._sourceLoaded&&!this._paused){var i;this.updateCacheSize(e),this.handleWrapJump(this.transform.center.lng),this._coveredTiles={},this.used?this._source.tileID?i=e.getVisibleUnwrappedCoordinates(this._source.tileID).map(function(e){return new t.OverscaledTileID(e.canonical.z,e.wrap,e.canonical.z,e.canonical.x,e.canonical.y)}):(i=e.coveringTiles({tileSize:this._source.tileSize,minzoom:this._source.minzoom,maxzoom:this._source.maxzoom,roundZoom:this._source.roundZoom,reparseOverscaled:this._source.reparseOverscaled}),this._source.hasTile&&(i=i.filter(function(t){return n._source.hasTile(t)}))):i=[];var o,s=(this._source.roundZoom?Math.round:Math.floor)(this.getZoom(e)),l=Math.max(s-r.maxOverzooming,this._source.minzoom),c=Math.max(s+r.maxUnderzooming,this._source.minzoom),u=this._updateRetainedTiles(i,s),f={};if(Zt(this._source.type))for(var h=Object.keys(u),p=0;p=a.now())){n._findLoadedChildren(g,c,u)&&(u[d]=g);var m=n.findLoadedParent(g,l,f);m&&n._addTile(m.tileID)}}for(o in f)u[o]||(n._coveredTiles[o]=!0);for(o in f)u[o]=f[o];for(var y=t.keysDifference(this._tiles,u),x=0;xthis._source.maxzoom){var h=l.children(this._source.maxzoom)[0],p=this.getTile(h);p&&p.hasData()?n[h.key]=h:f=!1}else{this._findLoadedChildren(l,o,n);for(var d=l.children(this._source.maxzoom),g=0;g=a;--v){var m=l.scaledTo(v);if(i[m.key])break;if(i[m.key]=!0,!(c=this.getTile(m))&&u&&(c=this._addTile(m)),c&&(n[m.key]=m,u=c.wasRequested(),c.hasData()))break}}}return n},r.prototype._addTile=function(e){var r=this._tiles[e.key];if(r)return r;(r=this._cache.getAndRemove(e))&&(this._setTileReloadTimer(e.key,r),r.tileID=e);var n=Boolean(r);return n||(r=new st(e,this._source.tileSize*e.overscaleFactor()),this._loadTile(r,this._tileLoaded.bind(this,r,e.key,r.state))),r?(r.uses++,this._tiles[e.key]=r,n||this._source.fire(new t.Event(\"dataloading\",{tile:r,coord:r.tileID,dataType:\"source\"})),r):null},r.prototype._setTileReloadTimer=function(t,e){var r=this;t in this._timers&&(clearTimeout(this._timers[t]),delete this._timers[t]);var n=e.getExpiryTimeout();n&&(this._timers[t]=setTimeout(function(){r._reloadTile(t,\"expired\"),delete r._timers[t]},n))},r.prototype._removeTile=function(t){var e=this._tiles[t];e&&(e.uses--,delete this._tiles[t],this._timers[t]&&(clearTimeout(this._timers[t]),delete this._timers[t]),e.uses>0||(e.hasData()?this._cache.add(e.tileID,e,e.getExpiryTimeout()):(e.aborted=!0,this._abortTile(e),this._unloadTile(e))))},r.prototype.clearTiles=function(){for(var t in this._shouldReloadOnResume=!1,this._paused=!1,this._tiles)this._removeTile(t);this._cache.reset()},r.prototype.tilesIn=function(e,r){for(var n=[],i=this.getIds(),a=1/0,o=1/0,s=-1/0,l=-1/0,c=e[0].zoom,u=0;u=0&&m[1].y+v>=0){for(var y=[],x=0;x=a.now())return!0}return!1},r}(t.Evented);function Xt(e,r){var n=r.zoomTo(e.canonical.z);return new t.default$1((n.column-(e.canonical.x+e.wrap*Math.pow(2,e.canonical.z)))*t.default$8,(n.row-e.canonical.y)*t.default$8)}function Zt(t){return\"raster\"===t||\"image\"===t||\"video\"===t}function $t(){return new t.default.Worker(En.workerUrl)}Yt.maxOverzooming=10,Yt.maxUnderzooming=3;var Jt,Kt=function(){this.active={}};function Qt(e,r){var n={};for(var i in e)\"ref\"!==i&&(n[i]=e[i]);return t.default$18.forEach(function(t){t in r&&(n[t]=r[t])}),n}function te(t){t=t.slice();for(var e=Object.create(null),r=0;rthis.width||n<0||e>this.height)return!i&&[];var a=[];if(t<=0&&e<=0&&this.width<=r&&this.height<=n){if(i)return!0;for(var o=0;o0:a},ce.prototype._queryCircle=function(t,e,r,n){var i=t-r,a=t+r,o=e-r,s=e+r;if(a<0||i>this.width||s<0||o>this.height)return!n&&[];var l=[],c={hitTest:n,circle:{x:t,y:e,radius:r},seenUids:{box:{},circle:{}}};return this._forEachCell(i,o,a,s,this._queryCellCircle,l,c),n?l.length>0:l},ce.prototype.query=function(t,e,r,n){return this._query(t,e,r,n,!1)},ce.prototype.hitTest=function(t,e,r,n){return this._query(t,e,r,n,!0)},ce.prototype.hitTestCircle=function(t,e,r){return this._queryCircle(t,e,r,!0)},ce.prototype._queryCell=function(t,e,r,n,i,a,o){var s=o.seenUids,l=this.boxCells[i];if(null!==l)for(var c=this.bboxes,u=0,f=l;u=c[p+0]&&n>=c[p+1]){if(o.hitTest)return a.push(!0),!0;a.push({key:this.boxKeys[h],x1:c[p],y1:c[p+1],x2:c[p+2],y2:c[p+3]})}}}var d=this.circleCells[i];if(null!==d)for(var g=this.circles,v=0,m=d;vo*o+s*s},ce.prototype._circleAndRectCollide=function(t,e,r,n,i,a,o){var s=(a-n)/2,l=Math.abs(t-(n+s));if(l>s+r)return!1;var c=(o-i)/2,u=Math.abs(e-(i+c));if(u>c+r)return!1;if(l<=s||u<=c)return!0;var f=l-s,h=u-c;return f*f+h*h<=r*r};var ue=t.default$19.layout;function fe(e,r,n,i,a){var o=t.mat4.identity(new Float32Array(16));return r?(t.mat4.identity(o),t.mat4.scale(o,o,[1/a,1/a,1]),n||t.mat4.rotateZ(o,o,i.angle)):(t.mat4.scale(o,o,[i.width/2,-i.height/2,1]),t.mat4.translate(o,o,[1,-1,0]),t.mat4.multiply(o,o,e)),o}function he(e,r,n,i,a){var o=t.mat4.identity(new Float32Array(16));return r?(t.mat4.multiply(o,o,e),t.mat4.scale(o,o,[a,a,1]),n||t.mat4.rotateZ(o,o,-i.angle)):(t.mat4.scale(o,o,[1,-1,1]),t.mat4.translate(o,o,[-1,-1,0]),t.mat4.scale(o,o,[2/i.width,2/i.height,1])),o}function pe(e,r){var n=[e.x,e.y,0,1];ke(n,n,r);var i=n[3];return{point:new t.default$1(n[0]/i,n[1]/i),signedDistanceFromCamera:i}}function de(t,e){var r=t[0]/t[3],n=t[1]/t[3];return r>=-e[0]&&r<=e[0]&&n>=-e[1]&&n<=e[1]}function ge(e,r,n,i,a,o,s,l){var c=i?e.textSizeData:e.iconSizeData,u=t.evaluateSizeForZoom(c,n.transform.zoom,ue.properties[i?\"text-size\":\"icon-size\"]),f=[256/n.width*2+1,256/n.height*2+1],h=i?e.text.dynamicLayoutVertexArray:e.icon.dynamicLayoutVertexArray;h.clear();for(var p=e.lineVertexArray,d=i?e.text.placedSymbolArray:e.icon.placedSymbolArray,g=n.transform.width/n.transform.height,v=!1,m=0;mMath.abs(n.x-r.x)*i?{useVertical:!0}:(e===t.WritingMode.vertical?r.yn.x)?{needsFlipping:!0}:null}function ye(e,r,n,i,a,o,s,l,c,u,f,h,p,d){var g,v=r/24,m=e.lineOffsetX*r,y=e.lineOffsetY*r;if(e.numGlyphs>1){var x=e.glyphStartIndex+e.numGlyphs,b=e.lineStartIndex,_=e.lineStartIndex+e.lineLength,w=ve(v,l,m,y,n,f,h,e,c,o,p,!1);if(!w)return{notEnoughRoom:!0};var k=pe(w.first.point,s).point,M=pe(w.last.point,s).point;if(i&&!n){var A=me(e.writingMode,k,M,d);if(A)return A}g=[w.first];for(var T=e.glyphStartIndex+1;T0?L.point:xe(h,C,S,1,a),O=me(e.writingMode,S,z,d);if(O)return O}var I=be(v*l.getoffsetX(e.glyphStartIndex),m,y,n,f,h,e.segment,e.lineStartIndex,e.lineStartIndex+e.lineLength,c,o,p,!1);if(!I)return{notEnoughRoom:!0};g=[I]}for(var P=0,D=g;P0?1:-1,v=0;i&&(g*=-1,v=Math.PI),g<0&&(v+=Math.PI);for(var m=g>0?l+s:l+s+1,y=m,x=a,b=a,_=0,w=0,k=Math.abs(d);_+w<=k;){if((m+=g)=c)return null;if(b=x,void 0===(x=h[m])){var M=new t.default$1(u.getx(m),u.gety(m)),A=pe(M,f);if(A.signedDistanceFromCamera>0)x=h[m]=A.point;else{var T=m-g;x=xe(0===_?o:new t.default$1(u.getx(T),u.gety(T)),M,b,k-_+1,f)}}_+=w,w=b.dist(x)}var S=(k-_)/w,E=x.sub(b),C=E.mult(S)._add(b);return C._add(E._unit()._perp()._mult(n*g)),{point:C,angle:v+Math.atan2(x.y-b.y,x.x-b.x),tileDistance:p?{prevTileDistance:m-g===y?0:u.gettileUnitDistanceFromAnchor(m-g),lastSegmentViewportDistance:k-_}:null}}var _e=new Float32Array([-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0]);function we(t,e){for(var r=0;rT)Ae(e,S,!1);else{var O=this.projectPoint(u,E,C),I=L*k;if(d.length>0){var P=O.x-d[d.length-4],D=O.y-d[d.length-3];if(I*I*2>P*P+D*D&&S+8-A&&R=this.screenRightBoundary||n<100||e>this.screenBottomBoundary};var Se=t.default$19.layout,Ee=function(t,e,r,n){this.opacity=t?Math.max(0,Math.min(1,t.opacity+(t.placed?e:-e))):n&&r?1:0,this.placed=r};Ee.prototype.isHidden=function(){return 0===this.opacity&&!this.placed};var Ce=function(t,e,r,n,i){this.text=new Ee(t?t.text:null,e,r,i),this.icon=new Ee(t?t.icon:null,e,n,i)};Ce.prototype.isHidden=function(){return this.text.isHidden()&&this.icon.isHidden()};var Le=function(t,e,r){this.text=t,this.icon=e,this.skipFade=r},ze=function(t,e){this.transform=t.clone(),this.collisionIndex=new Me(this.transform),this.placements={},this.opacities={},this.stale=!1,this.fadeDuration=e,this.retainedQueryData={}};function Oe(t,e,r){t.emplaceBack(e?1:0,r?1:0),t.emplaceBack(e?1:0,r?1:0),t.emplaceBack(e?1:0,r?1:0),t.emplaceBack(e?1:0,r?1:0)}ze.prototype.placeLayerTile=function(e,r,n,i){var a=r.getBucket(e),o=r.latestFeatureIndex;if(a&&o&&e.id===a.layerIds[0]){var s=r.collisionBoxArray,l=a.layers[0].layout,c=Math.pow(2,this.transform.zoom-r.tileID.overscaledZ),u=r.tileSize/t.default$8,f=this.transform.calculatePosMatrix(r.tileID.toUnwrapped()),h=fe(f,\"map\"===l.get(\"text-pitch-alignment\"),\"map\"===l.get(\"text-rotation-alignment\"),this.transform,Te(r,1,this.transform.zoom)),p=fe(f,\"map\"===l.get(\"icon-pitch-alignment\"),\"map\"===l.get(\"icon-rotation-alignment\"),this.transform,Te(r,1,this.transform.zoom));this.retainedQueryData[a.bucketInstanceId]=new function(t,e,r,n,i){this.bucketInstanceId=t,this.featureIndex=e,this.sourceLayerIndex=r,this.bucketIndex=n,this.tileID=i}(a.bucketInstanceId,o,a.sourceLayerIndex,a.index,r.tileID),this.placeLayerBucket(a,f,h,p,c,u,n,i,s)}},ze.prototype.placeLayerBucket=function(e,r,n,i,a,o,s,l,c){for(var u=e.layers[0].layout,f=t.evaluateSizeForZoom(e.textSizeData,this.transform.zoom,Se.properties[\"text-size\"]),h=!e.hasTextData()||u.get(\"text-optional\"),p=!e.hasIconData()||u.get(\"icon-optional\"),d=0,g=e.symbolInstances;d0,x=x&&b.offscreen);var A=v.collisionArrays.textCircles;if(A){var T=e.text.placedSymbolArray.get(v.placedTextSymbolIndices[0]),S=t.evaluateSizeForFeature(e.textSizeData,f,T);_=this.collisionIndex.placeCollisionCircles(A,u.get(\"text-allow-overlap\"),a,o,v.key,T,e.lineVertexArray,e.glyphOffsetArray,S,r,n,s,\"map\"===u.get(\"text-pitch-alignment\")),m=u.get(\"text-allow-overlap\")||_.circles.length>0,x=x&&_.offscreen}v.collisionArrays.iconFeatureIndex&&(M=v.collisionArrays.iconFeatureIndex),v.collisionArrays.iconBox&&(y=(w=this.collisionIndex.placeCollisionBox(v.collisionArrays.iconBox,u.get(\"icon-allow-overlap\"),o,r)).box.length>0,x=x&&w.offscreen),h||p?p?h||(y=y&&m):m=y&&m:y=m=y&&m,m&&b&&this.collisionIndex.insertCollisionBox(b.box,u.get(\"text-ignore-placement\"),e.bucketInstanceId,k),y&&w&&this.collisionIndex.insertCollisionBox(w.box,u.get(\"icon-ignore-placement\"),e.bucketInstanceId,M),m&&_&&this.collisionIndex.insertCollisionCircles(_.circles,u.get(\"text-ignore-placement\"),e.bucketInstanceId,k),this.placements[v.crossTileID]=new Le(m,y,x||e.justReloaded),l[v.crossTileID]=!0}}e.justReloaded=!1},ze.prototype.commit=function(t,e){this.commitTime=e;var r=!1,n=t&&0!==this.fadeDuration?(this.commitTime-t.commitTime)/this.fadeDuration:1,i=t?t.opacities:{};for(var a in this.placements){var o=this.placements[a],s=i[a];s?(this.opacities[a]=new Ce(s,n,o.text,o.icon),r=r||o.text!==s.text.placed||o.icon!==s.icon.placed):(this.opacities[a]=new Ce(null,n,o.text,o.icon,o.skipFade),r=r||o.text||o.icon)}for(var l in i){var c=i[l];if(!this.opacities[l]){var u=new Ce(c,n,!1,!1);u.isHidden()||(this.opacities[l]=u,r=r||c.text.placed||c.icon.placed)}}r?this.lastPlacementChangeTime=e:\"number\"!=typeof this.lastPlacementChangeTime&&(this.lastPlacementChangeTime=t?t.lastPlacementChangeTime:e)},ze.prototype.updateLayerOpacities=function(t,e){for(var r={},n=0,i=e;n0||s.numVerticalGlyphVertices>0,f=s.numIconVertices>0;if(u){for(var h=je(c.text),p=(s.numGlyphVertices+s.numVerticalGlyphVertices)/4,d=0;dt},ze.prototype.setStale=function(){this.stale=!0};var Ie=Math.pow(2,25),Pe=Math.pow(2,24),De=Math.pow(2,17),Re=Math.pow(2,16),Be=Math.pow(2,9),Fe=Math.pow(2,8),Ne=Math.pow(2,1);function je(t){if(0===t.opacity&&!t.placed)return 0;if(1===t.opacity&&t.placed)return 4294967295;var e=t.placed?1:0,r=Math.floor(127*t.opacity);return r*Ie+e*Pe+r*De+e*Re+r*Be+e*Fe+r*Ne+e}var Ve=function(){this._currentTileIndex=0,this._seenCrossTileIDs={}};Ve.prototype.continuePlacement=function(t,e,r,n,i){for(;this._currentTileIndex2};this._currentPlacementIndex>=0;){var s=e[t[n._currentPlacementIndex]],l=n.placement.collisionIndex.transform.zoom;if(\"symbol\"===s.type&&(!s.minzoom||s.minzoom<=l)&&(!s.maxzoom||s.maxzoom>l)){if(n._inProgressLayer||(n._inProgressLayer=new Ve),n._inProgressLayer.continuePlacement(r[s.source],n.placement,n._showCollisionBoxes,s,o))return;delete n._inProgressLayer}n._currentPlacementIndex--}this._done=!0},Ue.prototype.commit=function(t,e){return this.placement.commit(t,e),this.placement};var qe=512/t.default$8/2,He=function(t,e,r){this.tileID=t,this.indexedSymbolInstances={},this.bucketInstanceId=r;for(var n=0,i=e;nt.overscaledZ)for(var l in s){var c=s[l];c.tileID.isChildOf(t)&&c.findMatches(e.symbolInstances,t,a)}else{var u=s[t.scaledTo(Number(o)).key];u&&u.findMatches(e.symbolInstances,t,a)}}for(var f=0,h=e.symbolInstances;f1?\"@2x\":\"\";function c(){if(s)n(s);else if(i&&o){var e=a.getImageData(o),r={};for(var l in i){var c=i[l],u=c.width,f=c.height,h=c.x,p=c.y,d=c.sdf,g=c.pixelRatio,v=new t.RGBAImage({width:u,height:f});t.RGBAImage.copy(e,v,{x:h,y:p},{x:0,y:0},{width:u,height:f}),r[l]={data:v,pixelRatio:g,sdf:d}}n(null,r)}}t.getJSON(r(_(e,l,\".json\"),t.ResourceType.SpriteJSON),function(t,e){s||(s=t,i=e,c())}),t.getImage(r(_(e,l,\".png\"),t.ResourceType.SpriteImage),function(t,e){s||(s=t,o=e,c())})}(e.sprite,this.map._transformRequest,function(e,r){if(e)n.fire(new t.ErrorEvent(e));else if(r)for(var i in r)n.imageManager.addImage(i,r[i]);n.imageManager.setLoaded(!0),n.fire(new t.Event(\"data\",{dataType:\"style\"}))}):this.imageManager.setLoaded(!0),this.glyphManager.setURL(e.glyphs);var o=te(this.stylesheet.layers);this._order=o.map(function(t){return t.id}),this._layers={};for(var s=0,l=o;s0)throw new Error(\"Unimplemented: \"+i.map(function(t){return t.command}).join(\", \")+\".\");return n.forEach(function(t){\"setTransition\"!==t.command&&r[t.command].apply(r,t.args)}),this.stylesheet=e,!0},r.prototype.addImage=function(e,r){if(this.getImage(e))return this.fire(new t.ErrorEvent(new Error(\"An image with this name already exists.\")));this.imageManager.addImage(e,r),this.fire(new t.Event(\"data\",{dataType:\"style\"}))},r.prototype.getImage=function(t){return this.imageManager.getImage(t)},r.prototype.removeImage=function(e){if(!this.getImage(e))return this.fire(new t.ErrorEvent(new Error(\"No image with this name exists.\")));this.imageManager.removeImage(e),this.fire(new t.Event(\"data\",{dataType:\"style\"}))},r.prototype.addSource=function(e,r,n){var i=this;if(this._checkLoaded(),void 0!==this.sourceCaches[e])throw new Error(\"There is already a source with this ID\");if(!r.type)throw new Error(\"The type property must be defined, but the only the following properties were given: \"+Object.keys(r).join(\", \")+\".\");if(!([\"vector\",\"raster\",\"geojson\",\"video\",\"image\"].indexOf(r.type)>=0&&this._validate(t.validateStyle.source,\"sources.\"+e,r,null,n))){this.map&&this.map._collectResourceTiming&&(r.collectResourceTiming=!0);var a=this.sourceCaches[e]=new Yt(e,r,this.dispatcher);a.style=this,a.setEventedParent(this,function(){return{isSourceLoaded:i.loaded(),source:a.serialize(),sourceId:e}}),a.onAdd(this.map),this._changed=!0}},r.prototype.removeSource=function(e){if(this._checkLoaded(),void 0===this.sourceCaches[e])throw new Error(\"There is no source with this ID\");for(var r in this._layers)if(this._layers[r].source===e)return this.fire(new t.ErrorEvent(new Error('Source \"'+e+'\" cannot be removed while layer \"'+r+'\" is using it.')));var n=this.sourceCaches[e];delete this.sourceCaches[e],delete this._updatedSources[e],n.fire(new t.Event(\"data\",{sourceDataType:\"metadata\",dataType:\"source\",sourceId:e})),n.setEventedParent(null),n.clearTiles(),n.onRemove&&n.onRemove(this.map),this._changed=!0},r.prototype.setGeoJSONSourceData=function(t,e){this._checkLoaded(),this.sourceCaches[t].getSource().setData(e),this._changed=!0},r.prototype.getSource=function(t){return this.sourceCaches[t]&&this.sourceCaches[t].getSource()},r.prototype.addLayer=function(e,r,n){this._checkLoaded();var i=e.id;if(this.getLayer(i))this.fire(new t.ErrorEvent(new Error('Layer with id \"'+i+'\" already exists on this map')));else if(\"object\"==typeof e.source&&(this.addSource(i,e.source),e=t.clone(e),e=t.extend(e,{source:i})),!this._validate(t.validateStyle.layer,\"layers.\"+i,e,{arrayIndex:-1},n)){var a=t.default$22(e);this._validateLayer(a),a.setEventedParent(this,{layer:{id:i}});var o=r?this._order.indexOf(r):this._order.length;if(r&&-1===o)this.fire(new t.ErrorEvent(new Error('Layer with id \"'+r+'\" does not exist on this map.')));else{if(this._order.splice(o,0,i),this._layerOrderChanged=!0,this._layers[i]=a,this._removedLayers[i]&&a.source){var s=this._removedLayers[i];delete this._removedLayers[i],s.type!==a.type?this._updatedSources[a.source]=\"clear\":(this._updatedSources[a.source]=\"reload\",this.sourceCaches[a.source].pause())}this._updateLayer(a)}}},r.prototype.moveLayer=function(e,r){if(this._checkLoaded(),this._changed=!0,this._layers[e]){if(e!==r){var n=this._order.indexOf(e);this._order.splice(n,1);var i=r?this._order.indexOf(r):this._order.length;r&&-1===i?this.fire(new t.ErrorEvent(new Error('Layer with id \"'+r+'\" does not exist on this map.'))):(this._order.splice(i,0,e),this._layerOrderChanged=!0)}}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be moved.\")))},r.prototype.removeLayer=function(e){this._checkLoaded();var r=this._layers[e];if(r){r.setEventedParent(null);var n=this._order.indexOf(e);this._order.splice(n,1),this._layerOrderChanged=!0,this._changed=!0,this._removedLayers[e]=r,delete this._layers[e],delete this._updatedLayers[e],delete this._updatedPaintProps[e]}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be removed.\")))},r.prototype.getLayer=function(t){return this._layers[t]},r.prototype.setLayerZoomRange=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?i.minzoom===r&&i.maxzoom===n||(null!=r&&(i.minzoom=r),null!=n&&(i.maxzoom=n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot have zoom extent.\")))},r.prototype.setFilter=function(e,r){this._checkLoaded();var n=this.getLayer(e);if(n){if(!t.default$10(n.filter,r))return null==r?(n.filter=void 0,void this._updateLayer(n)):void(this._validate(t.validateStyle.filter,\"layers.\"+n.id+\".filter\",r)||(n.filter=t.clone(r),this._updateLayer(n)))}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be filtered.\")))},r.prototype.getFilter=function(e){return t.clone(this.getLayer(e).filter)},r.prototype.setLayoutProperty=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?t.default$10(i.getLayoutProperty(r),n)||(i.setLayoutProperty(r,n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be styled.\")))},r.prototype.getLayoutProperty=function(t,e){return this.getLayer(t).getLayoutProperty(e)},r.prototype.setPaintProperty=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);if(i){if(!t.default$10(i.getPaintProperty(r),n)){var a=i._transitionablePaint._values[r].value.isDataDriven();i.setPaintProperty(r,n),(i._transitionablePaint._values[r].value.isDataDriven()||a)&&this._updateLayer(i),this._changed=!0,this._updatedPaintProps[e]=!0}}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be styled.\")))},r.prototype.getPaintProperty=function(t,e){return this.getLayer(t).getPaintProperty(e)},r.prototype.getTransition=function(){return t.extend({duration:300,delay:0},this.stylesheet&&this.stylesheet.transition)},r.prototype.serialize=function(){var e=this;return t.filterObject({version:this.stylesheet.version,name:this.stylesheet.name,metadata:this.stylesheet.metadata,light:this.stylesheet.light,center:this.stylesheet.center,zoom:this.stylesheet.zoom,bearing:this.stylesheet.bearing,pitch:this.stylesheet.pitch,sprite:this.stylesheet.sprite,glyphs:this.stylesheet.glyphs,transition:this.stylesheet.transition,sources:t.mapObject(this.sourceCaches,function(t){return t.serialize()}),layers:this._order.map(function(t){return e._layers[t].serialize()})},function(t){return void 0!==t})},r.prototype._updateLayer=function(t){this._updatedLayers[t.id]=!0,t.source&&!this._updatedSources[t.source]&&(this._updatedSources[t.source]=\"reload\",this.sourceCaches[t.source].pause()),this._changed=!0},r.prototype._flattenRenderedFeatures=function(t){for(var e=[],r=this._order.length-1;r>=0;r--)for(var n=this._order[r],i=0,a=t;i 0.5) {\\n gl_FragColor = vec4(0.0, 0.0, 1.0, 0.5) * alpha;\\n }\\n\\n if (v_notUsed > 0.5) {\\n // This box not used, fade it out\\n gl_FragColor *= .1;\\n }\\n}\",vertexSource:\"attribute vec2 a_pos;\\nattribute vec2 a_anchor_pos;\\nattribute vec2 a_extrude;\\nattribute vec2 a_placed;\\n\\nuniform mat4 u_matrix;\\nuniform vec2 u_extrude_scale;\\nuniform float u_camera_to_center_distance;\\n\\nvarying float v_placed;\\nvarying float v_notUsed;\\n\\nvoid main() {\\n vec4 projectedPoint = u_matrix * vec4(a_anchor_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n highp float collision_perspective_ratio = clamp(\\n 0.5 + 0.5 * (u_camera_to_center_distance / camera_to_anchor_distance),\\n 0.0, // Prevents oversized near-field boxes in pitched/overzoomed tiles\\n 4.0);\\n\\n gl_Position = u_matrix * vec4(a_pos, 0.0, 1.0);\\n gl_Position.xy += a_extrude * u_extrude_scale * gl_Position.w * collision_perspective_ratio;\\n\\n v_placed = a_placed.x;\\n v_notUsed = a_placed.y;\\n}\\n\"},collisionCircle:{fragmentSource:\"uniform float u_overscale_factor;\\n\\nvarying float v_placed;\\nvarying float v_notUsed;\\nvarying float v_radius;\\nvarying vec2 v_extrude;\\nvarying vec2 v_extrude_scale;\\n\\nvoid main() {\\n float alpha = 0.5;\\n\\n // Red = collision, hide label\\n vec4 color = vec4(1.0, 0.0, 0.0, 1.0) * alpha;\\n\\n // Blue = no collision, label is showing\\n if (v_placed > 0.5) {\\n color = vec4(0.0, 0.0, 1.0, 0.5) * alpha;\\n }\\n\\n if (v_notUsed > 0.5) {\\n // This box not used, fade it out\\n color *= .2;\\n }\\n\\n float extrude_scale_length = length(v_extrude_scale);\\n float extrude_length = length(v_extrude) * extrude_scale_length;\\n float stroke_width = 15.0 * extrude_scale_length / u_overscale_factor;\\n float radius = v_radius * extrude_scale_length;\\n\\n float distance_to_edge = abs(extrude_length - radius);\\n float opacity_t = smoothstep(-stroke_width, 0.0, -distance_to_edge);\\n\\n gl_FragColor = opacity_t * color;\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\nattribute vec2 a_anchor_pos;\\nattribute vec2 a_extrude;\\nattribute vec2 a_placed;\\n\\nuniform mat4 u_matrix;\\nuniform vec2 u_extrude_scale;\\nuniform float u_camera_to_center_distance;\\n\\nvarying float v_placed;\\nvarying float v_notUsed;\\nvarying float v_radius;\\n\\nvarying vec2 v_extrude;\\nvarying vec2 v_extrude_scale;\\n\\nvoid main() {\\n vec4 projectedPoint = u_matrix * vec4(a_anchor_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n highp float collision_perspective_ratio = clamp(\\n 0.5 + 0.5 * (u_camera_to_center_distance / camera_to_anchor_distance),\\n 0.0, // Prevents oversized near-field circles in pitched/overzoomed tiles\\n 4.0);\\n\\n gl_Position = u_matrix * vec4(a_pos, 0.0, 1.0);\\n\\n highp float padding_factor = 1.2; // Pad the vertices slightly to make room for anti-alias blur\\n gl_Position.xy += a_extrude * u_extrude_scale * padding_factor * gl_Position.w * collision_perspective_ratio;\\n\\n v_placed = a_placed.x;\\n v_notUsed = a_placed.y;\\n v_radius = abs(a_extrude.y); // We don't pitch the circles, so both units of the extrusion vector are equal in magnitude to the radius\\n\\n v_extrude = a_extrude * padding_factor;\\n v_extrude_scale = u_extrude_scale * u_camera_to_center_distance * collision_perspective_ratio;\\n}\\n\"},debug:{fragmentSource:\"uniform highp vec4 u_color;\\n\\nvoid main() {\\n gl_FragColor = u_color;\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\n\\nuniform mat4 u_matrix;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n}\\n\"},fill:{fragmentSource:\"#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_FragColor = color * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\n\\nuniform mat4 u_matrix;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n}\\n\"},fillOutline:{fragmentSource:\"#pragma mapbox: define highp vec4 outline_color\\n#pragma mapbox: define lowp float opacity\\n\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 outline_color\\n #pragma mapbox: initialize lowp float opacity\\n\\n float dist = length(v_pos - gl_FragCoord.xy);\\n float alpha = 1.0 - smoothstep(0.0, 1.0, dist);\\n gl_FragColor = outline_color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\n\\nuniform mat4 u_matrix;\\nuniform vec2 u_world;\\n\\nvarying vec2 v_pos;\\n\\n#pragma mapbox: define highp vec4 outline_color\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 outline_color\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n v_pos = (gl_Position.xy / gl_Position.w + 1.0) / 2.0 * u_world;\\n}\\n\"},fillOutlinePattern:{fragmentSource:\"uniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_mix;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec2 v_pos;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n vec2 imagecoord = mod(v_pos_a, 1.0);\\n vec2 pos = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, imagecoord);\\n vec4 color1 = texture2D(u_image, pos);\\n\\n vec2 imagecoord_b = mod(v_pos_b, 1.0);\\n vec2 pos2 = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, imagecoord_b);\\n vec4 color2 = texture2D(u_image, pos2);\\n\\n // find distance to outline for alpha interpolation\\n\\n float dist = length(v_pos - gl_FragCoord.xy);\\n float alpha = 1.0 - smoothstep(0.0, 1.0, dist);\\n\\n\\n gl_FragColor = mix(color1, color2, u_mix) * alpha * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_world;\\nuniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pixel_coord_upper;\\nuniform vec2 u_pixel_coord_lower;\\nuniform float u_scale_a;\\nuniform float u_scale_b;\\nuniform float u_tile_units_to_pixels;\\n\\nattribute vec2 a_pos;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec2 v_pos;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n\\n v_pos_a = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_a * u_pattern_size_a, u_tile_units_to_pixels, a_pos);\\n v_pos_b = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_b * u_pattern_size_b, u_tile_units_to_pixels, a_pos);\\n\\n v_pos = (gl_Position.xy / gl_Position.w + 1.0) / 2.0 * u_world;\\n}\\n\"},fillPattern:{fragmentSource:\"uniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_mix;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n vec2 imagecoord = mod(v_pos_a, 1.0);\\n vec2 pos = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, imagecoord);\\n vec4 color1 = texture2D(u_image, pos);\\n\\n vec2 imagecoord_b = mod(v_pos_b, 1.0);\\n vec2 pos2 = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, imagecoord_b);\\n vec4 color2 = texture2D(u_image, pos2);\\n\\n gl_FragColor = mix(color1, color2, u_mix) * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pixel_coord_upper;\\nuniform vec2 u_pixel_coord_lower;\\nuniform float u_scale_a;\\nuniform float u_scale_b;\\nuniform float u_tile_units_to_pixels;\\n\\nattribute vec2 a_pos;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n\\n v_pos_a = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_a * u_pattern_size_a, u_tile_units_to_pixels, a_pos);\\n v_pos_b = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_b * u_pattern_size_b, u_tile_units_to_pixels, a_pos);\\n}\\n\"},fillExtrusion:{fragmentSource:\"varying vec4 v_color;\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n#pragma mapbox: define highp vec4 color\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n #pragma mapbox: initialize highp vec4 color\\n\\n gl_FragColor = v_color;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec3 u_lightcolor;\\nuniform lowp vec3 u_lightpos;\\nuniform lowp float u_lightintensity;\\n\\nattribute vec2 a_pos;\\nattribute vec4 a_normal_ed;\\n\\nvarying vec4 v_color;\\n\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n\\n#pragma mapbox: define highp vec4 color\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n #pragma mapbox: initialize highp vec4 color\\n\\n vec3 normal = a_normal_ed.xyz;\\n\\n base = max(0.0, base);\\n height = max(0.0, height);\\n\\n float t = mod(normal.x, 2.0);\\n\\n gl_Position = u_matrix * vec4(a_pos, t > 0.0 ? height : base, 1);\\n\\n // Relative luminance (how dark/bright is the surface color?)\\n float colorvalue = color.r * 0.2126 + color.g * 0.7152 + color.b * 0.0722;\\n\\n v_color = vec4(0.0, 0.0, 0.0, 1.0);\\n\\n // Add slight ambient lighting so no extrusions are totally black\\n vec4 ambientlight = vec4(0.03, 0.03, 0.03, 1.0);\\n color += ambientlight;\\n\\n // Calculate cos(theta), where theta is the angle between surface normal and diffuse light ray\\n float directional = clamp(dot(normal / 16384.0, u_lightpos), 0.0, 1.0);\\n\\n // Adjust directional so that\\n // the range of values for highlight/shading is narrower\\n // with lower light intensity\\n // and with lighter/brighter surface colors\\n directional = mix((1.0 - u_lightintensity), max((1.0 - colorvalue + u_lightintensity), 1.0), directional);\\n\\n // Add gradient along z axis of side surfaces\\n if (normal.y != 0.0) {\\n directional *= clamp((t + base) * pow(height / 150.0, 0.5), mix(0.7, 0.98, 1.0 - u_lightintensity), 1.0);\\n }\\n\\n // Assign final color based on surface + ambient light color, diffuse light directional, and light color\\n // with lower bounds adjusted to hue of light\\n // so that shading is tinted with the complementary (opposite) color to the light color\\n v_color.r += clamp(color.r * directional * u_lightcolor.r, mix(0.0, 0.3, 1.0 - u_lightcolor.r), 1.0);\\n v_color.g += clamp(color.g * directional * u_lightcolor.g, mix(0.0, 0.3, 1.0 - u_lightcolor.g), 1.0);\\n v_color.b += clamp(color.b * directional * u_lightcolor.b, mix(0.0, 0.3, 1.0 - u_lightcolor.b), 1.0);\\n}\\n\"},fillExtrusionPattern:{fragmentSource:\"uniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_mix;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec4 v_lighting;\\n\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n\\n vec2 imagecoord = mod(v_pos_a, 1.0);\\n vec2 pos = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, imagecoord);\\n vec4 color1 = texture2D(u_image, pos);\\n\\n vec2 imagecoord_b = mod(v_pos_b, 1.0);\\n vec2 pos2 = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, imagecoord_b);\\n vec4 color2 = texture2D(u_image, pos2);\\n\\n vec4 mixedColor = mix(color1, color2, u_mix);\\n\\n gl_FragColor = mixedColor * v_lighting;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pixel_coord_upper;\\nuniform vec2 u_pixel_coord_lower;\\nuniform float u_scale_a;\\nuniform float u_scale_b;\\nuniform float u_tile_units_to_pixels;\\nuniform float u_height_factor;\\n\\nuniform vec3 u_lightcolor;\\nuniform lowp vec3 u_lightpos;\\nuniform lowp float u_lightintensity;\\n\\nattribute vec2 a_pos;\\nattribute vec4 a_normal_ed;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec4 v_lighting;\\nvarying float v_directional;\\n\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n\\n vec3 normal = a_normal_ed.xyz;\\n float edgedistance = a_normal_ed.w;\\n\\n base = max(0.0, base);\\n height = max(0.0, height);\\n\\n float t = mod(normal.x, 2.0);\\n float z = t > 0.0 ? height : base;\\n\\n gl_Position = u_matrix * vec4(a_pos, z, 1);\\n\\n vec2 pos = normal.x == 1.0 && normal.y == 0.0 && normal.z == 16384.0\\n ? a_pos // extrusion top\\n : vec2(edgedistance, z * u_height_factor); // extrusion side\\n\\n v_pos_a = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_a * u_pattern_size_a, u_tile_units_to_pixels, pos);\\n v_pos_b = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_b * u_pattern_size_b, u_tile_units_to_pixels, pos);\\n\\n v_lighting = vec4(0.0, 0.0, 0.0, 1.0);\\n float directional = clamp(dot(normal / 16383.0, u_lightpos), 0.0, 1.0);\\n directional = mix((1.0 - u_lightintensity), max((0.5 + u_lightintensity), 1.0), directional);\\n\\n if (normal.y != 0.0) {\\n directional *= clamp((t + base) * pow(height / 150.0, 0.5), mix(0.7, 0.98, 1.0 - u_lightintensity), 1.0);\\n }\\n\\n v_lighting.rgb += clamp(directional * u_lightcolor, mix(vec3(0.0), vec3(0.3), 1.0 - u_lightcolor), vec3(1.0));\\n}\\n\"},extrusionTexture:{fragmentSource:\"uniform sampler2D u_image;\\nuniform float u_opacity;\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_FragColor = texture2D(u_image, v_pos) * u_opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(0.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_world;\\nattribute vec2 a_pos;\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos * u_world, 0, 1);\\n\\n v_pos.x = a_pos.x;\\n v_pos.y = 1.0 - a_pos.y;\\n}\\n\"},hillshadePrepare:{fragmentSource:\"#ifdef GL_ES\\nprecision highp float;\\n#endif\\n\\nuniform sampler2D u_image;\\nvarying vec2 v_pos;\\nuniform vec2 u_dimension;\\nuniform float u_zoom;\\nuniform float u_maxzoom;\\n\\nfloat getElevation(vec2 coord, float bias) {\\n // Convert encoded elevation value to meters\\n vec4 data = texture2D(u_image, coord) * 255.0;\\n return (data.r + data.g * 256.0 + data.b * 256.0 * 256.0) / 4.0;\\n}\\n\\nvoid main() {\\n vec2 epsilon = 1.0 / u_dimension;\\n\\n // queried pixels:\\n // +-----------+\\n // | | | |\\n // | a | b | c |\\n // | | | |\\n // +-----------+\\n // | | | |\\n // | d | e | f |\\n // | | | |\\n // +-----------+\\n // | | | |\\n // | g | h | i |\\n // | | | |\\n // +-----------+\\n\\n float a = getElevation(v_pos + vec2(-epsilon.x, -epsilon.y), 0.0);\\n float b = getElevation(v_pos + vec2(0, -epsilon.y), 0.0);\\n float c = getElevation(v_pos + vec2(epsilon.x, -epsilon.y), 0.0);\\n float d = getElevation(v_pos + vec2(-epsilon.x, 0), 0.0);\\n float e = getElevation(v_pos, 0.0);\\n float f = getElevation(v_pos + vec2(epsilon.x, 0), 0.0);\\n float g = getElevation(v_pos + vec2(-epsilon.x, epsilon.y), 0.0);\\n float h = getElevation(v_pos + vec2(0, epsilon.y), 0.0);\\n float i = getElevation(v_pos + vec2(epsilon.x, epsilon.y), 0.0);\\n\\n // here we divide the x and y slopes by 8 * pixel size\\n // where pixel size (aka meters/pixel) is:\\n // circumference of the world / (pixels per tile * number of tiles)\\n // which is equivalent to: 8 * 40075016.6855785 / (512 * pow(2, u_zoom))\\n // which can be reduced to: pow(2, 19.25619978527 - u_zoom)\\n // we want to vertically exaggerate the hillshading though, because otherwise\\n // it is barely noticeable at low zooms. to do this, we multiply this by some\\n // scale factor pow(2, (u_zoom - u_maxzoom) * a) where a is an arbitrary value\\n // Here we use a=0.3 which works out to the expression below. see \\n // nickidlugash's awesome breakdown for more info\\n // https://github.com/mapbox/mapbox-gl-js/pull/5286#discussion_r148419556\\n float exaggeration = u_zoom < 2.0 ? 0.4 : u_zoom < 4.5 ? 0.35 : 0.3;\\n\\n vec2 deriv = vec2(\\n (c + f + f + i) - (a + d + d + g),\\n (g + h + h + i) - (a + b + b + c)\\n ) / pow(2.0, (u_zoom - u_maxzoom) * exaggeration + 19.2562 - u_zoom);\\n\\n gl_FragColor = clamp(vec4(\\n deriv.x / 2.0 + 0.5,\\n deriv.y / 2.0 + 0.5,\\n 1.0,\\n 1.0), 0.0, 1.0);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\n\\nattribute vec2 a_pos;\\nattribute vec2 a_texture_pos;\\n\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n v_pos = (a_texture_pos / 8192.0) / 2.0 + 0.25;\\n}\\n\"},hillshade:{fragmentSource:\"uniform sampler2D u_image;\\nvarying vec2 v_pos;\\n\\nuniform vec2 u_latrange;\\nuniform vec2 u_light;\\nuniform vec4 u_shadow;\\nuniform vec4 u_highlight;\\nuniform vec4 u_accent;\\n\\n#define PI 3.141592653589793\\n\\nvoid main() {\\n vec4 pixel = texture2D(u_image, v_pos);\\n\\n vec2 deriv = ((pixel.rg * 2.0) - 1.0);\\n\\n // We divide the slope by a scale factor based on the cosin of the pixel's approximate latitude\\n // to account for mercator projection distortion. see #4807 for details\\n float scaleFactor = cos(radians((u_latrange[0] - u_latrange[1]) * (1.0 - v_pos.y) + u_latrange[1]));\\n // We also multiply the slope by an arbitrary z-factor of 1.25\\n float slope = atan(1.25 * length(deriv) / scaleFactor);\\n float aspect = deriv.x != 0.0 ? atan(deriv.y, -deriv.x) : PI / 2.0 * (deriv.y > 0.0 ? 1.0 : -1.0);\\n\\n float intensity = u_light.x;\\n // We add PI to make this property match the global light object, which adds PI/2 to the light's azimuthal\\n // position property to account for 0deg corresponding to north/the top of the viewport in the style spec\\n // and the original shader was written to accept (-illuminationDirection - 90) as the azimuthal.\\n float azimuth = u_light.y + PI;\\n\\n // We scale the slope exponentially based on intensity, using a calculation similar to\\n // the exponential interpolation function in the style spec:\\n // https://github.com/mapbox/mapbox-gl-js/blob/master/src/style-spec/expression/definitions/interpolate.js#L217-L228\\n // so that higher intensity values create more opaque hillshading.\\n float base = 1.875 - intensity * 1.75;\\n float maxValue = 0.5 * PI;\\n float scaledSlope = intensity != 0.5 ? ((pow(base, slope) - 1.0) / (pow(base, maxValue) - 1.0)) * maxValue : slope;\\n\\n // The accent color is calculated with the cosine of the slope while the shade color is calculated with the sine\\n // so that the accent color's rate of change eases in while the shade color's eases out.\\n float accent = cos(scaledSlope);\\n // We multiply both the accent and shade color by a clamped intensity value\\n // so that intensities >= 0.5 do not additionally affect the color values\\n // while intensity values < 0.5 make the overall color more transparent.\\n vec4 accent_color = (1.0 - accent) * u_accent * clamp(intensity * 2.0, 0.0, 1.0);\\n float shade = abs(mod((aspect + azimuth) / PI + 0.5, 2.0) - 1.0);\\n vec4 shade_color = mix(u_shadow, u_highlight, shade) * sin(scaledSlope) * clamp(intensity * 2.0, 0.0, 1.0);\\n gl_FragColor = accent_color * (1.0 - shade_color.a) + shade_color;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\n\\nattribute vec2 a_pos;\\nattribute vec2 a_texture_pos;\\n\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n v_pos = a_texture_pos / 8192.0;\\n}\\n\"},line:{fragmentSource:\"#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n\\nvarying vec2 v_width2;\\nvarying vec2 v_normal;\\nvarying float v_gamma_scale;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n gl_FragColor = color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\n// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_gamma_scale;\\nvarying highp float v_linesofar;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float width\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float width\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n\\n v_linesofar = (floor(a_data.z / 4.0) + a_data.w * 64.0) * 2.0;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist = outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_width2 = vec2(outset, inset);\\n}\\n\"},lineGradient:{fragmentSource:\"\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_width2;\\nvarying vec2 v_normal;\\nvarying float v_gamma_scale;\\nvarying highp float v_lineprogress;\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n // For gradient lines, v_lineprogress is the ratio along the entire line,\\n // scaled to [0, 2^15), and the gradient ramp is stored in a texture.\\n vec4 color = texture2D(u_image, vec2(v_lineprogress, 0.5));\\n\\n gl_FragColor = color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"\\n// the attribute conveying progress along a line is scaled to [0, 2^15)\\n#define MAX_LINE_DISTANCE 32767.0\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\n// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_gamma_scale;\\nvarying highp float v_lineprogress;\\n\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float width\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float width\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n\\n v_lineprogress = (floor(a_data.z / 4.0) + a_data.w * 64.0) * 2.0 / MAX_LINE_DISTANCE;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist = outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_width2 = vec2(outset, inset);\\n}\\n\"},linePattern:{fragmentSource:\"uniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_fade;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_linesofar;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n float x_a = mod(v_linesofar / u_pattern_size_a.x, 1.0);\\n float x_b = mod(v_linesofar / u_pattern_size_b.x, 1.0);\\n\\n // v_normal.y is 0 at the midpoint of the line, -1 at the lower edge, 1 at the upper edge\\n // we clamp the line width outset to be between 0 and half the pattern height plus padding (2.0)\\n // to ensure we don't sample outside the designated symbol on the sprite sheet.\\n // 0.5 is added to shift the component to be bounded between 0 and 1 for interpolation of\\n // the texture coordinate\\n float y_a = 0.5 + (v_normal.y * clamp(v_width2.s, 0.0, (u_pattern_size_a.y + 2.0) / 2.0) / u_pattern_size_a.y);\\n float y_b = 0.5 + (v_normal.y * clamp(v_width2.s, 0.0, (u_pattern_size_b.y + 2.0) / 2.0) / u_pattern_size_b.y);\\n vec2 pos_a = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, vec2(x_a, y_a));\\n vec2 pos_b = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, vec2(x_b, y_b));\\n\\n vec4 color = mix(texture2D(u_image, pos_a), texture2D(u_image, pos_b), u_fade);\\n\\n gl_FragColor = color * alpha * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\n// We scale the distance before adding it to the buffers so that we can store\\n// long distances for long segments. Use this value to unscale the distance.\\n#define LINE_DISTANCE_SCALE 2.0\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_linesofar;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define mediump float width\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize mediump float width\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n float a_linesofar = (floor(a_data.z / 4.0) + a_data.w * 64.0) * LINE_DISTANCE_SCALE;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist = outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_linesofar = a_linesofar;\\n v_width2 = vec2(outset, inset);\\n}\\n\"},lineSDF:{fragmentSource:\"\\nuniform sampler2D u_image;\\nuniform float u_sdfgamma;\\nuniform float u_mix;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying vec2 v_tex_a;\\nvarying vec2 v_tex_b;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float width\\n#pragma mapbox: define lowp float floorwidth\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float width\\n #pragma mapbox: initialize lowp float floorwidth\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n float sdfdist_a = texture2D(u_image, v_tex_a).a;\\n float sdfdist_b = texture2D(u_image, v_tex_b).a;\\n float sdfdist = mix(sdfdist_a, sdfdist_b, u_mix);\\n alpha *= smoothstep(0.5 - u_sdfgamma / floorwidth, 0.5 + u_sdfgamma / floorwidth, sdfdist);\\n\\n gl_FragColor = color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\n// We scale the distance before adding it to the buffers so that we can store\\n// long distances for long segments. Use this value to unscale the distance.\\n#define LINE_DISTANCE_SCALE 2.0\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_patternscale_a;\\nuniform float u_tex_y_a;\\nuniform vec2 u_patternscale_b;\\nuniform float u_tex_y_b;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying vec2 v_tex_a;\\nvarying vec2 v_tex_b;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float width\\n#pragma mapbox: define lowp float floorwidth\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float width\\n #pragma mapbox: initialize lowp float floorwidth\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n float a_linesofar = (floor(a_data.z / 4.0) + a_data.w * 64.0) * LINE_DISTANCE_SCALE;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist =outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_tex_a = vec2(a_linesofar * u_patternscale_a.x / floorwidth, normal.y * u_patternscale_a.y + u_tex_y_a);\\n v_tex_b = vec2(a_linesofar * u_patternscale_b.x / floorwidth, normal.y * u_patternscale_b.y + u_tex_y_b);\\n\\n v_width2 = vec2(outset, inset);\\n}\\n\"},raster:{fragmentSource:\"uniform float u_fade_t;\\nuniform float u_opacity;\\nuniform sampler2D u_image0;\\nuniform sampler2D u_image1;\\nvarying vec2 v_pos0;\\nvarying vec2 v_pos1;\\n\\nuniform float u_brightness_low;\\nuniform float u_brightness_high;\\n\\nuniform float u_saturation_factor;\\nuniform float u_contrast_factor;\\nuniform vec3 u_spin_weights;\\n\\nvoid main() {\\n\\n // read and cross-fade colors from the main and parent tiles\\n vec4 color0 = texture2D(u_image0, v_pos0);\\n vec4 color1 = texture2D(u_image1, v_pos1);\\n if (color0.a > 0.0) {\\n color0.rgb = color0.rgb / color0.a;\\n }\\n if (color1.a > 0.0) {\\n color1.rgb = color1.rgb / color1.a;\\n }\\n vec4 color = mix(color0, color1, u_fade_t);\\n color.a *= u_opacity;\\n vec3 rgb = color.rgb;\\n\\n // spin\\n rgb = vec3(\\n dot(rgb, u_spin_weights.xyz),\\n dot(rgb, u_spin_weights.zxy),\\n dot(rgb, u_spin_weights.yzx));\\n\\n // saturation\\n float average = (color.r + color.g + color.b) / 3.0;\\n rgb += (average - rgb) * u_saturation_factor;\\n\\n // contrast\\n rgb = (rgb - 0.5) * u_contrast_factor + 0.5;\\n\\n // brightness\\n vec3 u_high_vec = vec3(u_brightness_low, u_brightness_low, u_brightness_low);\\n vec3 u_low_vec = vec3(u_brightness_high, u_brightness_high, u_brightness_high);\\n\\n gl_FragColor = vec4(mix(u_high_vec, u_low_vec, rgb) * color.a, color.a);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_tl_parent;\\nuniform float u_scale_parent;\\nuniform float u_buffer_scale;\\n\\nattribute vec2 a_pos;\\nattribute vec2 a_texture_pos;\\n\\nvarying vec2 v_pos0;\\nvarying vec2 v_pos1;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n // We are using Int16 for texture position coordinates to give us enough precision for\\n // fractional coordinates. We use 8192 to scale the texture coordinates in the buffer\\n // as an arbitrarily high number to preserve adequate precision when rendering.\\n // This is also the same value as the EXTENT we are using for our tile buffer pos coordinates,\\n // so math for modifying either is consistent.\\n v_pos0 = (((a_texture_pos / 8192.0) - 0.5) / u_buffer_scale ) + 0.5;\\n v_pos1 = (v_pos0 * u_scale_parent) + u_tl_parent;\\n}\\n\"},symbolIcon:{fragmentSource:\"uniform sampler2D u_texture;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvarying vec2 v_tex;\\nvarying float v_fade_opacity;\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n lowp float alpha = opacity * v_fade_opacity;\\n gl_FragColor = texture2D(u_texture, v_tex) * alpha;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"const float PI = 3.141592653589793;\\n\\nattribute vec4 a_pos_offset;\\nattribute vec4 a_data;\\nattribute vec3 a_projected_pos;\\nattribute float a_fade_opacity;\\n\\nuniform bool u_is_size_zoom_constant;\\nuniform bool u_is_size_feature_constant;\\nuniform highp float u_size_t; // used to interpolate between zoom stops when size is a composite function\\nuniform highp float u_size; // used when size is both zoom and feature constant\\nuniform highp float u_camera_to_center_distance;\\nuniform highp float u_pitch;\\nuniform bool u_rotate_symbol;\\nuniform highp float u_aspect_ratio;\\nuniform float u_fade_change;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nuniform mat4 u_matrix;\\nuniform mat4 u_label_plane_matrix;\\nuniform mat4 u_gl_coord_matrix;\\n\\nuniform bool u_is_text;\\nuniform bool u_pitch_with_map;\\n\\nuniform vec2 u_texsize;\\n\\nvarying vec2 v_tex;\\nvarying float v_fade_opacity;\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n vec2 a_pos = a_pos_offset.xy;\\n vec2 a_offset = a_pos_offset.zw;\\n\\n vec2 a_tex = a_data.xy;\\n vec2 a_size = a_data.zw;\\n\\n highp float segment_angle = -a_projected_pos[2];\\n\\n float size;\\n if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = mix(a_size[0], a_size[1], u_size_t) / 10.0;\\n } else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = a_size[0] / 10.0;\\n } else if (!u_is_size_zoom_constant && u_is_size_feature_constant) {\\n size = u_size;\\n } else {\\n size = u_size;\\n }\\n\\n vec4 projectedPoint = u_matrix * vec4(a_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n // See comments in symbol_sdf.vertex\\n highp float distance_ratio = u_pitch_with_map ?\\n camera_to_anchor_distance / u_camera_to_center_distance :\\n u_camera_to_center_distance / camera_to_anchor_distance;\\n highp float perspective_ratio = clamp(\\n 0.5 + 0.5 * distance_ratio,\\n 0.0, // Prevents oversized near-field symbols in pitched/overzoomed tiles\\n 4.0);\\n\\n size *= perspective_ratio;\\n\\n float fontScale = u_is_text ? size / 24.0 : size;\\n\\n highp float symbol_rotation = 0.0;\\n if (u_rotate_symbol) {\\n // See comments in symbol_sdf.vertex\\n vec4 offsetProjectedPoint = u_matrix * vec4(a_pos + vec2(1, 0), 0, 1);\\n\\n vec2 a = projectedPoint.xy / projectedPoint.w;\\n vec2 b = offsetProjectedPoint.xy / offsetProjectedPoint.w;\\n\\n symbol_rotation = atan((b.y - a.y) / u_aspect_ratio, b.x - a.x);\\n }\\n\\n highp float angle_sin = sin(segment_angle + symbol_rotation);\\n highp float angle_cos = cos(segment_angle + symbol_rotation);\\n mat2 rotation_matrix = mat2(angle_cos, -1.0 * angle_sin, angle_sin, angle_cos);\\n\\n vec4 projected_pos = u_label_plane_matrix * vec4(a_projected_pos.xy, 0.0, 1.0);\\n gl_Position = u_gl_coord_matrix * vec4(projected_pos.xy / projected_pos.w + rotation_matrix * (a_offset / 32.0 * fontScale), 0.0, 1.0);\\n\\n v_tex = a_tex / u_texsize;\\n vec2 fade_opacity = unpack_opacity(a_fade_opacity);\\n float fade_change = fade_opacity[1] > 0.5 ? u_fade_change : -u_fade_change;\\n v_fade_opacity = max(0.0, min(1.0, fade_opacity[0] + fade_change));\\n}\\n\"},symbolSDF:{fragmentSource:\"#define SDF_PX 8.0\\n#define EDGE_GAMMA 0.105/DEVICE_PIXEL_RATIO\\n\\nuniform bool u_is_halo;\\n#pragma mapbox: define highp vec4 fill_color\\n#pragma mapbox: define highp vec4 halo_color\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define lowp float halo_width\\n#pragma mapbox: define lowp float halo_blur\\n\\nuniform sampler2D u_texture;\\nuniform highp float u_gamma_scale;\\nuniform bool u_is_text;\\n\\nvarying vec2 v_data0;\\nvarying vec3 v_data1;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 fill_color\\n #pragma mapbox: initialize highp vec4 halo_color\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize lowp float halo_width\\n #pragma mapbox: initialize lowp float halo_blur\\n\\n vec2 tex = v_data0.xy;\\n float gamma_scale = v_data1.x;\\n float size = v_data1.y;\\n float fade_opacity = v_data1[2];\\n\\n float fontScale = u_is_text ? size / 24.0 : size;\\n\\n lowp vec4 color = fill_color;\\n highp float gamma = EDGE_GAMMA / (fontScale * u_gamma_scale);\\n lowp float buff = (256.0 - 64.0) / 256.0;\\n if (u_is_halo) {\\n color = halo_color;\\n gamma = (halo_blur * 1.19 / SDF_PX + EDGE_GAMMA) / (fontScale * u_gamma_scale);\\n buff = (6.0 - halo_width / fontScale) / SDF_PX;\\n }\\n\\n lowp float dist = texture2D(u_texture, tex).a;\\n highp float gamma_scaled = gamma * gamma_scale;\\n highp float alpha = smoothstep(buff - gamma_scaled, buff + gamma_scaled, dist);\\n\\n gl_FragColor = color * (alpha * opacity * fade_opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"const float PI = 3.141592653589793;\\n\\nattribute vec4 a_pos_offset;\\nattribute vec4 a_data;\\nattribute vec3 a_projected_pos;\\nattribute float a_fade_opacity;\\n\\n// contents of a_size vary based on the type of property value\\n// used for {text,icon}-size.\\n// For constants, a_size is disabled.\\n// For source functions, we bind only one value per vertex: the value of {text,icon}-size evaluated for the current feature.\\n// For composite functions:\\n// [ text-size(lowerZoomStop, feature),\\n// text-size(upperZoomStop, feature) ]\\nuniform bool u_is_size_zoom_constant;\\nuniform bool u_is_size_feature_constant;\\nuniform highp float u_size_t; // used to interpolate between zoom stops when size is a composite function\\nuniform highp float u_size; // used when size is both zoom and feature constant\\n\\n#pragma mapbox: define highp vec4 fill_color\\n#pragma mapbox: define highp vec4 halo_color\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define lowp float halo_width\\n#pragma mapbox: define lowp float halo_blur\\n\\nuniform mat4 u_matrix;\\nuniform mat4 u_label_plane_matrix;\\nuniform mat4 u_gl_coord_matrix;\\n\\nuniform bool u_is_text;\\nuniform bool u_pitch_with_map;\\nuniform highp float u_pitch;\\nuniform bool u_rotate_symbol;\\nuniform highp float u_aspect_ratio;\\nuniform highp float u_camera_to_center_distance;\\nuniform float u_fade_change;\\n\\nuniform vec2 u_texsize;\\n\\nvarying vec2 v_data0;\\nvarying vec3 v_data1;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 fill_color\\n #pragma mapbox: initialize highp vec4 halo_color\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize lowp float halo_width\\n #pragma mapbox: initialize lowp float halo_blur\\n\\n vec2 a_pos = a_pos_offset.xy;\\n vec2 a_offset = a_pos_offset.zw;\\n\\n vec2 a_tex = a_data.xy;\\n vec2 a_size = a_data.zw;\\n\\n highp float segment_angle = -a_projected_pos[2];\\n float size;\\n\\n if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = mix(a_size[0], a_size[1], u_size_t) / 10.0;\\n } else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = a_size[0] / 10.0;\\n } else if (!u_is_size_zoom_constant && u_is_size_feature_constant) {\\n size = u_size;\\n } else {\\n size = u_size;\\n }\\n\\n vec4 projectedPoint = u_matrix * vec4(a_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n // If the label is pitched with the map, layout is done in pitched space,\\n // which makes labels in the distance smaller relative to viewport space.\\n // We counteract part of that effect by multiplying by the perspective ratio.\\n // If the label isn't pitched with the map, we do layout in viewport space,\\n // which makes labels in the distance larger relative to the features around\\n // them. We counteract part of that effect by dividing by the perspective ratio.\\n highp float distance_ratio = u_pitch_with_map ?\\n camera_to_anchor_distance / u_camera_to_center_distance :\\n u_camera_to_center_distance / camera_to_anchor_distance;\\n highp float perspective_ratio = clamp(\\n 0.5 + 0.5 * distance_ratio,\\n 0.0, // Prevents oversized near-field symbols in pitched/overzoomed tiles\\n 4.0);\\n\\n size *= perspective_ratio;\\n\\n float fontScale = u_is_text ? size / 24.0 : size;\\n\\n highp float symbol_rotation = 0.0;\\n if (u_rotate_symbol) {\\n // Point labels with 'rotation-alignment: map' are horizontal with respect to tile units\\n // To figure out that angle in projected space, we draw a short horizontal line in tile\\n // space, project it, and measure its angle in projected space.\\n vec4 offsetProjectedPoint = u_matrix * vec4(a_pos + vec2(1, 0), 0, 1);\\n\\n vec2 a = projectedPoint.xy / projectedPoint.w;\\n vec2 b = offsetProjectedPoint.xy / offsetProjectedPoint.w;\\n\\n symbol_rotation = atan((b.y - a.y) / u_aspect_ratio, b.x - a.x);\\n }\\n\\n highp float angle_sin = sin(segment_angle + symbol_rotation);\\n highp float angle_cos = cos(segment_angle + symbol_rotation);\\n mat2 rotation_matrix = mat2(angle_cos, -1.0 * angle_sin, angle_sin, angle_cos);\\n\\n vec4 projected_pos = u_label_plane_matrix * vec4(a_projected_pos.xy, 0.0, 1.0);\\n gl_Position = u_gl_coord_matrix * vec4(projected_pos.xy / projected_pos.w + rotation_matrix * (a_offset / 32.0 * fontScale), 0.0, 1.0);\\n float gamma_scale = gl_Position.w;\\n\\n vec2 tex = a_tex / u_texsize;\\n vec2 fade_opacity = unpack_opacity(a_fade_opacity);\\n float fade_change = fade_opacity[1] > 0.5 ? u_fade_change : -u_fade_change;\\n float interpolated_fade_opacity = max(0.0, min(1.0, fade_opacity[0] + fade_change));\\n\\n v_data0 = vec2(tex.x, tex.y);\\n v_data1 = vec3(gamma_scale, size, interpolated_fade_opacity);\\n}\\n\"}},tr=/#pragma mapbox: ([\\w]+) ([\\w]+) ([\\w]+) ([\\w]+)/g,er=function(t){var e=Qe[t],r={};e.fragmentSource=e.fragmentSource.replace(tr,function(t,e,n,i,a){return r[a]=!0,\"define\"===e?\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\nvarying \"+n+\" \"+i+\" \"+a+\";\\n#else\\nuniform \"+n+\" \"+i+\" u_\"+a+\";\\n#endif\\n\":\"\\n#ifdef HAS_UNIFORM_u_\"+a+\"\\n \"+n+\" \"+i+\" \"+a+\" = u_\"+a+\";\\n#endif\\n\"}),e.vertexSource=e.vertexSource.replace(tr,function(t,e,n,i,a){var o=\"float\"===i?\"vec2\":\"vec4\";return r[a]?\"define\"===e?\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\nuniform lowp float a_\"+a+\"_t;\\nattribute \"+n+\" \"+o+\" a_\"+a+\";\\nvarying \"+n+\" \"+i+\" \"+a+\";\\n#else\\nuniform \"+n+\" \"+i+\" u_\"+a+\";\\n#endif\\n\":\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\n \"+a+\" = unpack_mix_\"+o+\"(a_\"+a+\", a_\"+a+\"_t);\\n#else\\n \"+n+\" \"+i+\" \"+a+\" = u_\"+a+\";\\n#endif\\n\":\"define\"===e?\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\nuniform lowp float a_\"+a+\"_t;\\nattribute \"+n+\" \"+o+\" a_\"+a+\";\\n#else\\nuniform \"+n+\" \"+i+\" u_\"+a+\";\\n#endif\\n\":\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\n \"+n+\" \"+i+\" \"+a+\" = unpack_mix_\"+o+\"(a_\"+a+\", a_\"+a+\"_t);\\n#else\\n \"+n+\" \"+i+\" \"+a+\" = u_\"+a+\";\\n#endif\\n\"})};for(var rr in Qe)er(rr);var nr=Qe,ir=function(t,e,r,n){var i=t.gl;this.program=i.createProgram();var o=r.defines().concat(\"#define DEVICE_PIXEL_RATIO \"+a.devicePixelRatio.toFixed(1));n&&o.push(\"#define OVERDRAW_INSPECTOR;\");var s=o.concat(nr.prelude.fragmentSource,e.fragmentSource).join(\"\\n\"),l=o.concat(nr.prelude.vertexSource,e.vertexSource).join(\"\\n\"),c=i.createShader(i.FRAGMENT_SHADER);i.shaderSource(c,s),i.compileShader(c),i.attachShader(this.program,c);var u=i.createShader(i.VERTEX_SHADER);i.shaderSource(u,l),i.compileShader(u),i.attachShader(this.program,u);for(var f=r.layoutAttributes||[],h=0;h>16,s>>16),n.uniform2f(r.uniforms.u_pixel_coord_lower,65535&o,65535&s)};function mr(t,e,r,n,i){if(!dr(r.paint.get(\"fill-pattern\"),t))for(var a=!0,o=0,s=n;o0){var l=a.now(),c=(l-e.timeAdded)/s,u=r?(l-r.timeAdded)/s:-1,f=n.getSource(),h=o.coveringZoomLevel({tileSize:f.tileSize,roundZoom:f.roundZoom}),p=!r||Math.abs(r.tileID.overscaledZ-h)>Math.abs(e.tileID.overscaledZ-h),d=p&&e.refreshedUponExpiration?1:t.clamp(p?c:1-u,0,1);return e.refreshedUponExpiration&&c>=1&&(e.refreshedUponExpiration=!1),r?{opacity:1,mix:1-d}:{opacity:d,mix:0}}return{opacity:1,mix:0}}function Er(e,r,n){var i=e.context,o=i.gl;i.lineWidth.set(1*a.devicePixelRatio);var s=n.posMatrix,l=e.useProgram(\"debug\");i.setDepthMode(qt.disabled),i.setStencilMode(Ht.disabled),i.setColorMode(e.colorModeForRenderPass()),o.uniformMatrix4fv(l.uniforms.u_matrix,!1,s),o.uniform4f(l.uniforms.u_color,1,0,0,1),e.debugVAO.bind(i,l,e.debugBuffer,[]),o.drawArrays(o.LINE_STRIP,0,e.debugBuffer.length);for(var c=function(t,e,r,n){n=n||1;var i,a,o,s,l,c,u,f,h=[];for(i=0,a=t.length;i\":[24,[4,18,20,9,4,0]],\"?\":[18,[3,16,3,17,4,19,5,20,7,21,11,21,13,20,14,19,15,17,15,15,14,13,13,12,9,10,9,7,-1,-1,9,2,8,1,9,0,10,1,9,2]],\"@\":[27,[18,13,17,15,15,16,12,16,10,15,9,14,8,11,8,8,9,6,11,5,14,5,16,6,17,8,-1,-1,12,16,10,14,9,11,9,8,10,6,11,5,-1,-1,18,16,17,8,17,6,19,5,21,5,23,7,24,10,24,12,23,15,22,17,20,19,18,20,15,21,12,21,9,20,7,19,5,17,4,15,3,12,3,9,4,6,5,4,7,2,9,1,12,0,15,0,18,1,20,2,21,3,-1,-1,19,16,18,8,18,6,19,5]],A:[18,[9,21,1,0,-1,-1,9,21,17,0,-1,-1,4,7,14,7]],B:[21,[4,21,4,0,-1,-1,4,21,13,21,16,20,17,19,18,17,18,15,17,13,16,12,13,11,-1,-1,4,11,13,11,16,10,17,9,18,7,18,4,17,2,16,1,13,0,4,0]],C:[21,[18,16,17,18,15,20,13,21,9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5]],D:[21,[4,21,4,0,-1,-1,4,21,11,21,14,20,16,18,17,16,18,13,18,8,17,5,16,3,14,1,11,0,4,0]],E:[19,[4,21,4,0,-1,-1,4,21,17,21,-1,-1,4,11,12,11,-1,-1,4,0,17,0]],F:[18,[4,21,4,0,-1,-1,4,21,17,21,-1,-1,4,11,12,11]],G:[21,[18,16,17,18,15,20,13,21,9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5,18,8,-1,-1,13,8,18,8]],H:[22,[4,21,4,0,-1,-1,18,21,18,0,-1,-1,4,11,18,11]],I:[8,[4,21,4,0]],J:[16,[12,21,12,5,11,2,10,1,8,0,6,0,4,1,3,2,2,5,2,7]],K:[21,[4,21,4,0,-1,-1,18,21,4,7,-1,-1,9,12,18,0]],L:[17,[4,21,4,0,-1,-1,4,0,16,0]],M:[24,[4,21,4,0,-1,-1,4,21,12,0,-1,-1,20,21,12,0,-1,-1,20,21,20,0]],N:[22,[4,21,4,0,-1,-1,4,21,18,0,-1,-1,18,21,18,0]],O:[22,[9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5,19,8,19,13,18,16,17,18,15,20,13,21,9,21]],P:[21,[4,21,4,0,-1,-1,4,21,13,21,16,20,17,19,18,17,18,14,17,12,16,11,13,10,4,10]],Q:[22,[9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5,19,8,19,13,18,16,17,18,15,20,13,21,9,21,-1,-1,12,4,18,-2]],R:[21,[4,21,4,0,-1,-1,4,21,13,21,16,20,17,19,18,17,18,15,17,13,16,12,13,11,4,11,-1,-1,11,11,18,0]],S:[20,[17,18,15,20,12,21,8,21,5,20,3,18,3,16,4,14,5,13,7,12,13,10,15,9,16,8,17,6,17,3,15,1,12,0,8,0,5,1,3,3]],T:[16,[8,21,8,0,-1,-1,1,21,15,21]],U:[22,[4,21,4,6,5,3,7,1,10,0,12,0,15,1,17,3,18,6,18,21]],V:[18,[1,21,9,0,-1,-1,17,21,9,0]],W:[24,[2,21,7,0,-1,-1,12,21,7,0,-1,-1,12,21,17,0,-1,-1,22,21,17,0]],X:[20,[3,21,17,0,-1,-1,17,21,3,0]],Y:[18,[1,21,9,11,9,0,-1,-1,17,21,9,11]],Z:[20,[17,21,3,0,-1,-1,3,21,17,21,-1,-1,3,0,17,0]],\"[\":[14,[4,25,4,-7,-1,-1,5,25,5,-7,-1,-1,4,25,11,25,-1,-1,4,-7,11,-7]],\"\\\\\":[14,[0,21,14,-3]],\"]\":[14,[9,25,9,-7,-1,-1,10,25,10,-7,-1,-1,3,25,10,25,-1,-1,3,-7,10,-7]],\"^\":[16,[6,15,8,18,10,15,-1,-1,3,12,8,17,13,12,-1,-1,8,17,8,0]],_:[16,[0,-2,16,-2]],\"`\":[10,[6,21,5,20,4,18,4,16,5,15,6,16,5,17]],a:[19,[15,14,15,0,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],b:[19,[4,21,4,0,-1,-1,4,11,6,13,8,14,11,14,13,13,15,11,16,8,16,6,15,3,13,1,11,0,8,0,6,1,4,3]],c:[18,[15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],d:[19,[15,21,15,0,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],e:[18,[3,8,15,8,15,10,14,12,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],f:[12,[10,21,8,21,6,20,5,17,5,0,-1,-1,2,14,9,14]],g:[19,[15,14,15,-2,14,-5,13,-6,11,-7,8,-7,6,-6,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],h:[19,[4,21,4,0,-1,-1,4,10,7,13,9,14,12,14,14,13,15,10,15,0]],i:[8,[3,21,4,20,5,21,4,22,3,21,-1,-1,4,14,4,0]],j:[10,[5,21,6,20,7,21,6,22,5,21,-1,-1,6,14,6,-3,5,-6,3,-7,1,-7]],k:[17,[4,21,4,0,-1,-1,14,14,4,4,-1,-1,8,8,15,0]],l:[8,[4,21,4,0]],m:[30,[4,14,4,0,-1,-1,4,10,7,13,9,14,12,14,14,13,15,10,15,0,-1,-1,15,10,18,13,20,14,23,14,25,13,26,10,26,0]],n:[19,[4,14,4,0,-1,-1,4,10,7,13,9,14,12,14,14,13,15,10,15,0]],o:[19,[8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3,16,6,16,8,15,11,13,13,11,14,8,14]],p:[19,[4,14,4,-7,-1,-1,4,11,6,13,8,14,11,14,13,13,15,11,16,8,16,6,15,3,13,1,11,0,8,0,6,1,4,3]],q:[19,[15,14,15,-7,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],r:[13,[4,14,4,0,-1,-1,4,8,5,11,7,13,9,14,12,14]],s:[17,[14,11,13,13,10,14,7,14,4,13,3,11,4,9,6,8,11,7,13,6,14,4,14,3,13,1,10,0,7,0,4,1,3,3]],t:[12,[5,21,5,4,6,1,8,0,10,0,-1,-1,2,14,9,14]],u:[19,[4,14,4,4,5,1,7,0,10,0,12,1,15,4,-1,-1,15,14,15,0]],v:[16,[2,14,8,0,-1,-1,14,14,8,0]],w:[22,[3,14,7,0,-1,-1,11,14,7,0,-1,-1,11,14,15,0,-1,-1,19,14,15,0]],x:[17,[3,14,14,0,-1,-1,14,14,3,0]],y:[16,[2,14,8,0,-1,-1,14,14,8,0,6,-4,4,-6,2,-7,1,-7]],z:[17,[14,14,3,0,-1,-1,3,14,14,14,-1,-1,3,0,14,0]],\"{\":[14,[9,25,7,24,6,23,5,21,5,19,6,17,7,16,8,14,8,12,6,10,-1,-1,7,24,6,22,6,20,7,18,8,17,9,15,9,13,8,11,4,9,8,7,9,5,9,3,8,1,7,0,6,-2,6,-4,7,-6,-1,-1,6,8,8,6,8,4,7,2,6,1,5,-1,5,-3,6,-5,7,-6,9,-7]],\"|\":[8,[4,25,4,-7]],\"}\":[14,[5,25,7,24,8,23,9,21,9,19,8,17,7,16,6,14,6,12,8,10,-1,-1,7,24,8,22,8,20,7,18,6,17,5,15,5,13,6,11,10,9,6,7,5,5,5,3,6,1,7,0,8,-2,8,-4,7,-6,-1,-1,8,8,6,6,6,4,7,2,8,1,9,-1,9,-3,8,-5,7,-6,5,-7]],\"~\":[24,[3,6,3,8,4,11,6,12,8,12,10,11,14,8,16,7,18,7,20,8,21,10,-1,-1,3,8,4,10,6,11,8,11,10,10,14,7,16,6,18,6,20,7,21,10,21,12]]},Lr={symbol:function(t,e,r,n){if(\"translucent\"===t.renderPass){var i=t.context;i.setStencilMode(Ht.disabled),i.setColorMode(t.colorModeForRenderPass()),0!==r.paint.get(\"icon-opacity\").constantOr(1)&&cr(t,e,r,n,!1,r.paint.get(\"icon-translate\"),r.paint.get(\"icon-translate-anchor\"),r.layout.get(\"icon-rotation-alignment\"),r.layout.get(\"icon-pitch-alignment\"),r.layout.get(\"icon-keep-upright\")),0!==r.paint.get(\"text-opacity\").constantOr(1)&&cr(t,e,r,n,!0,r.paint.get(\"text-translate\"),r.paint.get(\"text-translate-anchor\"),r.layout.get(\"text-rotation-alignment\"),r.layout.get(\"text-pitch-alignment\"),r.layout.get(\"text-keep-upright\")),e.map.showCollisionBoxes&&function(t,e,r,n){or(t,e,r,n,!1),or(t,e,r,n,!0)}(t,e,r,n)}},circle:function(t,e,r,n){if(\"translucent\"===t.renderPass){var i=r.paint.get(\"circle-opacity\"),a=r.paint.get(\"circle-stroke-width\"),o=r.paint.get(\"circle-stroke-opacity\");if(0!==i.constantOr(1)||0!==a.constantOr(1)&&0!==o.constantOr(1)){var s=t.context,l=s.gl;s.setDepthMode(t.depthModeForSublayer(0,qt.ReadOnly)),s.setStencilMode(Ht.disabled),s.setColorMode(t.colorModeForRenderPass());for(var c=!0,u=0;u0?1-1/(1.001-i):-i),s.uniform1f(c.uniforms.u_contrast_factor,(a=r.paint.get(\"raster-contrast\"))>0?1/(1-a):1+a),s.uniform3fv(c.uniforms.u_spin_weights,function(t){t*=Math.PI/180;var e=Math.sin(t),r=Math.cos(t);return[(2*r+1)/3,(-Math.sqrt(3)*e-r+1)/3,(Math.sqrt(3)*e-r+1)/3]}(r.paint.get(\"raster-hue-rotate\"))),s.uniform1f(c.uniforms.u_buffer_scale,1),s.uniform1i(c.uniforms.u_image0,0),s.uniform1i(c.uniforms.u_image1,1);for(var u=n.length&&n[0].overscaledZ,f=0,h=n;fe.row){var r=t;t=e,e=r}return{x0:t.column,y0:t.row,x1:e.column,y1:e.row,dx:e.column-t.column,dy:e.row-t.row}}function Ir(t,e,r,n,i){var a=Math.max(r,Math.floor(e.y0)),o=Math.min(n,Math.ceil(e.y1));if(t.x0===e.x0&&t.y0===e.y0?t.x0+e.dy/t.dy*t.dx0,f=e.dx<0,h=a;hl.dy&&(o=s,s=l,l=o),s.dy>c.dy&&(o=s,s=c,c=o),l.dy>c.dy&&(o=l,l=c,c=o),s.dy&&Ir(c,s,n,i,a),l.dy&&Ir(c,l,n,i,a)}zr.prototype.resize=function(t,e){var r=this.context.gl;if(this.width=t*a.devicePixelRatio,this.height=e*a.devicePixelRatio,this.context.viewport.set([0,0,this.width,this.height]),this.style)for(var n=0,i=this.style._order;n=0;this.currentLayer--){var m=n.style._layers[s[n.currentLayer]];m.source!==(g&&g.id)&&(v=[],(g=n.style.sourceCaches[m.source])&&(n.clearStencil(),v=g.getVisibleCoordinates(),g.getSource().isTileClipped&&n._renderTileClippingMasks(v))),n.renderLayer(n,g,m,v)}this.renderPass=\"translucent\";var y,x=[];for(this.currentLayer=0,this.currentLayer;this.currentLayer0?e.pop():null},zr.prototype._createProgramCached=function(t,e){this.cache=this.cache||{};var r=\"\"+t+(e.cacheKey||\"\")+(this._showOverdrawInspector?\"/overdraw\":\"\");return this.cache[r]||(this.cache[r]=new ir(this.context,nr[t],e,this._showOverdrawInspector)),this.cache[r]},zr.prototype.useProgram=function(t,e){var r=this._createProgramCached(t,e||this.emptyProgramConfiguration);return this.context.program.set(r.program),r};var Dr=t.default$20.vec4,Rr=t.default$20.mat4,Br=t.default$20.mat2,Fr=function(t,e,r){this.tileSize=512,this._renderWorldCopies=void 0===r||r,this._minZoom=t||0,this._maxZoom=e||22,this.latRange=[-85.05113,85.05113],this.width=0,this.height=0,this._center=new G(0,0),this.zoom=0,this.angle=0,this._fov=.6435011087932844,this._pitch=0,this._unmodified=!0,this._posMatrixCache={},this._alignedPosMatrixCache={}},Nr={minZoom:{configurable:!0},maxZoom:{configurable:!0},renderWorldCopies:{configurable:!0},worldSize:{configurable:!0},centerPoint:{configurable:!0},size:{configurable:!0},bearing:{configurable:!0},pitch:{configurable:!0},fov:{configurable:!0},zoom:{configurable:!0},center:{configurable:!0},unmodified:{configurable:!0},x:{configurable:!0},y:{configurable:!0},point:{configurable:!0}};Fr.prototype.clone=function(){var t=new Fr(this._minZoom,this._maxZoom,this._renderWorldCopies);return t.tileSize=this.tileSize,t.latRange=this.latRange,t.width=this.width,t.height=this.height,t._center=this._center,t.zoom=this.zoom,t.angle=this.angle,t._fov=this._fov,t._pitch=this._pitch,t._unmodified=this._unmodified,t._calcMatrices(),t},Nr.minZoom.get=function(){return this._minZoom},Nr.minZoom.set=function(t){this._minZoom!==t&&(this._minZoom=t,this.zoom=Math.max(this.zoom,t))},Nr.maxZoom.get=function(){return this._maxZoom},Nr.maxZoom.set=function(t){this._maxZoom!==t&&(this._maxZoom=t,this.zoom=Math.min(this.zoom,t))},Nr.renderWorldCopies.get=function(){return this._renderWorldCopies},Nr.renderWorldCopies.set=function(t){void 0===t?t=!0:null===t&&(t=!1),this._renderWorldCopies=t},Nr.worldSize.get=function(){return this.tileSize*this.scale},Nr.centerPoint.get=function(){return this.size._div(2)},Nr.size.get=function(){return new t.default$1(this.width,this.height)},Nr.bearing.get=function(){return-this.angle/Math.PI*180},Nr.bearing.set=function(e){var r=-t.wrap(e,-180,180)*Math.PI/180;this.angle!==r&&(this._unmodified=!1,this.angle=r,this._calcMatrices(),this.rotationMatrix=Br.create(),Br.rotate(this.rotationMatrix,this.rotationMatrix,this.angle))},Nr.pitch.get=function(){return this._pitch/Math.PI*180},Nr.pitch.set=function(e){var r=t.clamp(e,0,60)/180*Math.PI;this._pitch!==r&&(this._unmodified=!1,this._pitch=r,this._calcMatrices())},Nr.fov.get=function(){return this._fov/Math.PI*180},Nr.fov.set=function(t){t=Math.max(.01,Math.min(60,t)),this._fov!==t&&(this._unmodified=!1,this._fov=t/180*Math.PI,this._calcMatrices())},Nr.zoom.get=function(){return this._zoom},Nr.zoom.set=function(t){var e=Math.min(Math.max(t,this.minZoom),this.maxZoom);this._zoom!==e&&(this._unmodified=!1,this._zoom=e,this.scale=this.zoomScale(e),this.tileZoom=Math.floor(e),this.zoomFraction=e-this.tileZoom,this._constrain(),this._calcMatrices())},Nr.center.get=function(){return this._center},Nr.center.set=function(t){t.lat===this._center.lat&&t.lng===this._center.lng||(this._unmodified=!1,this._center=t,this._constrain(),this._calcMatrices())},Fr.prototype.coveringZoomLevel=function(t){return(t.roundZoom?Math.round:Math.floor)(this.zoom+this.scaleZoom(this.tileSize/t.tileSize))},Fr.prototype.getVisibleUnwrappedCoordinates=function(e){var r=this.pointCoordinate(new t.default$1(0,0),0),n=this.pointCoordinate(new t.default$1(this.width,0),0),i=Math.floor(r.column),a=Math.floor(n.column),o=[new t.UnwrappedTileID(0,e)];if(this._renderWorldCopies)for(var s=i;s<=a;s++)0!==s&&o.push(new t.UnwrappedTileID(s,e));return o},Fr.prototype.coveringTiles=function(e){var r=this.coveringZoomLevel(e),n=r;if(void 0!==e.minzoom&&re.maxzoom&&(r=e.maxzoom);var i=this.pointCoordinate(this.centerPoint,r),a=new t.default$1(i.column-.5,i.row-.5);return function(e,r,n,i){void 0===i&&(i=!0);var a=1<=0&&l<=a)for(c=r;co&&(i=o-g)}if(this.lngRange){var v=this.x,m=c.x/2;v-ml&&(n=l-m)}void 0===n&&void 0===i||(this.center=this.unproject(new t.default$1(void 0!==n?n:this.x,void 0!==i?i:this.y))),this._unmodified=u,this._constraining=!1}},Fr.prototype._calcMatrices=function(){if(this.height){this.cameraToCenterDistance=.5/Math.tan(this._fov/2)*this.height;var t=this._fov/2,e=Math.PI/2+this._pitch,r=Math.sin(t)*this.cameraToCenterDistance/Math.sin(Math.PI-e-t),n=this.x,i=this.y,a=1.01*(Math.cos(Math.PI/2-this._pitch)*r+this.cameraToCenterDistance),o=new Float64Array(16);Rr.perspective(o,this._fov,this.width/this.height,1,a),Rr.scale(o,o,[1,-1,1]),Rr.translate(o,o,[0,0,-this.cameraToCenterDistance]),Rr.rotateX(o,o,this._pitch),Rr.rotateZ(o,o,this.angle),Rr.translate(o,o,[-n,-i,0]);var s=this.worldSize/(2*Math.PI*6378137*Math.abs(Math.cos(this.center.lat*(Math.PI/180))));Rr.scale(o,o,[1,1,s,1]),this.projMatrix=o;var l=this.width%2/2,c=this.height%2/2,u=Math.cos(this.angle),f=Math.sin(this.angle),h=n-Math.round(n)+u*l+f*c,p=i-Math.round(i)+u*c+f*l,d=new Float64Array(o);if(Rr.translate(d,d,[h>.5?h-1:h,p>.5?p-1:p,0]),this.alignedProjMatrix=d,o=Rr.create(),Rr.scale(o,o,[this.width/2,-this.height/2,1]),Rr.translate(o,o,[1,-1,0]),this.pixelMatrix=Rr.multiply(new Float64Array(16),o,this.projMatrix),!(o=Rr.invert(new Float64Array(16),this.pixelMatrix)))throw new Error(\"failed to invert matrix\");this.pixelMatrixInverse=o,this._posMatrixCache={},this._alignedPosMatrixCache={}}},Fr.prototype.maxPitchScaleFactor=function(){if(!this.pixelMatrixInverse)return 1;var e=this.pointCoordinate(new t.default$1(0,0)).zoomTo(this.zoom),r=[e.column*this.tileSize,e.row*this.tileSize,0,1];return Dr.transformMat4(r,r,this.pixelMatrix)[3]/this.cameraToCenterDistance},Object.defineProperties(Fr.prototype,Nr);var jr=function(){var e,r,n,i;t.bindAll([\"_onHashChange\",\"_updateHash\"],this),this._updateHash=(e=this._updateHashUnthrottled.bind(this),300,r=!1,n=0,i=function(){n=0,r&&(e(),n=setTimeout(i,300),r=!1)},function(){return r=!0,n||i(),n})};jr.prototype.addTo=function(e){return this._map=e,t.default.addEventListener(\"hashchange\",this._onHashChange,!1),this._map.on(\"moveend\",this._updateHash),this},jr.prototype.remove=function(){return t.default.removeEventListener(\"hashchange\",this._onHashChange,!1),this._map.off(\"moveend\",this._updateHash),clearTimeout(this._updateHash()),delete this._map,this},jr.prototype.getHashString=function(t){var e=this._map.getCenter(),r=Math.round(100*this._map.getZoom())/100,n=Math.ceil((r*Math.LN2+Math.log(512/360/.5))/Math.LN10),i=Math.pow(10,n),a=Math.round(e.lng*i)/i,o=Math.round(e.lat*i)/i,s=this._map.getBearing(),l=this._map.getPitch(),c=\"\";return c+=t?\"#/\"+a+\"/\"+o+\"/\"+r:\"#\"+r+\"/\"+o+\"/\"+a,(s||l)&&(c+=\"/\"+Math.round(10*s)/10),l&&(c+=\"/\"+Math.round(l)),c},jr.prototype._onHashChange=function(){var e=t.default.location.hash.replace(\"#\",\"\").split(\"/\");return e.length>=3&&(this._map.jumpTo({center:[+e[2],+e[1]],zoom:+e[0],bearing:+(e[3]||0),pitch:+(e[4]||0)}),!0)},jr.prototype._updateHashUnthrottled=function(){var e=this.getHashString();t.default.history.replaceState(t.default.history.state,\"\",e)};var Vr=function(e){function r(r,n,i,a){void 0===a&&(a={});var o=s.mousePos(n.getCanvasContainer(),i),l=n.unproject(o);e.call(this,r,t.extend({point:o,lngLat:l,originalEvent:i},a)),this._defaultPrevented=!1,this.target=n}e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r;var n={defaultPrevented:{configurable:!0}};return r.prototype.preventDefault=function(){this._defaultPrevented=!0},n.defaultPrevented.get=function(){return this._defaultPrevented},Object.defineProperties(r.prototype,n),r}(t.Event),Ur=function(e){function r(r,n,i){var a=s.touchPos(n.getCanvasContainer(),i),o=a.map(function(t){return n.unproject(t)}),l=a.reduce(function(t,e,r,n){return t.add(e.div(n.length))},new t.default$1(0,0)),c=n.unproject(l);e.call(this,r,{points:a,point:l,lngLats:o,lngLat:c,originalEvent:i}),this._defaultPrevented=!1}e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r;var n={defaultPrevented:{configurable:!0}};return r.prototype.preventDefault=function(){this._defaultPrevented=!0},n.defaultPrevented.get=function(){return this._defaultPrevented},Object.defineProperties(r.prototype,n),r}(t.Event),qr=function(t){function e(e,r,n){t.call(this,e,{originalEvent:n}),this._defaultPrevented=!1}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={defaultPrevented:{configurable:!0}};return e.prototype.preventDefault=function(){this._defaultPrevented=!0},r.defaultPrevented.get=function(){return this._defaultPrevented},Object.defineProperties(e.prototype,r),e}(t.Event),Hr=function(e){this._map=e,this._el=e.getCanvasContainer(),this._delta=0,t.bindAll([\"_onWheel\",\"_onTimeout\",\"_onScrollFrame\",\"_onScrollFinished\"],this)};Hr.prototype.isEnabled=function(){return!!this._enabled},Hr.prototype.isActive=function(){return!!this._active},Hr.prototype.enable=function(t){this.isEnabled()||(this._enabled=!0,this._aroundCenter=t&&\"center\"===t.around)},Hr.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},Hr.prototype.onWheel=function(e){if(this.isEnabled()){var r=e.deltaMode===t.default.WheelEvent.DOM_DELTA_LINE?40*e.deltaY:e.deltaY,n=a.now(),i=n-(this._lastWheelEventTime||0);this._lastWheelEventTime=n,0!==r&&r%4.000244140625==0?this._type=\"wheel\":0!==r&&Math.abs(r)<4?this._type=\"trackpad\":i>400?(this._type=null,this._lastValue=r,this._timeout=setTimeout(this._onTimeout,40,e)):this._type||(this._type=Math.abs(i*r)<200?\"trackpad\":\"wheel\",this._timeout&&(clearTimeout(this._timeout),this._timeout=null,r+=this._lastValue)),e.shiftKey&&r&&(r/=4),this._type&&(this._lastWheelEvent=e,this._delta-=r,this.isActive()||this._start(e)),e.preventDefault()}},Hr.prototype._onTimeout=function(t){this._type=\"wheel\",this._delta-=this._lastValue,this.isActive()||this._start(t)},Hr.prototype._start=function(e){if(this._delta){this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),this._active=!0,this._map.fire(new t.Event(\"movestart\",{originalEvent:e})),this._map.fire(new t.Event(\"zoomstart\",{originalEvent:e})),this._finishTimeout&&clearTimeout(this._finishTimeout);var r=s.mousePos(this._el,e);this._around=G.convert(this._aroundCenter?this._map.getCenter():this._map.unproject(r)),this._aroundPoint=this._map.transform.locationPoint(this._around),this._frameId||(this._frameId=this._map._requestRenderFrame(this._onScrollFrame))}},Hr.prototype._onScrollFrame=function(){var e=this;if(this._frameId=null,this.isActive()){var r=this._map.transform;if(0!==this._delta){var n=\"wheel\"===this._type&&Math.abs(this._delta)>4.000244140625?1/450:.01,i=2/(1+Math.exp(-Math.abs(this._delta*n)));this._delta<0&&0!==i&&(i=1/i);var o=\"number\"==typeof this._targetZoom?r.zoomScale(this._targetZoom):r.scale;this._targetZoom=Math.min(r.maxZoom,Math.max(r.minZoom,r.scaleZoom(o*i))),\"wheel\"===this._type&&(this._startZoom=r.zoom,this._easing=this._smoothOutEasing(200)),this._delta=0}var s=!1;if(\"wheel\"===this._type){var l=Math.min((a.now()-this._lastWheelEventTime)/200,1),c=this._easing(l);r.zoom=t.number(this._startZoom,this._targetZoom,c),l<1?this._frameId||(this._frameId=this._map._requestRenderFrame(this._onScrollFrame)):s=!0}else r.zoom=this._targetZoom,s=!0;r.setLocationAtPoint(this._around,this._aroundPoint),this._map.fire(new t.Event(\"move\",{originalEvent:this._lastWheelEvent})),this._map.fire(new t.Event(\"zoom\",{originalEvent:this._lastWheelEvent})),s&&(this._active=!1,this._finishTimeout=setTimeout(function(){e._map.fire(new t.Event(\"zoomend\",{originalEvent:e._lastWheelEvent})),e._map.fire(new t.Event(\"moveend\",{originalEvent:e._lastWheelEvent})),delete e._targetZoom},200))}},Hr.prototype._smoothOutEasing=function(e){var r=t.ease;if(this._prevEase){var n=this._prevEase,i=(a.now()-n.start)/n.duration,o=n.easing(i+.01)-n.easing(i),s=.27/Math.sqrt(o*o+1e-4)*.01,l=Math.sqrt(.0729-s*s);r=t.bezier(s,l,.25,1)}return this._prevEase={start:a.now(),duration:e,easing:r},r};var Gr=function(e){this._map=e,this._el=e.getCanvasContainer(),this._container=e.getContainer(),t.bindAll([\"_onMouseMove\",\"_onMouseUp\",\"_onKeyDown\"],this)};Gr.prototype.isEnabled=function(){return!!this._enabled},Gr.prototype.isActive=function(){return!!this._active},Gr.prototype.enable=function(){this.isEnabled()||(this._enabled=!0)},Gr.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},Gr.prototype.onMouseDown=function(e){this.isEnabled()&&e.shiftKey&&0===e.button&&(t.default.document.addEventListener(\"mousemove\",this._onMouseMove,!1),t.default.document.addEventListener(\"keydown\",this._onKeyDown,!1),t.default.document.addEventListener(\"mouseup\",this._onMouseUp,!1),s.disableDrag(),this._startPos=s.mousePos(this._el,e),this._active=!0)},Gr.prototype._onMouseMove=function(t){var e=this._startPos,r=s.mousePos(this._el,t);this._box||(this._box=s.create(\"div\",\"mapboxgl-boxzoom\",this._container),this._container.classList.add(\"mapboxgl-crosshair\"),this._fireEvent(\"boxzoomstart\",t));var n=Math.min(e.x,r.x),i=Math.max(e.x,r.x),a=Math.min(e.y,r.y),o=Math.max(e.y,r.y);s.setTransform(this._box,\"translate(\"+n+\"px,\"+a+\"px)\"),this._box.style.width=i-n+\"px\",this._box.style.height=o-a+\"px\"},Gr.prototype._onMouseUp=function(e){if(0===e.button){var r=this._startPos,n=s.mousePos(this._el,e),i=(new W).extend(this._map.unproject(r)).extend(this._map.unproject(n));this._finish(),s.suppressClick(),r.x===n.x&&r.y===n.y?this._fireEvent(\"boxzoomcancel\",e):this._map.fitBounds(i,{linear:!0}).fire(new t.Event(\"boxzoomend\",{originalEvent:e,boxZoomBounds:i}))}},Gr.prototype._onKeyDown=function(t){27===t.keyCode&&(this._finish(),this._fireEvent(\"boxzoomcancel\",t))},Gr.prototype._finish=function(){this._active=!1,t.default.document.removeEventListener(\"mousemove\",this._onMouseMove,!1),t.default.document.removeEventListener(\"keydown\",this._onKeyDown,!1),t.default.document.removeEventListener(\"mouseup\",this._onMouseUp,!1),this._container.classList.remove(\"mapboxgl-crosshair\"),this._box&&(s.remove(this._box),this._box=null),s.enableDrag()},Gr.prototype._fireEvent=function(e,r){return this._map.fire(new t.Event(e,{originalEvent:r}))};var Wr=t.bezier(0,0,.25,1),Yr=function(e,r){this._map=e,this._el=r.element||e.getCanvasContainer(),this._state=\"disabled\",this._button=r.button||\"right\",this._bearingSnap=r.bearingSnap||0,this._pitchWithRotate=!1!==r.pitchWithRotate,t.bindAll([\"_onMouseMove\",\"_onMouseUp\",\"_onBlur\",\"_onDragFrame\"],this)};Yr.prototype.isEnabled=function(){return\"disabled\"!==this._state},Yr.prototype.isActive=function(){return\"active\"===this._state},Yr.prototype.enable=function(){this.isEnabled()||(this._state=\"enabled\")},Yr.prototype.disable=function(){if(this.isEnabled())switch(this._state){case\"active\":this._state=\"disabled\",this._unbind(),this._deactivate(),this._fireEvent(\"rotateend\"),this._pitchWithRotate&&this._fireEvent(\"pitchend\"),this._fireEvent(\"moveend\");break;case\"pending\":this._state=\"disabled\",this._unbind();break;default:this._state=\"disabled\"}},Yr.prototype.onMouseDown=function(e){if(\"enabled\"===this._state){if(\"right\"===this._button){if(this._eventButton=s.mouseButton(e),this._eventButton!==(e.ctrlKey?0:2))return}else{if(e.ctrlKey||0!==s.mouseButton(e))return;this._eventButton=0}s.disableDrag(),t.default.document.addEventListener(\"mousemove\",this._onMouseMove,{capture:!0}),t.default.document.addEventListener(\"mouseup\",this._onMouseUp),t.default.addEventListener(\"blur\",this._onBlur),this._state=\"pending\",this._inertia=[[a.now(),this._map.getBearing()]],this._previousPos=s.mousePos(this._el,e),this._center=this._map.transform.centerPoint,e.preventDefault()}},Yr.prototype._onMouseMove=function(t){this._lastMoveEvent=t,this._pos=s.mousePos(this._el,t),\"pending\"===this._state&&(this._state=\"active\",this._fireEvent(\"rotatestart\",t),this._fireEvent(\"movestart\",t),this._pitchWithRotate&&this._fireEvent(\"pitchstart\",t)),this._frameId||(this._frameId=this._map._requestRenderFrame(this._onDragFrame))},Yr.prototype._onDragFrame=function(){this._frameId=null;var t=this._lastMoveEvent;if(t){var e=this._map.transform,r=this._previousPos,n=this._pos,i=.8*(r.x-n.x),o=-.5*(r.y-n.y),s=e.bearing-i,l=e.pitch-o,c=this._inertia,u=c[c.length-1];this._drainInertiaBuffer(),c.push([a.now(),this._map._normalizeBearing(s,u[1])]),e.bearing=s,this._pitchWithRotate&&(this._fireEvent(\"pitch\",t),e.pitch=l),this._fireEvent(\"rotate\",t),this._fireEvent(\"move\",t),delete this._lastMoveEvent,this._previousPos=this._pos}},Yr.prototype._onMouseUp=function(t){if(s.mouseButton(t)===this._eventButton)switch(this._state){case\"active\":this._state=\"enabled\",s.suppressClick(),this._unbind(),this._deactivate(),this._inertialRotate(t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Yr.prototype._onBlur=function(t){switch(this._state){case\"active\":this._state=\"enabled\",this._unbind(),this._deactivate(),this._fireEvent(\"rotateend\",t),this._pitchWithRotate&&this._fireEvent(\"pitchend\",t),this._fireEvent(\"moveend\",t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Yr.prototype._unbind=function(){t.default.document.removeEventListener(\"mousemove\",this._onMouseMove,{capture:!0}),t.default.document.removeEventListener(\"mouseup\",this._onMouseUp),t.default.removeEventListener(\"blur\",this._onBlur),s.enableDrag()},Yr.prototype._deactivate=function(){this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),delete this._lastMoveEvent,delete this._previousPos},Yr.prototype._inertialRotate=function(t){var e=this;this._fireEvent(\"rotateend\",t),this._drainInertiaBuffer();var r=this._map,n=r.getBearing(),i=this._inertia,a=function(){Math.abs(n)180&&(p=180);var d=p/180;c+=f*p*(d/2),Math.abs(r._normalizeBearing(c,0))0&&e-t[0][0]>160;)t.shift()};var Xr=t.bezier(0,0,.3,1),Zr=function(e){this._map=e,this._el=e.getCanvasContainer(),this._state=\"disabled\",t.bindAll([\"_onMove\",\"_onMouseUp\",\"_onTouchEnd\",\"_onBlur\",\"_onDragFrame\"],this)};Zr.prototype.isEnabled=function(){return\"disabled\"!==this._state},Zr.prototype.isActive=function(){return\"active\"===this._state},Zr.prototype.enable=function(){this.isEnabled()||(this._el.classList.add(\"mapboxgl-touch-drag-pan\"),this._state=\"enabled\")},Zr.prototype.disable=function(){if(this.isEnabled())switch(this._el.classList.remove(\"mapboxgl-touch-drag-pan\"),this._state){case\"active\":this._state=\"disabled\",this._unbind(),this._deactivate(),this._fireEvent(\"dragend\"),this._fireEvent(\"moveend\");break;case\"pending\":this._state=\"disabled\",this._unbind();break;default:this._state=\"disabled\"}},Zr.prototype.onMouseDown=function(e){\"enabled\"===this._state&&(e.ctrlKey||0!==s.mouseButton(e)||(s.addEventListener(t.default.document,\"mousemove\",this._onMove,{capture:!0}),s.addEventListener(t.default.document,\"mouseup\",this._onMouseUp),this._start(e)))},Zr.prototype.onTouchStart=function(e){\"enabled\"===this._state&&(e.touches.length>1||(s.addEventListener(t.default.document,\"touchmove\",this._onMove,{capture:!0,passive:!1}),s.addEventListener(t.default.document,\"touchend\",this._onTouchEnd),this._start(e)))},Zr.prototype._start=function(e){t.default.addEventListener(\"blur\",this._onBlur),this._state=\"pending\",this._previousPos=s.mousePos(this._el,e),this._inertia=[[a.now(),this._previousPos]]},Zr.prototype._onMove=function(t){this._lastMoveEvent=t,t.preventDefault(),this._pos=s.mousePos(this._el,t),this._drainInertiaBuffer(),this._inertia.push([a.now(),this._pos]),\"pending\"===this._state&&(this._state=\"active\",this._fireEvent(\"dragstart\",t),this._fireEvent(\"movestart\",t)),this._frameId||(this._frameId=this._map._requestRenderFrame(this._onDragFrame))},Zr.prototype._onDragFrame=function(){this._frameId=null;var t=this._lastMoveEvent;if(t){var e=this._map.transform;e.setLocationAtPoint(e.pointLocation(this._previousPos),this._pos),this._fireEvent(\"drag\",t),this._fireEvent(\"move\",t),this._previousPos=this._pos,delete this._lastMoveEvent}},Zr.prototype._onMouseUp=function(t){if(0===s.mouseButton(t))switch(this._state){case\"active\":this._state=\"enabled\",s.suppressClick(),this._unbind(),this._deactivate(),this._inertialPan(t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Zr.prototype._onTouchEnd=function(t){switch(this._state){case\"active\":this._state=\"enabled\",this._unbind(),this._deactivate(),this._inertialPan(t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Zr.prototype._onBlur=function(t){switch(this._state){case\"active\":this._state=\"enabled\",this._unbind(),this._deactivate(),this._fireEvent(\"dragend\",t),this._fireEvent(\"moveend\",t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Zr.prototype._unbind=function(){s.removeEventListener(t.default.document,\"touchmove\",this._onMove,{capture:!0,passive:!1}),s.removeEventListener(t.default.document,\"touchend\",this._onTouchEnd),s.removeEventListener(t.default.document,\"mousemove\",this._onMove,{capture:!0}),s.removeEventListener(t.default.document,\"mouseup\",this._onMouseUp),s.removeEventListener(t.default,\"blur\",this._onBlur)},Zr.prototype._deactivate=function(){this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),delete this._lastMoveEvent,delete this._previousPos,delete this._pos},Zr.prototype._inertialPan=function(t){this._fireEvent(\"dragend\",t),this._drainInertiaBuffer();var e=this._inertia;if(e.length<2)this._fireEvent(\"moveend\",t);else{var r=e[e.length-1],n=e[0],i=r[1].sub(n[1]),a=(r[0]-n[0])/1e3;if(0===a||r[1].equals(n[1]))this._fireEvent(\"moveend\",t);else{var o=i.mult(.3/a),s=o.mag();s>1400&&(s=1400,o._unit()._mult(s));var l=s/750,c=o.mult(-l/2);this._map.panBy(c,{duration:1e3*l,easing:Xr,noMoveStart:!0},{originalEvent:t})}}},Zr.prototype._fireEvent=function(e,r){return this._map.fire(new t.Event(e,r?{originalEvent:r}:{}))},Zr.prototype._drainInertiaBuffer=function(){for(var t=this._inertia,e=a.now();t.length>0&&e-t[0][0]>160;)t.shift()};var $r=function(e){this._map=e,this._el=e.getCanvasContainer(),t.bindAll([\"_onKeyDown\"],this)};function Jr(t){return t*(2-t)}$r.prototype.isEnabled=function(){return!!this._enabled},$r.prototype.enable=function(){this.isEnabled()||(this._el.addEventListener(\"keydown\",this._onKeyDown,!1),this._enabled=!0)},$r.prototype.disable=function(){this.isEnabled()&&(this._el.removeEventListener(\"keydown\",this._onKeyDown),this._enabled=!1)},$r.prototype._onKeyDown=function(t){if(!(t.altKey||t.ctrlKey||t.metaKey)){var e=0,r=0,n=0,i=0,a=0;switch(t.keyCode){case 61:case 107:case 171:case 187:e=1;break;case 189:case 109:case 173:e=-1;break;case 37:t.shiftKey?r=-1:(t.preventDefault(),i=-1);break;case 39:t.shiftKey?r=1:(t.preventDefault(),i=1);break;case 38:t.shiftKey?n=1:(t.preventDefault(),a=-1);break;case 40:t.shiftKey?n=-1:(a=1,t.preventDefault());break;default:return}var o=this._map,s=o.getZoom(),l={duration:300,delayEndEvents:500,easing:Jr,zoom:e?Math.round(s)+e*(t.shiftKey?2:1):s,bearing:o.getBearing()+15*r,pitch:o.getPitch()+10*n,offset:[100*-i,100*-a],center:o.getCenter()};o.easeTo(l,{originalEvent:t})}};var Kr=function(e){this._map=e,t.bindAll([\"_onDblClick\",\"_onZoomEnd\"],this)};Kr.prototype.isEnabled=function(){return!!this._enabled},Kr.prototype.isActive=function(){return!!this._active},Kr.prototype.enable=function(){this.isEnabled()||(this._enabled=!0)},Kr.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},Kr.prototype.onTouchStart=function(t){var e=this;this.isEnabled()&&(t.points.length>1||(this._tapped?(clearTimeout(this._tapped),this._tapped=null,this._zoom(t)):this._tapped=setTimeout(function(){e._tapped=null},300)))},Kr.prototype.onDblClick=function(t){this.isEnabled()&&(t.originalEvent.preventDefault(),this._zoom(t))},Kr.prototype._zoom=function(t){this._active=!0,this._map.on(\"zoomend\",this._onZoomEnd),this._map.zoomTo(this._map.getZoom()+(t.originalEvent.shiftKey?-1:1),{around:t.lngLat},t)},Kr.prototype._onZoomEnd=function(){this._active=!1,this._map.off(\"zoomend\",this._onZoomEnd)};var Qr=t.bezier(0,0,.15,1),tn=function(e){this._map=e,this._el=e.getCanvasContainer(),t.bindAll([\"_onMove\",\"_onEnd\",\"_onTouchFrame\"],this)};tn.prototype.isEnabled=function(){return!!this._enabled},tn.prototype.enable=function(t){this.isEnabled()||(this._el.classList.add(\"mapboxgl-touch-zoom-rotate\"),this._enabled=!0,this._aroundCenter=!!t&&\"center\"===t.around)},tn.prototype.disable=function(){this.isEnabled()&&(this._el.classList.remove(\"mapboxgl-touch-zoom-rotate\"),this._enabled=!1)},tn.prototype.disableRotation=function(){this._rotationDisabled=!0},tn.prototype.enableRotation=function(){this._rotationDisabled=!1},tn.prototype.onStart=function(e){if(this.isEnabled()&&2===e.touches.length){var r=s.mousePos(this._el,e.touches[0]),n=s.mousePos(this._el,e.touches[1]);this._startVec=r.sub(n),this._gestureIntent=void 0,this._inertia=[],s.addEventListener(t.default.document,\"touchmove\",this._onMove,{passive:!1}),s.addEventListener(t.default.document,\"touchend\",this._onEnd)}},tn.prototype._getTouchEventData=function(t){var e=s.mousePos(this._el,t.touches[0]),r=s.mousePos(this._el,t.touches[1]),n=e.sub(r);return{vec:n,center:e.add(r).div(2),scale:n.mag()/this._startVec.mag(),bearing:this._rotationDisabled?0:180*n.angleWith(this._startVec)/Math.PI}},tn.prototype._onMove=function(e){if(2===e.touches.length){var r=this._getTouchEventData(e),n=r.vec,i=r.scale,a=r.bearing;if(!this._gestureIntent){var o=Math.abs(1-i)>.15;Math.abs(a)>10?this._gestureIntent=\"rotate\":o&&(this._gestureIntent=\"zoom\"),this._gestureIntent&&(this._map.fire(new t.Event(this._gestureIntent+\"start\",{originalEvent:e})),this._map.fire(new t.Event(\"movestart\",{originalEvent:e})),this._startVec=n)}this._lastTouchEvent=e,this._frameId||(this._frameId=this._map._requestRenderFrame(this._onTouchFrame)),e.preventDefault()}},tn.prototype._onTouchFrame=function(){this._frameId=null;var e=this._gestureIntent;if(e){var r=this._map.transform;this._startScale||(this._startScale=r.scale,this._startBearing=r.bearing);var n=this._getTouchEventData(this._lastTouchEvent),i=n.center,o=n.bearing,s=n.scale,l=r.pointLocation(i),c=r.locationPoint(l);\"rotate\"===e&&(r.bearing=this._startBearing+o),r.zoom=r.scaleZoom(this._startScale*s),r.setLocationAtPoint(l,c),this._map.fire(new t.Event(e,{originalEvent:this._lastTouchEvent})),this._map.fire(new t.Event(\"move\",{originalEvent:this._lastTouchEvent})),this._drainInertiaBuffer(),this._inertia.push([a.now(),s,i])}},tn.prototype._onEnd=function(e){s.removeEventListener(t.default.document,\"touchmove\",this._onMove,{passive:!1}),s.removeEventListener(t.default.document,\"touchend\",this._onEnd);var r=this._gestureIntent,n=this._startScale;if(this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),delete this._gestureIntent,delete this._startScale,delete this._startBearing,delete this._lastTouchEvent,r){this._map.fire(new t.Event(r+\"end\",{originalEvent:e})),this._drainInertiaBuffer();var i=this._inertia,a=this._map;if(i.length<2)a.snapToNorth({},{originalEvent:e});else{var o=i[i.length-1],l=i[0],c=a.transform.scaleZoom(n*o[1]),u=a.transform.scaleZoom(n*l[1]),f=c-u,h=(o[0]-l[0])/1e3,p=o[2];if(0!==h&&c!==u){var d=.15*f/h;Math.abs(d)>2.5&&(d=d>0?2.5:-2.5);var g=1e3*Math.abs(d/(12*.15)),v=c+d*g/2e3;v<0&&(v=0),a.easeTo({zoom:v,duration:g,easing:Qr,around:this._aroundCenter?a.getCenter():a.unproject(p),noMoveStart:!0},{originalEvent:e})}else a.snapToNorth({},{originalEvent:e})}}},tn.prototype._drainInertiaBuffer=function(){for(var t=this._inertia,e=a.now();t.length>2&&e-t[0][0]>160;)t.shift()};var en={scrollZoom:Hr,boxZoom:Gr,dragRotate:Yr,dragPan:Zr,keyboard:$r,doubleClickZoom:Kr,touchZoomRotate:tn},rn=function(e){function r(r,n){e.call(this),this._moving=!1,this._zooming=!1,this.transform=r,this._bearingSnap=n.bearingSnap,t.bindAll([\"_renderFrameCallback\"],this)}return e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r,r.prototype.getCenter=function(){return this.transform.center},r.prototype.setCenter=function(t,e){return this.jumpTo({center:t},e)},r.prototype.panBy=function(e,r,n){return e=t.default$1.convert(e).mult(-1),this.panTo(this.transform.center,t.extend({offset:e},r),n)},r.prototype.panTo=function(e,r,n){return this.easeTo(t.extend({center:e},r),n)},r.prototype.getZoom=function(){return this.transform.zoom},r.prototype.setZoom=function(t,e){return this.jumpTo({zoom:t},e),this},r.prototype.zoomTo=function(e,r,n){return this.easeTo(t.extend({zoom:e},r),n)},r.prototype.zoomIn=function(t,e){return this.zoomTo(this.getZoom()+1,t,e),this},r.prototype.zoomOut=function(t,e){return this.zoomTo(this.getZoom()-1,t,e),this},r.prototype.getBearing=function(){return this.transform.bearing},r.prototype.setBearing=function(t,e){return this.jumpTo({bearing:t},e),this},r.prototype.rotateTo=function(e,r,n){return this.easeTo(t.extend({bearing:e},r),n)},r.prototype.resetNorth=function(e,r){return this.rotateTo(0,t.extend({duration:1e3},e),r),this},r.prototype.snapToNorth=function(t,e){return Math.abs(this.getBearing())e?1:0}),[\"bottom\",\"left\",\"right\",\"top\"]))return t.warnOnce(\"options.padding must be a positive number, or an Object with keys 'bottom', 'left', 'right', 'top'\"),this;e=W.convert(e);var a=[(r.padding.left-r.padding.right)/2,(r.padding.top-r.padding.bottom)/2],o=Math.min(r.padding.right,r.padding.left),s=Math.min(r.padding.top,r.padding.bottom);r.offset=[r.offset[0]+a[0],r.offset[1]+a[1]];var l=t.default$1.convert(r.offset),c=this.transform,u=c.project(e.getNorthWest()),f=c.project(e.getSouthEast()),h=f.sub(u),p=(c.width-2*o-2*Math.abs(l.x))/h.x,d=(c.height-2*s-2*Math.abs(l.y))/h.y;return d<0||p<0?(t.warnOnce(\"Map cannot fit within canvas with the given bounds, padding, and/or offset.\"),this):(r.center=c.unproject(u.add(f).div(2)),r.zoom=Math.min(c.scaleZoom(c.scale*Math.min(p,d)),r.maxZoom),r.bearing=0,r.linear?this.easeTo(r,n):this.flyTo(r,n))},r.prototype.jumpTo=function(e,r){this.stop();var n=this.transform,i=!1,a=!1,o=!1;return\"zoom\"in e&&n.zoom!==+e.zoom&&(i=!0,n.zoom=+e.zoom),void 0!==e.center&&(n.center=G.convert(e.center)),\"bearing\"in e&&n.bearing!==+e.bearing&&(a=!0,n.bearing=+e.bearing),\"pitch\"in e&&n.pitch!==+e.pitch&&(o=!0,n.pitch=+e.pitch),this.fire(new t.Event(\"movestart\",r)).fire(new t.Event(\"move\",r)),i&&this.fire(new t.Event(\"zoomstart\",r)).fire(new t.Event(\"zoom\",r)).fire(new t.Event(\"zoomend\",r)),a&&this.fire(new t.Event(\"rotatestart\",r)).fire(new t.Event(\"rotate\",r)).fire(new t.Event(\"rotateend\",r)),o&&this.fire(new t.Event(\"pitchstart\",r)).fire(new t.Event(\"pitch\",r)).fire(new t.Event(\"pitchend\",r)),this.fire(new t.Event(\"moveend\",r))},r.prototype.easeTo=function(e,r){var n=this;this.stop(),!1===(e=t.extend({offset:[0,0],duration:500,easing:t.ease},e)).animate&&(e.duration=0);var i=this.transform,a=this.getZoom(),o=this.getBearing(),s=this.getPitch(),l=\"zoom\"in e?+e.zoom:a,c=\"bearing\"in e?this._normalizeBearing(e.bearing,o):o,u=\"pitch\"in e?+e.pitch:s,f=i.centerPoint.add(t.default$1.convert(e.offset)),h=i.pointLocation(f),p=G.convert(e.center||h);this._normalizeCenter(p);var d,g,v=i.project(h),m=i.project(p).sub(v),y=i.zoomScale(l-a);return e.around&&(d=G.convert(e.around),g=i.locationPoint(d)),this._zooming=l!==a,this._rotating=o!==c,this._pitching=u!==s,this._prepareEase(r,e.noMoveStart),clearTimeout(this._easeEndTimeoutID),this._ease(function(e){if(n._zooming&&(i.zoom=t.number(a,l,e)),n._rotating&&(i.bearing=t.number(o,c,e)),n._pitching&&(i.pitch=t.number(s,u,e)),d)i.setLocationAtPoint(d,g);else{var h=i.zoomScale(i.zoom-a),p=l>a?Math.min(2,y):Math.max(.5,y),x=Math.pow(p,1-e),b=i.unproject(v.add(m.mult(e*x)).mult(h));i.setLocationAtPoint(i.renderWorldCopies?b.wrap():b,f)}n._fireMoveEvents(r)},function(){e.delayEndEvents?n._easeEndTimeoutID=setTimeout(function(){return n._afterEase(r)},e.delayEndEvents):n._afterEase(r)},e),this},r.prototype._prepareEase=function(e,r){this._moving=!0,r||this.fire(new t.Event(\"movestart\",e)),this._zooming&&this.fire(new t.Event(\"zoomstart\",e)),this._rotating&&this.fire(new t.Event(\"rotatestart\",e)),this._pitching&&this.fire(new t.Event(\"pitchstart\",e))},r.prototype._fireMoveEvents=function(e){this.fire(new t.Event(\"move\",e)),this._zooming&&this.fire(new t.Event(\"zoom\",e)),this._rotating&&this.fire(new t.Event(\"rotate\",e)),this._pitching&&this.fire(new t.Event(\"pitch\",e))},r.prototype._afterEase=function(e){var r=this._zooming,n=this._rotating,i=this._pitching;this._moving=!1,this._zooming=!1,this._rotating=!1,this._pitching=!1,r&&this.fire(new t.Event(\"zoomend\",e)),n&&this.fire(new t.Event(\"rotateend\",e)),i&&this.fire(new t.Event(\"pitchend\",e)),this.fire(new t.Event(\"moveend\",e))},r.prototype.flyTo=function(e,r){var n=this;this.stop(),e=t.extend({offset:[0,0],speed:1.2,curve:1.42,easing:t.ease},e);var i=this.transform,a=this.getZoom(),o=this.getBearing(),s=this.getPitch(),l=\"zoom\"in e?t.clamp(+e.zoom,i.minZoom,i.maxZoom):a,c=\"bearing\"in e?this._normalizeBearing(e.bearing,o):o,u=\"pitch\"in e?+e.pitch:s,f=i.zoomScale(l-a),h=i.centerPoint.add(t.default$1.convert(e.offset)),p=i.pointLocation(h),d=G.convert(e.center||p);this._normalizeCenter(d);var g=i.project(p),v=i.project(d).sub(g),m=e.curve,y=Math.max(i.width,i.height),x=y/f,b=v.mag();if(\"minZoom\"in e){var _=t.clamp(Math.min(e.minZoom,a,l),i.minZoom,i.maxZoom),w=y/i.zoomScale(_-a);m=Math.sqrt(w/b*2)}var k=m*m;function M(t){var e=(x*x-y*y+(t?-1:1)*k*k*b*b)/(2*(t?x:y)*k*b);return Math.log(Math.sqrt(e*e+1)-e)}function A(t){return(Math.exp(t)-Math.exp(-t))/2}function T(t){return(Math.exp(t)+Math.exp(-t))/2}var S=M(0),E=function(t){return T(S)/T(S+m*t)},C=function(t){return y*((T(S)*(A(e=S+m*t)/T(e))-A(S))/k)/b;var e},L=(M(1)-S)/m;if(Math.abs(b)<1e-6||!isFinite(L)){if(Math.abs(y-x)<1e-6)return this.easeTo(e,r);var z=xe.maxDuration&&(e.duration=0),this._zooming=!0,this._rotating=o!==c,this._pitching=u!==s,this._prepareEase(r,!1),this._ease(function(e){var l=e*L,f=1/E(l);i.zoom=a+i.scaleZoom(f),n._rotating&&(i.bearing=t.number(o,c,e)),n._pitching&&(i.pitch=t.number(s,u,e));var p=i.unproject(g.add(v.mult(C(l))).mult(f));i.setLocationAtPoint(i.renderWorldCopies?p.wrap():p,h),n._fireMoveEvents(r)},function(){return n._afterEase(r)},e),this},r.prototype.isEasing=function(){return!!this._easeFrameId},r.prototype.stop=function(){if(this._easeFrameId&&(this._cancelRenderFrame(this._easeFrameId),delete this._easeFrameId,delete this._onEaseFrame),this._onEaseEnd){var t=this._onEaseEnd;delete this._onEaseEnd,t.call(this)}return this},r.prototype._ease=function(t,e,r){!1===r.animate||0===r.duration?(t(1),e()):(this._easeStart=a.now(),this._easeOptions=r,this._onEaseFrame=t,this._onEaseEnd=e,this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback))},r.prototype._renderFrameCallback=function(){var t=Math.min((a.now()-this._easeStart)/this._easeOptions.duration,1);this._onEaseFrame(this._easeOptions.easing(t)),t<1?this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback):this.stop()},r.prototype._normalizeBearing=function(e,r){e=t.wrap(e,-180,180);var n=Math.abs(e-r);return Math.abs(e-360-r)180?-360:r<-180?360:0}},r}(t.Evented),nn=function(e){void 0===e&&(e={}),this.options=e,t.bindAll([\"_updateEditLink\",\"_updateData\",\"_updateCompact\"],this)};nn.prototype.getDefaultPosition=function(){return\"bottom-right\"},nn.prototype.onAdd=function(t){var e=this.options&&this.options.compact;return this._map=t,this._container=s.create(\"div\",\"mapboxgl-ctrl mapboxgl-ctrl-attrib\"),e&&this._container.classList.add(\"mapboxgl-compact\"),this._updateAttributions(),this._updateEditLink(),this._map.on(\"sourcedata\",this._updateData),this._map.on(\"moveend\",this._updateEditLink),void 0===e&&(this._map.on(\"resize\",this._updateCompact),this._updateCompact()),this._container},nn.prototype.onRemove=function(){s.remove(this._container),this._map.off(\"sourcedata\",this._updateData),this._map.off(\"moveend\",this._updateEditLink),this._map.off(\"resize\",this._updateCompact),this._map=void 0},nn.prototype._updateEditLink=function(){var t=this._editLink;t||(t=this._editLink=this._container.querySelector(\".mapbox-improve-map\"));var e=[{key:\"owner\",value:this.styleOwner},{key:\"id\",value:this.styleId},{key:\"access_token\",value:v.ACCESS_TOKEN}];if(t){var r=e.reduce(function(t,r,n){return r.value&&(t+=r.key+\"=\"+r.value+(n=0)return!1;return!0})).length?(this._container.innerHTML=t.join(\" | \"),this._container.classList.remove(\"mapboxgl-attrib-empty\")):this._container.classList.add(\"mapboxgl-attrib-empty\"),this._editLink=null}},nn.prototype._updateCompact=function(){this._map.getCanvasContainer().offsetWidth<=640?this._container.classList.add(\"mapboxgl-compact\"):this._container.classList.remove(\"mapboxgl-compact\")};var an=function(){t.bindAll([\"_updateLogo\"],this)};an.prototype.onAdd=function(t){this._map=t,this._container=s.create(\"div\",\"mapboxgl-ctrl\");var e=s.create(\"a\",\"mapboxgl-ctrl-logo\");return e.target=\"_blank\",e.href=\"https://www.mapbox.com/\",e.setAttribute(\"aria-label\",\"Mapbox logo\"),this._container.appendChild(e),this._container.style.display=\"none\",this._map.on(\"sourcedata\",this._updateLogo),this._updateLogo(),this._container},an.prototype.onRemove=function(){s.remove(this._container),this._map.off(\"sourcedata\",this._updateLogo)},an.prototype.getDefaultPosition=function(){return\"bottom-left\"},an.prototype._updateLogo=function(t){t&&\"metadata\"!==t.sourceDataType||(this._container.style.display=this._logoRequired()?\"block\":\"none\")},an.prototype._logoRequired=function(){if(this._map.style){var t=this._map.style.sourceCaches;for(var e in t)if(t[e].getSource().mapbox_logo)return!0;return!1}};var on=function(){this._queue=[],this._id=0,this._cleared=!1,this._currentlyRunning=!1};on.prototype.add=function(t){var e=++this._id;return this._queue.push({callback:t,id:e,cancelled:!1}),e},on.prototype.remove=function(t){for(var e=this._currentlyRunning,r=0,n=e?this._queue.concat(e):this._queue;re.maxZoom)throw new Error(\"maxZoom must be greater than minZoom\");var n=new Fr(e.minZoom,e.maxZoom,e.renderWorldCopies);r.call(this,n,e),this._interactive=e.interactive,this._maxTileCacheSize=e.maxTileCacheSize,this._failIfMajorPerformanceCaveat=e.failIfMajorPerformanceCaveat,this._preserveDrawingBuffer=e.preserveDrawingBuffer,this._trackResize=e.trackResize,this._bearingSnap=e.bearingSnap,this._refreshExpiredTiles=e.refreshExpiredTiles,this._fadeDuration=e.fadeDuration,this._crossFadingFactor=1,this._collectResourceTiming=e.collectResourceTiming,this._renderTaskQueue=new on;var i=e.transformRequest;if(this._transformRequest=i?function(t,e){return i(t,e)||{url:t}}:function(t){return{url:t}},\"string\"==typeof e.container){var a=t.default.document.getElementById(e.container);if(!a)throw new Error(\"Container '\"+e.container+\"' not found.\");this._container=a}else{if(!(e.container instanceof ln))throw new Error(\"Invalid type: 'container' must be a String or HTMLElement.\");this._container=e.container}e.maxBounds&&this.setMaxBounds(e.maxBounds),t.bindAll([\"_onWindowOnline\",\"_onWindowResize\",\"_contextLost\",\"_contextRestored\",\"_update\",\"_render\",\"_onData\",\"_onDataLoading\"],this),this._setupContainer(),this._setupPainter(),this.on(\"move\",this._update.bind(this,!1)),this.on(\"zoom\",this._update.bind(this,!0)),void 0!==t.default&&(t.default.addEventListener(\"online\",this._onWindowOnline,!1),t.default.addEventListener(\"resize\",this._onWindowResize,!1)),function(t,e){var r=t.getCanvasContainer(),n=null,i=!1;for(var a in en)t[a]=new en[a](t,e),e.interactive&&e[a]&&t[a].enable(e[a]);s.addEventListener(r,\"mouseout\",function(e){t.fire(new Vr(\"mouseout\",t,e))}),s.addEventListener(r,\"mousedown\",function(r){i=!0;var n=new Vr(\"mousedown\",t,r);t.fire(n),n.defaultPrevented||(e.interactive&&!t.doubleClickZoom.isActive()&&t.stop(),t.boxZoom.onMouseDown(r),t.boxZoom.isActive()||t.dragPan.isActive()||t.dragRotate.onMouseDown(r),t.boxZoom.isActive()||t.dragRotate.isActive()||t.dragPan.onMouseDown(r))}),s.addEventListener(r,\"mouseup\",function(e){var r=t.dragRotate.isActive();n&&!r&&t.fire(new Vr(\"contextmenu\",t,n)),n=null,i=!1,t.fire(new Vr(\"mouseup\",t,e))}),s.addEventListener(r,\"mousemove\",function(e){if(!t.dragPan.isActive()&&!t.dragRotate.isActive()){for(var n=e.toElement||e.target;n&&n!==r;)n=n.parentNode;n===r&&t.fire(new Vr(\"mousemove\",t,e))}}),s.addEventListener(r,\"mouseover\",function(e){for(var n=e.toElement||e.target;n&&n!==r;)n=n.parentNode;n===r&&t.fire(new Vr(\"mouseover\",t,e))}),s.addEventListener(r,\"touchstart\",function(r){var n=new Ur(\"touchstart\",t,r);t.fire(n),n.defaultPrevented||(e.interactive&&t.stop(),t.boxZoom.isActive()||t.dragRotate.isActive()||t.dragPan.onTouchStart(r),t.touchZoomRotate.onStart(r),t.doubleClickZoom.onTouchStart(n))},{passive:!1}),s.addEventListener(r,\"touchmove\",function(e){t.fire(new Ur(\"touchmove\",t,e))},{passive:!1}),s.addEventListener(r,\"touchend\",function(e){t.fire(new Ur(\"touchend\",t,e))}),s.addEventListener(r,\"touchcancel\",function(e){t.fire(new Ur(\"touchcancel\",t,e))}),s.addEventListener(r,\"click\",function(e){t.fire(new Vr(\"click\",t,e))}),s.addEventListener(r,\"dblclick\",function(e){var r=new Vr(\"dblclick\",t,e);t.fire(r),r.defaultPrevented||t.doubleClickZoom.onDblClick(r)}),s.addEventListener(r,\"contextmenu\",function(e){var r=t.dragRotate.isActive();i||r?i&&(n=e):t.fire(new Vr(\"contextmenu\",t,e)),e.preventDefault()}),s.addEventListener(r,\"wheel\",function(e){var r=new qr(\"wheel\",t,e);t.fire(r),r.defaultPrevented||t.scrollZoom.onWheel(e)},{passive:!1})}(this,e),this._hash=e.hash&&(new jr).addTo(this),this._hash&&this._hash._onHashChange()||this.jumpTo({center:e.center,zoom:e.zoom,bearing:e.bearing,pitch:e.pitch}),this.resize(),e.style&&this.setStyle(e.style,{localIdeographFontFamily:e.localIdeographFontFamily}),e.attributionControl&&this.addControl(new nn),this.addControl(new an,e.logoPosition),this.on(\"style.load\",function(){this.transform.unmodified&&this.jumpTo(this.style.stylesheet)}),this.on(\"data\",this._onData),this.on(\"dataloading\",this._onDataLoading)}r&&(n.__proto__=r),n.prototype=Object.create(r&&r.prototype),n.prototype.constructor=n;var i={showTileBoundaries:{configurable:!0},showCollisionBoxes:{configurable:!0},showOverdrawInspector:{configurable:!0},repaint:{configurable:!0},vertices:{configurable:!0}};return n.prototype.addControl=function(t,e){void 0===e&&t.getDefaultPosition&&(e=t.getDefaultPosition()),void 0===e&&(e=\"top-right\");var r=t.onAdd(this),n=this._controlPositions[e];return-1!==e.indexOf(\"bottom\")?n.insertBefore(r,n.firstChild):n.appendChild(r),this},n.prototype.removeControl=function(t){return t.onRemove(this),this},n.prototype.resize=function(e){var r=this._containerDimensions(),n=r[0],i=r[1];return this._resizeCanvas(n,i),this.transform.resize(n,i),this.painter.resize(n,i),this.fire(new t.Event(\"movestart\",e)).fire(new t.Event(\"move\",e)).fire(new t.Event(\"resize\",e)).fire(new t.Event(\"moveend\",e))},n.prototype.getBounds=function(){var e=new W(this.transform.pointLocation(new t.default$1(0,this.transform.height)),this.transform.pointLocation(new t.default$1(this.transform.width,0)));return(this.transform.angle||this.transform.pitch)&&(e.extend(this.transform.pointLocation(new t.default$1(this.transform.size.x,0))),e.extend(this.transform.pointLocation(new t.default$1(0,this.transform.size.y)))),e},n.prototype.getMaxBounds=function(){return this.transform.latRange&&2===this.transform.latRange.length&&this.transform.lngRange&&2===this.transform.lngRange.length?new W([this.transform.lngRange[0],this.transform.latRange[0]],[this.transform.lngRange[1],this.transform.latRange[1]]):null},n.prototype.setMaxBounds=function(t){if(t){var e=W.convert(t);this.transform.lngRange=[e.getWest(),e.getEast()],this.transform.latRange=[e.getSouth(),e.getNorth()],this.transform._constrain(),this._update()}else null==t&&(this.transform.lngRange=null,this.transform.latRange=null,this._update());return this},n.prototype.setMinZoom=function(t){if((t=null==t?0:t)>=0&&t<=this.transform.maxZoom)return this.transform.minZoom=t,this._update(),this.getZoom()=this.transform.minZoom)return this.transform.maxZoom=t,this._update(),this.getZoom()>t&&this.setZoom(t),this;throw new Error(\"maxZoom must be greater than the current minZoom\")},n.prototype.getRenderWorldCopies=function(){return this.transform.renderWorldCopies},n.prototype.setRenderWorldCopies=function(t){return this.transform.renderWorldCopies=t,this._update(),this},n.prototype.getMaxZoom=function(){return this.transform.maxZoom},n.prototype.project=function(t){return this.transform.locationPoint(G.convert(t))},n.prototype.unproject=function(e){return this.transform.pointLocation(t.default$1.convert(e))},n.prototype.isMoving=function(){return this._moving||this.dragPan.isActive()||this.dragRotate.isActive()||this.scrollZoom.isActive()},n.prototype.isZooming=function(){return this._zooming||this.scrollZoom.isActive()},n.prototype.isRotating=function(){return this._rotating||this.dragRotate.isActive()},n.prototype.on=function(t,e,n){var i,a=this;if(void 0===n)return r.prototype.on.call(this,t,e);var o=function(){if(\"mouseenter\"===t||\"mouseover\"===t){var r=!1;return{layer:e,listener:n,delegates:{mousemove:function(i){var o=a.getLayer(e)?a.queryRenderedFeatures(i.point,{layers:[e]}):[];o.length?r||(r=!0,n.call(a,new Vr(t,a,i.originalEvent,{features:o}))):r=!1},mouseout:function(){r=!1}}}}if(\"mouseleave\"===t||\"mouseout\"===t){var o=!1;return{layer:e,listener:n,delegates:{mousemove:function(r){(a.getLayer(e)?a.queryRenderedFeatures(r.point,{layers:[e]}):[]).length?o=!0:o&&(o=!1,n.call(a,new Vr(t,a,r.originalEvent)))},mouseout:function(e){o&&(o=!1,n.call(a,new Vr(t,a,e.originalEvent)))}}}}return{layer:e,listener:n,delegates:(i={},i[t]=function(t){var r=a.getLayer(e)?a.queryRenderedFeatures(t.point,{layers:[e]}):[];r.length&&(t.features=r,n.call(a,t),delete t.features)},i)}}();for(var s in this._delegatedListeners=this._delegatedListeners||{},this._delegatedListeners[t]=this._delegatedListeners[t]||[],this._delegatedListeners[t].push(o),o.delegates)a.on(s,o.delegates[s]);return this},n.prototype.off=function(t,e,n){if(void 0===n)return r.prototype.off.call(this,t,e);if(this._delegatedListeners&&this._delegatedListeners[t])for(var i=this._delegatedListeners[t],a=0;a180;){var o=r.locationPoint(t);if(o.x>=0&&o.y>=0&&o.x<=r.width&&o.y<=r.height)break;t.lng>r.center.lng?t.lng-=360:t.lng+=360}return t}pn.prototype._rotateCompassArrow=function(){var t=\"rotate(\"+this._map.transform.angle*(180/Math.PI)+\"deg)\";this._compassArrow.style.transform=t},pn.prototype.onAdd=function(t){return this._map=t,this.options.showCompass&&(this._map.on(\"rotate\",this._rotateCompassArrow),this._rotateCompassArrow(),this._handler=new Yr(t,{button:\"left\",element:this._compass}),this._handler.enable()),this._container},pn.prototype.onRemove=function(){s.remove(this._container),this.options.showCompass&&(this._map.off(\"rotate\",this._rotateCompassArrow),this._handler.disable(),delete this._handler),delete this._map},pn.prototype._createButton=function(t,e,r){var n=s.create(\"button\",t,this._container);return n.type=\"button\",n.setAttribute(\"aria-label\",e),n.addEventListener(\"click\",r),n};var gn={center:\"translate(-50%,-50%)\",top:\"translate(-50%,0)\",\"top-left\":\"translate(0,0)\",\"top-right\":\"translate(-100%,0)\",bottom:\"translate(-50%,-100%)\",\"bottom-left\":\"translate(0,-100%)\",\"bottom-right\":\"translate(-100%,-100%)\",left:\"translate(0,-50%)\",right:\"translate(-100%,-50%)\"};function vn(t,e,r){var n=t.classList;for(var i in gn)n.remove(\"mapboxgl-\"+r+\"-anchor-\"+i);n.add(\"mapboxgl-\"+r+\"-anchor-\"+e)}var mn=function(e){if((arguments[0]instanceof t.default.HTMLElement||2===arguments.length)&&(e=t.extend({element:e},arguments[1])),t.bindAll([\"_update\",\"_onMapClick\"],this),this._anchor=e&&e.anchor||\"center\",this._color=e&&e.color||\"#3FB1CE\",e&&e.element)this._element=e.element,this._offset=t.default$1.convert(e&&e.offset||[0,0]);else{this._defaultMarker=!0,this._element=s.create(\"div\");var r=s.createNS(\"http://www.w3.org/2000/svg\",\"svg\");r.setAttributeNS(null,\"height\",\"41px\"),r.setAttributeNS(null,\"width\",\"27px\"),r.setAttributeNS(null,\"viewBox\",\"0 0 27 41\");var n=s.createNS(\"http://www.w3.org/2000/svg\",\"g\");n.setAttributeNS(null,\"stroke\",\"none\"),n.setAttributeNS(null,\"stroke-width\",\"1\"),n.setAttributeNS(null,\"fill\",\"none\"),n.setAttributeNS(null,\"fill-rule\",\"evenodd\");var i=s.createNS(\"http://www.w3.org/2000/svg\",\"g\");i.setAttributeNS(null,\"fill-rule\",\"nonzero\");var a=s.createNS(\"http://www.w3.org/2000/svg\",\"g\");a.setAttributeNS(null,\"transform\",\"translate(3.0, 29.0)\"),a.setAttributeNS(null,\"fill\",\"#000000\");for(var o=0,l=[{rx:\"10.5\",ry:\"5.25002273\"},{rx:\"10.5\",ry:\"5.25002273\"},{rx:\"9.5\",ry:\"4.77275007\"},{rx:\"8.5\",ry:\"4.29549936\"},{rx:\"7.5\",ry:\"3.81822308\"},{rx:\"6.5\",ry:\"3.34094679\"},{rx:\"5.5\",ry:\"2.86367051\"},{rx:\"4.5\",ry:\"2.38636864\"}];o5280?Mn(e,c,h/5280,\"mi\"):Mn(e,c,h,\"ft\")}else r&&\"nautical\"===r.unit?Mn(e,c,f/1852,\"nm\"):Mn(e,c,f,\"m\")}function Mn(t,e,r,n){var i,a,o,s=(i=r,(a=Math.pow(10,(\"\"+Math.floor(i)).length-1))*(o=(o=i/a)>=10?10:o>=5?5:o>=3?3:o>=2?2:1)),l=s/r;\"m\"===n&&s>=1e3&&(s/=1e3,n=\"km\"),t.style.width=e*l+\"px\",t.innerHTML=s+n}wn.prototype.getDefaultPosition=function(){return\"bottom-left\"},wn.prototype._onMove=function(){kn(this._map,this._container,this.options)},wn.prototype.onAdd=function(t){return this._map=t,this._container=s.create(\"div\",\"mapboxgl-ctrl mapboxgl-ctrl-scale\",t.getContainer()),this._map.on(\"move\",this._onMove),this._onMove(),this._container},wn.prototype.onRemove=function(){s.remove(this._container),this._map.off(\"move\",this._onMove),this._map=void 0},wn.prototype.setUnit=function(t){this.options.unit=t,kn(this._map,this._container,this.options)};var An=function(){this._fullscreen=!1,t.bindAll([\"_onClickFullscreen\",\"_changeIcon\"],this),\"onfullscreenchange\"in t.default.document?this._fullscreenchange=\"fullscreenchange\":\"onmozfullscreenchange\"in t.default.document?this._fullscreenchange=\"mozfullscreenchange\":\"onwebkitfullscreenchange\"in t.default.document?this._fullscreenchange=\"webkitfullscreenchange\":\"onmsfullscreenchange\"in t.default.document&&(this._fullscreenchange=\"MSFullscreenChange\"),this._className=\"mapboxgl-ctrl\"};An.prototype.onAdd=function(e){return this._map=e,this._mapContainer=this._map.getContainer(),this._container=s.create(\"div\",this._className+\" mapboxgl-ctrl-group\"),this._checkFullscreenSupport()?this._setupUI():(this._container.style.display=\"none\",t.warnOnce(\"This device does not support fullscreen mode.\")),this._container},An.prototype.onRemove=function(){s.remove(this._container),this._map=null,t.default.document.removeEventListener(this._fullscreenchange,this._changeIcon)},An.prototype._checkFullscreenSupport=function(){return!!(t.default.document.fullscreenEnabled||t.default.document.mozFullScreenEnabled||t.default.document.msFullscreenEnabled||t.default.document.webkitFullscreenEnabled)},An.prototype._setupUI=function(){var e=this._fullscreenButton=s.create(\"button\",this._className+\"-icon \"+this._className+\"-fullscreen\",this._container);e.setAttribute(\"aria-label\",\"Toggle fullscreen\"),e.type=\"button\",this._fullscreenButton.addEventListener(\"click\",this._onClickFullscreen),t.default.document.addEventListener(this._fullscreenchange,this._changeIcon)},An.prototype._isFullscreen=function(){return this._fullscreen},An.prototype._changeIcon=function(){(t.default.document.fullscreenElement||t.default.document.mozFullScreenElement||t.default.document.webkitFullscreenElement||t.default.document.msFullscreenElement)===this._mapContainer!==this._fullscreen&&(this._fullscreen=!this._fullscreen,this._fullscreenButton.classList.toggle(this._className+\"-shrink\"),this._fullscreenButton.classList.toggle(this._className+\"-fullscreen\"))},An.prototype._onClickFullscreen=function(){this._isFullscreen()?t.default.document.exitFullscreen?t.default.document.exitFullscreen():t.default.document.mozCancelFullScreen?t.default.document.mozCancelFullScreen():t.default.document.msExitFullscreen?t.default.document.msExitFullscreen():t.default.document.webkitCancelFullScreen&&t.default.document.webkitCancelFullScreen():this._mapContainer.requestFullscreen?this._mapContainer.requestFullscreen():this._mapContainer.mozRequestFullScreen?this._mapContainer.mozRequestFullScreen():this._mapContainer.msRequestFullscreen?this._mapContainer.msRequestFullscreen():this._mapContainer.webkitRequestFullscreen&&this._mapContainer.webkitRequestFullscreen()};var Tn={closeButton:!0,closeOnClick:!0},Sn=function(e){function r(r){e.call(this),this.options=t.extend(Object.create(Tn),r),t.bindAll([\"_update\",\"_onClickClose\"],this)}return e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r,r.prototype.addTo=function(e){return this._map=e,this._map.on(\"move\",this._update),this.options.closeOnClick&&this._map.on(\"click\",this._onClickClose),this._update(),this.fire(new t.Event(\"open\")),this},r.prototype.isOpen=function(){return!!this._map},r.prototype.remove=function(){return this._content&&s.remove(this._content),this._container&&(s.remove(this._container),delete this._container),this._map&&(this._map.off(\"move\",this._update),this._map.off(\"click\",this._onClickClose),delete this._map),this.fire(new t.Event(\"close\")),this},r.prototype.getLngLat=function(){return this._lngLat},r.prototype.setLngLat=function(t){return this._lngLat=G.convert(t),this._pos=null,this._update(),this},r.prototype.setText=function(e){return this.setDOMContent(t.default.document.createTextNode(e))},r.prototype.setHTML=function(e){var r,n=t.default.document.createDocumentFragment(),i=t.default.document.createElement(\"body\");for(i.innerHTML=e;r=i.firstChild;)n.appendChild(r);return this.setDOMContent(n)},r.prototype.setDOMContent=function(t){return this._createContent(),this._content.appendChild(t),this._update(),this},r.prototype._createContent=function(){this._content&&s.remove(this._content),this._content=s.create(\"div\",\"mapboxgl-popup-content\",this._container),this.options.closeButton&&(this._closeButton=s.create(\"button\",\"mapboxgl-popup-close-button\",this._content),this._closeButton.type=\"button\",this._closeButton.setAttribute(\"aria-label\",\"Close popup\"),this._closeButton.innerHTML=\"×\",this._closeButton.addEventListener(\"click\",this._onClickClose))},r.prototype._update=function(){if(this._map&&this._lngLat&&this._content){this._container||(this._container=s.create(\"div\",\"mapboxgl-popup\",this._map.getContainer()),this._tip=s.create(\"div\",\"mapboxgl-popup-tip\",this._container),this._container.appendChild(this._content)),this._map.transform.renderWorldCopies&&(this._lngLat=dn(this._lngLat,this._pos,this._map.transform));var e=this._pos=this._map.project(this._lngLat),r=this.options.anchor,n=function e(r){if(r){if(\"number\"==typeof r){var n=Math.round(Math.sqrt(.5*Math.pow(r,2)));return{center:new t.default$1(0,0),top:new t.default$1(0,r),\"top-left\":new t.default$1(n,n),\"top-right\":new t.default$1(-n,n),bottom:new t.default$1(0,-r),\"bottom-left\":new t.default$1(n,-n),\"bottom-right\":new t.default$1(-n,-n),left:new t.default$1(r,0),right:new t.default$1(-r,0)}}if(r instanceof t.default$1||Array.isArray(r)){var i=t.default$1.convert(r);return{center:i,top:i,\"top-left\":i,\"top-right\":i,bottom:i,\"bottom-left\":i,\"bottom-right\":i,left:i,right:i}}return{center:t.default$1.convert(r.center||[0,0]),top:t.default$1.convert(r.top||[0,0]),\"top-left\":t.default$1.convert(r[\"top-left\"]||[0,0]),\"top-right\":t.default$1.convert(r[\"top-right\"]||[0,0]),bottom:t.default$1.convert(r.bottom||[0,0]),\"bottom-left\":t.default$1.convert(r[\"bottom-left\"]||[0,0]),\"bottom-right\":t.default$1.convert(r[\"bottom-right\"]||[0,0]),left:t.default$1.convert(r.left||[0,0]),right:t.default$1.convert(r.right||[0,0])}}return e(new t.default$1(0,0))}(this.options.offset);if(!r){var i,a=this._container.offsetWidth,o=this._container.offsetHeight;i=e.y+n.bottom.ythis._map.transform.height-o?[\"bottom\"]:[],e.xthis._map.transform.width-a/2&&i.push(\"right\"),r=0===i.length?\"bottom\":i.join(\"-\")}var l=e.add(n[r]).round();s.setTransform(this._container,gn[r]+\" translate(\"+l.x+\"px,\"+l.y+\"px)\"),vn(this._container,r,\"popup\")}},r.prototype._onClickClose=function(){this.remove()},r}(t.Evented),En={version:\"0.45.0\",supported:e,workerCount:Math.max(Math.floor(a.hardwareConcurrency/2),1),setRTLTextPlugin:t.setRTLTextPlugin,Map:un,NavigationControl:pn,GeolocateControl:bn,AttributionControl:nn,ScaleControl:wn,FullscreenControl:An,Popup:Sn,Marker:mn,Style:Je,LngLat:G,LngLatBounds:W,Point:t.default$1,Evented:t.Evented,config:v,get accessToken(){return v.ACCESS_TOKEN},set accessToken(t){v.ACCESS_TOKEN=t},workerUrl:\"\"};return En}),n})}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{}],410:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=1<p[1][2]&&(m[0]=-m[0]),p[0][2]>p[2][0]&&(m[1]=-m[1]),p[1][0]>p[0][1]&&(m[2]=-m[2]),!0}},{\"./normalize\":412,\"gl-mat4/clone\":248,\"gl-mat4/create\":249,\"gl-mat4/determinant\":250,\"gl-mat4/invert\":254,\"gl-mat4/transpose\":264,\"gl-vec3/cross\":317,\"gl-vec3/dot\":322,\"gl-vec3/length\":332,\"gl-vec3/normalize\":339}],412:[function(t,e,r){e.exports=function(t,e){var r=e[15];if(0===r)return!1;for(var n=1/r,i=0;i<16;i++)t[i]=e[i]*n;return!0}},{}],413:[function(t,e,r){var n=t(\"gl-vec3/lerp\"),i=t(\"mat4-recompose\"),a=t(\"mat4-decompose\"),o=t(\"gl-mat4/determinant\"),s=t(\"quat-slerp\"),l=f(),c=f(),u=f();function f(){return{translate:h(),scale:h(1),skew:h(),perspective:[0,0,0,1],quaternion:[0,0,0,1]}}function h(t){return[t||0,t||0,t||0]}e.exports=function(t,e,r,f){if(0===o(e)||0===o(r))return!1;var h=a(e,l.translate,l.scale,l.skew,l.perspective,l.quaternion),p=a(r,c.translate,c.scale,c.skew,c.perspective,c.quaternion);return!(!h||!p||(n(u.translate,l.translate,c.translate,f),n(u.skew,l.skew,c.skew,f),n(u.scale,l.scale,c.scale,f),n(u.perspective,l.perspective,c.perspective,f),s(u.quaternion,l.quaternion,c.quaternion,f),i(t,u.translate,u.scale,u.skew,u.perspective,u.quaternion),0))}},{\"gl-mat4/determinant\":250,\"gl-vec3/lerp\":333,\"mat4-decompose\":411,\"mat4-recompose\":414,\"quat-slerp\":466}],414:[function(t,e,r){var n={identity:t(\"gl-mat4/identity\"),translate:t(\"gl-mat4/translate\"),multiply:t(\"gl-mat4/multiply\"),create:t(\"gl-mat4/create\"),scale:t(\"gl-mat4/scale\"),fromRotationTranslation:t(\"gl-mat4/fromRotationTranslation\")},i=(n.create(),n.create());e.exports=function(t,e,r,a,o,s){return n.identity(t),n.fromRotationTranslation(t,s,e),t[3]=o[0],t[7]=o[1],t[11]=o[2],t[15]=o[3],n.identity(i),0!==a[2]&&(i[9]=a[2],n.multiply(t,t,i)),0!==a[1]&&(i[9]=0,i[8]=a[1],n.multiply(t,t,i)),0!==a[0]&&(i[8]=0,i[4]=a[0],n.multiply(t,t,i)),n.scale(t,t,r),t}},{\"gl-mat4/create\":249,\"gl-mat4/fromRotationTranslation\":252,\"gl-mat4/identity\":253,\"gl-mat4/multiply\":256,\"gl-mat4/scale\":262,\"gl-mat4/translate\":263}],415:[function(t,e,r){\"use strict\";e.exports=Math.log2||function(t){return Math.log(t)*Math.LOG2E}},{}],416:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\"),i=t(\"mat4-interpolate\"),a=t(\"gl-mat4/invert\"),o=t(\"gl-mat4/rotateX\"),s=t(\"gl-mat4/rotateY\"),l=t(\"gl-mat4/rotateZ\"),c=t(\"gl-mat4/lookAt\"),u=t(\"gl-mat4/translate\"),f=(t(\"gl-mat4/scale\"),t(\"gl-vec3/normalize\")),h=[0,0,0];function p(t){this._components=t.slice(),this._time=[0],this.prevMatrix=t.slice(),this.nextMatrix=t.slice(),this.computedMatrix=t.slice(),this.computedInverse=t.slice(),this.computedEye=[0,0,0],this.computedUp=[0,0,0],this.computedCenter=[0,0,0],this.computedRadius=[0],this._limits=[-1/0,1/0]}e.exports=function(t){return new p((t=t||{}).matrix||[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1])};var d=p.prototype;d.recalcMatrix=function(t){var e=this._time,r=n.le(e,t),o=this.computedMatrix;if(!(r<0)){var s=this._components;if(r===e.length-1)for(var l=16*r,c=0;c<16;++c)o[c]=s[l++];else{var u=e[r+1]-e[r],h=(l=16*r,this.prevMatrix),p=!0;for(c=0;c<16;++c)h[c]=s[l++];var d=this.nextMatrix;for(c=0;c<16;++c)d[c]=s[l++],p=p&&h[c]===d[c];if(u<1e-6||p)for(c=0;c<16;++c)o[c]=h[c];else i(o,h,d,(t-e[r])/u)}var g=this.computedUp;g[0]=o[1],g[1]=o[5],g[2]=o[9],f(g,g);var v=this.computedInverse;a(v,o);var m=this.computedEye,y=v[15];m[0]=v[12]/y,m[1]=v[13]/y,m[2]=v[14]/y;var x=this.computedCenter,b=Math.exp(this.computedRadius[0]);for(c=0;c<3;++c)x[c]=m[c]-o[2+4*c]*b}},d.idle=function(t){if(!(t1&&n(t[o[u-2]],t[o[u-1]],c)<=0;)u-=1,o.pop();for(o.push(l),u=s.length;u>1&&n(t[s[u-2]],t[s[u-1]],c)>=0;)u-=1,s.pop();s.push(l)}for(var r=new Array(s.length+o.length-2),f=0,i=0,h=o.length;i0;--p)r[f++]=s[p];return r};var n=t(\"robust-orientation\")[3]},{\"robust-orientation\":486}],418:[function(t,e,r){\"use strict\";e.exports=function(t,e){e||(e=t,t=window);var r=0,i=0,a=0,o={shift:!1,alt:!1,control:!1,meta:!1},s=!1;function l(t){var e=!1;return\"altKey\"in t&&(e=e||t.altKey!==o.alt,o.alt=!!t.altKey),\"shiftKey\"in t&&(e=e||t.shiftKey!==o.shift,o.shift=!!t.shiftKey),\"ctrlKey\"in t&&(e=e||t.ctrlKey!==o.control,o.control=!!t.ctrlKey),\"metaKey\"in t&&(e=e||t.metaKey!==o.meta,o.meta=!!t.metaKey),e}function c(t,s){var c=n.x(s),u=n.y(s);\"buttons\"in s&&(t=0|s.buttons),(t!==r||c!==i||u!==a||l(s))&&(r=0|t,i=c||0,a=u||0,e&&e(r,i,a,o))}function u(t){c(0,t)}function f(){(r||i||a||o.shift||o.alt||o.meta||o.control)&&(i=a=0,r=0,o.shift=o.alt=o.control=o.meta=!1,e&&e(0,0,0,o))}function h(t){l(t)&&e&&e(r,i,a,o)}function p(t){0===n.buttons(t)?c(0,t):c(r,t)}function d(t){c(r|n.buttons(t),t)}function g(t){c(r&~n.buttons(t),t)}function v(){s||(s=!0,t.addEventListener(\"mousemove\",p),t.addEventListener(\"mousedown\",d),t.addEventListener(\"mouseup\",g),t.addEventListener(\"mouseleave\",u),t.addEventListener(\"mouseenter\",u),t.addEventListener(\"mouseout\",u),t.addEventListener(\"mouseover\",u),t.addEventListener(\"blur\",f),t.addEventListener(\"keyup\",h),t.addEventListener(\"keydown\",h),t.addEventListener(\"keypress\",h),t!==window&&(window.addEventListener(\"blur\",f),window.addEventListener(\"keyup\",h),window.addEventListener(\"keydown\",h),window.addEventListener(\"keypress\",h)))}v();var m={element:t};return Object.defineProperties(m,{enabled:{get:function(){return s},set:function(e){e?v():s&&(s=!1,t.removeEventListener(\"mousemove\",p),t.removeEventListener(\"mousedown\",d),t.removeEventListener(\"mouseup\",g),t.removeEventListener(\"mouseleave\",u),t.removeEventListener(\"mouseenter\",u),t.removeEventListener(\"mouseout\",u),t.removeEventListener(\"mouseover\",u),t.removeEventListener(\"blur\",f),t.removeEventListener(\"keyup\",h),t.removeEventListener(\"keydown\",h),t.removeEventListener(\"keypress\",h),t!==window&&(window.removeEventListener(\"blur\",f),window.removeEventListener(\"keyup\",h),window.removeEventListener(\"keydown\",h),window.removeEventListener(\"keypress\",h)))},enumerable:!0},buttons:{get:function(){return r},enumerable:!0},x:{get:function(){return i},enumerable:!0},y:{get:function(){return a},enumerable:!0},mods:{get:function(){return o},enumerable:!0}}),m};var n=t(\"mouse-event\")},{\"mouse-event\":420}],419:[function(t,e,r){var n={left:0,top:0};e.exports=function(t,e,r){e=e||t.currentTarget||t.srcElement,Array.isArray(r)||(r=[0,0]);var i=t.clientX||0,a=t.clientY||0,o=(s=e,s===window||s===document||s===document.body?n:s.getBoundingClientRect());var s;return r[0]=i-o.left,r[1]=a-o.top,r}},{}],420:[function(t,e,r){\"use strict\";function n(t){return t.target||t.srcElement||window}r.buttons=function(t){if(\"object\"==typeof t){if(\"buttons\"in t)return t.buttons;if(\"which\"in t){if(2===(e=t.which))return 4;if(3===e)return 2;if(e>0)return 1<=0)return 1< 0\");\"function\"!=typeof t.vertex&&e(\"Must specify vertex creation function\");\"function\"!=typeof t.cell&&e(\"Must specify cell creation function\");\"function\"!=typeof t.phase&&e(\"Must specify phase function\");for(var E=t.getters||[],C=new Array(T),L=0;L=0?C[L]=!0:C[L]=!1;return function(t,e,r,T,S,E){var C=E.length,L=S.length;if(L<2)throw new Error(\"ndarray-extract-contour: Dimension must be at least 2\");for(var z=\"extractContour\"+S.join(\"_\"),O=[],I=[],P=[],D=0;D0&&N.push(l(D,S[R-1])+\"*\"+s(S[R-1])),I.push(d(D,S[R])+\"=(\"+N.join(\"-\")+\")|0\")}for(var D=0;D=0;--D)j.push(s(S[D]));I.push(w+\"=(\"+j.join(\"*\")+\")|0\",b+\"=mallocUint32(\"+w+\")\",x+\"=mallocUint32(\"+w+\")\",k+\"=0\"),I.push(g(0)+\"=0\");for(var R=1;R<1<0;M=M-1&d)w.push(x+\"[\"+k+\"+\"+m(M)+\"]\");w.push(y(0));for(var M=0;M=0;--e)G(e,0);for(var r=[],e=0;e0){\",p(S[e]),\"=1;\");t(e-1,r|1<=0?s.push(\"0\"):e.indexOf(-(l+1))>=0?s.push(\"s[\"+l+\"]-1\"):(s.push(\"-1\"),a.push(\"1\"),o.push(\"s[\"+l+\"]-2\"));var c=\".lo(\"+a.join()+\").hi(\"+o.join()+\")\";if(0===a.length&&(c=\"\"),i>0){n.push(\"if(1\");for(var l=0;l=0||e.indexOf(-(l+1))>=0||n.push(\"&&s[\",l,\"]>2\");n.push(\"){grad\",i,\"(src.pick(\",s.join(),\")\",c);for(var l=0;l=0||e.indexOf(-(l+1))>=0||n.push(\",dst.pick(\",s.join(),\",\",l,\")\",c);n.push(\");\")}for(var l=0;l1){dst.set(\",s.join(),\",\",u,\",0.5*(src.get(\",h.join(),\")-src.get(\",p.join(),\")))}else{dst.set(\",s.join(),\",\",u,\",0)};\"):n.push(\"if(s[\",u,\"]>1){diff(\",f,\",src.pick(\",h.join(),\")\",c,\",src.pick(\",p.join(),\")\",c,\");}else{zero(\",f,\");};\");break;case\"mirror\":0===i?n.push(\"dst.set(\",s.join(),\",\",u,\",0);\"):n.push(\"zero(\",f,\");\");break;case\"wrap\":var d=s.slice(),g=s.slice();e[l]<0?(d[u]=\"s[\"+u+\"]-2\",g[u]=\"0\"):(d[u]=\"s[\"+u+\"]-1\",g[u]=\"1\"),0===i?n.push(\"if(s[\",u,\"]>2){dst.set(\",s.join(),\",\",u,\",0.5*(src.get(\",d.join(),\")-src.get(\",g.join(),\")))}else{dst.set(\",s.join(),\",\",u,\",0)};\"):n.push(\"if(s[\",u,\"]>2){diff(\",f,\",src.pick(\",d.join(),\")\",c,\",src.pick(\",g.join(),\")\",c,\");}else{zero(\",f,\");};\");break;default:throw new Error(\"ndarray-gradient: Invalid boundary condition\")}}i>0&&n.push(\"};\")}for(var s=0;s<1<>\",rrshift:\">>>\"};!function(){for(var t in s){var e=s[t];r[t]=o({args:[\"array\",\"array\",\"array\"],body:{args:[\"a\",\"b\",\"c\"],body:\"a=b\"+e+\"c\"},funcName:t}),r[t+\"eq\"]=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a\"+e+\"=b\"},rvalue:!0,funcName:t+\"eq\"}),r[t+\"s\"]=o({args:[\"array\",\"array\",\"scalar\"],body:{args:[\"a\",\"b\",\"s\"],body:\"a=b\"+e+\"s\"},funcName:t+\"s\"}),r[t+\"seq\"]=o({args:[\"array\",\"scalar\"],body:{args:[\"a\",\"s\"],body:\"a\"+e+\"=s\"},rvalue:!0,funcName:t+\"seq\"})}}();var l={not:\"!\",bnot:\"~\",neg:\"-\",recip:\"1.0/\"};!function(){for(var t in l){var e=l[t];r[t]=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a=\"+e+\"b\"},funcName:t}),r[t+\"eq\"]=o({args:[\"array\"],body:{args:[\"a\"],body:\"a=\"+e+\"a\"},rvalue:!0,count:2,funcName:t+\"eq\"})}}();var c={and:\"&&\",or:\"||\",eq:\"===\",neq:\"!==\",lt:\"<\",gt:\">\",leq:\"<=\",geq:\">=\"};!function(){for(var t in c){var e=c[t];r[t]=o({args:[\"array\",\"array\",\"array\"],body:{args:[\"a\",\"b\",\"c\"],body:\"a=b\"+e+\"c\"},funcName:t}),r[t+\"s\"]=o({args:[\"array\",\"array\",\"scalar\"],body:{args:[\"a\",\"b\",\"s\"],body:\"a=b\"+e+\"s\"},funcName:t+\"s\"}),r[t+\"eq\"]=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a=a\"+e+\"b\"},rvalue:!0,count:2,funcName:t+\"eq\"}),r[t+\"seq\"]=o({args:[\"array\",\"scalar\"],body:{args:[\"a\",\"s\"],body:\"a=a\"+e+\"s\"},rvalue:!0,count:2,funcName:t+\"seq\"})}}();var u=[\"abs\",\"acos\",\"asin\",\"atan\",\"ceil\",\"cos\",\"exp\",\"floor\",\"log\",\"round\",\"sin\",\"sqrt\",\"tan\"];!function(){for(var t=0;tthis_s){this_s=-a}else if(a>this_s){this_s=a}\",localVars:[],thisVars:[\"this_s\"]},post:{args:[],localVars:[],thisVars:[\"this_s\"],body:\"return this_s\"},funcName:\"norminf\"}),r.norm1=n({args:[\"array\"],pre:{args:[],localVars:[],thisVars:[\"this_s\"],body:\"this_s=0\"},body:{args:[{name:\"a\",lvalue:!1,rvalue:!0,count:3}],body:\"this_s+=a<0?-a:a\",localVars:[],thisVars:[\"this_s\"]},post:{args:[],localVars:[],thisVars:[\"this_s\"],body:\"return this_s\"},funcName:\"norm1\"}),r.sup=n({args:[\"array\"],pre:{body:\"this_h=-Infinity\",args:[],thisVars:[\"this_h\"],localVars:[]},body:{body:\"if(_inline_1_arg0_>this_h)this_h=_inline_1_arg0_\",args:[{name:\"_inline_1_arg0_\",lvalue:!1,rvalue:!0,count:2}],thisVars:[\"this_h\"],localVars:[]},post:{body:\"return this_h\",args:[],thisVars:[\"this_h\"],localVars:[]}}),r.inf=n({args:[\"array\"],pre:{body:\"this_h=Infinity\",args:[],thisVars:[\"this_h\"],localVars:[]},body:{body:\"if(_inline_1_arg0_this_v){this_v=_inline_1_arg1_;for(var _inline_1_k=0;_inline_1_k<_inline_1_arg0_.length;++_inline_1_k){this_i[_inline_1_k]=_inline_1_arg0_[_inline_1_k]}}}\",args:[{name:\"_inline_1_arg0_\",lvalue:!1,rvalue:!0,count:2},{name:\"_inline_1_arg1_\",lvalue:!1,rvalue:!0,count:2}],thisVars:[\"this_i\",\"this_v\"],localVars:[\"_inline_1_k\"]},post:{body:\"{return this_i}\",args:[],thisVars:[\"this_i\"],localVars:[]}}),r.random=o({args:[\"array\"],pre:{args:[],body:\"this_f=Math.random\",thisVars:[\"this_f\"]},body:{args:[\"a\"],body:\"a=this_f()\",thisVars:[\"this_f\"]},funcName:\"random\"}),r.assign=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a=b\"},funcName:\"assign\"}),r.assigns=o({args:[\"array\",\"scalar\"],body:{args:[\"a\",\"b\"],body:\"a=b\"},funcName:\"assigns\"}),r.equals=n({args:[\"array\",\"array\"],pre:i,body:{args:[{name:\"x\",lvalue:!1,rvalue:!0,count:1},{name:\"y\",lvalue:!1,rvalue:!0,count:1}],body:\"if(x!==y){return false}\",localVars:[],thisVars:[]},post:{args:[],localVars:[],thisVars:[],body:\"return true\"},funcName:\"equals\"})},{\"cwise-compiler\":134}],428:[function(t,e,r){\"use strict\";var n=t(\"ndarray\"),i=t(\"./doConvert.js\");e.exports=function(t,e){for(var r=[],a=t,o=1;Array.isArray(a);)r.push(a.length),o*=a.length,a=a[0];return 0===r.length?n():(e||(e=n(new Float64Array(o),r)),i(e,t),e)}},{\"./doConvert.js\":429,ndarray:433}],429:[function(t,e,r){e.exports=t(\"cwise-compiler\")({args:[\"array\",\"scalar\",\"index\"],pre:{body:\"{}\",args:[],thisVars:[],localVars:[]},body:{body:\"{\\nvar _inline_1_v=_inline_1_arg1_,_inline_1_i\\nfor(_inline_1_i=0;_inline_1_i<_inline_1_arg2_.length-1;++_inline_1_i) {\\n_inline_1_v=_inline_1_v[_inline_1_arg2_[_inline_1_i]]\\n}\\n_inline_1_arg0_=_inline_1_v[_inline_1_arg2_[_inline_1_arg2_.length-1]]\\n}\",args:[{name:\"_inline_1_arg0_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_1_arg1_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg2_\",lvalue:!1,rvalue:!0,count:4}],thisVars:[],localVars:[\"_inline_1_i\",\"_inline_1_v\"]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},funcName:\"convert\",blockSize:64})},{\"cwise-compiler\":134}],430:[function(t,e,r){\"use strict\";var n=t(\"typedarray-pool\"),i=32;function a(t){switch(t){case\"uint8\":return[n.mallocUint8,n.freeUint8];case\"uint16\":return[n.mallocUint16,n.freeUint16];case\"uint32\":return[n.mallocUint32,n.freeUint32];case\"int8\":return[n.mallocInt8,n.freeInt8];case\"int16\":return[n.mallocInt16,n.freeInt16];case\"int32\":return[n.mallocInt32,n.freeInt32];case\"float32\":return[n.mallocFloat,n.freeFloat];case\"float64\":return[n.mallocDouble,n.freeDouble];default:return null}}function o(t){for(var e=[],r=0;r0?s.push([\"d\",d,\"=s\",d,\"-d\",f,\"*n\",f].join(\"\")):s.push([\"d\",d,\"=s\",d].join(\"\")),f=d),0!=(p=t.length-1-l)&&(h>0?s.push([\"e\",p,\"=s\",p,\"-e\",h,\"*n\",h,\",f\",p,\"=\",c[p],\"-f\",h,\"*n\",h].join(\"\")):s.push([\"e\",p,\"=s\",p,\",f\",p,\"=\",c[p]].join(\"\")),h=p)}r.push(\"var \"+s.join(\",\"));var g=[\"0\",\"n0-1\",\"data\",\"offset\"].concat(o(t.length));r.push([\"if(n0<=\",i,\"){\",\"insertionSort(\",g.join(\",\"),\")}else{\",\"quickSort(\",g.join(\",\"),\")}\"].join(\"\")),r.push(\"}return \"+n);var v=new Function(\"insertionSort\",\"quickSort\",r.join(\"\\n\")),m=function(t,e){var r=[\"'use strict'\"],n=[\"ndarrayInsertionSort\",t.join(\"d\"),e].join(\"\"),i=[\"left\",\"right\",\"data\",\"offset\"].concat(o(t.length)),s=a(e),l=[\"i,j,cptr,ptr=left*s0+offset\"];if(t.length>1){for(var c=[],u=1;u1){for(r.push(\"dptr=0;sptr=ptr\"),u=t.length-1;u>=0;--u)0!==(p=t[u])&&r.push([\"for(i\",p,\"=0;i\",p,\"b){break __l}\"].join(\"\")),u=t.length-1;u>=1;--u)r.push(\"sptr+=e\"+u,\"dptr+=f\"+u,\"}\");for(r.push(\"dptr=cptr;sptr=cptr-s0\"),u=t.length-1;u>=0;--u)0!==(p=t[u])&&r.push([\"for(i\",p,\"=0;i\",p,\"=0;--u)0!==(p=t[u])&&r.push([\"for(i\",p,\"=0;i\",p,\"scratch)){\",h(\"cptr\",f(\"cptr-s0\")),\"cptr-=s0\",\"}\",h(\"cptr\",\"scratch\"));return r.push(\"}\"),t.length>1&&s&&r.push(\"free(scratch)\"),r.push(\"} return \"+n),s?new Function(\"malloc\",\"free\",r.join(\"\\n\"))(s[0],s[1]):new Function(r.join(\"\\n\"))()}(t,e),y=function(t,e,r){var n=[\"'use strict'\"],s=[\"ndarrayQuickSort\",t.join(\"d\"),e].join(\"\"),l=[\"left\",\"right\",\"data\",\"offset\"].concat(o(t.length)),c=a(e),u=0;n.push([\"function \",s,\"(\",l.join(\",\"),\"){\"].join(\"\"));var f=[\"sixth=((right-left+1)/6)|0\",\"index1=left+sixth\",\"index5=right-sixth\",\"index3=(left+right)>>1\",\"index2=index3-sixth\",\"index4=index3+sixth\",\"el1=index1\",\"el2=index2\",\"el3=index3\",\"el4=index4\",\"el5=index5\",\"less=left+1\",\"great=right-1\",\"pivots_are_equal=true\",\"tmp\",\"tmp0\",\"x\",\"y\",\"z\",\"k\",\"ptr0\",\"ptr1\",\"ptr2\",\"comp_pivot1=0\",\"comp_pivot2=0\",\"comp=0\"];if(t.length>1){for(var h=[],p=1;p=0;--a)0!==(o=t[a])&&n.push([\"for(i\",o,\"=0;i\",o,\"1)for(a=0;a1?n.push(\"ptr_shift+=d\"+o):n.push(\"ptr0+=d\"+o),n.push(\"}\"))}}function y(e,r,i,a){if(1===r.length)n.push(\"ptr0=\"+d(r[0]));else{for(var o=0;o1)for(o=0;o=1;--o)i&&n.push(\"pivot_ptr+=f\"+o),r.length>1?n.push(\"ptr_shift+=e\"+o):n.push(\"ptr0+=e\"+o),n.push(\"}\")}function x(){t.length>1&&c&&n.push(\"free(pivot1)\",\"free(pivot2)\")}function b(e,r){var i=\"el\"+e,a=\"el\"+r;if(t.length>1){var o=\"__l\"+ ++u;y(o,[i,a],!1,[\"comp=\",g(\"ptr0\"),\"-\",g(\"ptr1\"),\"\\n\",\"if(comp>0){tmp0=\",i,\";\",i,\"=\",a,\";\",a,\"=tmp0;break \",o,\"}\\n\",\"if(comp<0){break \",o,\"}\"].join(\"\"))}else n.push([\"if(\",g(d(i)),\">\",g(d(a)),\"){tmp0=\",i,\";\",i,\"=\",a,\";\",a,\"=tmp0}\"].join(\"\"))}function _(e,r){t.length>1?m([e,r],!1,v(\"ptr0\",g(\"ptr1\"))):n.push(v(d(e),g(d(r))))}function w(e,r,i){if(t.length>1){var a=\"__l\"+ ++u;y(a,[r],!0,[e,\"=\",g(\"ptr0\"),\"-pivot\",i,\"[pivot_ptr]\\n\",\"if(\",e,\"!==0){break \",a,\"}\"].join(\"\"))}else n.push([e,\"=\",g(d(r)),\"-pivot\",i].join(\"\"))}function k(e,r){t.length>1?m([e,r],!1,[\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",\"tmp\")].join(\"\")):n.push([\"ptr0=\",d(e),\"\\n\",\"ptr1=\",d(r),\"\\n\",\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",\"tmp\")].join(\"\"))}function M(e,r,i){t.length>1?(m([e,r,i],!1,[\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",g(\"ptr2\")),\"\\n\",v(\"ptr2\",\"tmp\")].join(\"\")),n.push(\"++\"+r,\"--\"+i)):n.push([\"ptr0=\",d(e),\"\\n\",\"ptr1=\",d(r),\"\\n\",\"ptr2=\",d(i),\"\\n\",\"++\",r,\"\\n\",\"--\",i,\"\\n\",\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",g(\"ptr2\")),\"\\n\",v(\"ptr2\",\"tmp\")].join(\"\"))}function A(t,e){k(t,e),n.push(\"--\"+e)}function T(e,r,i){t.length>1?m([e,r],!0,[v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",[\"pivot\",i,\"[pivot_ptr]\"].join(\"\"))].join(\"\")):n.push(v(d(e),g(d(r))),v(d(r),\"pivot\"+i))}function S(e,r){n.push([\"if((\",r,\"-\",e,\")<=\",i,\"){\\n\",\"insertionSort(\",e,\",\",r,\",data,offset,\",o(t.length).join(\",\"),\")\\n\",\"}else{\\n\",s,\"(\",e,\",\",r,\",data,offset,\",o(t.length).join(\",\"),\")\\n\",\"}\"].join(\"\"))}function E(e,r,i){t.length>1?(n.push([\"__l\",++u,\":while(true){\"].join(\"\")),m([e],!0,[\"if(\",g(\"ptr0\"),\"!==pivot\",r,\"[pivot_ptr]){break __l\",u,\"}\"].join(\"\")),n.push(i,\"}\")):n.push([\"while(\",g(d(e)),\"===pivot\",r,\"){\",i,\"}\"].join(\"\"))}return n.push(\"var \"+f.join(\",\")),b(1,2),b(4,5),b(1,3),b(2,3),b(1,4),b(3,4),b(2,5),b(2,3),b(4,5),t.length>1?m([\"el1\",\"el2\",\"el3\",\"el4\",\"el5\",\"index1\",\"index3\",\"index5\"],!0,[\"pivot1[pivot_ptr]=\",g(\"ptr1\"),\"\\n\",\"pivot2[pivot_ptr]=\",g(\"ptr3\"),\"\\n\",\"pivots_are_equal=pivots_are_equal&&(pivot1[pivot_ptr]===pivot2[pivot_ptr])\\n\",\"x=\",g(\"ptr0\"),\"\\n\",\"y=\",g(\"ptr2\"),\"\\n\",\"z=\",g(\"ptr4\"),\"\\n\",v(\"ptr5\",\"x\"),\"\\n\",v(\"ptr6\",\"y\"),\"\\n\",v(\"ptr7\",\"z\")].join(\"\")):n.push([\"pivot1=\",g(d(\"el2\")),\"\\n\",\"pivot2=\",g(d(\"el4\")),\"\\n\",\"pivots_are_equal=pivot1===pivot2\\n\",\"x=\",g(d(\"el1\")),\"\\n\",\"y=\",g(d(\"el3\")),\"\\n\",\"z=\",g(d(\"el5\")),\"\\n\",v(d(\"index1\"),\"x\"),\"\\n\",v(d(\"index3\"),\"y\"),\"\\n\",v(d(\"index5\"),\"z\")].join(\"\")),_(\"index2\",\"left\"),_(\"index4\",\"right\"),n.push(\"if(pivots_are_equal){\"),n.push(\"for(k=less;k<=great;++k){\"),w(\"comp\",\"k\",1),n.push(\"if(comp===0){continue}\"),n.push(\"if(comp<0){\"),n.push(\"if(k!==less){\"),k(\"k\",\"less\"),n.push(\"}\"),n.push(\"++less\"),n.push(\"}else{\"),n.push(\"while(true){\"),w(\"comp\",\"great\",1),n.push(\"if(comp>0){\"),n.push(\"great--\"),n.push(\"}else if(comp<0){\"),M(\"k\",\"less\",\"great\"),n.push(\"break\"),n.push(\"}else{\"),A(\"k\",\"great\"),n.push(\"break\"),n.push(\"}\"),n.push(\"}\"),n.push(\"}\"),n.push(\"}\"),n.push(\"}else{\"),n.push(\"for(k=less;k<=great;++k){\"),w(\"comp_pivot1\",\"k\",1),n.push(\"if(comp_pivot1<0){\"),n.push(\"if(k!==less){\"),k(\"k\",\"less\"),n.push(\"}\"),n.push(\"++less\"),n.push(\"}else{\"),w(\"comp_pivot2\",\"k\",2),n.push(\"if(comp_pivot2>0){\"),n.push(\"while(true){\"),w(\"comp\",\"great\",2),n.push(\"if(comp>0){\"),n.push(\"if(--greatindex5){\"),E(\"less\",1,\"++less\"),E(\"great\",2,\"--great\"),n.push(\"for(k=less;k<=great;++k){\"),w(\"comp_pivot1\",\"k\",1),n.push(\"if(comp_pivot1===0){\"),n.push(\"if(k!==less){\"),k(\"k\",\"less\"),n.push(\"}\"),n.push(\"++less\"),n.push(\"}else{\"),w(\"comp_pivot2\",\"k\",2),n.push(\"if(comp_pivot2===0){\"),n.push(\"while(true){\"),w(\"comp\",\"great\",2),n.push(\"if(comp===0){\"),n.push(\"if(--great1&&c?new Function(\"insertionSort\",\"malloc\",\"free\",n.join(\"\\n\"))(r,c[0],c[1]):new Function(\"insertionSort\",n.join(\"\\n\"))(r)}(t,e,m);return v(m,y)}},{\"typedarray-pool\":522}],431:[function(t,e,r){\"use strict\";var n=t(\"./lib/compile_sort.js\"),i={};e.exports=function(t){var e=t.order,r=t.dtype,a=[e,r].join(\":\"),o=i[a];return o||(i[a]=o=n(e,r)),o(t),t}},{\"./lib/compile_sort.js\":430}],432:[function(t,e,r){\"use strict\";var n=t(\"ndarray-linear-interpolate\"),i=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=new Array(_inline_3_arg4_)}\",args:[{name:\"_inline_3_arg0_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg1_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg2_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg3_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_4_arg2_(this_warped,_inline_4_arg0_),_inline_4_arg1_=_inline_4_arg3_.apply(void 0,this_warped)}\",args:[{name:\"_inline_4_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_4_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_4_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_4_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_4_arg4_\",lvalue:!1,rvalue:!1,count:0}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warpND\",blockSize:64}),a=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=[0]}\",args:[],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_7_arg2_(this_warped,_inline_7_arg0_),_inline_7_arg1_=_inline_7_arg3_(_inline_7_arg4_,this_warped[0])}\",args:[{name:\"_inline_7_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_7_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_7_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_7_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_7_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warp1D\",blockSize:64}),o=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=[0,0]}\",args:[],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_10_arg2_(this_warped,_inline_10_arg0_),_inline_10_arg1_=_inline_10_arg3_(_inline_10_arg4_,this_warped[0],this_warped[1])}\",args:[{name:\"_inline_10_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_10_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_10_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_10_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_10_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warp2D\",blockSize:64}),s=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=[0,0,0]}\",args:[],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_13_arg2_(this_warped,_inline_13_arg0_),_inline_13_arg1_=_inline_13_arg3_(_inline_13_arg4_,this_warped[0],this_warped[1],this_warped[2])}\",args:[{name:\"_inline_13_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_13_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_13_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_13_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_13_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warp3D\",blockSize:64});e.exports=function(t,e,r){switch(e.shape.length){case 1:a(t,r,n.d1,e);break;case 2:o(t,r,n.d2,e);break;case 3:s(t,r,n.d3,e);break;default:i(t,r,n.bind(void 0,e),e.shape.length)}return t}},{\"cwise/lib/wrapper\":137,\"ndarray-linear-interpolate\":426}],433:[function(t,e,r){var n=t(\"iota-array\"),i=t(\"is-buffer\"),a=\"undefined\"!=typeof Float64Array;function o(t,e){return t[0]-e[0]}function s(){var t,e=this.stride,r=new Array(e.length);for(t=0;tMath.abs(this.stride[1]))?[1,0]:[0,1]}})\"):3===e&&a.push(\"var s0=Math.abs(this.stride[0]),s1=Math.abs(this.stride[1]),s2=Math.abs(this.stride[2]);if(s0>s1){if(s1>s2){return [2,1,0];}else if(s0>s2){return [1,2,0];}else{return [1,0,2];}}else if(s0>s2){return [2,0,1];}else if(s2>s1){return [0,1,2];}else{return [0,2,1];}}})\")):a.push(\"ORDER})\")),a.push(\"proto.set=function \"+r+\"_set(\"+l.join(\",\")+\",v){\"),i?a.push(\"return this.data.set(\"+u+\",v)}\"):a.push(\"return this.data[\"+u+\"]=v}\"),a.push(\"proto.get=function \"+r+\"_get(\"+l.join(\",\")+\"){\"),i?a.push(\"return this.data.get(\"+u+\")}\"):a.push(\"return this.data[\"+u+\"]}\"),a.push(\"proto.index=function \"+r+\"_index(\",l.join(),\"){return \"+u+\"}\"),a.push(\"proto.hi=function \"+r+\"_hi(\"+l.join(\",\")+\"){return new \"+r+\"(this.data,\"+o.map(function(t){return[\"(typeof i\",t,\"!=='number'||i\",t,\"<0)?this.shape[\",t,\"]:i\",t,\"|0\"].join(\"\")}).join(\",\")+\",\"+o.map(function(t){return\"this.stride[\"+t+\"]\"}).join(\",\")+\",this.offset)}\");var p=o.map(function(t){return\"a\"+t+\"=this.shape[\"+t+\"]\"}),d=o.map(function(t){return\"c\"+t+\"=this.stride[\"+t+\"]\"});a.push(\"proto.lo=function \"+r+\"_lo(\"+l.join(\",\")+\"){var b=this.offset,d=0,\"+p.join(\",\")+\",\"+d.join(\",\"));for(var g=0;g=0){d=i\"+g+\"|0;b+=c\"+g+\"*d;a\"+g+\"-=d}\");a.push(\"return new \"+r+\"(this.data,\"+o.map(function(t){return\"a\"+t}).join(\",\")+\",\"+o.map(function(t){return\"c\"+t}).join(\",\")+\",b)}\"),a.push(\"proto.step=function \"+r+\"_step(\"+l.join(\",\")+\"){var \"+o.map(function(t){return\"a\"+t+\"=this.shape[\"+t+\"]\"}).join(\",\")+\",\"+o.map(function(t){return\"b\"+t+\"=this.stride[\"+t+\"]\"}).join(\",\")+\",c=this.offset,d=0,ceil=Math.ceil\");for(g=0;g=0){c=(c+this.stride[\"+g+\"]*i\"+g+\")|0}else{a.push(this.shape[\"+g+\"]);b.push(this.stride[\"+g+\"])}\");return a.push(\"var ctor=CTOR_LIST[a.length+1];return ctor(this.data,a,b,c)}\"),a.push(\"return function construct_\"+r+\"(data,shape,stride,offset){return new \"+r+\"(data,\"+o.map(function(t){return\"shape[\"+t+\"]\"}).join(\",\")+\",\"+o.map(function(t){return\"stride[\"+t+\"]\"}).join(\",\")+\",offset)}\"),new Function(\"CTOR_LIST\",\"ORDER\",a.join(\"\\n\"))(c[t],s)}var c={float32:[],float64:[],int8:[],int16:[],int32:[],uint8:[],uint16:[],uint32:[],array:[],uint8_clamped:[],buffer:[],generic:[]};e.exports=function(t,e,r,n){if(void 0===t)return(0,c.array[0])([]);\"number\"==typeof t&&(t=[t]),void 0===e&&(e=[t.length]);var o=e.length;if(void 0===r){r=new Array(o);for(var s=o-1,u=1;s>=0;--s)r[s]=u,u*=e[s]}if(void 0===n)for(n=0,s=0;s>>0;e.exports=function(t,e){if(isNaN(t)||isNaN(e))return NaN;if(t===e)return t;if(0===t)return e<0?-i:i;var r=n.hi(t),o=n.lo(t);e>t==t>0?o===a?(r+=1,o=0):o+=1:0===o?(o=a,r-=1):o-=1;return n.pack(o,r)}},{\"double-bits\":152}],435:[function(t,e,r){var n=Math.PI,i=c(120);function a(t,e,r,n){return[\"C\",t,e,r,n,r,n]}function o(t,e,r,n,i,a){return[\"C\",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}function s(t,e,r,a,o,c,u,f,h,p){if(p)k=p[0],M=p[1],_=p[2],w=p[3];else{var d=l(t,e,-o);t=d.x,e=d.y;var g=(t-(f=(d=l(f,h,-o)).x))/2,v=(e-(h=d.y))/2,m=g*g/(r*r)+v*v/(a*a);m>1&&(r*=m=Math.sqrt(m),a*=m);var y=r*r,x=a*a,b=(c==u?-1:1)*Math.sqrt(Math.abs((y*x-y*v*v-x*g*g)/(y*v*v+x*g*g)));b==1/0&&(b=1);var _=b*r*v/a+(t+f)/2,w=b*-a*g/r+(e+h)/2,k=Math.asin(((e-w)/a).toFixed(9)),M=Math.asin(((h-w)/a).toFixed(9));(k=t<_?n-k:k)<0&&(k=2*n+k),(M=f<_?n-M:M)<0&&(M=2*n+M),u&&k>M&&(k-=2*n),!u&&M>k&&(M-=2*n)}if(Math.abs(M-k)>i){var A=M,T=f,S=h;M=k+i*(u&&M>k?1:-1);var E=s(f=_+r*Math.cos(M),h=w+a*Math.sin(M),r,a,o,0,u,T,S,[M,A,_,w])}var C=Math.tan((M-k)/4),L=4/3*r*C,z=4/3*a*C,O=[2*t-(t+L*Math.sin(k)),2*e-(e-z*Math.cos(k)),f+L*Math.sin(M),h-z*Math.cos(M),f,h];if(p)return O;E&&(O=O.concat(E));for(var I=0;I7&&(r.push(m.splice(0,7)),m.unshift(\"C\"));break;case\"S\":var x=p,b=d;\"C\"!=e&&\"S\"!=e||(x+=x-n,b+=b-i),m=[\"C\",x,b,m[1],m[2],m[3],m[4]];break;case\"T\":\"Q\"==e||\"T\"==e?(f=2*p-f,h=2*d-h):(f=p,h=d),m=o(p,d,f,h,m[1],m[2]);break;case\"Q\":f=m[1],h=m[2],m=o(p,d,m[1],m[2],m[3],m[4]);break;case\"L\":m=a(p,d,m[1],m[2]);break;case\"H\":m=a(p,d,m[1],d);break;case\"V\":m=a(p,d,p,m[1]);break;case\"Z\":m=a(p,d,l,u)}e=y,p=m[m.length-2],d=m[m.length-1],m.length>4?(n=m[m.length-4],i=m[m.length-3]):(n=p,i=d),r.push(m)}return r}},{}],436:[function(t,e,r){r.vertexNormals=function(t,e,r){for(var n=e.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa){var b=i[c],_=1/Math.sqrt(v*y);for(x=0;x<3;++x){var w=(x+1)%3,k=(x+2)%3;b[x]+=_*(m[w]*g[k]-m[k]*g[w])}}}for(o=0;oa)for(_=1/Math.sqrt(M),x=0;x<3;++x)b[x]*=_;else for(x=0;x<3;++x)b[x]=0}return i},r.faceNormals=function(t,e,r){for(var n=t.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa?1/Math.sqrt(p):0;for(c=0;c<3;++c)h[c]*=p;i[o]=h}return i}},{}],437:[function(t,e,r){\"use strict\";var n=Object.getOwnPropertySymbols,i=Object.prototype.hasOwnProperty,a=Object.prototype.propertyIsEnumerable;e.exports=function(){try{if(!Object.assign)return!1;var t=new String(\"abc\");if(t[5]=\"de\",\"5\"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},r=0;r<10;r++)e[\"_\"+String.fromCharCode(r)]=r;if(\"0123456789\"!==Object.getOwnPropertyNames(e).map(function(t){return e[t]}).join(\"\"))return!1;var n={};return\"abcdefghijklmnopqrst\".split(\"\").forEach(function(t){n[t]=t}),\"abcdefghijklmnopqrst\"===Object.keys(Object.assign({},n)).join(\"\")}catch(t){return!1}}()?Object.assign:function(t,e){for(var r,o,s=function(t){if(null==t)throw new TypeError(\"Object.assign cannot be called with null or undefined\");return Object(t)}(t),l=1;l0){var f=Math.sqrt(u+1);t[0]=.5*(o-l)/f,t[1]=.5*(s-n)/f,t[2]=.5*(r-a)/f,t[3]=.5*f}else{var h=Math.max(e,a,c),f=Math.sqrt(2*h-u+1);e>=h?(t[0]=.5*f,t[1]=.5*(i+r)/f,t[2]=.5*(s+n)/f,t[3]=.5*(o-l)/f):a>=h?(t[0]=.5*(r+i)/f,t[1]=.5*f,t[2]=.5*(l+o)/f,t[3]=.5*(s-n)/f):(t[0]=.5*(n+s)/f,t[1]=.5*(o+l)/f,t[2]=.5*f,t[3]=.5*(r-i)/f)}return t}},{}],439:[function(t,e,r){\"use strict\";e.exports=function(t){var e=(t=t||{}).center||[0,0,0],r=t.rotation||[0,0,0,1],n=t.radius||1;e=[].slice.call(e,0,3),u(r=[].slice.call(r,0,4),r);var i=new f(r,e,Math.log(n));i.setDistanceLimits(t.zoomMin,t.zoomMax),(\"eye\"in t||\"up\"in t)&&i.lookAt(0,t.eye,t.center,t.up);return i};var n=t(\"filtered-vector\"),i=t(\"gl-mat4/lookAt\"),a=t(\"gl-mat4/fromQuat\"),o=t(\"gl-mat4/invert\"),s=t(\"./lib/quatFromFrame\");function l(t,e,r){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2))}function c(t,e,r,n){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2)+Math.pow(n,2))}function u(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=c(r,n,i,a);o>1e-6?(t[0]=r/o,t[1]=n/o,t[2]=i/o,t[3]=a/o):(t[0]=t[1]=t[2]=0,t[3]=1)}function f(t,e,r){this.radius=n([r]),this.center=n(e),this.rotation=n(t),this.computedRadius=this.radius.curve(0),this.computedCenter=this.center.curve(0),this.computedRotation=this.rotation.curve(0),this.computedUp=[.1,0,0],this.computedEye=[.1,0,0],this.computedMatrix=[.1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],this.recalcMatrix(0)}var h=f.prototype;h.lastT=function(){return Math.max(this.radius.lastT(),this.center.lastT(),this.rotation.lastT())},h.recalcMatrix=function(t){this.radius.curve(t),this.center.curve(t),this.rotation.curve(t);var e=this.computedRotation;u(e,e);var r=this.computedMatrix;a(r,e);var n=this.computedCenter,i=this.computedEye,o=this.computedUp,s=Math.exp(this.computedRadius[0]);i[0]=n[0]+s*r[2],i[1]=n[1]+s*r[6],i[2]=n[2]+s*r[10],o[0]=r[1],o[1]=r[5],o[2]=r[9];for(var l=0;l<3;++l){for(var c=0,f=0;f<3;++f)c+=r[l+4*f]*i[f];r[12+l]=-c}},h.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r},h.idle=function(t){this.center.idle(t),this.radius.idle(t),this.rotation.idle(t)},h.flush=function(t){this.center.flush(t),this.radius.flush(t),this.rotation.flush(t)},h.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=i[1],o=i[5],s=i[9],c=l(a,o,s);a/=c,o/=c,s/=c;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=l(u-=a*p,f-=o*p,h-=s*p);u/=d,f/=d,h/=d;var g=i[2],v=i[6],m=i[10],y=g*a+v*o+m*s,x=g*u+v*f+m*h,b=l(g-=y*a+x*u,v-=y*o+x*f,m-=y*s+x*h);g/=b,v/=b,m/=b;var _=u*e+a*r,w=f*e+o*r,k=h*e+s*r;this.center.move(t,_,w,k);var M=Math.exp(this.computedRadius[0]);M=Math.max(1e-4,M+n),this.radius.set(t,Math.log(M))},h.rotate=function(t,e,r,n){this.recalcMatrix(t),e=e||0,r=r||0;var i=this.computedMatrix,a=i[0],o=i[4],s=i[8],u=i[1],f=i[5],h=i[9],p=i[2],d=i[6],g=i[10],v=e*a+r*u,m=e*o+r*f,y=e*s+r*h,x=-(d*y-g*m),b=-(g*v-p*y),_=-(p*m-d*v),w=Math.sqrt(Math.max(0,1-Math.pow(x,2)-Math.pow(b,2)-Math.pow(_,2))),k=c(x,b,_,w);k>1e-6?(x/=k,b/=k,_/=k,w/=k):(x=b=_=0,w=1);var M=this.computedRotation,A=M[0],T=M[1],S=M[2],E=M[3],C=A*w+E*x+T*_-S*b,L=T*w+E*b+S*x-A*_,z=S*w+E*_+A*b-T*x,O=E*w-A*x-T*b-S*_;if(n){x=p,b=d,_=g;var I=Math.sin(n)/l(x,b,_);x*=I,b*=I,_*=I,O=O*(w=Math.cos(e))-(C=C*w+O*x+L*_-z*b)*x-(L=L*w+O*b+z*x-C*_)*b-(z=z*w+O*_+C*b-L*x)*_}var P=c(C,L,z,O);P>1e-6?(C/=P,L/=P,z/=P,O/=P):(C=L=z=0,O=1),this.rotation.set(t,C,L,z,O)},h.lookAt=function(t,e,r,n){this.recalcMatrix(t),r=r||this.computedCenter,e=e||this.computedEye,n=n||this.computedUp;var a=this.computedMatrix;i(a,e,r,n);var o=this.computedRotation;s(o,a[0],a[1],a[2],a[4],a[5],a[6],a[8],a[9],a[10]),u(o,o),this.rotation.set(t,o[0],o[1],o[2],o[3]);for(var l=0,c=0;c<3;++c)l+=Math.pow(r[c]-e[c],2);this.radius.set(t,.5*Math.log(Math.max(l,1e-6))),this.center.set(t,r[0],r[1],r[2])},h.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},h.setMatrix=function(t,e){var r=this.computedRotation;s(r,e[0],e[1],e[2],e[4],e[5],e[6],e[8],e[9],e[10]),u(r,r),this.rotation.set(t,r[0],r[1],r[2],r[3]);var n=this.computedMatrix;o(n,e);var i=n[15];if(Math.abs(i)>1e-6){var a=n[12]/i,l=n[13]/i,c=n[14]/i;this.recalcMatrix(t);var f=Math.exp(this.computedRadius[0]);this.center.set(t,a-n[2]*f,l-n[6]*f,c-n[10]*f),this.radius.idle(t)}else this.center.idle(t),this.radius.idle(t)},h.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},h.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},h.getDistanceLimits=function(t){var e=this.radius.bounds;return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},h.toJSON=function(){return this.recalcMatrix(this.lastT()),{center:this.computedCenter.slice(),rotation:this.computedRotation.slice(),distance:Math.log(this.computedRadius[0]),zoomMin:this.radius.bounds[0][0],zoomMax:this.radius.bounds[1][0]}},h.fromJSON=function(t){var e=this.lastT(),r=t.center;r&&this.center.set(e,r[0],r[1],r[2]);var n=t.rotation;n&&this.rotation.set(e,n[0],n[1],n[2],n[3]);var i=t.distance;i&&i>0&&this.radius.set(e,Math.log(i)),this.setDistanceLimits(t.zoomMin,t.zoomMax)}},{\"./lib/quatFromFrame\":438,\"filtered-vector\":215,\"gl-mat4/fromQuat\":251,\"gl-mat4/invert\":254,\"gl-mat4/lookAt\":255}],440:[function(t,e,r){\"use strict\";var n=t(\"repeat-string\");e.exports=function(t,e,r){return n(r=\"undefined\"!=typeof r?r+\"\":\" \",e)+t}},{\"repeat-string\":479}],441:[function(t,e,r){\"use strict\";function n(t,e){if(\"string\"!=typeof t)return[t];var r=[t];\"string\"==typeof e||Array.isArray(e)?e={brackets:e}:e||(e={});var n=e.brackets?Array.isArray(e.brackets)?e.brackets:[e.brackets]:[\"{}\",\"[]\",\"()\"],i=e.escape||\"___\",a=!!e.flat;n.forEach(function(t){var e=new RegExp([\"\\\\\",t[0],\"[^\\\\\",t[0],\"\\\\\",t[1],\"]*\\\\\",t[1]].join(\"\")),n=[];function a(e,a,o){var s=r.push(e.slice(t[0].length,-t[1].length))-1;return n.push(s),i+s}r.forEach(function(t,n){for(var i,o=0;t!=i;)if(i=t,t=t.replace(e,a),o++>1e4)throw Error(\"References have circular dependency. Please, check them.\");r[n]=t}),n=n.reverse(),r=r.map(function(e){return n.forEach(function(r){e=e.replace(new RegExp(\"(\\\\\"+i+r+\"(?![0-9]))\",\"g\"),t[0]+\"$1\"+t[1])}),e})});var o=new RegExp(\"\\\\\"+i+\"([0-9]+)\");return a?r:function t(e,r,n){for(var i,a=[],s=0;i=o.exec(e);){if(s++>1e4)throw Error(\"Circular references in parenthesis\");a.push(e.slice(0,i.index)),a.push(t(r[i[1]],r)),e=e.slice(i.index+i[0].length)}return a.push(e),a}(r[0],r)}function i(t,e){if(e&&e.flat){var r,n=e&&e.escape||\"___\",i=t[0];if(!i)return\"\";for(var a=new RegExp(\"\\\\\"+n+\"([0-9]+)\"),o=0;i!=r;){if(o++>1e4)throw Error(\"Circular references in \"+t);r=i,i=i.replace(a,s)}return i}return t.reduce(function t(e,r){return Array.isArray(r)&&(r=r.reduce(t,\"\")),e+r},\"\");function s(e,r){if(null==t[r])throw Error(\"Reference \"+r+\"is undefined\");return t[r]}}function a(t,e){return Array.isArray(t)?i(t,e):n(t,e)}a.parse=n,a.stringify=i,e.exports=a},{}],442:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\");e.exports=function(t){var e;arguments.length>1&&(t=arguments);\"string\"==typeof t?t=t.split(/\\s/).map(parseFloat):\"number\"==typeof t&&(t=[t]);t.length&&\"number\"==typeof t[0]?e=1===t.length?{width:t[0],height:t[0],x:0,y:0}:2===t.length?{width:t[0],height:t[1],x:0,y:0}:{x:t[0],y:t[1],width:t[2]-t[0]||0,height:t[3]-t[1]||0}:t&&(t=n(t,{left:\"x l left Left\",top:\"y t top Top\",width:\"w width W Width\",height:\"h height W Width\",bottom:\"b bottom Bottom\",right:\"r right Right\"}),e={x:t.left||0,y:t.top||0},null==t.width?t.right?e.width=t.right-e.x:e.width=0:e.width=t.width,null==t.height?t.bottom?e.height=t.bottom-e.y:e.height=0:e.height=t.height);return e}},{\"pick-by-alias\":448}],443:[function(t,e,r){e.exports=function(t){var e=[];return t.replace(i,function(t,r,i){var o=r.toLowerCase();for(i=function(t){var e=t.match(a);return e?e.map(Number):[]}(i),\"m\"==o&&i.length>2&&(e.push([r].concat(i.splice(0,2))),o=\"l\",r=\"m\"==r?\"l\":\"L\");;){if(i.length==n[o])return i.unshift(r),e.push(i);if(i.length0;--o)a=l[o],r=s[o],s[o]=s[a],s[a]=r,l[o]=l[r],l[r]=a,c=(c+r)*o;return n.freeUint32(l),n.freeUint32(s),c},r.unrank=function(t,e,r){switch(t){case 0:return r||[];case 1:return r?(r[0]=0,r):[0];case 2:return r?(e?(r[0]=0,r[1]=1):(r[0]=1,r[1]=0),r):e?[0,1]:[1,0]}var n,i,a,o=1;for((r=r||new Array(t))[0]=0,a=1;a0;--a)e=e-(n=e/o|0)*o|0,o=o/a|0,i=0|r[a],r[a]=0|r[n],r[n]=0|i;return r}},{\"invert-permutation\":398,\"typedarray-pool\":522}],448:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){var n,a,o={};if(\"string\"==typeof e&&(e=i(e)),Array.isArray(e)){var s={};for(a=0;a0){o=a[u][r][0],l=u;break}s=o[1^l];for(var f=0;f<2;++f)for(var h=a[f][r],p=0;p0&&(o=d,s=g,l=f)}return i?s:(o&&c(o,l),s)}function f(t,r){var i=a[r][t][0],o=[t];c(i,r);for(var s=i[1^r];;){for(;s!==t;)o.push(s),s=u(o[o.length-2],s,!1);if(a[0][t].length+a[1][t].length===0)break;var l=o[o.length-1],f=t,h=o[1],p=u(l,f,!0);if(n(e[l],e[f],e[h],e[p])<0)break;o.push(t),s=u(l,f)}return o}function h(t,e){return e[1]===e[e.length-1]}for(var o=0;o0;){a[0][o].length;var g=f(o,p);h(d,g)?d.push.apply(d,g):(d.length>0&&l.push(d),d=g)}d.length>0&&l.push(d)}return l};var n=t(\"compare-angle\")},{\"compare-angle\":115}],450:[function(t,e,r){\"use strict\";e.exports=function(t,e){for(var r=n(t,e.length),i=new Array(e.length),a=new Array(e.length),o=[],s=0;s0;){var c=o.pop();i[c]=!1;for(var u=r[c],s=0;s0})).length,v=new Array(g),m=new Array(g),p=0;p0;){var N=B.pop(),j=C[N];l(j,function(t,e){return t-e});var V,U=j.length,q=F[N];if(0===q){var k=d[N];V=[k]}for(var p=0;p=0)&&(F[H]=1^q,B.push(H),0===q)){var k=d[H];R(k)||(k.reverse(),V.push(k))}}0===q&&r.push(V)}return r};var n=t(\"edges-to-adjacency-list\"),i=t(\"planar-dual\"),a=t(\"point-in-big-polygon\"),o=t(\"two-product\"),s=t(\"robust-sum\"),l=t(\"uniq\"),c=t(\"./lib/trim-leaves\");function u(t,e){for(var r=new Array(t),n=0;n>>1;e.dtype||(e.dtype=\"array\"),\"string\"==typeof e.dtype?d=new(f(e.dtype))(v):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=v));for(var m=0;mr){for(var h=0;hl||A>c||T=C||o===s)){var u=y[a];void 0===s&&(s=u.length);for(var f=o;f=g&&p<=m&&d>=v&&d<=w&&z.push(h)}var b=x[a],_=b[4*o+0],k=b[4*o+1],E=b[4*o+2],L=b[4*o+3],O=function(t,e){for(var r=null,n=0;null===r;)if(r=t[4*e+n],++n>t.length)return null;return r}(b,o+1),I=.5*i,P=a+1;e(r,n,I,P,_,k||E||L||O),e(r,n+I,I,P,k,E||L||O),e(r+I,n,I,P,E,L||O),e(r+I,n+I,I,P,L,O)}}}(0,0,1,0,0,1),z},d;function E(t,e,r){for(var n=1,i=.5,a=.5,o=.5,s=0;s0&&e[i]===r[0]))return 1;a=t[i-1]}for(var s=1;a;){var l=a.key,c=n(r,l[0],l[1]);if(l[0][0]0))return 0;s=-1,a=a.right}else if(c>0)a=a.left;else{if(!(c<0))return 0;s=1,a=a.right}}return s}}(m.slabs,m.coordinates);return 0===a.length?y:function(t,e){return function(r){return t(r[0],r[1])?0:e(r)}}(l(a),y)};var n=t(\"robust-orientation\")[3],i=t(\"slab-decomposition\"),a=t(\"interval-tree-1d\"),o=t(\"binary-search-bounds\");function s(){return!0}function l(t){for(var e={},r=0;r=-t},pointBetween:function(e,r,n){var i=e[1]-r[1],a=n[0]-r[0],o=e[0]-r[0],s=n[1]-r[1],l=o*a+i*s;return!(l-t)},pointsSameX:function(e,r){return Math.abs(e[0]-r[0])t!=o-i>t&&(a-c)*(i-u)/(o-u)+c-n>t&&(s=!s),a=c,o=u}return s}};return e}},{}],459:[function(t,e,r){var n={toPolygon:function(t,e){function r(e){if(e.length<=0)return t.segments({inverted:!1,regions:[]});function r(e){var r=e.slice(0,e.length-1);return t.segments({inverted:!1,regions:[r]})}for(var n=r(e[0]),i=1;i0})}function u(t,n){var i=t.seg,a=n.seg,o=i.start,s=i.end,c=a.start,u=a.end;r&&r.checkIntersection(i,a);var f=e.linesIntersect(o,s,c,u);if(!1===f){if(!e.pointsCollinear(o,s,c))return!1;if(e.pointsSame(o,u)||e.pointsSame(s,c))return!1;var h=e.pointsSame(o,c),p=e.pointsSame(s,u);if(h&&p)return n;var d=!h&&e.pointBetween(o,c,u),g=!p&&e.pointBetween(s,c,u);if(h)return g?l(n,s):l(t,u),n;d&&(p||(g?l(n,s):l(t,u)),l(n,o))}else 0===f.alongA&&(-1===f.alongB?l(t,c):0===f.alongB?l(t,f.pt):1===f.alongB&&l(t,u)),0===f.alongB&&(-1===f.alongA?l(n,o):0===f.alongA?l(n,f.pt):1===f.alongA&&l(n,s));return!1}for(var f=[];!a.isEmpty();){var h=a.getHead();if(r&&r.vert(h.pt[0]),h.isStart){r&&r.segmentNew(h.seg,h.primary);var p=c(h),d=p.before?p.before.ev:null,g=p.after?p.after.ev:null;function v(){if(d){var t=u(h,d);if(t)return t}return!!g&&u(h,g)}r&&r.tempStatus(h.seg,!!d&&d.seg,!!g&&g.seg);var m,y,x=v();if(x)t?(y=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below)&&(x.seg.myFill.above=!x.seg.myFill.above):x.seg.otherFill=h.seg.myFill,r&&r.segmentUpdate(x.seg),h.other.remove(),h.remove();if(a.getHead()!==h){r&&r.rewind(h.seg);continue}t?(y=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below,h.seg.myFill.below=g?g.seg.myFill.above:i,h.seg.myFill.above=y?!h.seg.myFill.below:h.seg.myFill.below):null===h.seg.otherFill&&(m=g?h.primary===g.primary?g.seg.otherFill.above:g.seg.myFill.above:h.primary?o:i,h.seg.otherFill={above:m,below:m}),r&&r.status(h.seg,!!d&&d.seg,!!g&&g.seg),h.other.status=p.insert(n.node({ev:h}))}else{var b=h.status;if(null===b)throw new Error(\"PolyBool: Zero-length segment detected; your epsilon is probably too small or too large\");if(s.exists(b.prev)&&s.exists(b.next)&&u(b.prev.ev,b.next.ev),r&&r.statusRemove(b.ev.seg),b.remove(),!h.primary){var _=h.seg.myFill;h.seg.myFill=h.seg.otherFill,h.seg.otherFill=_}f.push(h.seg)}a.getHead().remove()}return r&&r.done(),f}return t?{addRegion:function(t){for(var n,i,a,o=t[t.length-1],l=0;l=c?(M=1,y=c+2*h+d):y=h*(M=-h/c)+d):(M=0,p>=0?(A=0,y=d):-p>=f?(A=1,y=f+2*p+d):y=p*(A=-p/f)+d);else if(A<0)A=0,h>=0?(M=0,y=d):-h>=c?(M=1,y=c+2*h+d):y=h*(M=-h/c)+d;else{var T=1/k;y=(M*=T)*(c*M+u*(A*=T)+2*h)+A*(u*M+f*A+2*p)+d}else M<0?(b=f+p)>(x=u+h)?(_=b-x)>=(w=c-2*u+f)?(M=1,A=0,y=c+2*h+d):y=(M=_/w)*(c*M+u*(A=1-M)+2*h)+A*(u*M+f*A+2*p)+d:(M=0,b<=0?(A=1,y=f+2*p+d):p>=0?(A=0,y=d):y=p*(A=-p/f)+d):A<0?(b=c+h)>(x=u+p)?(_=b-x)>=(w=c-2*u+f)?(A=1,M=0,y=f+2*p+d):y=(M=1-(A=_/w))*(c*M+u*A+2*h)+A*(u*M+f*A+2*p)+d:(A=0,b<=0?(M=1,y=c+2*h+d):h>=0?(M=0,y=d):y=h*(M=-h/c)+d):(_=f+p-u-h)<=0?(M=0,A=1,y=f+2*p+d):_>=(w=c-2*u+f)?(M=1,A=0,y=c+2*h+d):y=(M=_/w)*(c*M+u*(A=1-M)+2*h)+A*(u*M+f*A+2*p)+d;var S=1-M-A;for(l=0;l1)for(var r=1;r0){var c=t[r-1];if(0===n(s,c)&&a(c)!==l){r-=1;continue}}t[r++]=s}}return t.length=r,t}},{\"cell-orientation\":100,\"compare-cell\":116,\"compare-oriented-cell\":117}],473:[function(t,e,r){\"use strict\";var n=t(\"array-bounds\"),i=t(\"color-normalize\"),a=t(\"update-diff\"),o=t(\"pick-by-alias\"),s=t(\"object-assign\"),l=t(\"flatten-vertex-data\"),c=t(\"to-float32\"),u=c.float32,f=c.fract32;e.exports=function(t,e){\"function\"==typeof t?(e||(e={}),e.regl=t):e=t;e.length&&(e.positions=e);if(!(t=e.regl).hasExtension(\"ANGLE_instanced_arrays\"))throw Error(\"regl-error2d: `ANGLE_instanced_arrays` extension should be enabled\");var r,c,p,d,g,v,m=t._gl,y={color:\"black\",capSize:5,lineWidth:1,opacity:1,viewport:null,range:null,offset:0,count:0,bounds:null,positions:[],errors:[]},x=[];return d=t.buffer({usage:\"dynamic\",type:\"uint8\",data:new Uint8Array(0)}),c=t.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array(0)}),p=t.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array(0)}),g=t.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array(0)}),v=t.buffer({usage:\"static\",type:\"float\",data:h}),k(e),r=t({vert:\"\\n\\t\\tprecision highp float;\\n\\n\\t\\tattribute vec2 position, positionFract;\\n\\t\\tattribute vec4 error;\\n\\t\\tattribute vec4 color;\\n\\n\\t\\tattribute vec2 direction, lineOffset, capOffset;\\n\\n\\t\\tuniform vec4 viewport;\\n\\t\\tuniform float lineWidth, capSize;\\n\\t\\tuniform vec2 scale, scaleFract, translate, translateFract;\\n\\n\\t\\tvarying vec4 fragColor;\\n\\n\\t\\tvoid main() {\\n\\t\\t\\tfragColor = color / 255.;\\n\\n\\t\\t\\tvec2 pixelOffset = lineWidth * lineOffset + (capSize + lineWidth) * capOffset;\\n\\n\\t\\t\\tvec2 dxy = -step(.5, direction.xy) * error.xz + step(direction.xy, vec2(-.5)) * error.yw;\\n\\n\\t\\t\\tvec2 position = position + dxy;\\n\\n\\t\\t\\tvec2 pos = (position + translate) * scale\\n\\t\\t\\t\\t+ (positionFract + translateFract) * scale\\n\\t\\t\\t\\t+ (position + translate) * scaleFract\\n\\t\\t\\t\\t+ (positionFract + translateFract) * scaleFract;\\n\\n\\t\\t\\tpos += pixelOffset / viewport.zw;\\n\\n\\t\\t\\tgl_Position = vec4(pos * 2. - 1., 0, 1);\\n\\t\\t}\\n\\t\\t\",frag:\"\\n\\t\\tprecision mediump float;\\n\\n\\t\\tvarying vec4 fragColor;\\n\\n\\t\\tuniform float opacity;\\n\\n\\t\\tvoid main() {\\n\\t\\t\\tgl_FragColor = fragColor;\\n\\t\\t\\tgl_FragColor.a *= opacity;\\n\\t\\t}\\n\\t\\t\",uniforms:{range:t.prop(\"range\"),lineWidth:t.prop(\"lineWidth\"),capSize:t.prop(\"capSize\"),opacity:t.prop(\"opacity\"),scale:t.prop(\"scale\"),translate:t.prop(\"translate\"),scaleFract:t.prop(\"scaleFract\"),translateFract:t.prop(\"translateFract\"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{color:{buffer:d,offset:function(t,e){return 4*e.offset},divisor:1},position:{buffer:c,offset:function(t,e){return 8*e.offset},divisor:1},positionFract:{buffer:p,offset:function(t,e){return 8*e.offset},divisor:1},error:{buffer:g,offset:function(t,e){return 16*e.offset},divisor:1},direction:{buffer:v,stride:24,offset:0},lineOffset:{buffer:v,stride:24,offset:8},capOffset:{buffer:v,stride:24,offset:16}},primitive:\"triangles\",blend:{enable:!0,color:[0,0,0,0],equation:{rgb:\"add\",alpha:\"add\"},func:{srcRGB:\"src alpha\",dstRGB:\"one minus src alpha\",srcAlpha:\"one minus dst alpha\",dstAlpha:\"one\"}},depth:{enable:!1},scissor:{enable:!0,box:t.prop(\"viewport\")},viewport:t.prop(\"viewport\"),stencil:!1,instances:t.prop(\"count\"),count:h.length}),s(b,{update:k,draw:_,destroy:M,regl:t,gl:m,canvas:m.canvas,groups:x}),b;function b(t){t?k(t):null===t&&M(),_()}function _(e){if(\"number\"==typeof e)return w(e);e&&!Array.isArray(e)&&(e=[e]),t._refresh(),x.forEach(function(t,r){t&&(e&&(e[r]?t.draw=!0:t.draw=!1),t.draw?w(r):t.draw=!0)})}function w(t){\"number\"==typeof t&&(t=x[t]),null!=t&&t&&t.count&&t.color&&t.opacity&&t.positions&&t.positions.length>1&&(t.scaleRatio=[t.scale[0]*t.viewport.width,t.scale[1]*t.viewport.height],r(t),t.after&&t.after(t))}function k(t){if(t){null!=t.length?\"number\"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var e=0,r=0;if(b.groups=x=t.map(function(t,c){var u=x[c];return t?(\"function\"==typeof t?t={after:t}:\"number\"==typeof t[0]&&(t={positions:t}),t=o(t,{color:\"color colors fill\",capSize:\"capSize cap capsize cap-size\",lineWidth:\"lineWidth line-width width line thickness\",opacity:\"opacity alpha\",range:\"range dataBox\",viewport:\"viewport viewBox\",errors:\"errors error\",positions:\"positions position data points\"}),u||(x[c]=u={id:c,scale:null,translate:null,scaleFract:null,translateFract:null,draw:!0},t=s({},y,t)),a(u,t,[{lineWidth:function(t){return.5*+t},capSize:function(t){return.5*+t},opacity:parseFloat,errors:function(t){return t=l(t),r+=t.length,t},positions:function(t,r){return t=l(t,\"float64\"),r.count=Math.floor(t.length/2),r.bounds=n(t,2),r.offset=e,e+=r.count,t}},{color:function(t,e){var r=e.count;if(t||(t=\"transparent\"),!Array.isArray(t)||\"number\"==typeof t[0]){var n=t;t=Array(r);for(var a=0;a 0. && baClipping < length(normalWidth * endBotJoin)) {\\n\\t\\t//handle miter clipping\\n\\t\\tbTopCoord -= normalWidth * endTopJoin;\\n\\t\\tbTopCoord += normalize(endTopJoin * normalWidth) * baClipping;\\n\\t}\\n\\n\\tif (nextReverse) {\\n\\t\\t//make join rectangular\\n\\t\\tvec2 miterShift = normalWidth * endJoinDirection * miterLimit * .5;\\n\\t\\tfloat normalAdjust = 1. - min(miterLimit / endMiterRatio, 1.);\\n\\t\\tbBotCoord = bCoord + miterShift - normalAdjust * normalWidth * currNormal * .5;\\n\\t\\tbTopCoord = bCoord + miterShift + normalAdjust * normalWidth * currNormal * .5;\\n\\t}\\n\\telse if (!prevReverse && abClipping > 0. && abClipping < length(normalWidth * startBotJoin)) {\\n\\t\\t//handle miter clipping\\n\\t\\taBotCoord -= normalWidth * startBotJoin;\\n\\t\\taBotCoord += normalize(startBotJoin * normalWidth) * abClipping;\\n\\t}\\n\\n\\tvec2 aTopPosition = (aTopCoord) * adjustedScale + translate;\\n\\tvec2 aBotPosition = (aBotCoord) * adjustedScale + translate;\\n\\n\\tvec2 bTopPosition = (bTopCoord) * adjustedScale + translate;\\n\\tvec2 bBotPosition = (bBotCoord) * adjustedScale + translate;\\n\\n\\t//position is normalized 0..1 coord on the screen\\n\\tvec2 position = (aTopPosition * lineTop + aBotPosition * lineBot) * lineStart + (bTopPosition * lineTop + bBotPosition * lineBot) * lineEnd;\\n\\n\\tstartCoord = aCoord * scaleRatio + translate * viewport.zw + viewport.xy;\\n\\tendCoord = bCoord * scaleRatio + translate * viewport.zw + viewport.xy;\\n\\n\\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\\n\\n\\tenableStartMiter = step(dot(currTangent, prevTangent), .5);\\n\\tenableEndMiter = step(dot(currTangent, nextTangent), .5);\\n\\n\\t//bevel miter cutoffs\\n\\tif (miterMode == 1.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * miterLimit * .5;\\n\\t\\t\\tstartCutoff = vec4(aCoord, aCoord);\\n\\t\\t\\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\\n\\t\\t\\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tstartCutoff += viewport.xyxy;\\n\\t\\t\\tstartCutoff += startMiterWidth.xyxy;\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * miterLimit * .5;\\n\\t\\t\\tendCutoff = vec4(bCoord, bCoord);\\n\\t\\t\\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\\n\\t\\t\\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tendCutoff += viewport.xyxy;\\n\\t\\t\\tendCutoff += endMiterWidth.xyxy;\\n\\t\\t}\\n\\t}\\n\\n\\t//round miter cutoffs\\n\\telse if (miterMode == 2.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * abs(dot(startJoinDirection, currNormal)) * .5;\\n\\t\\t\\tstartCutoff = vec4(aCoord, aCoord);\\n\\t\\t\\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\\n\\t\\t\\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tstartCutoff += viewport.xyxy;\\n\\t\\t\\tstartCutoff += startMiterWidth.xyxy;\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * abs(dot(endJoinDirection, currNormal)) * .5;\\n\\t\\t\\tendCutoff = vec4(bCoord, bCoord);\\n\\t\\t\\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\\n\\t\\t\\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tendCutoff += viewport.xyxy;\\n\\t\\t\\tendCutoff += endMiterWidth.xyxy;\\n\\t\\t}\\n\\t}\\n}\\n\"]),frag:o([\"precision highp float;\\n#define GLSLIFY 1\\n\\nuniform sampler2D dashPattern;\\nuniform float dashSize, pixelRatio, thickness, opacity, id, miterMode;\\n\\nvarying vec4 fragColor;\\nvarying vec2 tangent;\\nvarying vec4 startCutoff, endCutoff;\\nvarying vec2 startCoord, endCoord;\\nvarying float enableStartMiter, enableEndMiter;\\n\\nfloat distToLine(vec2 p, vec2 a, vec2 b) {\\n\\tvec2 diff = b - a;\\n\\tvec2 perp = normalize(vec2(-diff.y, diff.x));\\n\\treturn dot(p - a, perp);\\n}\\n\\nvoid main() {\\n\\tfloat alpha = 1., distToStart, distToEnd;\\n\\tfloat cutoff = thickness * .5;\\n\\n\\t//bevel miter\\n\\tif (miterMode == 1.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\\n\\t\\t\\tif (distToStart < -1.) {\\n\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\treturn;\\n\\t\\t\\t}\\n\\t\\t\\talpha *= min(max(distToStart + 1., 0.), 1.);\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\\n\\t\\t\\tif (distToEnd < -1.) {\\n\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\treturn;\\n\\t\\t\\t}\\n\\t\\t\\talpha *= min(max(distToEnd + 1., 0.), 1.);\\n\\t\\t}\\n\\t}\\n\\n\\t// round miter\\n\\telse if (miterMode == 2.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\\n\\t\\t\\tif (distToStart < 0.) {\\n\\t\\t\\t\\tfloat radius = length(gl_FragCoord.xy - startCoord);\\n\\n\\t\\t\\t\\tif(radius > cutoff + .5) {\\n\\t\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\t\\treturn;\\n\\t\\t\\t\\t}\\n\\n\\t\\t\\t\\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\\n\\t\\t\\t}\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\\n\\t\\t\\tif (distToEnd < 0.) {\\n\\t\\t\\t\\tfloat radius = length(gl_FragCoord.xy - endCoord);\\n\\n\\t\\t\\t\\tif(radius > cutoff + .5) {\\n\\t\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\t\\treturn;\\n\\t\\t\\t\\t}\\n\\n\\t\\t\\t\\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\\n\\t\\t\\t}\\n\\t\\t}\\n\\t}\\n\\n\\tfloat t = fract(dot(tangent, gl_FragCoord.xy) / dashSize) * .5 + .25;\\n\\tfloat dash = texture2D(dashPattern, vec2(t, .5)).r;\\n\\n\\tgl_FragColor = fragColor;\\n\\tgl_FragColor.a *= alpha * opacity * dash;\\n}\\n\"]),attributes:{lineEnd:{buffer:r,divisor:0,stride:8,offset:0},lineTop:{buffer:r,divisor:0,stride:8,offset:4},aColor:{buffer:t.prop(\"colorBuffer\"),stride:4,offset:0,divisor:1},bColor:{buffer:t.prop(\"colorBuffer\"),stride:4,offset:4,divisor:1},prevCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:0,divisor:1},aCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:8,divisor:1},bCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:16,divisor:1},nextCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:24,divisor:1}}},n))}catch(t){e=i}return{fill:t({primitive:\"triangle\",elements:function(t,e){return e.triangles},offset:0,vert:o([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec2 position, positionFract;\\n\\nuniform vec4 color;\\nuniform vec2 scale, scaleFract, translate, translateFract;\\nuniform float pixelRatio, id;\\nuniform vec4 viewport;\\nuniform float opacity;\\n\\nvarying vec4 fragColor;\\n\\nconst float MAX_LINES = 256.;\\n\\nvoid main() {\\n\\tfloat depth = (MAX_LINES - 4. - id) / (MAX_LINES);\\n\\n\\tvec2 position = position * scale + translate\\n + positionFract * scale + translateFract\\n + position * scaleFract\\n + positionFract * scaleFract;\\n\\n\\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\\n\\n\\tfragColor = color / 255.;\\n\\tfragColor.a *= opacity;\\n}\\n\"]),frag:o([\"precision highp float;\\n#define GLSLIFY 1\\n\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n\\tgl_FragColor = fragColor;\\n}\\n\"]),uniforms:{scale:t.prop(\"scale\"),color:t.prop(\"fill\"),scaleFract:t.prop(\"scaleFract\"),translateFract:t.prop(\"translateFract\"),translate:t.prop(\"translate\"),opacity:t.prop(\"opacity\"),pixelRatio:t.context(\"pixelRatio\"),id:t.prop(\"id\"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{position:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:8},positionFract:{buffer:t.prop(\"positionFractBuffer\"),stride:8,offset:8}},blend:n.blend,depth:{enable:!1},scissor:n.scissor,stencil:n.stencil,viewport:n.viewport}),rect:i,miter:e}},v.defaults={dashes:null,join:\"miter\",miterLimit:1,thickness:10,cap:\"square\",color:\"black\",opacity:1,overlay:!1,viewport:null,range:null,close:!1,fill:null},v.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];e.length&&(t=this).update.apply(t,e),this.draw()},v.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];return(e.length?e:this.passes).forEach(function(e,r){var n;if(e&&Array.isArray(e))return(n=t).draw.apply(n,e);\"number\"==typeof e&&(e=t.passes[e]),e&&e.count>1&&e.opacity&&(t.regl._refresh(),e.fill&&e.triangles&&e.triangles.length>2&&t.shaders.fill(e),e.thickness&&(e.scale[0]*e.viewport.width>v.precisionThreshold||e.scale[1]*e.viewport.height>v.precisionThreshold?t.shaders.rect(e):\"rect\"===e.join||!e.join&&(e.thickness<=2||e.count>=v.maxPoints)?t.shaders.rect(e):t.shaders.miter(e)))}),this},v.prototype.update=function(t){var e=this;if(t){null!=t.length?\"number\"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var r=this.regl,o=this.gl;if(t.forEach(function(t,f){var d=e.passes[f];if(void 0!==t)if(null!==t){if(\"number\"==typeof t[0]&&(t={positions:t}),t=s(t,{positions:\"positions points data coords\",thickness:\"thickness lineWidth lineWidths line-width linewidth width stroke-width strokewidth strokeWidth\",join:\"lineJoin linejoin join type mode\",miterLimit:\"miterlimit miterLimit\",dashes:\"dash dashes dasharray dash-array dashArray\",color:\"color colour stroke colors colours stroke-color strokeColor\",fill:\"fill fill-color fillColor\",opacity:\"alpha opacity\",overlay:\"overlay crease overlap intersect\",close:\"closed close closed-path closePath\",range:\"range dataBox\",viewport:\"viewport viewBox\",hole:\"holes hole hollow\"}),d||(e.passes[f]=d={id:f,scale:null,scaleFract:null,translate:null,translateFract:null,count:0,hole:[],depth:0,dashLength:1,dashTexture:r.texture({channels:1,data:new Uint8Array([255]),width:1,height:1,mag:\"linear\",min:\"linear\"}),colorBuffer:r.buffer({usage:\"dynamic\",type:\"uint8\",data:new Uint8Array}),positionBuffer:r.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array}),positionFractBuffer:r.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array})},t=a({},v.defaults,t)),null!=t.thickness&&(d.thickness=parseFloat(t.thickness)),null!=t.opacity&&(d.opacity=parseFloat(t.opacity)),null!=t.miterLimit&&(d.miterLimit=parseFloat(t.miterLimit)),null!=t.overlay&&(d.overlay=!!t.overlay,f 1.0 + delta) {\\n\\t\\tdiscard;\\n\\t}\\n\\n\\talpha -= smoothstep(1.0 - delta, 1.0 + delta, radius);\\n\\n\\tfloat borderRadius = fragBorderRadius;\\n\\tfloat ratio = smoothstep(borderRadius - delta, borderRadius + delta, radius);\\n\\tvec4 color = mix(fragColor, fragBorderColor, ratio);\\n\\tcolor.a *= alpha * opacity;\\n\\tgl_FragColor = color;\\n}\\n\"]),u.vert=l([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute float x, y, xFract, yFract;\\nattribute float size, borderSize;\\nattribute vec4 colorId, borderColorId;\\nattribute float isActive;\\n\\nuniform vec2 scale, scaleFract, translate, translateFract;\\nuniform float pixelRatio;\\nuniform sampler2D palette;\\nuniform vec2 paletteSize;\\n\\nconst float maxSize = 100.;\\n\\nvarying vec4 fragColor, fragBorderColor;\\nvarying float fragBorderRadius, fragWidth;\\n\\nvec2 paletteCoord(float id) {\\n return vec2(\\n (mod(id, paletteSize.x) + .5) / paletteSize.x,\\n (floor(id / paletteSize.x) + .5) / paletteSize.y\\n );\\n}\\nvec2 paletteCoord(vec2 id) {\\n return vec2(\\n (id.x + .5) / paletteSize.x,\\n (id.y + .5) / paletteSize.y\\n );\\n}\\n\\nvec4 getColor(vec4 id) {\\n // zero-palette means we deal with direct buffer\\n if (paletteSize.x == 0.) return id / 255.;\\n return texture2D(palette, paletteCoord(id.xy));\\n}\\n\\nvoid main() {\\n // ignore inactive points\\n if (isActive == 0.) return;\\n\\n vec2 position = vec2(x, y);\\n vec2 positionFract = vec2(xFract, yFract);\\n\\n vec4 color = getColor(colorId);\\n vec4 borderColor = getColor(borderColorId);\\n\\n float size = size * maxSize / 255.;\\n float borderSize = borderSize * maxSize / 255.;\\n\\n gl_PointSize = (size + borderSize) * pixelRatio;\\n\\n vec2 pos = (position + translate) * scale\\n + (positionFract + translateFract) * scale\\n + (position + translate) * scaleFract\\n + (positionFract + translateFract) * scaleFract;\\n\\n gl_Position = vec4(pos * 2. - 1., 0, 1);\\n\\n fragBorderRadius = 1. - 2. * borderSize / (size + borderSize);\\n fragColor = color;\\n fragBorderColor = borderColor.a == 0. || borderSize == 0. ? vec4(color.rgb, 0.) : borderColor;\\n fragWidth = 1. / gl_PointSize;\\n}\\n\"]),h&&(u.frag=u.frag.replace(\"smoothstep\",\"smoothStep\"),c.frag=c.frag.replace(\"smoothstep\",\"smoothStep\")),this.drawCircle=t(u)}e.exports=g,g.defaults={color:\"black\",borderColor:\"transparent\",borderSize:0,size:12,opacity:1,marker:void 0,viewport:null,range:null,pixelSize:null,count:0,offset:0,bounds:null,positions:[],snap:1e4},g.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];return e.length&&(t=this).update.apply(t,e),this.draw(),this},g.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];var n=this.groups;if(1===e.length&&Array.isArray(e[0])&&(null===e[0][0]||Array.isArray(e[0][0]))&&(e=e[0]),this.regl._refresh(),e.length)for(var i=0;in)?e.tree=o(t,{bounds:h}):n&&n.length&&(e.tree=n),e.tree){var d={primitive:\"points\",usage:\"static\",data:e.tree,type:\"uint32\"};e.elements?e.elements(d):e.elements=l.elements(d)}return a({data:p.float(t),usage:\"dynamic\"}),s({data:p.fract(t),usage:\"dynamic\"}),c({data:new Uint8Array(u),type:\"uint8\",usage:\"stream\"}),t}},{marker:function(e,r,n){var i=r.activation;if(i.forEach(function(t){return t&&t.destroy&&t.destroy()}),i.length=0,e&&\"number\"!=typeof e[0]){for(var a=[],o=0,s=Math.min(e.length,r.count);o=0)return a;if(t instanceof Uint8Array||t instanceof Uint8ClampedArray)e=t;else{e=new Uint8Array(t.length);for(var o=0,s=t.length;oi*i*4&&(this.tooManyColors=!0),this.updatePalette(r),1===o.length?o[0]:o},g.prototype.updatePalette=function(t){if(!this.tooManyColors){var e=this.maxColors,r=this.paletteTexture,n=Math.ceil(.25*t.length/e);if(n>1)for(var i=.25*(t=t.slice()).length%e;i2?(s[0],s[2],n=s[1],i=s[3]):s.length?(n=s[0],i=s[1]):(s.x,n=s.y,s.x+s.width,i=s.y+s.height),l.length>2?(a=l[0],o=l[2],l[1],l[3]):l.length?(a=l[0],o=l[1]):(a=l.x,l.y,o=l.x+l.width,l.y+l.height),[a,n,o,i]}function p(t){if(\"number\"==typeof t)return[t,t,t,t];if(2===t.length)return[t[0],t[1],t[0],t[1]];var e=l(t);return[e.x,e.y,e.x+e.width,e.y+e.height]}e.exports=u,u.prototype.render=function(){for(var t,e=this,r=[],n=arguments.length;n--;)r[n]=arguments[n];return r.length&&(t=this).update.apply(t,r),this.regl.attributes.preserveDrawingBuffer?this.draw():(this.dirty?null==this.planned&&(this.planned=o(function(){e.draw(),e.dirty=!0,e.planned=null})):(this.draw(),this.dirty=!0,o(function(){e.dirty=!1})),this)},u.prototype.update=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];if(e.length){for(var n=0;nM))&&(s.lower||!(k>>=e))<<3,(e|=r=(15<(t>>>=r))<<2)|(r=(3<(t>>>=r))<<1)|t>>>r>>1}function s(){function t(t){t:{for(var e=16;268435456>=e;e*=16)if(t<=e){t=e;break t}t=0}return 0<(e=r[o(t)>>2]).length?e.pop():new ArrayBuffer(t)}function e(t){r[o(t.byteLength)>>2].push(t)}var r=a(8,function(){return[]});return{alloc:t,free:e,allocType:function(e,r){var n=null;switch(e){case 5120:n=new Int8Array(t(r),0,r);break;case 5121:n=new Uint8Array(t(r),0,r);break;case 5122:n=new Int16Array(t(2*r),0,r);break;case 5123:n=new Uint16Array(t(2*r),0,r);break;case 5124:n=new Int32Array(t(4*r),0,r);break;case 5125:n=new Uint32Array(t(4*r),0,r);break;case 5126:n=new Float32Array(t(4*r),0,r);break;default:return null}return n.length!==r?n.subarray(0,r):n},freeType:function(t){e(t.buffer)}}}function l(t){return!!t&&\"object\"==typeof t&&Array.isArray(t.shape)&&Array.isArray(t.stride)&&\"number\"==typeof t.offset&&t.shape.length===t.stride.length&&(Array.isArray(t.data)||Y(t.data))}function c(t,e,r,n,i,a){for(var o=0;o(i=s)&&(i=n.buffer.byteLength,5123===f?i>>=1:5125===f&&(i>>=2)),n.vertCount=i,i=o,0>o&&(i=4,1===(o=n.buffer.dimension)&&(i=0),2===o&&(i=1),3===o&&(i=4)),n.primType=i}function o(t){n.elementsCount--,delete s[t.id],t.buffer.destroy(),t.buffer=null}var s={},c=0,u={uint8:5121,uint16:5123};e.oes_element_index_uint&&(u.uint32=5125),i.prototype.bind=function(){this.buffer.bind()};var f=[];return{create:function(t,e){function s(t){if(t)if(\"number\"==typeof t)c(t),f.primType=4,f.vertCount=0|t,f.type=5121;else{var e=null,r=35044,n=-1,i=-1,o=0,h=0;Array.isArray(t)||Y(t)||l(t)?e=t:(\"data\"in t&&(e=t.data),\"usage\"in t&&(r=K[t.usage]),\"primitive\"in t&&(n=rt[t.primitive]),\"count\"in t&&(i=0|t.count),\"type\"in t&&(h=u[t.type]),\"length\"in t?o=0|t.length:(o=i,5123===h||5122===h?o*=2:5125!==h&&5124!==h||(o*=4))),a(f,e,r,n,i,o,h)}else c(),f.primType=4,f.vertCount=0,f.type=5121;return s}var c=r.create(null,34963,!0),f=new i(c._buffer);return n.elementsCount++,s(t),s._reglType=\"elements\",s._elements=f,s.subdata=function(t,e){return c.subdata(t,e),s},s.destroy=function(){o(f)},s},createStream:function(t){var e=f.pop();return e||(e=new i(r.create(null,34963,!0,!1)._buffer)),a(e,t,35040,-1,-1,0,0),e},destroyStream:function(t){f.push(t)},getElements:function(t){return\"function\"==typeof t&&t._elements instanceof i?t._elements:null},clear:function(){X(s).forEach(o)}}}function g(t){for(var e=G.allocType(5123,t.length),r=0;r>>31<<15,i=(a<<1>>>24)-127,a=a>>13&1023;e[r]=-24>i?n:-14>i?n+(a+1024>>-14-i):15>=i,r.height>>=i,p(r,n[i]),t.mipmask|=1<e;++e)t.images[e]=null;return t}function L(t){for(var e=t.images,r=0;re){for(var r=0;r=--this.refCount&&B(this)}}),o.profile&&(a.getTotalTextureSize=function(){var t=0;return Object.keys(mt).forEach(function(e){t+=mt[e].stats.size}),t}),{create2D:function(e,r){function n(t,e){var r=i.texInfo;z.call(r);var a=C();return\"number\"==typeof t?T(a,0|t,\"number\"==typeof e?0|e:0|t):t?(O(r,t),S(a,t)):T(a,1,1),r.genMipmaps&&(a.mipmask=(a.width<<1)-1),i.mipmask=a.mipmask,c(i,a),i.internalformat=a.internalformat,n.width=a.width,n.height=a.height,D(i),E(a,3553),I(r,3553),R(),L(a),o.profile&&(i.stats.size=k(i.internalformat,i.type,a.width,a.height,r.genMipmaps,!1)),n.format=tt[i.internalformat],n.type=et[i.type],n.mag=rt[r.magFilter],n.min=nt[r.minFilter],n.wrapS=it[r.wrapS],n.wrapT=it[r.wrapT],n}var i=new P(3553);return mt[i.id]=i,a.textureCount++,n(e,r),n.subimage=function(t,e,r,a){e|=0,r|=0,a|=0;var o=m();return c(o,i),o.width=0,o.height=0,p(o,t),o.width=o.width||(i.width>>a)-e,o.height=o.height||(i.height>>a)-r,D(i),d(o,3553,e,r,a),R(),M(o),n},n.resize=function(e,r){var a=0|e,s=0|r||a;if(a===i.width&&s===i.height)return n;n.width=i.width=a,n.height=i.height=s,D(i);for(var l,c=i.channels,u=i.type,f=0;i.mipmask>>f;++f){var h=a>>f,p=s>>f;if(!h||!p)break;l=G.zero.allocType(u,h*p*c),t.texImage2D(3553,f,i.format,h,p,0,i.format,i.type,l),l&&G.zero.freeType(l)}return R(),o.profile&&(i.stats.size=k(i.internalformat,i.type,a,s,!1,!1)),n},n._reglType=\"texture2d\",n._texture=i,o.profile&&(n.stats=i.stats),n.destroy=function(){i.decRef()},n},createCube:function(e,r,n,i,s,l){function f(t,e,r,n,i,a){var s,l=h.texInfo;for(z.call(l),s=0;6>s;++s)g[s]=C();if(\"number\"!=typeof t&&t){if(\"object\"==typeof t)if(e)S(g[0],t),S(g[1],e),S(g[2],r),S(g[3],n),S(g[4],i),S(g[5],a);else if(O(l,t),u(h,t),\"faces\"in t)for(t=t.faces,s=0;6>s;++s)c(g[s],h),S(g[s],t[s]);else for(s=0;6>s;++s)S(g[s],t)}else for(t=0|t||1,s=0;6>s;++s)T(g[s],t,t);for(c(h,g[0]),h.mipmask=l.genMipmaps?(g[0].width<<1)-1:g[0].mipmask,h.internalformat=g[0].internalformat,f.width=g[0].width,f.height=g[0].height,D(h),s=0;6>s;++s)E(g[s],34069+s);for(I(l,34067),R(),o.profile&&(h.stats.size=k(h.internalformat,h.type,f.width,f.height,l.genMipmaps,!0)),f.format=tt[h.internalformat],f.type=et[h.type],f.mag=rt[l.magFilter],f.min=nt[l.minFilter],f.wrapS=it[l.wrapS],f.wrapT=it[l.wrapT],s=0;6>s;++s)L(g[s]);return f}var h=new P(34067);mt[h.id]=h,a.cubeCount++;var g=Array(6);return f(e,r,n,i,s,l),f.subimage=function(t,e,r,n,i){r|=0,n|=0,i|=0;var a=m();return c(a,h),a.width=0,a.height=0,p(a,e),a.width=a.width||(h.width>>i)-r,a.height=a.height||(h.height>>i)-n,D(h),d(a,34069+t,r,n,i),R(),M(a),f},f.resize=function(e){if((e|=0)!==h.width){f.width=h.width=e,f.height=h.height=e,D(h);for(var r=0;6>r;++r)for(var n=0;h.mipmask>>n;++n)t.texImage2D(34069+r,n,h.format,e>>n,e>>n,0,h.format,h.type,null);return R(),o.profile&&(h.stats.size=k(h.internalformat,h.type,f.width,f.height,!1,!0)),f}},f._reglType=\"textureCube\",f._texture=h,o.profile&&(f.stats=h.stats),f.destroy=function(){h.decRef()},f},clear:function(){for(var e=0;er;++r)if(0!=(e.mipmask&1<>r,e.height>>r,0,e.internalformat,e.type,null);else for(var n=0;6>n;++n)t.texImage2D(34069+n,r,e.internalformat,e.width>>r,e.height>>r,0,e.internalformat,e.type,null);I(e.texInfo,e.target)})}}}function A(t,e,r,n,i,a){function o(t,e,r){this.target=t,this.texture=e,this.renderbuffer=r;var n=t=0;e?(t=e.width,n=e.height):r&&(t=r.width,n=r.height),this.width=t,this.height=n}function s(t){t&&(t.texture&&t.texture._texture.decRef(),t.renderbuffer&&t.renderbuffer._renderbuffer.decRef())}function l(t,e,r){t&&(t.texture?t.texture._texture.refCount+=1:t.renderbuffer._renderbuffer.refCount+=1)}function c(e,r){r&&(r.texture?t.framebufferTexture2D(36160,e,r.target,r.texture._texture.texture,0):t.framebufferRenderbuffer(36160,e,36161,r.renderbuffer._renderbuffer.renderbuffer))}function u(t){var e=3553,r=null,n=null,i=t;return\"object\"==typeof t&&(i=t.data,\"target\"in t&&(e=0|t.target)),\"texture2d\"===(t=i._reglType)?r=i:\"textureCube\"===t?r=i:\"renderbuffer\"===t&&(n=i,e=36161),new o(e,r,n)}function f(t,e,r,a,s){return r?((t=n.create2D({width:t,height:e,format:a,type:s}))._texture.refCount=0,new o(3553,t,null)):((t=i.create({width:t,height:e,format:a}))._renderbuffer.refCount=0,new o(36161,null,t))}function h(t){return t&&(t.texture||t.renderbuffer)}function p(t,e,r){t&&(t.texture?t.texture.resize(e,r):t.renderbuffer&&t.renderbuffer.resize(e,r))}function d(){this.id=k++,M[this.id]=this,this.framebuffer=t.createFramebuffer(),this.height=this.width=0,this.colorAttachments=[],this.depthStencilAttachment=this.stencilAttachment=this.depthAttachment=null}function g(t){t.colorAttachments.forEach(s),s(t.depthAttachment),s(t.stencilAttachment),s(t.depthStencilAttachment)}function v(e){t.deleteFramebuffer(e.framebuffer),e.framebuffer=null,a.framebufferCount--,delete M[e.id]}function m(e){var n;t.bindFramebuffer(36160,e.framebuffer);var i=e.colorAttachments;for(n=0;ni;++i){for(c=0;ct;++t)r[t].resize(n);return e.width=e.height=n,e},_reglType:\"framebufferCube\",destroy:function(){r.forEach(function(t){t.destroy()})}})},clear:function(){X(M).forEach(v)},restore:function(){X(M).forEach(function(e){e.framebuffer=t.createFramebuffer(),m(e)})}})}function T(){this.w=this.z=this.y=this.x=this.state=0,this.buffer=null,this.size=0,this.normalized=!1,this.type=5126,this.divisor=this.stride=this.offset=0}function S(t,e,r,n){function i(t,e,r,n){this.name=t,this.id=e,this.location=r,this.info=n}function a(t,e){for(var r=0;rt&&(t=e.stats.uniformsCount)}),t},r.getMaxAttributesCount=function(){var t=0;return h.forEach(function(e){e.stats.attributesCount>t&&(t=e.stats.attributesCount)}),t}),{clear:function(){var e=t.deleteShader.bind(t);X(c).forEach(e),c={},X(u).forEach(e),u={},h.forEach(function(e){t.deleteProgram(e.program)}),h.length=0,f={},r.shaderCount=0},program:function(t,e,n){var i=f[e];i||(i=f[e]={});var a=i[t];return a||(a=new s(e,t),r.shaderCount++,l(a),i[t]=a,h.push(a)),a},restore:function(){c={},u={};for(var t=0;t\"+e+\"?\"+i+\".constant[\"+e+\"]:0;\"}).join(\"\"),\"}}else{\",\"if(\",o,\"(\",i,\".buffer)){\",u,\"=\",s,\".createStream(\",34962,\",\",i,\".buffer);\",\"}else{\",u,\"=\",s,\".getBuffer(\",i,\".buffer);\",\"}\",f,'=\"type\" in ',i,\"?\",a.glTypes,\"[\",i,\".type]:\",u,\".dtype;\",l.normalized,\"=!!\",i,\".normalized;\"),n(\"size\"),n(\"offset\"),n(\"stride\"),n(\"divisor\"),r(\"}}\"),r.exit(\"if(\",l.isStream,\"){\",s,\".destroyStream(\",u,\");\",\"}\"),l})}),o}function A(t,e,r,n,i){var o=_(t),s=function(t,e,r){function n(t){if(t in i){var r=i[t];t=!0;var n,o,s=0|r.x,l=0|r.y;return\"width\"in r?n=0|r.width:t=!1,\"height\"in r?o=0|r.height:t=!1,new P(!t&&e&&e.thisDep,!t&&e&&e.contextDep,!t&&e&&e.propDep,function(t,e){var i=t.shared.context,a=n;\"width\"in r||(a=e.def(i,\".\",\"framebufferWidth\",\"-\",s));var c=o;return\"height\"in r||(c=e.def(i,\".\",\"framebufferHeight\",\"-\",l)),[s,l,a,c]})}if(t in a){var c=a[t];return t=B(c,function(t,e){var r=t.invoke(e,c),n=t.shared.context,i=e.def(r,\".x|0\"),a=e.def(r,\".y|0\");return[i,a,e.def('\"width\" in ',r,\"?\",r,\".width|0:\",\"(\",n,\".\",\"framebufferWidth\",\"-\",i,\")\"),r=e.def('\"height\" in ',r,\"?\",r,\".height|0:\",\"(\",n,\".\",\"framebufferHeight\",\"-\",a,\")\")]}),e&&(t.thisDep=t.thisDep||e.thisDep,t.contextDep=t.contextDep||e.contextDep,t.propDep=t.propDep||e.propDep),t}return e?new P(e.thisDep,e.contextDep,e.propDep,function(t,e){var r=t.shared.context;return[0,0,e.def(r,\".\",\"framebufferWidth\"),e.def(r,\".\",\"framebufferHeight\")]}):null}var i=t.static,a=t.dynamic;if(t=n(\"viewport\")){var o=t;t=new P(t.thisDep,t.contextDep,t.propDep,function(t,e){var r=o.append(t,e),n=t.shared.context;return e.set(n,\".viewportWidth\",r[2]),e.set(n,\".viewportHeight\",r[3]),r})}return{viewport:t,scissor_box:n(\"scissor.box\")}}(t,o),l=k(t),c=function(t,e){var r=t.static,n=t.dynamic,i={};return nt.forEach(function(t){function e(e,a){if(t in r){var s=e(r[t]);i[o]=R(function(){return s})}else if(t in n){var l=n[t];i[o]=B(l,function(t,e){return a(t,e,t.invoke(e,l))})}}var o=m(t);switch(t){case\"cull.enable\":case\"blend.enable\":case\"dither\":case\"stencil.enable\":case\"depth.enable\":case\"scissor.enable\":case\"polygonOffset.enable\":case\"sample.alpha\":case\"sample.enable\":case\"depth.mask\":return e(function(t){return t},function(t,e,r){return r});case\"depth.func\":return e(function(t){return kt[t]},function(t,e,r){return e.def(t.constants.compareFuncs,\"[\",r,\"]\")});case\"depth.range\":return e(function(t){return t},function(t,e,r){return[e.def(\"+\",r,\"[0]\"),e=e.def(\"+\",r,\"[1]\")]});case\"blend.func\":return e(function(t){return[wt[\"srcRGB\"in t?t.srcRGB:t.src],wt[\"dstRGB\"in t?t.dstRGB:t.dst],wt[\"srcAlpha\"in t?t.srcAlpha:t.src],wt[\"dstAlpha\"in t?t.dstAlpha:t.dst]]},function(t,e,r){function n(t,n){return e.def('\"',t,n,'\" in ',r,\"?\",r,\".\",t,n,\":\",r,\".\",t)}t=t.constants.blendFuncs;var i=n(\"src\",\"RGB\"),a=n(\"dst\",\"RGB\"),o=(i=e.def(t,\"[\",i,\"]\"),e.def(t,\"[\",n(\"src\",\"Alpha\"),\"]\"));return[i,a=e.def(t,\"[\",a,\"]\"),o,t=e.def(t,\"[\",n(\"dst\",\"Alpha\"),\"]\")]});case\"blend.equation\":return e(function(t){return\"string\"==typeof t?[$[t],$[t]]:\"object\"==typeof t?[$[t.rgb],$[t.alpha]]:void 0},function(t,e,r){var n=t.constants.blendEquations,i=e.def(),a=e.def();return(t=t.cond(\"typeof \",r,'===\"string\"')).then(i,\"=\",a,\"=\",n,\"[\",r,\"];\"),t.else(i,\"=\",n,\"[\",r,\".rgb];\",a,\"=\",n,\"[\",r,\".alpha];\"),e(t),[i,a]});case\"blend.color\":return e(function(t){return a(4,function(e){return+t[e]})},function(t,e,r){return a(4,function(t){return e.def(\"+\",r,\"[\",t,\"]\")})});case\"stencil.mask\":return e(function(t){return 0|t},function(t,e,r){return e.def(r,\"|0\")});case\"stencil.func\":return e(function(t){return[kt[t.cmp||\"keep\"],t.ref||0,\"mask\"in t?t.mask:-1]},function(t,e,r){return[t=e.def('\"cmp\" in ',r,\"?\",t.constants.compareFuncs,\"[\",r,\".cmp]\",\":\",7680),e.def(r,\".ref|0\"),e=e.def('\"mask\" in ',r,\"?\",r,\".mask|0:-1\")]});case\"stencil.opFront\":case\"stencil.opBack\":return e(function(e){return[\"stencil.opBack\"===t?1029:1028,Mt[e.fail||\"keep\"],Mt[e.zfail||\"keep\"],Mt[e.zpass||\"keep\"]]},function(e,r,n){function i(t){return r.def('\"',t,'\" in ',n,\"?\",a,\"[\",n,\".\",t,\"]:\",7680)}var a=e.constants.stencilOps;return[\"stencil.opBack\"===t?1029:1028,i(\"fail\"),i(\"zfail\"),i(\"zpass\")]});case\"polygonOffset.offset\":return e(function(t){return[0|t.factor,0|t.units]},function(t,e,r){return[e.def(r,\".factor|0\"),e=e.def(r,\".units|0\")]});case\"cull.face\":return e(function(t){var e=0;return\"front\"===t?e=1028:\"back\"===t&&(e=1029),e},function(t,e,r){return e.def(r,'===\"front\"?',1028,\":\",1029)});case\"lineWidth\":return e(function(t){return t},function(t,e,r){return r});case\"frontFace\":return e(function(t){return At[t]},function(t,e,r){return e.def(r+'===\"cw\"?2304:2305')});case\"colorMask\":return e(function(t){return t.map(function(t){return!!t})},function(t,e,r){return a(4,function(t){return\"!!\"+r+\"[\"+t+\"]\"})});case\"sample.coverage\":return e(function(t){return[\"value\"in t?t.value:1,!!t.invert]},function(t,e,r){return[e.def('\"value\" in ',r,\"?+\",r,\".value:1\"),e=e.def(\"!!\",r,\".invert\")]})}}),i}(t),u=w(t),f=s.viewport;return f&&(c.viewport=f),(s=s[f=m(\"scissor.box\")])&&(c[f]=s),(o={framebuffer:o,draw:l,shader:u,state:c,dirty:s=0>1)\",s],\");\")}function e(){r(l,\".drawArraysInstancedANGLE(\",[d,g,v,s],\");\")}p?y?t():(r(\"if(\",p,\"){\"),t(),r(\"}else{\"),e(),r(\"}\")):e()}function o(){function t(){r(u+\".drawElements(\"+[d,v,m,g+\"<<((\"+m+\"-5121)>>1)\"]+\");\")}function e(){r(u+\".drawArrays(\"+[d,g,v]+\");\")}p?y?t():(r(\"if(\",p,\"){\"),t(),r(\"}else{\"),e(),r(\"}\")):e()}var s,l,c=t.shared,u=c.gl,f=c.draw,h=n.draw,p=function(){var i=h.elements,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,\".\",\"elements\"),i&&a(\"if(\"+i+\")\"+u+\".bindBuffer(34963,\"+i+\".buffer.buffer);\"),i}(),d=i(\"primitive\"),g=i(\"offset\"),v=function(){var i=h.count,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,\".\",\"count\"),i}();if(\"number\"==typeof v){if(0===v)return}else r(\"if(\",v,\"){\"),r.exit(\"}\");K&&(s=i(\"instances\"),l=t.instancing);var m=p+\".type\",y=h.elements&&D(h.elements);K&&(\"number\"!=typeof s||0<=s)?\"string\"==typeof s?(r(\"if(\",s,\">0){\"),a(),r(\"}else if(\",s,\"<0){\"),o(),r(\"}\")):a():o()}function q(t,e,r,n,i){return i=(e=b()).proc(\"body\",i),K&&(e.instancing=i.def(e.shared.extensions,\".angle_instanced_arrays\")),t(e,i,r,n),e.compile().body}function H(t,e,r,n){L(t,e),N(t,e,r,n.attributes,function(){return!0}),j(t,e,r,n.uniforms,function(){return!0}),V(t,e,e,r)}function G(t,e,r,n){function i(){return!0}t.batchId=\"a1\",L(t,e),N(t,e,r,n.attributes,i),j(t,e,r,n.uniforms,i),V(t,e,e,r)}function W(t,e,r,n){function i(t){return t.contextDep&&o||t.propDep}function a(t){return!i(t)}L(t,e);var o=r.contextDep,s=e.def(),l=e.def();t.shared.props=l,t.batchId=s;var c=t.scope(),u=t.scope();e(c.entry,\"for(\",s,\"=0;\",s,\"<\",\"a1\",\";++\",s,\"){\",l,\"=\",\"a0\",\"[\",s,\"];\",u,\"}\",c.exit),r.needsContext&&T(t,u,r.context),r.needsFramebuffer&&S(t,u,r.framebuffer),C(t,u,r.state,i),r.profile&&i(r.profile)&&F(t,u,r,!1,!0),n?(N(t,c,r,n.attributes,a),N(t,u,r,n.attributes,i),j(t,c,r,n.uniforms,a),j(t,u,r,n.uniforms,i),V(t,c,u,r)):(e=t.global.def(\"{}\"),n=r.shader.progVar.append(t,u),l=u.def(n,\".id\"),c=u.def(e,\"[\",l,\"]\"),u(t.shared.gl,\".useProgram(\",n,\".program);\",\"if(!\",c,\"){\",c,\"=\",e,\"[\",l,\"]=\",t.link(function(e){return q(G,t,r,e,2)}),\"(\",n,\");}\",c,\".call(this,a0[\",s,\"],\",s,\");\"))}function Y(t,r){function n(e){var n=r.shader[e];n&&i.set(a.shader,\".\"+e,n.append(t,i))}var i=t.proc(\"scope\",3);t.batchId=\"a2\";var a=t.shared,o=a.current;T(t,i,r.context),r.framebuffer&&r.framebuffer.append(t,i),I(Object.keys(r.state)).forEach(function(e){var n=r.state[e].append(t,i);v(n)?n.forEach(function(r,n){i.set(t.next[e],\"[\"+n+\"]\",r)}):i.set(a.next,\".\"+e,n)}),F(t,i,r,!0,!0),[\"elements\",\"offset\",\"count\",\"instances\",\"primitive\"].forEach(function(e){var n=r.draw[e];n&&i.set(a.draw,\".\"+e,\"\"+n.append(t,i))}),Object.keys(r.uniforms).forEach(function(n){i.set(a.uniforms,\"[\"+e.id(n)+\"]\",r.uniforms[n].append(t,i))}),Object.keys(r.attributes).forEach(function(e){var n=r.attributes[e].append(t,i),a=t.scopeAttrib(e);Object.keys(new Z).forEach(function(t){i.set(a,\".\"+t,n[t])})}),n(\"vert\"),n(\"frag\"),0=--this.refCount&&o(this)},i.profile&&(n.getTotalRenderbufferSize=function(){var t=0;return Object.keys(u).forEach(function(e){t+=u[e].stats.size}),t}),{create:function(e,r){function o(e,r){var n=0,a=0,u=32854;if(\"object\"==typeof e&&e?(\"shape\"in e?(n=0|(a=e.shape)[0],a=0|a[1]):(\"radius\"in e&&(n=a=0|e.radius),\"width\"in e&&(n=0|e.width),\"height\"in e&&(a=0|e.height)),\"format\"in e&&(u=s[e.format])):\"number\"==typeof e?(n=0|e,a=\"number\"==typeof r?0|r:n):e||(n=a=1),n!==c.width||a!==c.height||u!==c.format)return o.width=c.width=n,o.height=c.height=a,c.format=u,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,u,n,a),i.profile&&(c.stats.size=vt[c.format]*c.width*c.height),o.format=l[c.format],o}var c=new a(t.createRenderbuffer());return u[c.id]=c,n.renderbufferCount++,o(e,r),o.resize=function(e,r){var n=0|e,a=0|r||n;return n===c.width&&a===c.height?o:(o.width=c.width=n,o.height=c.height=a,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,c.format,n,a),i.profile&&(c.stats.size=vt[c.format]*c.width*c.height),o)},o._reglType=\"renderbuffer\",o._renderbuffer=c,i.profile&&(o.stats=c.stats),o.destroy=function(){c.decRef()},o},clear:function(){X(u).forEach(o)},restore:function(){X(u).forEach(function(e){e.renderbuffer=t.createRenderbuffer(),t.bindRenderbuffer(36161,e.renderbuffer),t.renderbufferStorage(36161,e.format,e.width,e.height)}),t.bindRenderbuffer(36161,null)}}},yt=[];yt[6408]=4,yt[6407]=3;var xt=[];xt[5121]=1,xt[5126]=4,xt[36193]=2;var bt=[\"x\",\"y\",\"z\",\"w\"],_t=\"blend.func blend.equation stencil.func stencil.opFront stencil.opBack sample.coverage viewport scissor.box polygonOffset.offset\".split(\" \"),wt={0:0,1:1,zero:0,one:1,\"src color\":768,\"one minus src color\":769,\"src alpha\":770,\"one minus src alpha\":771,\"dst color\":774,\"one minus dst color\":775,\"dst alpha\":772,\"one minus dst alpha\":773,\"constant color\":32769,\"one minus constant color\":32770,\"constant alpha\":32771,\"one minus constant alpha\":32772,\"src alpha saturate\":776},kt={never:512,less:513,\"<\":513,equal:514,\"=\":514,\"==\":514,\"===\":514,lequal:515,\"<=\":515,greater:516,\">\":516,notequal:517,\"!=\":517,\"!==\":517,gequal:518,\">=\":518,always:519},Mt={0:0,zero:0,keep:7680,replace:7681,increment:7682,decrement:7683,\"increment wrap\":34055,\"decrement wrap\":34056,invert:5386},At={cw:2304,ccw:2305},Tt=new P(!1,!1,!1,function(){});return function(t){function e(){if(0===Z.length)w&&w.update(),Q=null;else{Q=q.next(e),f();for(var t=Z.length-1;0<=t;--t){var r=Z[t];r&&r(z,null,0)}v.flush(),w&&w.update()}}function r(){!Q&&0=Z.length&&n()}}}}function u(){var t=Y.viewport,e=Y.scissor_box;t[0]=t[1]=e[0]=e[1]=0,z.viewportWidth=z.framebufferWidth=z.drawingBufferWidth=t[2]=e[2]=v.drawingBufferWidth,z.viewportHeight=z.framebufferHeight=z.drawingBufferHeight=t[3]=e[3]=v.drawingBufferHeight}function f(){z.tick+=1,z.time=g(),u(),G.procs.poll()}function h(){u(),G.procs.refresh(),w&&w.update()}function g(){return(H()-k)/1e3}if(!(t=i(t)))return null;var v=t.gl,m=v.getContextAttributes();v.isContextLost();var y=function(t,e){function r(e){var r;e=e.toLowerCase();try{r=n[e]=t.getExtension(e)}catch(t){}return!!r}for(var n={},i=0;ie;++e)tt(j({framebuffer:t.framebuffer.faces[e]},t),l);else tt(t,l);else l(0,t)},prop:U.define.bind(null,1),context:U.define.bind(null,2),this:U.define.bind(null,3),draw:s({}),buffer:function(t){return I.create(t,34962,!1,!1)},elements:function(t){return P.create(t,!1)},texture:R.create2D,cube:R.createCube,renderbuffer:B.create,framebuffer:V.create,framebufferCube:V.createCube,attributes:m,frame:c,on:function(t,e){var r;switch(t){case\"frame\":return c(e);case\"lost\":r=$;break;case\"restore\":r=J;break;case\"destroy\":r=K}return r.push(e),{cancel:function(){for(var t=0;t=r)return i.substr(0,r);for(;r>i.length&&e>1;)1&e&&(i+=t),e>>=1,t+=t;return i=(i+=t).substr(0,r)}},{}],480:[function(t,e,r){(function(t){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{}],481:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,i=e-2;i>=0;--i){var a=r,o=t[i],s=(r=a+o)-a,l=o-s;l&&(t[--n]=r,r=l)}for(var c=0,i=n;i>1;return[\"sum(\",t(e.slice(0,r)),\",\",t(e.slice(r)),\")\"].join(\"\")}(e);var n}function u(t){return new Function(\"sum\",\"scale\",\"prod\",\"compress\",[\"function robustDeterminant\",t,\"(m){return compress(\",c(function(t){for(var e=new Array(t),r=0;r>1;return[\"sum(\",c(t.slice(0,e)),\",\",c(t.slice(e)),\")\"].join(\"\")}function u(t,e){if(\"m\"===t.charAt(0)){if(\"w\"===e.charAt(0)){var r=t.split(\"[\");return[\"w\",e.substr(1),\"m\",r[0].substr(1)].join(\"\")}return[\"prod(\",t,\",\",e,\")\"].join(\"\")}return u(e,t)}function f(t){if(2===t.length)return[[\"diff(\",u(t[0][0],t[1][1]),\",\",u(t[1][0],t[0][1]),\")\"].join(\"\")];for(var e=[],r=0;r0&&r.push(\",\"),r.push(\"[\");for(var o=0;o0&&r.push(\",\"),o===i?r.push(\"+b[\",a,\"]\"):r.push(\"+A[\",a,\"][\",o,\"]\");r.push(\"]\")}r.push(\"]),\")}r.push(\"det(A)]}return \",e);var s=new Function(\"det\",r.join(\"\"));return s(t<6?n[t]:n)}var o=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;o.length>1;return[\"sum(\",c(t.slice(0,e)),\",\",c(t.slice(e)),\")\"].join(\"\")}function u(t){if(2===t.length)return[[\"sum(prod(\",t[0][0],\",\",t[1][1],\"),prod(-\",t[0][1],\",\",t[1][0],\"))\"].join(\"\")];for(var e=[],r=0;r0){if(a<=0)return o;n=i+a}else{if(!(i<0))return o;if(a>=0)return o;n=-(i+a)}var s=3.3306690738754716e-16*n;return o>=s||o<=-s?o:h(t,e,r)},function(t,e,r,n){var i=t[0]-n[0],a=e[0]-n[0],o=r[0]-n[0],s=t[1]-n[1],l=e[1]-n[1],c=r[1]-n[1],u=t[2]-n[2],f=e[2]-n[2],h=r[2]-n[2],d=a*c,g=o*l,v=o*s,m=i*c,y=i*l,x=a*s,b=u*(d-g)+f*(v-m)+h*(y-x),_=7.771561172376103e-16*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(v)+Math.abs(m))*Math.abs(f)+(Math.abs(y)+Math.abs(x))*Math.abs(h));return b>_||-b>_?b:p(t,e,r,n)}];!function(){for(;d.length<=s;)d.push(f(d.length));for(var t=[],r=[\"slow\"],n=0;n<=s;++n)t.push(\"a\"+n),r.push(\"o\"+n);var i=[\"function getOrientation(\",t.join(),\"){switch(arguments.length){case 0:case 1:return 0;\"];for(n=2;n<=s;++n)i.push(\"case \",n,\":return o\",n,\"(\",t.slice(0,n).join(),\");\");i.push(\"}var s=new Array(arguments.length);for(var i=0;i0&&o>0||a<0&&o<0)return!1;var s=n(r,t,e),l=n(i,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===a&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var i=0;i<2;++i){var a=t[i],o=e[i],s=Math.min(a,o),l=Math.max(a,o),c=r[i],u=n[i],f=Math.min(c,u),h=Math.max(c,u);if(h=n?(i=f,(l+=1)=n?(i=f,(l+=1)0?1:0}},{}],493:[function(t,e,r){\"use strict\";e.exports=function(t){return i(n(t))};var n=t(\"boundary-cells\"),i=t(\"reduce-simplicial-complex\")},{\"boundary-cells\":83,\"reduce-simplicial-complex\":472}],494:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,s){r=r||0,\"undefined\"==typeof s&&(s=function(t){for(var e=t.length,r=0,n=0;n>1,v=E[2*m+1];\",\"if(v===b){return m}\",\"if(b0&&l.push(\",\"),l.push(\"[\");for(var n=0;n0&&l.push(\",\"),l.push(\"B(C,E,c[\",i[0],\"],c[\",i[1],\"])\")}l.push(\"]\")}l.push(\");\")}}for(var a=t+1;a>1;--a){a>1,s=a(t[o],e);s<=0?(0===s&&(i=o),r=o+1):s>0&&(n=o-1)}return i}function u(t,e){for(var r=new Array(t.length),i=0,o=r.length;i=t.length||0!==a(t[v],s)););}return r}function f(t,e){if(e<0)return[];for(var r=[],i=(1<>>u&1&&c.push(i[u]);e.push(c)}return s(e)},r.skeleton=f,r.boundary=function(t){for(var e=[],r=0,n=t.length;r>1:(t>>1)-1}function x(t){for(var e=m(t);;){var r=e,n=2*t+1,i=2*(t+1),a=t;if(n0;){var r=y(t);if(r>=0){var n=m(r);if(e0){var t=M[0];return v(0,S-1),S-=1,x(0),t}return-1}function w(t,e){var r=M[t];return c[r]===e?t:(c[r]=-1/0,b(t),_(),c[r]=e,b((S+=1)-1))}function k(t){if(!u[t]){u[t]=!0;var e=s[t],r=l[t];s[r]>=0&&(s[r]=e),l[e]>=0&&(l[e]=r),A[e]>=0&&w(A[e],g(e)),A[r]>=0&&w(A[r],g(r))}}for(var M=[],A=new Array(a),f=0;f>1;f>=0;--f)x(f);for(;;){var E=_();if(E<0||c[E]>r)break;k(E)}for(var C=[],f=0;f=0&&r>=0&&e!==r){var n=A[e],i=A[r];n!==i&&z.push([n,i])}}),i.unique(i.normalize(z)),{positions:C,edges:z}};var n=t(\"robust-orientation\"),i=t(\"simplicial-complex\")},{\"robust-orientation\":486,\"simplicial-complex\":498}],501:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,a,o,s;if(e[0][0]e[1][0]))return i(e,t);r=e[1],a=e[0]}if(t[0][0]t[1][0]))return-i(t,e);o=t[1],s=t[0]}var l=n(r,a,s),c=n(r,a,o);if(l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;if(l=n(s,o,a),c=n(s,o,r),l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;return a[0]-s[0]};var n=t(\"robust-orientation\");function i(t,e){var r,i,a,o;if(e[0][0]e[1][0])){var s=Math.min(t[0][1],t[1][1]),l=Math.max(t[0][1],t[1][1]),c=Math.min(e[0][1],e[1][1]),u=Math.max(e[0][1],e[1][1]);return lu?s-u:l-u}r=e[1],i=e[0]}t[0][1]0)if(e[0]!==o[1][0])r=t,t=t.right;else{if(l=c(t.right,e))return l;t=t.left}else{if(e[0]!==o[1][0])return t;var l;if(l=c(t.right,e))return l;t=t.left}}return r}function u(t,e,r,n){this.y=t,this.index=e,this.start=r,this.closed=n}function f(t,e,r,n){this.x=t,this.segment=e,this.create=r,this.index=n}s.prototype.castUp=function(t){var e=n.le(this.coordinates,t[0]);if(e<0)return-1;this.slabs[e];var r=c(this.slabs[e],t),i=-1;if(r&&(i=r.value),this.coordinates[e]===t[0]){var s=null;if(r&&(s=r.key),e>0){var u=c(this.slabs[e-1],t);u&&(s?o(u.key,s)>0&&(s=u.key,i=u.value):(i=u.value,s=u.key))}var f=this.horizontal[e];if(f.length>0){var h=n.ge(f,t[1],l);if(h=f.length)return i;p=f[h]}}if(p.start)if(s){var d=a(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(i=p.index)}else i=p.index;else p.y!==t[1]&&(i=p.index)}}}return i}},{\"./lib/order-segments\":501,\"binary-search-bounds\":79,\"functional-red-black-tree\":219,\"robust-orientation\":486}],503:[function(t,e,r){\"use strict\";var n=t(\"robust-dot-product\"),i=t(\"robust-sum\");function a(t,e){var r=i(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var i=-e/(n-e);i<0?i=0:i>1&&(i=1);for(var a=1-i,o=t.length,s=new Array(o),l=0;l0||i>0&&u<0){var f=o(s,u,l,i);r.push(f),n.push(f.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),i=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{\"robust-dot-product\":483,\"robust-sum\":491}],504:[function(t,e,r){!function(){\"use strict\";var t={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\\x25]+/,modulo:/^\\x25{2}/,placeholder:/^\\x25(?:([1-9]\\d*)\\$|\\(([^\\)]+)\\))?(\\+)?(0|'[^$])?(-)?(\\d+)?(?:\\.(\\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\\d]*)/i,key_access:/^\\.([a-z_][a-z_\\d]*)/i,index_access:/^\\[(\\d+)\\]/,sign:/^[\\+\\-]/};function e(r){return function(r,n){var i,a,o,s,l,c,u,f,h,p=1,d=r.length,g=\"\";for(a=0;a=0),s[8]){case\"b\":i=parseInt(i,10).toString(2);break;case\"c\":i=String.fromCharCode(parseInt(i,10));break;case\"d\":case\"i\":i=parseInt(i,10);break;case\"j\":i=JSON.stringify(i,null,s[6]?parseInt(s[6]):0);break;case\"e\":i=s[7]?parseFloat(i).toExponential(s[7]):parseFloat(i).toExponential();break;case\"f\":i=s[7]?parseFloat(i).toFixed(s[7]):parseFloat(i);break;case\"g\":i=s[7]?String(Number(i.toPrecision(s[7]))):parseFloat(i);break;case\"o\":i=(parseInt(i,10)>>>0).toString(8);break;case\"s\":i=String(i),i=s[7]?i.substring(0,s[7]):i;break;case\"t\":i=String(!!i),i=s[7]?i.substring(0,s[7]):i;break;case\"T\":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=s[7]?i.substring(0,s[7]):i;break;case\"u\":i=parseInt(i,10)>>>0;break;case\"v\":i=i.valueOf(),i=s[7]?i.substring(0,s[7]):i;break;case\"x\":i=(parseInt(i,10)>>>0).toString(16);break;case\"X\":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}t.json.test(s[8])?g+=i:(!t.number.test(s[8])||f&&!s[3]?h=\"\":(h=f?\"+\":\"-\",i=i.toString().replace(t.sign,\"\")),c=s[4]?\"0\"===s[4]?\"0\":s[4].charAt(1):\" \",u=s[6]-(h+i).length,l=s[6]&&u>0?c.repeat(u):\"\",g+=s[5]?h+i+l:\"0\"===c?h+l+i:l+h+i)}return g}(function(e){if(i[e])return i[e];var r,n=e,a=[],o=0;for(;n;){if(null!==(r=t.text.exec(n)))a.push(r[0]);else if(null!==(r=t.modulo.exec(n)))a.push(\"%\");else{if(null===(r=t.placeholder.exec(n)))throw new SyntaxError(\"[sprintf] unexpected placeholder\");if(r[2]){o|=1;var s=[],l=r[2],c=[];if(null===(c=t.key.exec(l)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");for(s.push(c[1]);\"\"!==(l=l.substring(c[0].length));)if(null!==(c=t.key_access.exec(l)))s.push(c[1]);else{if(null===(c=t.index_access.exec(l)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");s.push(c[1])}r[2]=s}else o|=2;if(3===o)throw new Error(\"[sprintf] mixing positional and named placeholders is not (yet) supported\");a.push(r)}n=n.substring(r[0].length)}return i[e]=a}(r),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}var i=Object.create(null);\"undefined\"!=typeof r&&(r.sprintf=e,r.vsprintf=n),\"undefined\"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],505:[function(t,e,r){\"use strict\";var n=t(\"parenthesis\");e.exports=function(t,e,r){if(null==t)throw Error(\"First argument should be a string\");if(null==e)throw Error(\"Separator should be a string or a RegExp\");r?(\"string\"==typeof r||Array.isArray(r))&&(r={ignore:r}):r={},null==r.escape&&(r.escape=!0),null==r.ignore?r.ignore=[\"[]\",\"()\",\"{}\",\"<>\",'\"\"',\"''\",\"``\",\"\\u201c\\u201d\",\"\\xab\\xbb\"]:(\"string\"==typeof r.ignore&&(r.ignore=[r.ignore]),r.ignore=r.ignore.map(function(t){return 1===t.length&&(t+=t),t}));var i=n.parse(t,{flat:!0,brackets:r.ignore}),a=i[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(a[e]=0&&s[e].push(o[g])}a[e]=d}else{if(n[e]===r[e]){for(var v=[],m=[],y=0,d=l.length-1;d>=0;--d){var x=l[d];if(i[x]=!1,v.push(x),m.push(s[x]),y+=s[x].length,o[x]=f.length,x===e){l.length=d;break}}f.push(v);for(var b=new Array(y),d=0;d c)|0 },\"),\"generic\"===e&&a.push(\"getters:[0],\");for(var s=[],l=[],c=0;c>>7){\");for(var c=0;c<1<<(1<128&&c%128==0){f.length>0&&h.push(\"}}\");var p=\"vExtra\"+f.length;a.push(\"case \",c>>>7,\":\",p,\"(m&0x7f,\",l.join(),\");break;\"),h=[\"function \",p,\"(m,\",l.join(),\"){switch(m){\"],f.push(h)}h.push(\"case \",127&c,\":\");for(var d=new Array(r),g=new Array(r),v=new Array(r),m=new Array(r),y=0,x=0;xx)&&!(c&1<<_)!=!(c&1<0&&(A=\"+\"+v[b]+\"*c\");var T=d[b].length/y*.5,S=.5+m[b]/y*.5;M.push(\"d\"+b+\"-\"+S+\"-\"+T+\"*(\"+d[b].join(\"+\")+A+\")/(\"+g[b].join(\"+\")+\")\")}h.push(\"a.push([\",M.join(),\"]);\",\"break;\")}a.push(\"}},\"),f.length>0&&h.push(\"}}\");for(var E=[],c=0;c<1<1&&(a=1),a<-1&&(a=-1),i*Math.acos(a)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,f=t.ry,h=t.xAxisRotation,p=void 0===h?0:h,d=t.largeArcFlag,g=void 0===d?0:d,v=t.sweepFlag,m=void 0===v?0:v,y=[];if(0===u||0===f)return[];var x=Math.sin(p*i/360),b=Math.cos(p*i/360),_=b*(e-l)/2+x*(r-c)/2,w=-x*(e-l)/2+b*(r-c)/2;if(0===_&&0===w)return[];u=Math.abs(u),f=Math.abs(f);var k=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(f,2);k>1&&(u*=Math.sqrt(k),f*=Math.sqrt(k));var M=function(t,e,r,n,a,o,l,c,u,f,h,p){var d=Math.pow(a,2),g=Math.pow(o,2),v=Math.pow(h,2),m=Math.pow(p,2),y=d*g-d*m-g*v;y<0&&(y=0),y/=d*m+g*v;var x=(y=Math.sqrt(y)*(l===c?-1:1))*a/o*p,b=y*-o/a*h,_=f*x-u*b+(t+r)/2,w=u*x+f*b+(e+n)/2,k=(h-x)/a,M=(p-b)/o,A=(-h-x)/a,T=(-p-b)/o,S=s(1,0,k,M),E=s(k,M,A,T);return 0===c&&E>0&&(E-=i),1===c&&E<0&&(E+=i),[_,w,S,E]}(e,r,l,c,u,f,g,m,x,b,_,w),A=n(M,4),T=A[0],S=A[1],E=A[2],C=A[3],L=Math.abs(C)/(i/4);Math.abs(1-L)<1e-7&&(L=1);var z=Math.max(Math.ceil(L),1);C/=z;for(var O=0;Oe[2]&&(e[2]=c[u+0]),c[u+1]>e[3]&&(e[3]=c[u+1]);return e}},{\"abs-svg-path\":48,assert:56,\"is-svg-path\":407,\"normalize-svg-path\":511,\"parse-svg-path\":443}],511:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,f=null,h=0,p=0,d=0,g=t.length;d4?(o=v[v.length-4],s=v[v.length-3]):(o=h,s=p),r.push(v)}return r};var n=t(\"svg-arc-to-cubic-bezier\");function i(t,e,r,n){return[\"C\",t,e,r,n,r,n]}function a(t,e,r,n,i,a){return[\"C\",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}},{\"svg-arc-to-cubic-bezier\":509}],512:[function(t,e,r){\"use strict\";var n=t(\"svg-path-bounds\"),i=t(\"parse-svg-path\"),a=t(\"draw-svg-path\"),o=t(\"is-svg-path\"),s=t(\"bitmap-sdf\"),l=document.createElement(\"canvas\"),c=l.getContext(\"2d\");e.exports=function(t,e){if(!o(t))throw Error(\"Argument should be valid svg path string\");e||(e={});var r,u;e.shape?(r=e.shape[0],u=e.shape[1]):(r=l.width=e.w||e.width||200,u=l.height=e.h||e.height||200);var f=Math.min(r,u),h=e.stroke||0,p=e.viewbox||e.viewBox||n(t),d=[r/(p[2]-p[0]),u/(p[3]-p[1])],g=Math.min(d[0]||0,d[1]||0)/2;c.fillStyle=\"black\",c.fillRect(0,0,r,u),c.fillStyle=\"white\",h&&(\"number\"!=typeof h&&(h=1),c.strokeStyle=h>0?\"white\":\"black\",c.lineWidth=Math.abs(h));if(c.translate(.5*r,.5*u),c.scale(g,g),function(){var t=document.createElement(\"canvas\").getContext(\"2d\");t.canvas.width=t.canvas.height=1;var e=new Path2D(\"M0,0h1v1h-1v-1Z\");t.fillStyle=\"black\",t.fill(e);var r=t.getImageData(0,0,1,1);return r&&r.data&&255===r.data[3]}()){var v=new Path2D(t);c.fill(v),h&&c.stroke(v)}else{var m=i(t);a(c,m),c.fill(),h&&c.stroke()}return c.setTransform(1,0,0,1,0,0),s(c,{cutoff:null!=e.cutoff?e.cutoff:.5,radius:null!=e.radius?e.radius:.5*f})}},{\"bitmap-sdf\":81,\"draw-svg-path\":153,\"is-svg-path\":407,\"parse-svg-path\":443,\"svg-path-bounds\":510}],513:[function(t,e,r){(function(r){\"use strict\";e.exports=function t(e,r,i){var i=i||{};var o=a[e];o||(o=a[e]={\" \":{data:new Float32Array(0),shape:.2}});var s=o[r];if(!s)if(r.length<=1||!/\\d/.test(r))s=o[r]=function(t){for(var e=t.cells,r=t.positions,n=new Float32Array(6*e.length),i=0,a=0,o=0;o0&&(f+=.02);for(var p=new Float32Array(u),d=0,g=-.5*f,h=0;h1&&(r-=1),r<1/6?t+6*(e-t)*r:r<.5?e:r<2/3?t+(e-t)*(2/3-r)*6:t}if(t=L(t,360),e=L(e,100),r=L(r,100),0===e)n=i=a=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),i=o(l,s,t),a=o(l,s,t-1/3)}return{r:255*n,g:255*i,b:255*a}}(e.h,l,u),f=!0,h=\"hsl\"),e.hasOwnProperty(\"a\")&&(a=e.a));var p,d,g;return a=C(a),{ok:f,format:e.format||h,r:o(255,s(i.r,0)),g:o(255,s(i.g,0)),b:o(255,s(i.b,0)),a:a}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=a(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=a(this._r)),this._g<1&&(this._g=a(this._g)),this._b<1&&(this._b=a(this._b)),this._ok=u.ok,this._tc_id=i++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,i,a=s(t,e,r),l=o(t,e,r),c=(a+l)/2;if(a==l)n=i=0;else{var u=a-l;switch(i=c>.5?u/(2-a-l):u/(a+l),a){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+i)%360,a.push(c(n));return a}function T(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,i=r.s,a=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:i,v:a})),a=(a+s)%1;return o}c.prototype={isDark:function(){return this.getBrightness()<128},isLight:function(){return!this.isDark()},isValid:function(){return this._ok},getOriginalInput:function(){return this._originalInput},getFormat:function(){return this._format},getAlpha:function(){return this._a},getBrightness:function(){var t=this.toRgb();return(299*t.r+587*t.g+114*t.b)/1e3},getLuminance:function(){var e,r,n,i=this.toRgb();return e=i.r/255,r=i.g/255,n=i.b/255,.2126*(e<=.03928?e/12.92:t.pow((e+.055)/1.055,2.4))+.7152*(r<=.03928?r/12.92:t.pow((r+.055)/1.055,2.4))+.0722*(n<=.03928?n/12.92:t.pow((n+.055)/1.055,2.4))},setAlpha:function(t){return this._a=C(t),this._roundA=a(100*this._a)/100,this},toHsv:function(){var t=f(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=f(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.v);return 1==this._a?\"hsv(\"+e+\", \"+r+\"%, \"+n+\"%)\":\"hsva(\"+e+\", \"+r+\"%, \"+n+\"%, \"+this._roundA+\")\"},toHsl:function(){var t=u(this._r,this._g,this._b);return{h:360*t.h,s:t.s,l:t.l,a:this._a}},toHslString:function(){var t=u(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.l);return 1==this._a?\"hsl(\"+e+\", \"+r+\"%, \"+n+\"%)\":\"hsla(\"+e+\", \"+r+\"%, \"+n+\"%, \"+this._roundA+\")\"},toHex:function(t){return h(this._r,this._g,this._b,t)},toHexString:function(t){return\"#\"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,i){var o=[I(a(t).toString(16)),I(a(e).toString(16)),I(a(r).toString(16)),I(D(n))];if(i&&o[0].charAt(0)==o[0].charAt(1)&&o[1].charAt(0)==o[1].charAt(1)&&o[2].charAt(0)==o[2].charAt(1)&&o[3].charAt(0)==o[3].charAt(1))return o[0].charAt(0)+o[1].charAt(0)+o[2].charAt(0)+o[3].charAt(0);return o.join(\"\")}(this._r,this._g,this._b,this._a,t)},toHex8String:function(t){return\"#\"+this.toHex8(t)},toRgb:function(){return{r:a(this._r),g:a(this._g),b:a(this._b),a:this._a}},toRgbString:function(){return 1==this._a?\"rgb(\"+a(this._r)+\", \"+a(this._g)+\", \"+a(this._b)+\")\":\"rgba(\"+a(this._r)+\", \"+a(this._g)+\", \"+a(this._b)+\", \"+this._roundA+\")\"},toPercentageRgb:function(){return{r:a(100*L(this._r,255))+\"%\",g:a(100*L(this._g,255))+\"%\",b:a(100*L(this._b,255))+\"%\",a:this._a}},toPercentageRgbString:function(){return 1==this._a?\"rgb(\"+a(100*L(this._r,255))+\"%, \"+a(100*L(this._g,255))+\"%, \"+a(100*L(this._b,255))+\"%)\":\"rgba(\"+a(100*L(this._r,255))+\"%, \"+a(100*L(this._g,255))+\"%, \"+a(100*L(this._b,255))+\"%, \"+this._roundA+\")\"},toName:function(){return 0===this._a?\"transparent\":!(this._a<1)&&(E[h(this._r,this._g,this._b,!0)]||!1)},toFilter:function(t){var e=\"#\"+p(this._r,this._g,this._b,this._a),r=e,n=this._gradientType?\"GradientType = 1, \":\"\";if(t){var i=c(t);r=\"#\"+p(i._r,i._g,i._b,i._a)}return\"progid:DXImageTransform.Microsoft.gradient(\"+n+\"startColorstr=\"+e+\",endColorstr=\"+r+\")\"},toString:function(t){var e=!!t;t=t||this._format;var r=!1,n=this._a<1&&this._a>=0;return e||!n||\"hex\"!==t&&\"hex6\"!==t&&\"hex3\"!==t&&\"hex4\"!==t&&\"hex8\"!==t&&\"name\"!==t?(\"rgb\"===t&&(r=this.toRgbString()),\"prgb\"===t&&(r=this.toPercentageRgbString()),\"hex\"!==t&&\"hex6\"!==t||(r=this.toHexString()),\"hex3\"===t&&(r=this.toHexString(!0)),\"hex4\"===t&&(r=this.toHex8String(!0)),\"hex8\"===t&&(r=this.toHex8String()),\"name\"===t&&(r=this.toName()),\"hsl\"===t&&(r=this.toHslString()),\"hsv\"===t&&(r=this.toHsvString()),r||this.toHexString()):\"name\"===t&&0===this._a?this.toName():this.toRgbString()},clone:function(){return c(this.toString())},_applyModification:function(t,e){var r=t.apply(null,[this].concat([].slice.call(e)));return this._r=r._r,this._g=r._g,this._b=r._b,this.setAlpha(r._a),this},lighten:function(){return this._applyModification(m,arguments)},brighten:function(){return this._applyModification(y,arguments)},darken:function(){return this._applyModification(x,arguments)},desaturate:function(){return this._applyModification(d,arguments)},saturate:function(){return this._applyModification(g,arguments)},greyscale:function(){return this._applyModification(v,arguments)},spin:function(){return this._applyModification(b,arguments)},_applyCombination:function(t,e){return t.apply(null,[this].concat([].slice.call(e)))},analogous:function(){return this._applyCombination(A,arguments)},complement:function(){return this._applyCombination(_,arguments)},monochromatic:function(){return this._applyCombination(T,arguments)},splitcomplement:function(){return this._applyCombination(M,arguments)},triad:function(){return this._applyCombination(w,arguments)},tetrad:function(){return this._applyCombination(k,arguments)}},c.fromRatio=function(t,e){if(\"object\"==typeof t){var r={};for(var n in t)t.hasOwnProperty(n)&&(r[n]=\"a\"===n?t[n]:P(t[n]));t=r}return c(t,e)},c.equals=function(t,e){return!(!t||!e)&&c(t).toRgbString()==c(e).toRgbString()},c.random=function(){return c.fromRatio({r:l(),g:l(),b:l()})},c.mix=function(t,e,r){r=0===r?0:r||50;var n=c(t).toRgb(),i=c(e).toRgb(),a=r/100;return c({r:(i.r-n.r)*a+n.r,g:(i.g-n.g)*a+n.g,b:(i.b-n.b)*a+n.b,a:(i.a-n.a)*a+n.a})},c.readability=function(e,r){var n=c(e),i=c(r);return(t.max(n.getLuminance(),i.getLuminance())+.05)/(t.min(n.getLuminance(),i.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,i,a=c.readability(t,e);switch(i=!1,(n=function(t){var e,r;e=((t=t||{level:\"AA\",size:\"small\"}).level||\"AA\").toUpperCase(),r=(t.size||\"small\").toLowerCase(),\"AA\"!==e&&\"AAA\"!==e&&(e=\"AA\");\"small\"!==r&&\"large\"!==r&&(r=\"small\");return{level:e,size:r}}(r)).level+n.size){case\"AAsmall\":case\"AAAlarge\":i=a>=4.5;break;case\"AAlarge\":i=a>=3;break;case\"AAAsmall\":i=a>=7}return i},c.mostReadable=function(t,e,r){var n,i,a,o,s=null,l=0;i=(r=r||{}).includeFallbackColors,a=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:a,size:o})||!i?s:(r.includeFallbackColors=!1,c.mostReadable(t,[\"#fff\",\"#000\"],r))};var S=c.names={aliceblue:\"f0f8ff\",antiquewhite:\"faebd7\",aqua:\"0ff\",aquamarine:\"7fffd4\",azure:\"f0ffff\",beige:\"f5f5dc\",bisque:\"ffe4c4\",black:\"000\",blanchedalmond:\"ffebcd\",blue:\"00f\",blueviolet:\"8a2be2\",brown:\"a52a2a\",burlywood:\"deb887\",burntsienna:\"ea7e5d\",cadetblue:\"5f9ea0\",chartreuse:\"7fff00\",chocolate:\"d2691e\",coral:\"ff7f50\",cornflowerblue:\"6495ed\",cornsilk:\"fff8dc\",crimson:\"dc143c\",cyan:\"0ff\",darkblue:\"00008b\",darkcyan:\"008b8b\",darkgoldenrod:\"b8860b\",darkgray:\"a9a9a9\",darkgreen:\"006400\",darkgrey:\"a9a9a9\",darkkhaki:\"bdb76b\",darkmagenta:\"8b008b\",darkolivegreen:\"556b2f\",darkorange:\"ff8c00\",darkorchid:\"9932cc\",darkred:\"8b0000\",darksalmon:\"e9967a\",darkseagreen:\"8fbc8f\",darkslateblue:\"483d8b\",darkslategray:\"2f4f4f\",darkslategrey:\"2f4f4f\",darkturquoise:\"00ced1\",darkviolet:\"9400d3\",deeppink:\"ff1493\",deepskyblue:\"00bfff\",dimgray:\"696969\",dimgrey:\"696969\",dodgerblue:\"1e90ff\",firebrick:\"b22222\",floralwhite:\"fffaf0\",forestgreen:\"228b22\",fuchsia:\"f0f\",gainsboro:\"dcdcdc\",ghostwhite:\"f8f8ff\",gold:\"ffd700\",goldenrod:\"daa520\",gray:\"808080\",green:\"008000\",greenyellow:\"adff2f\",grey:\"808080\",honeydew:\"f0fff0\",hotpink:\"ff69b4\",indianred:\"cd5c5c\",indigo:\"4b0082\",ivory:\"fffff0\",khaki:\"f0e68c\",lavender:\"e6e6fa\",lavenderblush:\"fff0f5\",lawngreen:\"7cfc00\",lemonchiffon:\"fffacd\",lightblue:\"add8e6\",lightcoral:\"f08080\",lightcyan:\"e0ffff\",lightgoldenrodyellow:\"fafad2\",lightgray:\"d3d3d3\",lightgreen:\"90ee90\",lightgrey:\"d3d3d3\",lightpink:\"ffb6c1\",lightsalmon:\"ffa07a\",lightseagreen:\"20b2aa\",lightskyblue:\"87cefa\",lightslategray:\"789\",lightslategrey:\"789\",lightsteelblue:\"b0c4de\",lightyellow:\"ffffe0\",lime:\"0f0\",limegreen:\"32cd32\",linen:\"faf0e6\",magenta:\"f0f\",maroon:\"800000\",mediumaquamarine:\"66cdaa\",mediumblue:\"0000cd\",mediumorchid:\"ba55d3\",mediumpurple:\"9370db\",mediumseagreen:\"3cb371\",mediumslateblue:\"7b68ee\",mediumspringgreen:\"00fa9a\",mediumturquoise:\"48d1cc\",mediumvioletred:\"c71585\",midnightblue:\"191970\",mintcream:\"f5fffa\",mistyrose:\"ffe4e1\",moccasin:\"ffe4b5\",navajowhite:\"ffdead\",navy:\"000080\",oldlace:\"fdf5e6\",olive:\"808000\",olivedrab:\"6b8e23\",orange:\"ffa500\",orangered:\"ff4500\",orchid:\"da70d6\",palegoldenrod:\"eee8aa\",palegreen:\"98fb98\",paleturquoise:\"afeeee\",palevioletred:\"db7093\",papayawhip:\"ffefd5\",peachpuff:\"ffdab9\",peru:\"cd853f\",pink:\"ffc0cb\",plum:\"dda0dd\",powderblue:\"b0e0e6\",purple:\"800080\",rebeccapurple:\"663399\",red:\"f00\",rosybrown:\"bc8f8f\",royalblue:\"4169e1\",saddlebrown:\"8b4513\",salmon:\"fa8072\",sandybrown:\"f4a460\",seagreen:\"2e8b57\",seashell:\"fff5ee\",sienna:\"a0522d\",silver:\"c0c0c0\",skyblue:\"87ceeb\",slateblue:\"6a5acd\",slategray:\"708090\",slategrey:\"708090\",snow:\"fffafa\",springgreen:\"00ff7f\",steelblue:\"4682b4\",tan:\"d2b48c\",teal:\"008080\",thistle:\"d8bfd8\",tomato:\"ff6347\",turquoise:\"40e0d0\",violet:\"ee82ee\",wheat:\"f5deb3\",white:\"fff\",whitesmoke:\"f5f5f5\",yellow:\"ff0\",yellowgreen:\"9acd32\"},E=c.hexNames=function(t){var e={};for(var r in t)t.hasOwnProperty(r)&&(e[t[r]]=r);return e}(S);function C(t){return t=parseFloat(t),(isNaN(t)||t<0||t>1)&&(t=1),t}function L(e,r){(function(t){return\"string\"==typeof t&&-1!=t.indexOf(\".\")&&1===parseFloat(t)})(e)&&(e=\"100%\");var n=function(t){return\"string\"==typeof t&&-1!=t.indexOf(\"%\")}(e);return e=o(r,s(0,parseFloat(e))),n&&(e=parseInt(e*r,10)/100),t.abs(e-r)<1e-6?1:e%r/parseFloat(r)}function z(t){return o(1,s(0,t))}function O(t){return parseInt(t,16)}function I(t){return 1==t.length?\"0\"+t:\"\"+t}function P(t){return t<=1&&(t=100*t+\"%\"),t}function D(e){return t.round(255*parseFloat(e)).toString(16)}function R(t){return O(t)/255}var B,F,N,j=(F=\"[\\\\s|\\\\(]+(\"+(B=\"(?:[-\\\\+]?\\\\d*\\\\.\\\\d+%?)|(?:[-\\\\+]?\\\\d+%?)\")+\")[,|\\\\s]+(\"+B+\")[,|\\\\s]+(\"+B+\")\\\\s*\\\\)?\",N=\"[\\\\s|\\\\(]+(\"+B+\")[,|\\\\s]+(\"+B+\")[,|\\\\s]+(\"+B+\")[,|\\\\s]+(\"+B+\")\\\\s*\\\\)?\",{CSS_UNIT:new RegExp(B),rgb:new RegExp(\"rgb\"+F),rgba:new RegExp(\"rgba\"+N),hsl:new RegExp(\"hsl\"+F),hsla:new RegExp(\"hsla\"+N),hsv:new RegExp(\"hsv\"+F),hsva:new RegExp(\"hsva\"+N),hex3:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex6:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/,hex4:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex8:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/});function V(t){return!!j.CSS_UNIT.exec(t)}\"undefined\"!=typeof e&&e.exports?e.exports=c:window.tinycolor=c}(Math)},{}],515:[function(t,e,r){\"use strict\";function n(t){if(t instanceof Float32Array)return t;if(\"number\"==typeof t)return new Float32Array([t])[0];var e=new Float32Array(t);return e.set(t),e}e.exports=n,e.exports.float32=e.exports.float=n,e.exports.fract32=e.exports.fract=function(t){if(\"number\"==typeof t)return n(t-n(t));for(var e=n(t),r=0,i=e.length;rf&&(f=l[0]),l[1]h&&(h=l[1])}function i(t){switch(t.type){case\"GeometryCollection\":t.geometries.forEach(i);break;case\"Point\":n(t.coordinates);break;case\"MultiPoint\":t.coordinates.forEach(n)}}if(!e){var a,o,s=r(t),l=new Array(2),c=1/0,u=c,f=-c,h=-c;for(o in t.arcs.forEach(function(t){for(var e=-1,r=t.length;++ef&&(f=l[0]),l[1]h&&(h=l[1])}),t.objects)i(t.objects[o]);e=t.bbox=[c,u,f,h]}return e},i=function(t,e){for(var r,n=t.length,i=n-e;i<--n;)r=t[i],t[i++]=t[n],t[n]=r};function a(t,e){var r=e.id,n=e.bbox,i=null==e.properties?{}:e.properties,a=o(t,e);return null==r&&null==n?{type:\"Feature\",properties:i,geometry:a}:null==n?{type:\"Feature\",id:r,properties:i,geometry:a}:{type:\"Feature\",id:r,bbox:n,properties:i,geometry:a}}function o(t,e){var n=r(t),a=t.arcs;function o(t,e){e.length&&e.pop();for(var r=a[t<0?~t:t],o=0,s=r.length;o1)n=function(t,e,r){var n,i=[],a=[];function o(t){var e=t<0?~t:t;(a[e]||(a[e]=[])).push({i:t,g:n})}function s(t){t.forEach(o)}function l(t){t.forEach(s)}return function t(e){switch(n=e,e.type){case\"GeometryCollection\":e.geometries.forEach(t);break;case\"LineString\":s(e.arcs);break;case\"MultiLineString\":case\"Polygon\":l(e.arcs);break;case\"MultiPolygon\":e.arcs.forEach(l)}}(e),a.forEach(null==r?function(t){i.push(t[0].i)}:function(t){r(t[0].g,t[t.length-1].g)&&i.push(t[0].i)}),i}(0,e,r);else for(i=0,n=new Array(a=t.arcs.length);i1)for(var a,o,c=1,u=l(i[0]);cu&&(o=i[0],i[0]=i[c],i[c]=o,u=a);return i})}}var u=function(t,e){for(var r=0,n=t.length;r>>1;t[i]=2))throw new Error(\"n must be \\u22652\");if(t.transform)throw new Error(\"already quantized\");var r,i=n(t),a=i[0],o=(i[2]-a)/(e-1)||1,s=i[1],l=(i[3]-s)/(e-1)||1;function c(t){t[0]=Math.round((t[0]-a)/o),t[1]=Math.round((t[1]-s)/l)}function u(t){switch(t.type){case\"GeometryCollection\":t.geometries.forEach(u);break;case\"Point\":c(t.coordinates);break;case\"MultiPoint\":t.coordinates.forEach(c)}}for(r in t.arcs.forEach(function(t){for(var e,r,n,i=1,c=1,u=t.length,f=t[0],h=f[0]=Math.round((f[0]-a)/o),p=f[1]=Math.round((f[1]-s)/l);iMath.max(r,n)?i[2]=1:r>Math.max(e,n)?i[0]=1:i[1]=1;for(var a=0,o=0,l=0;l<3;++l)a+=t[l]*t[l],o+=i[l]*t[l];for(l=0;l<3;++l)i[l]-=o/a*t[l];return s(i,i),i}function h(t,e,r,i,a,o,s,l){this.center=n(r),this.up=n(i),this.right=n(a),this.radius=n([o]),this.angle=n([s,l]),this.angle.bounds=[[-1/0,-Math.PI/2],[1/0,Math.PI/2]],this.setDistanceLimits(t,e),this.computedCenter=this.center.curve(0),this.computedUp=this.up.curve(0),this.computedRight=this.right.curve(0),this.computedRadius=this.radius.curve(0),this.computedAngle=this.angle.curve(0),this.computedToward=[0,0,0],this.computedEye=[0,0,0],this.computedMatrix=new Array(16);for(var c=0;c<16;++c)this.computedMatrix[c]=.5;this.recalcMatrix(0)}var p=h.prototype;p.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},p.getDistanceLimits=function(t){var e=this.radius.bounds[0];return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},p.recalcMatrix=function(t){this.center.curve(t),this.up.curve(t),this.right.curve(t),this.radius.curve(t),this.angle.curve(t);for(var e=this.computedUp,r=this.computedRight,n=0,i=0,a=0;a<3;++a)i+=e[a]*r[a],n+=e[a]*e[a];var l=Math.sqrt(n),u=0;for(a=0;a<3;++a)r[a]-=e[a]*i/n,u+=r[a]*r[a],e[a]/=l;var f=Math.sqrt(u);for(a=0;a<3;++a)r[a]/=f;var h=this.computedToward;o(h,e,r),s(h,h);var p=Math.exp(this.computedRadius[0]),d=this.computedAngle[0],g=this.computedAngle[1],v=Math.cos(d),m=Math.sin(d),y=Math.cos(g),x=Math.sin(g),b=this.computedCenter,_=v*y,w=m*y,k=x,M=-v*x,A=-m*x,T=y,S=this.computedEye,E=this.computedMatrix;for(a=0;a<3;++a){var C=_*r[a]+w*h[a]+k*e[a];E[4*a+1]=M*r[a]+A*h[a]+T*e[a],E[4*a+2]=C,E[4*a+3]=0}var L=E[1],z=E[5],O=E[9],I=E[2],P=E[6],D=E[10],R=z*D-O*P,B=O*I-L*D,F=L*P-z*I,N=c(R,B,F);R/=N,B/=N,F/=N,E[0]=R,E[4]=B,E[8]=F;for(a=0;a<3;++a)S[a]=b[a]+E[2+4*a]*p;for(a=0;a<3;++a){u=0;for(var j=0;j<3;++j)u+=E[a+4*j]*S[j];E[12+a]=-u}E[15]=1},p.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r};var d=[0,0,0];p.rotate=function(t,e,r,n){if(this.angle.move(t,e,r),n){this.recalcMatrix(t);var i=this.computedMatrix;d[0]=i[2],d[1]=i[6],d[2]=i[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)i[4*c]=o[c],i[4*c+1]=s[c],i[4*c+2]=l[c];a(i,i,n,d);for(c=0;c<3;++c)o[c]=i[4*c],s[c]=i[4*c+1];this.up.set(t,o[0],o[1],o[2]),this.right.set(t,s[0],s[1],s[2])}},p.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=(Math.exp(this.computedRadius[0]),i[1]),o=i[5],s=i[9],l=c(a,o,s);a/=l,o/=l,s/=l;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=c(u-=a*p,f-=o*p,h-=s*p),g=(u/=d)*e+a*r,v=(f/=d)*e+o*r,m=(h/=d)*e+s*r;this.center.move(t,g,v,m);var y=Math.exp(this.computedRadius[0]);y=Math.max(1e-4,y+n),this.radius.set(t,Math.log(y))},p.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},p.setMatrix=function(t,e,r,n){var a=1;\"number\"==typeof r&&(a=0|r),(a<0||a>3)&&(a=1);var o=(a+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[a],l=e[a+4],f=e[a+8];if(n){var h=Math.abs(s),p=Math.abs(l),d=Math.abs(f),g=Math.max(h,p,d);h===g?(s=s<0?-1:1,l=f=0):d===g?(f=f<0?-1:1,s=l=0):(l=l<0?-1:1,s=f=0)}else{var v=c(s,l,f);s/=v,l/=v,f/=v}var m,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*f,k=c(x-=s*w,b-=l*w,_-=f*w),M=l*(_/=k)-f*(b/=k),A=f*(x/=k)-s*_,T=s*b-l*x,S=c(M,A,T);if(M/=S,A/=S,T/=S,this.center.jump(t,H,G,W),this.radius.idle(t),this.up.jump(t,s,l,f),this.right.jump(t,x,b,_),2===a){var E=e[1],C=e[5],L=e[9],z=E*x+C*b+L*_,O=E*M+C*A+L*T;m=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(O,z)}else{var I=e[2],P=e[6],D=e[10],R=I*s+P*l+D*f,B=I*x+P*b+D*_,F=I*M+P*A+D*T;m=Math.asin(u(R)),y=Math.atan2(F,B)}this.angle.jump(t,y,m),this.recalcMatrix(t);var N=e[2],j=e[6],V=e[10],U=this.computedMatrix;i(U,e);var q=U[15],H=U[12]/q,G=U[13]/q,W=U[14]/q,Y=Math.exp(this.computedRadius[0]);this.center.jump(t,H-N*Y,G-j*Y,W-V*Y)},p.lastT=function(){return Math.max(this.center.lastT(),this.up.lastT(),this.right.lastT(),this.radius.lastT(),this.angle.lastT())},p.idle=function(t){this.center.idle(t),this.up.idle(t),this.right.idle(t),this.radius.idle(t),this.angle.idle(t)},p.flush=function(t){this.center.flush(t),this.up.flush(t),this.right.flush(t),this.radius.flush(t),this.angle.flush(t)},p.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},p.lookAt=function(t,e,r,n){this.recalcMatrix(t),e=e||this.computedEye,r=r||this.computedCenter;var i=(n=n||this.computedUp)[0],a=n[1],o=n[2],s=c(i,a,o);if(!(s<1e-6)){i/=s,a/=s,o/=s;var l=e[0]-r[0],f=e[1]-r[1],h=e[2]-r[2],p=c(l,f,h);if(!(p<1e-6)){l/=p,f/=p,h/=p;var d=this.computedRight,g=d[0],v=d[1],m=d[2],y=i*g+a*v+o*m,x=c(g-=y*i,v-=y*a,m-=y*o);if(!(x<.01&&(x=c(g=a*h-o*f,v=o*l-i*h,m=i*f-a*l))<1e-6)){g/=x,v/=x,m/=x,this.up.set(t,i,a,o),this.right.set(t,g,v,m),this.center.set(t,r[0],r[1],r[2]),this.radius.set(t,Math.log(p));var b=a*m-o*v,_=o*g-i*m,w=i*v-a*g,k=c(b,_,w),M=i*l+a*f+o*h,A=g*l+v*f+m*h,T=(b/=k)*l+(_/=k)*f+(w/=k)*h,S=Math.asin(u(M)),E=Math.atan2(T,A),C=this.angle._state,L=C[C.length-1],z=C[C.length-2];L%=2*Math.PI;var O=Math.abs(L+2*Math.PI-E),I=Math.abs(L-E),P=Math.abs(L-2*Math.PI-E);O0?r.pop():new ArrayBuffer(t)}function h(t){return new Uint8Array(f(t),0,t)}function p(t){return new Uint16Array(f(2*t),0,t)}function d(t){return new Uint32Array(f(4*t),0,t)}function g(t){return new Int8Array(f(t),0,t)}function v(t){return new Int16Array(f(2*t),0,t)}function m(t){return new Int32Array(f(4*t),0,t)}function y(t){return new Float32Array(f(4*t),0,t)}function x(t){return new Float64Array(f(8*t),0,t)}function b(t){return o?new Uint8ClampedArray(f(t),0,t):h(t)}function _(t){return new DataView(f(t),0,t)}function w(t){t=i.nextPow2(t);var e=i.log2(t),r=c[e];return r.length>0?r.pop():new n(t)}r.free=function(t){if(n.isBuffer(t))c[i.log2(t.length)].push(t);else{if(\"[object ArrayBuffer]\"!==Object.prototype.toString.call(t)&&(t=t.buffer),!t)return;var e=t.length||t.byteLength,r=0|i.log2(e);l[r].push(t)}},r.freeUint8=r.freeUint16=r.freeUint32=r.freeInt8=r.freeInt16=r.freeInt32=r.freeFloat32=r.freeFloat=r.freeFloat64=r.freeDouble=r.freeUint8Clamped=r.freeDataView=function(t){u(t.buffer)},r.freeArrayBuffer=u,r.freeBuffer=function(t){c[i.log2(t.length)].push(t)},r.malloc=function(t,e){if(void 0===e||\"arraybuffer\"===e)return f(t);switch(e){case\"uint8\":return h(t);case\"uint16\":return p(t);case\"uint32\":return d(t);case\"int8\":return g(t);case\"int16\":return v(t);case\"int32\":return m(t);case\"float\":case\"float32\":return y(t);case\"double\":case\"float64\":return x(t);case\"uint8_clamped\":return b(t);case\"buffer\":return w(t);case\"data\":case\"dataview\":return _(t);default:return null}return null},r.mallocArrayBuffer=f,r.mallocUint8=h,r.mallocUint16=p,r.mallocUint32=d,r.mallocInt8=g,r.mallocInt16=v,r.mallocInt32=m,r.mallocFloat32=r.mallocFloat=y,r.mallocFloat64=r.mallocDouble=x,r.mallocUint8Clamped=b,r.mallocDataView=_,r.mallocBuffer=w,r.clearCache=function(){for(var t=0;t<32;++t)s.UINT8[t].length=0,s.UINT16[t].length=0,s.UINT32[t].length=0,s.INT8[t].length=0,s.INT16[t].length=0,s.INT32[t].length=0,s.FLOAT[t].length=0,s.DOUBLE[t].length=0,s.UINT8C[t].length=0,l[t].length=0,c[t].length=0}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{},t(\"buffer\").Buffer)},{\"bit-twiddle\":80,buffer:93,dup:155}],523:[function(t,e,r){\"use strict\";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e8192)throw new Error(\"vectorize-text: String too long (sorry, this will get fixed later)\");var o=3*n;t.height=0?e[a]:i})},has___:{value:x(function(e){var n=y(e);return n?r in n:t.indexOf(e)>=0})},set___:{value:x(function(n,i){var a,o=y(n);return o?o[r]=i:(a=t.indexOf(n))>=0?e[a]=i:(a=t.length,e[a]=i,t[a]=n),this})},delete___:{value:x(function(n){var i,a,o=y(n);return o?r in o&&delete o[r]:!((i=t.indexOf(n))<0||(a=t.length-1,t[i]=void 0,e[i]=e[a],t[i]=t[a],t.length=a,e.length=a,0))})}})};g.prototype=Object.create(Object.prototype,{get:{value:function(t,e){return this.get___(t,e)},writable:!0,configurable:!0},has:{value:function(t){return this.has___(t)},writable:!0,configurable:!0},set:{value:function(t,e){return this.set___(t,e)},writable:!0,configurable:!0},delete:{value:function(t){return this.delete___(t)},writable:!0,configurable:!0}}),\"function\"==typeof r?function(){function n(){this instanceof g||b();var e,n=new r,i=void 0,a=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(i||(i=new g),i.set(t,e)),this}:function(t,e){if(a)try{n.set(t,e)}catch(r){i||(i=new g),i.set___(t,e)}else n.set(t,e);return this},Object.create(g.prototype,{get___:{value:x(function(t,e){return i?n.has(t)?n.get(t):i.get___(t,e):n.get(t,e)})},has___:{value:x(function(t){return n.has(t)||!!i&&i.has___(t)})},set___:{value:x(e)},delete___:{value:x(function(t){var e=!!n.delete(t);return i&&i.delete___(t)||e})},permitHostObjects___:{value:x(function(t){if(t!==v)throw new Error(\"bogus call to permitHostObjects___\");a=!0})}})}t&&\"undefined\"!=typeof Proxy&&(Proxy=void 0),n.prototype=g.prototype,e.exports=n,Object.defineProperty(WeakMap.prototype,\"constructor\",{value:WeakMap,enumerable:!1,configurable:!0,writable:!0})}():(\"undefined\"!=typeof Proxy&&(Proxy=void 0),e.exports=g)}function v(t){t.permitHostObjects___&&t.permitHostObjects___(v)}function m(t){return!(t.substr(0,l.length)==l&&\"___\"===t.substr(t.length-3))}function y(t){if(t!==Object(t))throw new TypeError(\"Not an object: \"+t);var e=t[c];if(e&&e.key===t)return e;if(s(t)){e={key:t};try{return o(t,c,{value:e,writable:!1,enumerable:!1,configurable:!1}),e}catch(t){return}}}function x(t){return t.prototype=null,Object.freeze(t)}function b(){p||\"undefined\"==typeof console||(p=!0,console.warn(\"WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future.\"))}}()},{}],530:[function(t,e,r){var n=t(\"./hidden-store.js\");e.exports=function(){var t={};return function(e){if((\"object\"!=typeof e||null===e)&&\"function\"!=typeof e)throw new Error(\"Weakmap-shim: Key must be object\");var r=e.valueOf(t);return r&&r.identity===t?r:n(e,t)}}},{\"./hidden-store.js\":531}],531:[function(t,e,r){e.exports=function(t,e){var r={identity:e},n=t.valueOf;return Object.defineProperty(t,\"valueOf\",{value:function(t){return t!==e?n.apply(this,arguments):r},writable:!0}),r}},{}],532:[function(t,e,r){var n=t(\"./create-store.js\");e.exports=function(){var t=n();return{get:function(e,r){var n=t(e);return n.hasOwnProperty(\"value\")?n.value:r},set:function(e,r){return t(e).value=r,this},has:function(e){return\"value\"in t(e)},delete:function(e){return delete t(e).value}}}},{\"./create-store.js\":530}],533:[function(t,e,r){var n=t(\"get-canvas-context\");e.exports=function(t){return n(\"webgl\",t)}},{\"get-canvas-context\":221}],534:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\"),a=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,i(o.prototype,{name:\"Chinese\",jdEpoch:1721425.5,hasYearZero:!1,minMonth:0,firstMonth:0,minDay:1,regionalOptions:{\"\":{name:\"Chinese\",epochs:[\"BEC\",\"EC\"],monthNumbers:function(t,e){if(\"string\"==typeof t){var r=t.match(l);return r?r[0]:\"\"}var n=this._validateYear(t),i=t.month(),a=\"\"+this.toChineseMonth(n,i);return e&&a.length<2&&(a=\"0\"+a),this.isIntercalaryMonth(n,i)&&(a+=\"i\"),a},monthNames:function(t){if(\"string\"==typeof t){var e=t.match(c);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),i=[\"\\u4e00\\u6708\",\"\\u4e8c\\u6708\",\"\\u4e09\\u6708\",\"\\u56db\\u6708\",\"\\u4e94\\u6708\",\"\\u516d\\u6708\",\"\\u4e03\\u6708\",\"\\u516b\\u6708\",\"\\u4e5d\\u6708\",\"\\u5341\\u6708\",\"\\u5341\\u4e00\\u6708\",\"\\u5341\\u4e8c\\u6708\"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i=\"\\u95f0\"+i),i},monthNamesShort:function(t){if(\"string\"==typeof t){var e=t.match(u);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),i=[\"\\u4e00\",\"\\u4e8c\",\"\\u4e09\",\"\\u56db\",\"\\u4e94\",\"\\u516d\",\"\\u4e03\",\"\\u516b\",\"\\u4e5d\",\"\\u5341\",\"\\u5341\\u4e00\",\"\\u5341\\u4e8c\"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i=\"\\u95f0\"+i),i},parseMonth:function(t,e){t=this._validateYear(t);var r,n=parseInt(e);if(isNaN(n))\"\\u95f0\"===e[0]&&(r=!0,e=e.substring(1)),\"\\u6708\"===e[e.length-1]&&(e=e.substring(0,e.length-1)),n=1+[\"\\u4e00\",\"\\u4e8c\",\"\\u4e09\",\"\\u56db\",\"\\u4e94\",\"\\u516d\",\"\\u4e03\",\"\\u516b\",\"\\u4e5d\",\"\\u5341\",\"\\u5341\\u4e00\",\"\\u5341\\u4e8c\"].indexOf(e);else{var i=e[e.length-1];r=\"i\"===i||\"I\"===i}return this.toMonthIndex(t,n,r)},dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:1,isRTL:!1}},_validateYear:function(t,e){if(t.year&&(t=t.year()),\"number\"!=typeof t||t<1888||t>2111)throw e.replace(/\\{0\\}/,this.local.name);return t},toMonthIndex:function(t,e,r){var i=this.intercalaryMonth(t);if(r&&e!==i||e<1||e>12)throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return i?!r&&e<=i?e-1:e:e-1},toChineseMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);if(e<0||e>(r?12:11))throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return r?e>13},isIntercalaryMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);return!!r&&r===e},leapYear:function(t){return 0!==this.intercalaryMonth(t)},weekOfYear:function(t,e,r){var i,o=this._validateYear(t,n.local.invalidyear),s=h[o-h[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(i=a.newDate(l,c,u)).add(4-(i.dayOfWeek()||7),\"d\");var f=this.toJD(t,e,r)-i.toJD();return 1+Math.floor(f/7)},monthsInYear:function(t){return this.leapYear(t)?13:12},daysInMonth:function(t,e){t.year&&(e=t.month(),t=t.year()),t=this._validateYear(t);var r=f[t-f[0]];if(e>(r>>13?12:11))throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return r&1<<12-e?30:29},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(i.year()),e=i.month(),r=i.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,i){var a,o,s;if(\"object\"==typeof t)o=t,a=e||{};else{var l=\"number\"==typeof t&&t>=1888&&t<=2111;if(!l)throw new Error(\"Lunar year outside range 1888-2111\");var c=\"number\"==typeof e&&e>=1&&e<=12;if(!c)throw new Error(\"Lunar month outside range 1 - 12\");var u,p=\"number\"==typeof r&&r>=1&&r<=30;if(!p)throw new Error(\"Lunar day outside range 1 - 30\");\"object\"==typeof n?(u=!1,a=n):(u=!!n,a=i||{}),o={year:t,month:e,day:r,isIntercalary:u}}s=o.day-1;var d,g=f[o.year-f[0]],v=g>>13;d=v?o.month>v?o.month:o.isIntercalary?o.month:o.month-1:o.month-1;for(var m=0;m>9&4095,(x>>5&15)-1,(31&x)+s);return a.year=b.getFullYear(),a.month=1+b.getMonth(),a.day=b.getDate(),a}(t,s,r,o);return a.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=a.fromJD(t),r=function(t,e,r,n){var i,a;if(\"object\"==typeof t)i=t,a=e||{};else{var o=\"number\"==typeof t&&t>=1888&&t<=2111;if(!o)throw new Error(\"Solar year outside range 1888-2111\");var s=\"number\"==typeof e&&e>=1&&e<=12;if(!s)throw new Error(\"Solar month outside range 1 - 12\");var l=\"number\"==typeof r&&r>=1&&r<=31;if(!l)throw new Error(\"Solar day outside range 1 - 31\");i={year:t,month:e,day:r},a=n||{}}var c=h[i.year-h[0]],u=i.year<<9|i.month<<5|i.day;a.year=u>=c?i.year:i.year-1,c=h[a.year-h[0]];var p,d=new Date(c>>9&4095,(c>>5&15)-1,31&c),g=new Date(i.year,i.month-1,i.day);p=Math.round((g-d)/864e5);var v,m=f[a.year-f[0]];for(v=0;v<13;v++){var y=m&1<<12-v?30:29;if(p>13;!x||v=2&&n<=6},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((i.year()-1)/100)+1]||\"\"}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year()+(i.year()<0?1:0),e=i.month(),(r=i.day())+(e>1?16:0)+(e>2?32*(e-2):0)+400*(t-1)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t+.5)-Math.floor(this.jdEpoch)-1;var e=Math.floor(t/400)+1;t-=400*(e-1),t+=t>15?16:0;var r=Math.floor(t/32)+1,n=t-32*(r-1)+1;return this.newDate(e<=0?e-1:e,r,n)}});var o={20:\"Fruitbat\",21:\"Anchovy\"};n.calendars.discworld=a},{\"../main\":548,\"object-assign\":437}],537:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Ethiopian\",jdEpoch:1724220.5,daysPerMonth:[30,30,30,30,30,30,30,30,30,30,30,30,5],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Ethiopian\",epochs:[\"BEE\",\"EE\"],monthNames:[\"Meskerem\",\"Tikemet\",\"Hidar\",\"Tahesas\",\"Tir\",\"Yekatit\",\"Megabit\",\"Miazia\",\"Genbot\",\"Sene\",\"Hamle\",\"Nehase\",\"Pagume\"],monthNamesShort:[\"Mes\",\"Tik\",\"Hid\",\"Tah\",\"Tir\",\"Yek\",\"Meg\",\"Mia\",\"Gen\",\"Sen\",\"Ham\",\"Neh\",\"Pag\"],dayNames:[\"Ehud\",\"Segno\",\"Maksegno\",\"Irob\",\"Hamus\",\"Arb\",\"Kidame\"],dayNamesShort:[\"Ehu\",\"Seg\",\"Mak\",\"Iro\",\"Ham\",\"Arb\",\"Kid\"],dayNamesMin:[\"Eh\",\"Se\",\"Ma\",\"Ir\",\"Ha\",\"Ar\",\"Ki\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()+(e.year()<0?1:0))%4==3||t%4==-1},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[\"\"].invalidYear),13},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(13===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return(t=i.year())<0&&t++,i.day()+30*(i.month()-1)+365*(t-1)+Math.floor(t/4)+this.jdEpoch-1},fromJD:function(t){var e=Math.floor(t)+.5-this.jdEpoch,r=Math.floor((e-Math.floor((e+366)/1461))/365)+1;r<=0&&r--,e=Math.floor(t)+.5-this.newDate(r,1,1).toJD();var n=Math.floor(e/30)+1,i=e-30*(n-1)+1;return this.newDate(r,n,i)}}),n.calendars.ethiopian=a},{\"../main\":548,\"object-assign\":437}],538:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}function o(t,e){return t-e*Math.floor(t/e)}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Hebrew\",jdEpoch:347995.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29,29],hasYearZero:!1,minMonth:1,firstMonth:7,minDay:1,regionalOptions:{\"\":{name:\"Hebrew\",epochs:[\"BAM\",\"AM\"],monthNames:[\"Nisan\",\"Iyar\",\"Sivan\",\"Tammuz\",\"Av\",\"Elul\",\"Tishrei\",\"Cheshvan\",\"Kislev\",\"Tevet\",\"Shevat\",\"Adar\",\"Adar II\"],monthNamesShort:[\"Nis\",\"Iya\",\"Siv\",\"Tam\",\"Av\",\"Elu\",\"Tis\",\"Che\",\"Kis\",\"Tev\",\"She\",\"Ada\",\"Ad2\"],dayNames:[\"Yom Rishon\",\"Yom Sheni\",\"Yom Shlishi\",\"Yom Revi'i\",\"Yom Chamishi\",\"Yom Shishi\",\"Yom Shabbat\"],dayNamesShort:[\"Ris\",\"She\",\"Shl\",\"Rev\",\"Cha\",\"Shi\",\"Sha\"],dayNamesMin:[\"Ri\",\"She\",\"Shl\",\"Re\",\"Ch\",\"Shi\",\"Sha\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return this._leapYear(e.year())},_leapYear:function(t){return o(7*(t=t<0?t+1:t)+1,19)<7},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),this._leapYear(t.year?t.year():t)?13:12},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),this.toJD(-1===t?1:t+1,7,1)-this.toJD(t,7,1)},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),12===e&&this.leapYear(t)?30:8===e&&5===o(this.daysInYear(t),10)?30:9===e&&3===o(this.daysInYear(t),10)?29:this.daysPerMonth[e-1]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(i)?\"embolismic\":\"common\")+\" \"+[\"deficient\",\"regular\",\"complete\"][this.daysInYear(i)%10-3]}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t<=0?t+1:t,o=this.jdEpoch+this._delay1(a)+this._delay2(a)+r+1;if(e<7){for(var s=7;s<=this.monthsInYear(t);s++)o+=this.daysInMonth(t,s);for(s=1;s=this.toJD(-1===e?1:e+1,7,1);)e++;for(var r=tthis.toJD(e,r,this.daysInMonth(e,r));)r++;var n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.hebrew=a},{\"../main\":548,\"object-assign\":437}],539:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Islamic\",jdEpoch:1948439.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Islamic\",epochs:[\"BH\",\"AH\"],monthNames:[\"Muharram\",\"Safar\",\"Rabi' al-awwal\",\"Rabi' al-thani\",\"Jumada al-awwal\",\"Jumada al-thani\",\"Rajab\",\"Sha'aban\",\"Ramadan\",\"Shawwal\",\"Dhu al-Qi'dah\",\"Dhu al-Hijjah\"],monthNamesShort:[\"Muh\",\"Saf\",\"Rab1\",\"Rab2\",\"Jum1\",\"Jum2\",\"Raj\",\"Sha'\",\"Ram\",\"Shaw\",\"DhuQ\",\"DhuH\"],dayNames:[\"Yawm al-ahad\",\"Yawm al-ithnayn\",\"Yawm ath-thulaathaa'\",\"Yawm al-arbi'aa'\",\"Yawm al-kham\\u012bs\",\"Yawm al-jum'a\",\"Yawm as-sabt\"],dayNamesShort:[\"Aha\",\"Ith\",\"Thu\",\"Arb\",\"Kha\",\"Jum\",\"Sab\"],dayNamesMin:[\"Ah\",\"It\",\"Th\",\"Ar\",\"Kh\",\"Ju\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:6,isRTL:!1}},leapYear:function(t){return(11*this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year()+14)%30<11},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return this.leapYear(t)?355:354},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),t=t<=0?t+1:t,(r=i.day())+Math.ceil(29.5*(e-1))+354*(t-1)+Math.floor((3+11*t)/30)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t)+.5;var e=Math.floor((30*(t-this.jdEpoch)+10646)/10631);e=e<=0?e-1:e;var r=Math.min(12,Math.ceil((t-29-this.toJD(e,1,1))/29.5)+1),n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.islamic=a},{\"../main\":548,\"object-assign\":437}],540:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Julian\",jdEpoch:1721423.5,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Julian\",epochs:[\"BC\",\"AD\"],monthNames:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],monthNamesShort:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"mm/dd/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()<0?e.year()+1:e.year())%4==0},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(4-(n.dayOfWeek()||7),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),r=i.day(),t<0&&t++,e<=2&&(t--,e+=12),Math.floor(365.25*(t+4716))+Math.floor(30.6001*(e+1))+r-1524.5},fromJD:function(t){var e=Math.floor(t+.5)+1524,r=Math.floor((e-122.1)/365.25),n=Math.floor(365.25*r),i=Math.floor((e-n)/30.6001),a=i-Math.floor(i<14?1:13),o=r-Math.floor(a>2?4716:4715),s=e-n-Math.floor(30.6001*i);return o<=0&&o--,this.newDate(o,a,s)}}),n.calendars.julian=a},{\"../main\":548,\"object-assign\":437}],541:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}function o(t,e){return t-e*Math.floor(t/e)}function s(t,e){return o(t-1,e)+1}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Mayan\",jdEpoch:584282.5,hasYearZero:!0,minMonth:0,firstMonth:0,minDay:0,regionalOptions:{\"\":{name:\"Mayan\",epochs:[\"\",\"\"],monthNames:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\"],monthNamesShort:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\"],dayNames:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\",\"18\",\"19\"],dayNamesShort:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\",\"18\",\"19\"],dayNamesMin:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\",\"18\",\"19\"],digits:null,dateFormat:\"YYYY.m.d\",firstDay:0,isRTL:!1,haabMonths:[\"Pop\",\"Uo\",\"Zip\",\"Zotz\",\"Tzec\",\"Xul\",\"Yaxkin\",\"Mol\",\"Chen\",\"Yax\",\"Zac\",\"Ceh\",\"Mac\",\"Kankin\",\"Muan\",\"Pax\",\"Kayab\",\"Cumku\",\"Uayeb\"],tzolkinMonths:[\"Imix\",\"Ik\",\"Akbal\",\"Kan\",\"Chicchan\",\"Cimi\",\"Manik\",\"Lamat\",\"Muluc\",\"Oc\",\"Chuen\",\"Eb\",\"Ben\",\"Ix\",\"Men\",\"Cib\",\"Caban\",\"Etznab\",\"Cauac\",\"Ahau\"]}},leapYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),!1},formatYear:function(t){t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year();var e=Math.floor(t/400);return t%=400,t+=t<0?400:0,e+\".\"+Math.floor(t/20)+\".\"+t%20},forYear:function(t){if((t=t.split(\".\")).length<3)throw\"Invalid Mayan year\";for(var e=0,r=0;r19||r>0&&n<0)throw\"Invalid Mayan year\";e=20*e+n}return e},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),18},weekOfYear:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),0},daysInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),360},daysInMonth:function(t,e){return this._validate(t,e,this.minDay,n.local.invalidMonth),20},daysInWeek:function(){return 5},dayOfWeek:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate).day()},weekDay:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),!0},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate).toJD(),a=this._toHaab(i),o=this._toTzolkin(i);return{haabMonthName:this.local.haabMonths[a[0]-1],haabMonth:a[0],haabDay:a[1],tzolkinDayName:this.local.tzolkinMonths[o[0]-1],tzolkinDay:o[0],tzolkinTrecena:o[1]}},_toHaab:function(t){var e=o((t-=this.jdEpoch)+8+340,365);return[Math.floor(e/20)+1,o(e,20)]},_toTzolkin:function(t){return[s((t-=this.jdEpoch)+20,20),s(t+4,13)]},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return i.day()+20*i.month()+360*i.year()+this.jdEpoch},fromJD:function(t){t=Math.floor(t)+.5-this.jdEpoch;var e=Math.floor(t/360);t%=360,t+=t<0?360:0;var r=Math.floor(t/20),n=t%20;return this.newDate(e,r,n)}}),n.calendars.mayan=a},{\"../main\":548,\"object-assign\":437}],542:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar;var o=n.instance(\"gregorian\");i(a.prototype,{name:\"Nanakshahi\",jdEpoch:2257673.5,daysPerMonth:[31,31,31,31,31,30,30,30,30,30,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Nanakshahi\",epochs:[\"BN\",\"AN\"],monthNames:[\"Chet\",\"Vaisakh\",\"Jeth\",\"Harh\",\"Sawan\",\"Bhadon\",\"Assu\",\"Katak\",\"Maghar\",\"Poh\",\"Magh\",\"Phagun\"],monthNamesShort:[\"Che\",\"Vai\",\"Jet\",\"Har\",\"Saw\",\"Bha\",\"Ass\",\"Kat\",\"Mgr\",\"Poh\",\"Mgh\",\"Pha\"],dayNames:[\"Somvaar\",\"Mangalvar\",\"Budhvaar\",\"Veervaar\",\"Shukarvaar\",\"Sanicharvaar\",\"Etvaar\"],dayNamesShort:[\"Som\",\"Mangal\",\"Budh\",\"Veer\",\"Shukar\",\"Sanichar\",\"Et\"],dayNamesMin:[\"So\",\"Ma\",\"Bu\",\"Ve\",\"Sh\",\"Sa\",\"Et\"],digits:null,dateFormat:\"dd-mm-yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[\"\"].invalidYear);return o.leapYear(e.year()+(e.year()<1?1:0)+1469)},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(1-(n.dayOfWeek()||7),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidMonth);(t=i.year())<0&&t++;for(var a=i.day(),s=1;s=this.toJD(e+1,1,1);)e++;for(var r=t-Math.floor(this.toJD(e,1,1)+.5)+1,n=1;r>this.daysInMonth(e,n);)r-=this.daysInMonth(e,n),n++;return this.newDate(e,n,r)}}),n.calendars.nanakshahi=a},{\"../main\":548,\"object-assign\":437}],543:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Nepali\",jdEpoch:1700709.5,daysPerMonth:[31,31,32,32,31,30,30,29,30,29,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,daysPerYear:365,regionalOptions:{\"\":{name:\"Nepali\",epochs:[\"BBS\",\"ABS\"],monthNames:[\"Baisakh\",\"Jestha\",\"Ashadh\",\"Shrawan\",\"Bhadra\",\"Ashwin\",\"Kartik\",\"Mangsir\",\"Paush\",\"Mangh\",\"Falgun\",\"Chaitra\"],monthNamesShort:[\"Bai\",\"Je\",\"As\",\"Shra\",\"Bha\",\"Ash\",\"Kar\",\"Mang\",\"Pau\",\"Ma\",\"Fal\",\"Chai\"],dayNames:[\"Aaitabaar\",\"Sombaar\",\"Manglbaar\",\"Budhabaar\",\"Bihibaar\",\"Shukrabaar\",\"Shanibaar\"],dayNamesShort:[\"Aaita\",\"Som\",\"Mangl\",\"Budha\",\"Bihi\",\"Shukra\",\"Shani\"],dayNamesMin:[\"Aai\",\"So\",\"Man\",\"Bu\",\"Bi\",\"Shu\",\"Sha\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:1,isRTL:!1}},leapYear:function(t){return this.daysInYear(t)!==this.daysPerYear},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){if(t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),\"undefined\"==typeof this.NEPALI_CALENDAR_DATA[t])return this.daysPerYear;for(var e=0,r=this.minMonth;r<=12;r++)e+=this.NEPALI_CALENDAR_DATA[t][r];return e},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),\"undefined\"==typeof this.NEPALI_CALENDAR_DATA[t]?this.daysPerMonth[e-1]:this.NEPALI_CALENDAR_DATA[t][e]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=n.instance(),o=0,s=e,l=t;this._createMissingCalendarData(t);var c=t-(s>9||9===s&&r>=this.NEPALI_CALENDAR_DATA[l][0]?56:57);for(9!==e&&(o=r,s--);9!==s;)s<=0&&(s=12,l--),o+=this.NEPALI_CALENDAR_DATA[l][s],s--;return 9===e?(o+=r-this.NEPALI_CALENDAR_DATA[l][0])<0&&(o+=a.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],a.newDate(c,1,1).add(o,\"d\").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),i=e.dayOfYear(),a=r+56;this._createMissingCalendarData(a);for(var o=9,s=this.NEPALI_CALENDAR_DATA[a][0],l=this.NEPALI_CALENDAR_DATA[a][o]-s+1;i>l;)++o>12&&(o=1,a++),l+=this.NEPALI_CALENDAR_DATA[a][o];var c=this.NEPALI_CALENDAR_DATA[a][o]-(l-i);return this.newDate(a,o,c)},_createMissingCalendarData:function(t){var e=this.daysPerMonth.slice(0);e.unshift(17);for(var r=t-1;r0?474:473))%2820+474+38)%2816<682},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-(n.dayOfWeek()+1)%7,\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t-(t>=0?474:473),s=474+o(a,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(a/2820)+this.jdEpoch-1},fromJD:function(t){var e=(t=Math.floor(t)+.5)-this.toJD(475,1,1),r=Math.floor(e/1029983),n=o(e,1029983),i=2820;if(1029982!==n){var a=Math.floor(n/366),s=o(n,366);i=Math.floor((2134*a+2816*s+2815)/1028522)+a+1}var l=i+2820*r+474;l=l<=0?l-1:l;var c=t-this.toJD(l,1,1)+1,u=c<=186?Math.ceil(c/31):Math.ceil((c-6)/30),f=t-this.toJD(l,u,1)+1;return this.newDate(l,u,f)}}),n.calendars.persian=a,n.calendars.jalali=a},{\"../main\":548,\"object-assign\":437}],545:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\"),a=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,i(o.prototype,{name:\"Taiwan\",jdEpoch:2419402.5,yearsOffset:1911,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Taiwan\",epochs:[\"BROC\",\"ROC\"],monthNames:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],monthNamesShort:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:1,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)},_g2tYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)}}),n.calendars.taiwan=o},{\"../main\":548,\"object-assign\":437}],546:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\"),a=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,i(o.prototype,{name:\"Thai\",jdEpoch:1523098.5,yearsOffset:543,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Thai\",epochs:[\"BBE\",\"BE\"],monthNames:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],monthNamesShort:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)},_g2tYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)}}),n.calendars.thai=o},{\"../main\":548,\"object-assign\":437}],547:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"UmmAlQura\",hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Umm al-Qura\",epochs:[\"BH\",\"AH\"],monthNames:[\"Al-Muharram\",\"Safar\",\"Rabi' al-awwal\",\"Rabi' Al-Thani\",\"Jumada Al-Awwal\",\"Jumada Al-Thani\",\"Rajab\",\"Sha'aban\",\"Ramadan\",\"Shawwal\",\"Dhu al-Qi'dah\",\"Dhu al-Hijjah\"],monthNamesShort:[\"Muh\",\"Saf\",\"Rab1\",\"Rab2\",\"Jum1\",\"Jum2\",\"Raj\",\"Sha'\",\"Ram\",\"Shaw\",\"DhuQ\",\"DhuH\"],dayNames:[\"Yawm al-Ahad\",\"Yawm al-Ithnain\",\"Yawm al-Thal\\u0101th\\u0101\\u2019\",\"Yawm al-Arba\\u2018\\u0101\\u2019\",\"Yawm al-Kham\\u012bs\",\"Yawm al-Jum\\u2018a\",\"Yawm al-Sabt\"],dayNamesMin:[\"Ah\",\"Ith\",\"Th\",\"Ar\",\"Kh\",\"Ju\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:6,isRTL:!0}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return 355===this.daysInYear(e.year())},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){for(var e=0,r=1;r<=12;r++)e+=this.daysInMonth(t,r);return e},daysInMonth:function(t,e){for(var r=this._validate(t,e,this.minDay,n.local.invalidMonth).toJD()-24e5+.5,i=0,a=0;ar)return o[i]-o[i-1];i++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate),a=12*(i.year()-1)+i.month()-15292;return i.day()+o[a-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var i=r+15292,a=Math.floor((i-1)/12),s=a+1,l=i-12*a,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var i=n.baseCalendar.prototype.isValid.apply(this,arguments);return i&&(i=(t=null!=t.year?t.year:t)>=1276&&t<=1500),i},_validate:function(t,e,r,i){var a=n.baseCalendar.prototype._validate.apply(this,arguments);if(a.year<1276||a.year>1500)throw i.replace(/\\{0\\}/,this.local.name);return a}}),n.calendars.ummalqura=a;var o=[20,50,79,109,138,168,197,227,256,286,315,345,374,404,433,463,492,522,551,581,611,641,670,700,729,759,788,818,847,877,906,936,965,995,1024,1054,1083,1113,1142,1172,1201,1231,1260,1290,1320,1350,1379,1409,1438,1468,1497,1527,1556,1586,1615,1645,1674,1704,1733,1763,1792,1822,1851,1881,1910,1940,1969,1999,2028,2058,2087,2117,2146,2176,2205,2235,2264,2294,2323,2353,2383,2413,2442,2472,2501,2531,2560,2590,2619,2649,2678,2708,2737,2767,2796,2826,2855,2885,2914,2944,2973,3003,3032,3062,3091,3121,3150,3180,3209,3239,3268,3298,3327,3357,3386,3416,3446,3476,3505,3535,3564,3594,3623,3653,3682,3712,3741,3771,3800,3830,3859,3889,3918,3948,3977,4007,4036,4066,4095,4125,4155,4185,4214,4244,4273,4303,4332,4362,4391,4421,4450,4480,4509,4539,4568,4598,4627,4657,4686,4716,4745,4775,4804,4834,4863,4893,4922,4952,4981,5011,5040,5070,5099,5129,5158,5188,5218,5248,5277,5307,5336,5366,5395,5425,5454,5484,5513,5543,5572,5602,5631,5661,5690,5720,5749,5779,5808,5838,5867,5897,5926,5956,5985,6015,6044,6074,6103,6133,6162,6192,6221,6251,6281,6311,6340,6370,6399,6429,6458,6488,6517,6547,6576,6606,6635,6665,6694,6724,6753,6783,6812,6842,6871,6901,6930,6960,6989,7019,7048,7078,7107,7137,7166,7196,7225,7255,7284,7314,7344,7374,7403,7433,7462,7492,7521,7551,7580,7610,7639,7669,7698,7728,7757,7787,7816,7846,7875,7905,7934,7964,7993,8023,8053,8083,8112,8142,8171,8201,8230,8260,8289,8319,8348,8378,8407,8437,8466,8496,8525,8555,8584,8614,8643,8673,8702,8732,8761,8791,8821,8850,8880,8909,8938,8968,8997,9027,9056,9086,9115,9145,9175,9205,9234,9264,9293,9322,9352,9381,9410,9440,9470,9499,9529,9559,9589,9618,9648,9677,9706,9736,9765,9794,9824,9853,9883,9913,9943,9972,10002,10032,10061,10090,10120,10149,10178,10208,10237,10267,10297,10326,10356,10386,10415,10445,10474,10504,10533,10562,10592,10621,10651,10680,10710,10740,10770,10799,10829,10858,10888,10917,10947,10976,11005,11035,11064,11094,11124,11153,11183,11213,11242,11272,11301,11331,11360,11389,11419,11448,11478,11507,11537,11567,11596,11626,11655,11685,11715,11744,11774,11803,11832,11862,11891,11921,11950,11980,12010,12039,12069,12099,12128,12158,12187,12216,12246,12275,12304,12334,12364,12393,12423,12453,12483,12512,12542,12571,12600,12630,12659,12688,12718,12747,12777,12807,12837,12866,12896,12926,12955,12984,13014,13043,13072,13102,13131,13161,13191,13220,13250,13280,13310,13339,13368,13398,13427,13456,13486,13515,13545,13574,13604,13634,13664,13693,13723,13752,13782,13811,13840,13870,13899,13929,13958,13988,14018,14047,14077,14107,14136,14166,14195,14224,14254,14283,14313,14342,14372,14401,14431,14461,14490,14520,14550,14579,14609,14638,14667,14697,14726,14756,14785,14815,14844,14874,14904,14933,14963,14993,15021,15051,15081,15110,15140,15169,15199,15228,15258,15287,15317,15347,15377,15406,15436,15465,15494,15524,15553,15582,15612,15641,15671,15701,15731,15760,15790,15820,15849,15878,15908,15937,15966,15996,16025,16055,16085,16114,16144,16174,16204,16233,16262,16292,16321,16350,16380,16409,16439,16468,16498,16528,16558,16587,16617,16646,16676,16705,16734,16764,16793,16823,16852,16882,16912,16941,16971,17001,17030,17060,17089,17118,17148,17177,17207,17236,17266,17295,17325,17355,17384,17414,17444,17473,17502,17532,17561,17591,17620,17650,17679,17709,17738,17768,17798,17827,17857,17886,17916,17945,17975,18004,18034,18063,18093,18122,18152,18181,18211,18241,18270,18300,18330,18359,18388,18418,18447,18476,18506,18535,18565,18595,18625,18654,18684,18714,18743,18772,18802,18831,18860,18890,18919,18949,18979,19008,19038,19068,19098,19127,19156,19186,19215,19244,19274,19303,19333,19362,19392,19422,19452,19481,19511,19540,19570,19599,19628,19658,19687,19717,19746,19776,19806,19836,19865,19895,19924,19954,19983,20012,20042,20071,20101,20130,20160,20190,20219,20249,20279,20308,20338,20367,20396,20426,20455,20485,20514,20544,20573,20603,20633,20662,20692,20721,20751,20780,20810,20839,20869,20898,20928,20957,20987,21016,21046,21076,21105,21135,21164,21194,21223,21253,21282,21312,21341,21371,21400,21430,21459,21489,21519,21548,21578,21607,21637,21666,21696,21725,21754,21784,21813,21843,21873,21902,21932,21962,21991,22021,22050,22080,22109,22138,22168,22197,22227,22256,22286,22316,22346,22375,22405,22434,22464,22493,22522,22552,22581,22611,22640,22670,22700,22730,22759,22789,22818,22848,22877,22906,22936,22965,22994,23024,23054,23083,23113,23143,23173,23202,23232,23261,23290,23320,23349,23379,23408,23438,23467,23497,23527,23556,23586,23616,23645,23674,23704,23733,23763,23792,23822,23851,23881,23910,23940,23970,23999,24029,24058,24088,24117,24147,24176,24206,24235,24265,24294,24324,24353,24383,24413,24442,24472,24501,24531,24560,24590,24619,24648,24678,24707,24737,24767,24796,24826,24856,24885,24915,24944,24974,25003,25032,25062,25091,25121,25150,25180,25210,25240,25269,25299,25328,25358,25387,25416,25446,25475,25505,25534,25564,25594,25624,25653,25683,25712,25742,25771,25800,25830,25859,25888,25918,25948,25977,26007,26037,26067,26096,26126,26155,26184,26214,26243,26272,26302,26332,26361,26391,26421,26451,26480,26510,26539,26568,26598,26627,26656,26686,26715,26745,26775,26805,26834,26864,26893,26923,26952,26982,27011,27041,27070,27099,27129,27159,27188,27218,27248,27277,27307,27336,27366,27395,27425,27454,27484,27513,27542,27572,27602,27631,27661,27691,27720,27750,27779,27809,27838,27868,27897,27926,27956,27985,28015,28045,28074,28104,28134,28163,28193,28222,28252,28281,28310,28340,28369,28399,28428,28458,28488,28517,28547,28577,28607,28636,28665,28695,28724,28754,28783,28813,28843,28872,28901,28931,28960,28990,29019,29049,29078,29108,29137,29167,29196,29226,29255,29285,29315,29345,29375,29404,29434,29463,29492,29522,29551,29580,29610,29640,29669,29699,29729,29759,29788,29818,29847,29876,29906,29935,29964,29994,30023,30053,30082,30112,30141,30171,30200,30230,30259,30289,30318,30348,30378,30408,30437,30467,30496,30526,30555,30585,30614,30644,30673,30703,30732,30762,30791,30821,30850,30880,30909,30939,30968,30998,31027,31057,31086,31116,31145,31175,31204,31234,31263,31293,31322,31352,31381,31411,31441,31471,31500,31530,31559,31589,31618,31648,31676,31706,31736,31766,31795,31825,31854,31884,31913,31943,31972,32002,32031,32061,32090,32120,32150,32180,32209,32239,32268,32298,32327,32357,32386,32416,32445,32475,32504,32534,32563,32593,32622,32652,32681,32711,32740,32770,32799,32829,32858,32888,32917,32947,32976,33006,33035,33065,33094,33124,33153,33183,33213,33243,33272,33302,33331,33361,33390,33420,33450,33479,33509,33539,33568,33598,33627,33657,33686,33716,33745,33775,33804,33834,33863,33893,33922,33952,33981,34011,34040,34069,34099,34128,34158,34187,34217,34247,34277,34306,34336,34365,34395,34424,34454,34483,34512,34542,34571,34601,34631,34660,34690,34719,34749,34778,34808,34837,34867,34896,34926,34955,34985,35015,35044,35074,35103,35133,35162,35192,35222,35251,35280,35310,35340,35370,35399,35429,35458,35488,35517,35547,35576,35605,35635,35665,35694,35723,35753,35782,35811,35841,35871,35901,35930,35960,35989,36019,36048,36078,36107,36136,36166,36195,36225,36254,36284,36314,36343,36373,36403,36433,36462,36492,36521,36551,36580,36610,36639,36669,36698,36728,36757,36786,36816,36845,36875,36904,36934,36963,36993,37022,37052,37081,37111,37141,37170,37200,37229,37259,37288,37318,37347,37377,37406,37436,37465,37495,37524,37554,37584,37613,37643,37672,37701,37731,37760,37790,37819,37849,37878,37908,37938,37967,37997,38027,38056,38085,38115,38144,38174,38203,38233,38262,38292,38322,38351,38381,38410,38440,38469,38499,38528,38558,38587,38617,38646,38676,38705,38735,38764,38794,38823,38853,38882,38912,38941,38971,39001,39030,39059,39089,39118,39148,39178,39208,39237,39267,39297,39326,39355,39385,39414,39444,39473,39503,39532,39562,39592,39621,39650,39680,39709,39739,39768,39798,39827,39857,39886,39916,39946,39975,40005,40035,40064,40094,40123,40153,40182,40212,40241,40271,40300,40330,40359,40389,40418,40448,40477,40507,40536,40566,40595,40625,40655,40685,40714,40744,40773,40803,40832,40862,40892,40921,40951,40980,41009,41039,41068,41098,41127,41157,41186,41216,41245,41275,41304,41334,41364,41393,41422,41452,41481,41511,41540,41570,41599,41629,41658,41688,41718,41748,41777,41807,41836,41865,41894,41924,41953,41983,42012,42042,42072,42102,42131,42161,42190,42220,42249,42279,42308,42337,42367,42397,42426,42456,42485,42515,42545,42574,42604,42633,42662,42692,42721,42751,42780,42810,42839,42869,42899,42929,42958,42988,43017,43046,43076,43105,43135,43164,43194,43223,43253,43283,43312,43342,43371,43401,43430,43460,43489,43519,43548,43578,43607,43637,43666,43696,43726,43755,43785,43814,43844,43873,43903,43932,43962,43991,44021,44050,44080,44109,44139,44169,44198,44228,44258,44287,44317,44346,44375,44405,44434,44464,44493,44523,44553,44582,44612,44641,44671,44700,44730,44759,44788,44818,44847,44877,44906,44936,44966,44996,45025,45055,45084,45114,45143,45172,45202,45231,45261,45290,45320,45350,45380,45409,45439,45468,45498,45527,45556,45586,45615,45644,45674,45704,45733,45763,45793,45823,45852,45882,45911,45940,45970,45999,46028,46058,46088,46117,46147,46177,46206,46236,46265,46295,46324,46354,46383,46413,46442,46472,46501,46531,46560,46590,46620,46649,46679,46708,46738,46767,46797,46826,46856,46885,46915,46944,46974,47003,47033,47063,47092,47122,47151,47181,47210,47240,47269,47298,47328,47357,47387,47417,47446,47476,47506,47535,47565,47594,47624,47653,47682,47712,47741,47771,47800,47830,47860,47890,47919,47949,47978,48008,48037,48066,48096,48125,48155,48184,48214,48244,48273,48303,48333,48362,48392,48421,48450,48480,48509,48538,48568,48598,48627,48657,48687,48717,48746,48776,48805,48834,48864,48893,48922,48952,48982,49011,49041,49071,49100,49130,49160,49189,49218,49248,49277,49306,49336,49365,49395,49425,49455,49484,49514,49543,49573,49602,49632,49661,49690,49720,49749,49779,49809,49838,49868,49898,49927,49957,49986,50016,50045,50075,50104,50133,50163,50192,50222,50252,50281,50311,50340,50370,50400,50429,50459,50488,50518,50547,50576,50606,50635,50665,50694,50724,50754,50784,50813,50843,50872,50902,50931,50960,50990,51019,51049,51078,51108,51138,51167,51197,51227,51256,51286,51315,51345,51374,51403,51433,51462,51492,51522,51552,51582,51611,51641,51670,51699,51729,51758,51787,51816,51846,51876,51906,51936,51965,51995,52025,52054,52083,52113,52142,52171,52200,52230,52260,52290,52319,52349,52379,52408,52438,52467,52497,52526,52555,52585,52614,52644,52673,52703,52733,52762,52792,52822,52851,52881,52910,52939,52969,52998,53028,53057,53087,53116,53146,53176,53205,53235,53264,53294,53324,53353,53383,53412,53441,53471,53500,53530,53559,53589,53619,53648,53678,53708,53737,53767,53796,53825,53855,53884,53913,53943,53973,54003,54032,54062,54092,54121,54151,54180,54209,54239,54268,54297,54327,54357,54387,54416,54446,54476,54505,54535,54564,54593,54623,54652,54681,54711,54741,54770,54800,54830,54859,54889,54919,54948,54977,55007,55036,55066,55095,55125,55154,55184,55213,55243,55273,55302,55332,55361,55391,55420,55450,55479,55508,55538,55567,55597,55627,55657,55686,55716,55745,55775,55804,55834,55863,55892,55922,55951,55981,56011,56040,56070,56100,56129,56159,56188,56218,56247,56276,56306,56335,56365,56394,56424,56454,56483,56513,56543,56572,56601,56631,56660,56690,56719,56749,56778,56808,56837,56867,56897,56926,56956,56985,57015,57044,57074,57103,57133,57162,57192,57221,57251,57280,57310,57340,57369,57399,57429,57458,57487,57517,57546,57576,57605,57634,57664,57694,57723,57753,57783,57813,57842,57871,57901,57930,57959,57989,58018,58048,58077,58107,58137,58167,58196,58226,58255,58285,58314,58343,58373,58402,58432,58461,58491,58521,58551,58580,58610,58639,58669,58698,58727,58757,58786,58816,58845,58875,58905,58934,58964,58994,59023,59053,59082,59111,59141,59170,59200,59229,59259,59288,59318,59348,59377,59407,59436,59466,59495,59525,59554,59584,59613,59643,59672,59702,59731,59761,59791,59820,59850,59879,59909,59939,59968,59997,60027,60056,60086,60115,60145,60174,60204,60234,60264,60293,60323,60352,60381,60411,60440,60469,60499,60528,60558,60588,60618,60648,60677,60707,60736,60765,60795,60824,60853,60883,60912,60942,60972,61002,61031,61061,61090,61120,61149,61179,61208,61237,61267,61296,61326,61356,61385,61415,61445,61474,61504,61533,61563,61592,61621,61651,61680,61710,61739,61769,61799,61828,61858,61888,61917,61947,61976,62006,62035,62064,62094,62123,62153,62182,62212,62242,62271,62301,62331,62360,62390,62419,62448,62478,62507,62537,62566,62596,62625,62655,62685,62715,62744,62774,62803,62832,62862,62891,62921,62950,62980,63009,63039,63069,63099,63128,63157,63187,63216,63246,63275,63305,63334,63363,63393,63423,63453,63482,63512,63541,63571,63600,63630,63659,63689,63718,63747,63777,63807,63836,63866,63895,63925,63955,63984,64014,64043,64073,64102,64131,64161,64190,64220,64249,64279,64309,64339,64368,64398,64427,64457,64486,64515,64545,64574,64603,64633,64663,64692,64722,64752,64782,64811,64841,64870,64899,64929,64958,64987,65017,65047,65076,65106,65136,65166,65195,65225,65254,65283,65313,65342,65371,65401,65431,65460,65490,65520,65549,65579,65608,65638,65667,65697,65726,65755,65785,65815,65844,65874,65903,65933,65963,65992,66022,66051,66081,66110,66140,66169,66199,66228,66258,66287,66317,66346,66376,66405,66435,66465,66494,66524,66553,66583,66612,66641,66671,66700,66730,66760,66789,66819,66849,66878,66908,66937,66967,66996,67025,67055,67084,67114,67143,67173,67203,67233,67262,67292,67321,67351,67380,67409,67439,67468,67497,67527,67557,67587,67617,67646,67676,67705,67735,67764,67793,67823,67852,67882,67911,67941,67971,68e3,68030,68060,68089,68119,68148,68177,68207,68236,68266,68295,68325,68354,68384,68414,68443,68473,68502,68532,68561,68591,68620,68650,68679,68708,68738,68768,68797,68827,68857,68886,68916,68946,68975,69004,69034,69063,69092,69122,69152,69181,69211,69240,69270,69300,69330,69359,69388,69418,69447,69476,69506,69535,69565,69595,69624,69654,69684,69713,69743,69772,69802,69831,69861,69890,69919,69949,69978,70008,70038,70067,70097,70126,70156,70186,70215,70245,70274,70303,70333,70362,70392,70421,70451,70481,70510,70540,70570,70599,70629,70658,70687,70717,70746,70776,70805,70835,70864,70894,70924,70954,70983,71013,71042,71071,71101,71130,71159,71189,71218,71248,71278,71308,71337,71367,71397,71426,71455,71485,71514,71543,71573,71602,71632,71662,71691,71721,71751,71781,71810,71839,71869,71898,71927,71957,71986,72016,72046,72075,72105,72135,72164,72194,72223,72253,72282,72311,72341,72370,72400,72429,72459,72489,72518,72548,72577,72607,72637,72666,72695,72725,72754,72784,72813,72843,72872,72902,72931,72961,72991,73020,73050,73080,73109,73139,73168,73197,73227,73256,73286,73315,73345,73375,73404,73434,73464,73493,73523,73552,73581,73611,73640,73669,73699,73729,73758,73788,73818,73848,73877,73907,73936,73965,73995,74024,74053,74083,74113,74142,74172,74202,74231,74261,74291,74320,74349,74379,74408,74437,74467,74497,74526,74556,74586,74615,74645,74675,74704,74733,74763,74792,74822,74851,74881,74910,74940,74969,74999,75029,75058,75088,75117,75147,75176,75206,75235,75264,75294,75323,75353,75383,75412,75442,75472,75501,75531,75560,75590,75619,75648,75678,75707,75737,75766,75796,75826,75856,75885,75915,75944,75974,76003,76032,76062,76091,76121,76150,76180,76210,76239,76269,76299,76328,76358,76387,76416,76446,76475,76505,76534,76564,76593,76623,76653,76682,76712,76741,76771,76801,76830,76859,76889,76918,76948,76977,77007,77036,77066,77096,77125,77155,77185,77214,77243,77273,77302,77332,77361,77390,77420,77450,77479,77509,77539,77569,77598,77627,77657,77686,77715,77745,77774,77804,77833,77863,77893,77923,77952,77982,78011,78041,78070,78099,78129,78158,78188,78217,78247,78277,78307,78336,78366,78395,78425,78454,78483,78513,78542,78572,78601,78631,78661,78690,78720,78750,78779,78808,78838,78867,78897,78926,78956,78985,79015,79044,79074,79104,79133,79163,79192,79222,79251,79281,79310,79340,79369,79399,79428,79458,79487,79517,79546,79576,79606,79635,79665,79695,79724,79753,79783,79812,79841,79871,79900,79930,79960,79990]},{\"../main\":548,\"object-assign\":437}],548:[function(t,e,r){var n=t(\"object-assign\");function i(){this.regionalOptions=[],this.regionalOptions[\"\"]={invalidCalendar:\"Calendar {0} not found\",invalidDate:\"Invalid {0} date\",invalidMonth:\"Invalid {0} month\",invalidYear:\"Invalid {0} year\",differentCalendars:\"Cannot mix {0} and {1} dates\"},this.local=this.regionalOptions[\"\"],this.calendars={},this._localCals={}}function a(t,e,r,n){if(this._calendar=t,this._year=e,this._month=r,this._day=n,0===this._calendar._validateLevel&&!this._calendar.isValid(this._year,this._month,this._day))throw(c.local.invalidDate||c.regionalOptions[\"\"].invalidDate).replace(/\\{0\\}/,this._calendar.local.name)}function o(t,e){return\"000000\".substring(0,e-(t=\"\"+t).length)+t}function s(){this.shortYearCutoff=\"+10\"}function l(t){this.local=this.regionalOptions[t]||this.regionalOptions[\"\"]}n(i.prototype,{instance:function(t,e){t=(t||\"gregorian\").toLowerCase(),e=e||\"\";var r=this._localCals[t+\"-\"+e];if(!r&&this.calendars[t]&&(r=new this.calendars[t](e),this._localCals[t+\"-\"+e]=r),!r)throw(this.local.invalidCalendar||this.regionalOptions[\"\"].invalidCalendar).replace(/\\{0\\}/,t);return r},newDate:function(t,e,r,n,i){return(n=(null!=t&&t.year?t.calendar():\"string\"==typeof n?this.instance(n,i):n)||this.instance()).newDate(t,e,r)},substituteDigits:function(t){return function(e){return(e+\"\").replace(/[0-9]/g,function(e){return t[e]})}},substituteChineseDigits:function(t,e){return function(r){for(var n=\"\",i=0;r>0;){var a=r%10;n=(0===a?\"\":t[a]+e[i])+n,i++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(a.prototype,{newDate:function(t,e,r){return this._calendar.newDate(null==t?this:t,e,r)},year:function(t){return 0===arguments.length?this._year:this.set(t,\"y\")},month:function(t){return 0===arguments.length?this._month:this.set(t,\"m\")},day:function(t){return 0===arguments.length?this._day:this.set(t,\"d\")},date:function(t,e,r){if(!this._calendar.isValid(t,e,r))throw(c.local.invalidDate||c.regionalOptions[\"\"].invalidDate).replace(/\\{0\\}/,this._calendar.local.name);return this._year=t,this._month=e,this._day=r,this},leapYear:function(){return this._calendar.leapYear(this)},epoch:function(){return this._calendar.epoch(this)},formatYear:function(){return this._calendar.formatYear(this)},monthOfYear:function(){return this._calendar.monthOfYear(this)},weekOfYear:function(){return this._calendar.weekOfYear(this)},daysInYear:function(){return this._calendar.daysInYear(this)},dayOfYear:function(){return this._calendar.dayOfYear(this)},daysInMonth:function(){return this._calendar.daysInMonth(this)},dayOfWeek:function(){return this._calendar.dayOfWeek(this)},weekDay:function(){return this._calendar.weekDay(this)},extraInfo:function(){return this._calendar.extraInfo(this)},add:function(t,e){return this._calendar.add(this,t,e)},set:function(t,e){return this._calendar.set(this,t,e)},compareTo:function(t){if(this._calendar.name!==t._calendar.name)throw(c.local.differentCalendars||c.regionalOptions[\"\"].differentCalendars).replace(/\\{0\\}/,this._calendar.local.name).replace(/\\{1\\}/,t._calendar.local.name);var e=this._year!==t._year?this._year-t._year:this._month!==t._month?this.monthOfYear()-t.monthOfYear():this._day-t._day;return 0===e?0:e<0?-1:1},calendar:function(){return this._calendar},toJD:function(){return this._calendar.toJD(this)},fromJD:function(t){return this._calendar.fromJD(t)},toJSDate:function(){return this._calendar.toJSDate(this)},fromJSDate:function(t){return this._calendar.fromJSDate(t)},toString:function(){return(this.year()<0?\"-\":\"\")+o(Math.abs(this.year()),4)+\"-\"+o(this.month(),2)+\"-\"+o(this.day(),2)}}),n(s.prototype,{_validateLevel:0,newDate:function(t,e,r){return null==t?this.today():(t.year&&(this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),r=t.day(),e=t.month(),t=t.year()),new a(this,t,e,r))},today:function(){return this.fromJSDate(new Date)},epoch:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear).year()<0?this.local.epochs[0]:this.local.epochs[1]},formatYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear);return(e.year()<0?\"-\":\"\")+o(Math.abs(e.year()),4)},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear),12},monthOfYear:function(t,e){var r=this._validate(t,e,this.minDay,c.local.invalidMonth||c.regionalOptions[\"\"].invalidMonth);return(r.month()+this.monthsInYear(r)-this.firstMonth)%this.monthsInYear(r)+this.minMonth},fromMonthOfYear:function(t,e){var r=(e+this.firstMonth-2*this.minMonth)%this.monthsInYear(t)+this.minMonth;return this._validate(t,r,this.minDay,c.local.invalidMonth||c.regionalOptions[\"\"].invalidMonth),r},daysInYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear);return this.leapYear(e)?366:365},dayOfYear:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate);return n.toJD()-this.newDate(n.year(),this.fromMonthOfYear(n.year(),this.minMonth),this.minDay).toJD()+1},daysInWeek:function(){return 7},dayOfWeek:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate);return(Math.floor(this.toJD(n))+2)%this.daysInWeek()},extraInfo:function(t,e,r){return this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),{}},add:function(t,e,r){return this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),this._correctAdd(t,this._add(t,e,r),e,r)},_add:function(t,e,r){if(this._validateLevel++,\"d\"===r||\"w\"===r){var n=t.toJD()+e*(\"w\"===r?this.daysInWeek():1),i=t.calendar().fromJD(n);return this._validateLevel--,[i.year(),i.month(),i.day()]}try{var a=t.year()+(\"y\"===r?e:0),o=t.monthOfYear()+(\"m\"===r?e:0);i=t.day();\"y\"===r?(t.month()!==this.fromMonthOfYear(a,o)&&(o=this.newDate(a,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(a)),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o)))):\"m\"===r&&(!function(t){for(;oe-1+t.minMonth;)a++,o-=e,e=t.monthsInYear(a)}(this),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o))));var s=[a,this.fromMonthOfYear(a,o),i];return this._validateLevel--,s}catch(t){throw this._validateLevel--,t}},_correctAdd:function(t,e,r,n){if(!(this.hasYearZero||\"y\"!==n&&\"m\"!==n||0!==e[0]&&t.year()>0==e[0]>0)){var i={y:[1,1,\"y\"],m:[1,this.monthsInYear(-1),\"m\"],w:[this.daysInWeek(),this.daysInYear(-1),\"d\"],d:[1,this.daysInYear(-1),\"d\"]}[n],a=r<0?-1:1;e=this._add(t,r*i[0]+a*i[1],i[2])}return t.date(e[0],e[1],e[2])},set:function(t,e,r){this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate);var n=\"y\"===r?e:t.year(),i=\"m\"===r?e:t.month(),a=\"d\"===r?e:t.day();return\"y\"!==r&&\"m\"!==r||(a=Math.min(a,this.daysInMonth(n,i))),t.date(n,i,a)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var i=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=i-(l>2.5?4716:4715);return c<=0&&c--,this.newDate(c,l,s)},toJSDate:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),i=new Date(n.year(),n.month()-1,n.day());return i.setHours(0),i.setMinutes(0),i.setSeconds(0),i.setMilliseconds(0),i.setHours(i.getHours()>12?i.getHours()+2:0),i},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new i;c.cdate=a,c.baseCalendar=s,c.calendars.gregorian=l},{\"object-assign\":437}],549:[function(t,e,r){var n=t(\"object-assign\"),i=t(\"./main\");n(i.regionalOptions[\"\"],{invalidArguments:\"Invalid arguments\",invalidFormat:\"Cannot format a date from another calendar\",missingNumberAt:\"Missing number at position {0}\",unknownNameAt:\"Unknown name at position {0}\",unexpectedLiteralAt:\"Unexpected literal at position {0}\",unexpectedText:\"Additional text found at end\"}),i.local=i.regionalOptions[\"\"],n(i.cdate.prototype,{formatDate:function(t,e){return\"string\"!=typeof t&&(e=t,t=\"\"),this._calendar.formatDate(t||\"\",this,e)}}),n(i.baseCalendar.prototype,{UNIX_EPOCH:i.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:i.instance().jdEpoch,TICKS_PER_DAY:864e9,ATOM:\"yyyy-mm-dd\",COOKIE:\"D, dd M yyyy\",FULL:\"DD, MM d, yyyy\",ISO_8601:\"yyyy-mm-dd\",JULIAN:\"J\",RFC_822:\"D, d M yy\",RFC_850:\"DD, dd-M-yy\",RFC_1036:\"D, d M yy\",RFC_1123:\"D, d M yyyy\",RFC_2822:\"D, d M yyyy\",RSS:\"D, d M yy\",TICKS:\"!\",TIMESTAMP:\"@\",W3C:\"yyyy-mm-dd\",formatDate:function(t,e,r){if(\"string\"!=typeof t&&(r=e,e=t,t=\"\"),!e)return\"\";if(e.calendar()!==this)throw i.local.invalidFormat||i.regionalOptions[\"\"].invalidFormat;t=t||this.local.dateFormat;for(var n,a,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,f=r.monthNamesShort||this.local.monthNamesShort,h=r.monthNames||this.local.monthNames,p=(r.calculateWeek||this.local.calculateWeek,function(e,r){for(var n=1;w+n1}),d=function(t,e,r,n){var i=\"\"+e;if(p(t,n))for(;i.length1},x=function(t,r){var n=y(t,r),a=[2,3,n?4:2,n?4:2,10,11,20][\"oyYJ@!\".indexOf(t)+1],o=new RegExp(\"^-?\\\\d{1,\"+a+\"}\"),s=e.substring(A).match(o);if(!s)throw(i.local.missingNumberAt||i.regionalOptions[\"\"].missingNumberAt).replace(/\\{0\\}/,A);return A+=s[0].length,parseInt(s[0],10)},b=this,_=function(){if(\"function\"==typeof l){y(\"m\");var t=l.call(b,e.substring(A));return A+=t.length,t}return x(\"m\")},w=function(t,r,n,a){for(var o=y(t,a)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(h,p);d>E;E=this.daysInMonth(h,p))p++,d-=E}return f>-1?this.fromJD(f):this.newDate(h,p,d)},determineDate:function(t,e,r,n,i){r&&\"object\"!=typeof r&&(i=n,n=r,r=null),\"string\"!=typeof n&&(i=n,n=\"\");var a=this;return e=e?e.newDate():null,t=null==t?e:\"string\"==typeof t?function(t){try{return a.parseDate(n,t,i)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||a.today(),o=/([+-]?[0-9]+)\\s*(d|w|m|y)?/g,s=o.exec(t);s;)e.add(parseInt(s[1],10),s[2]||\"d\"),s=o.exec(t);return e}(t):\"number\"==typeof t?isNaN(t)||t===1/0||t===-1/0?e:a.today().add(t,\"d\"):a.newDate(t)}})},{\"./main\":548,\"object-assign\":437}],550:[function(t,e,r){e.exports=t(\"cwise-compiler\")({args:[\"array\",{offset:[1],array:0},\"scalar\",\"scalar\",\"index\"],pre:{body:\"{}\",args:[],thisVars:[],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},body:{body:\"{\\n var _inline_1_da = _inline_1_arg0_ - _inline_1_arg3_\\n var _inline_1_db = _inline_1_arg1_ - _inline_1_arg3_\\n if((_inline_1_da >= 0) !== (_inline_1_db >= 0)) {\\n _inline_1_arg2_.push(_inline_1_arg4_[0] + 0.5 + 0.5 * (_inline_1_da + _inline_1_db) / (_inline_1_da - _inline_1_db))\\n }\\n }\",args:[{name:\"_inline_1_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg1_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg3_\",lvalue:!1,rvalue:!0,count:2},{name:\"_inline_1_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[],localVars:[\"_inline_1_da\",\"_inline_1_db\"]},funcName:\"zeroCrossings\"})},{\"cwise-compiler\":134}],551:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=[];return e=+e||0,n(t.hi(t.shape[0]-1),r,e),r};var n=t(\"./lib/zc-core\")},{\"./lib/zc-core\":550}],552:[function(t,e,r){\"use strict\";e.exports=[{path:\"\",backoff:0},{path:\"M-2.4,-3V3L0.6,0Z\",backoff:.6},{path:\"M-3.7,-2.5V2.5L1.3,0Z\",backoff:1.3},{path:\"M-4.45,-3L-1.65,-0.2V0.2L-4.45,3L1.55,0Z\",backoff:1.55},{path:\"M-2.2,-2.2L-0.2,-0.2V0.2L-2.2,2.2L-1.4,3L1.6,0L-1.4,-3Z\",backoff:1.6},{path:\"M-4.4,-2.1L-0.6,-0.2V0.2L-4.4,2.1L-4,3L2,0L-4,-3Z\",backoff:2},{path:\"M2,0A2,2 0 1,1 0,-2A2,2 0 0,1 2,0Z\",backoff:0,noRotate:!0},{path:\"M2,2V-2H-2V2Z\",backoff:0,noRotate:!0}]},{}],553:[function(t,e,r){\"use strict\";var n=t(\"./arrow_paths\"),i=t(\"../../plots/font_attributes\"),a=t(\"../../plots/cartesian/constants\"),o=t(\"../../plot_api/plot_template\").templatedArray;e.exports=o(\"annotation\",{visible:{valType:\"boolean\",dflt:!0,editType:\"calc+arraydraw\"},text:{valType:\"string\",editType:\"calc+arraydraw\"},textangle:{valType:\"angle\",dflt:0,editType:\"calc+arraydraw\"},font:i({editType:\"calc+arraydraw\",colorEditType:\"arraydraw\"}),width:{valType:\"number\",min:1,dflt:null,editType:\"calc+arraydraw\"},height:{valType:\"number\",min:1,dflt:null,editType:\"calc+arraydraw\"},opacity:{valType:\"number\",min:0,max:1,dflt:1,editType:\"arraydraw\"},align:{valType:\"enumerated\",values:[\"left\",\"center\",\"right\"],dflt:\"center\",editType:\"arraydraw\"},valign:{valType:\"enumerated\",values:[\"top\",\"middle\",\"bottom\"],dflt:\"middle\",editType:\"arraydraw\"},bgcolor:{valType:\"color\",dflt:\"rgba(0,0,0,0)\",editType:\"arraydraw\"},bordercolor:{valType:\"color\",dflt:\"rgba(0,0,0,0)\",editType:\"arraydraw\"},borderpad:{valType:\"number\",min:0,dflt:1,editType:\"calc+arraydraw\"},borderwidth:{valType:\"number\",min:0,dflt:1,editType:\"calc+arraydraw\"},showarrow:{valType:\"boolean\",dflt:!0,editType:\"calc+arraydraw\"},arrowcolor:{valType:\"color\",editType:\"arraydraw\"},arrowhead:{valType:\"integer\",min:0,max:n.length,dflt:1,editType:\"arraydraw\"},startarrowhead:{valType:\"integer\",min:0,max:n.length,dflt:1,editType:\"arraydraw\"},arrowside:{valType:\"flaglist\",flags:[\"end\",\"start\"],extras:[\"none\"],dflt:\"end\",editType:\"arraydraw\"},arrowsize:{valType:\"number\",min:.3,dflt:1,editType:\"calc+arraydraw\"},startarrowsize:{valType:\"number\",min:.3,dflt:1,editType:\"calc+arraydraw\"},arrowwidth:{valType:\"number\",min:.1,editType:\"calc+arraydraw\"},standoff:{valType:\"number\",min:0,dflt:0,editType:\"calc+arraydraw\"},startstandoff:{valType:\"number\",min:0,dflt:0,editType:\"calc+arraydraw\"},ax:{valType:\"any\",editType:\"calc+arraydraw\"},ay:{valType:\"any\",editType:\"calc+arraydraw\"},axref:{valType:\"enumerated\",dflt:\"pixel\",values:[\"pixel\",a.idRegex.x.toString()],editType:\"calc\"},ayref:{valType:\"enumerated\",dflt:\"pixel\",values:[\"pixel\",a.idRegex.y.toString()],editType:\"calc\"},xref:{valType:\"enumerated\",values:[\"paper\",a.idRegex.x.toString()],editType:\"calc\"},x:{valType:\"any\",editType:\"calc+arraydraw\"},xanchor:{valType:\"enumerated\",values:[\"auto\",\"left\",\"center\",\"right\"],dflt:\"auto\",editType:\"calc+arraydraw\"},xshift:{valType:\"number\",dflt:0,editType:\"calc+arraydraw\"},yref:{valType:\"enumerated\",values:[\"paper\",a.idRegex.y.toString()],editType:\"calc\"},y:{valType:\"any\",editType:\"calc+arraydraw\"},yanchor:{valType:\"enumerated\",values:[\"auto\",\"top\",\"middle\",\"bottom\"],dflt:\"auto\",editType:\"calc+arraydraw\"},yshift:{valType:\"number\",dflt:0,editType:\"calc+arraydraw\"},clicktoshow:{valType:\"enumerated\",values:[!1,\"onoff\",\"onout\"],dflt:!1,editType:\"arraydraw\"},xclick:{valType:\"any\",editType:\"arraydraw\"},yclick:{valType:\"any\",editType:\"arraydraw\"},hovertext:{valType:\"string\",editType:\"arraydraw\"},hoverlabel:{bgcolor:{valType:\"color\",editType:\"arraydraw\"},bordercolor:{valType:\"color\",editType:\"arraydraw\"},font:i({editType:\"arraydraw\"}),editType:\"arraydraw\"},captureevents:{valType:\"boolean\",editType:\"arraydraw\"},editType:\"calc\",_deprecated:{ref:{valType:\"string\",editType:\"calc\"}}})},{\"../../plot_api/plot_template\":734,\"../../plots/cartesian/constants\":750,\"../../plots/font_attributes\":771,\"./arrow_paths\":552}],554:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../plots/cartesian/axes\"),a=t(\"./draw\").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach(function(e){var r=i.getFromId(t,e.xref),n=i.getFromId(t,e.yref);e._extremes={},r&&s(e,r),n&&s(e,n)})}function s(t,e){var r,n=e._id,a=n.charAt(0),o=t[a],s=t[\"a\"+a],l=t[a+\"ref\"],c=t[\"a\"+a+\"ref\"],u=t[\"_\"+a+\"padplus\"],f=t[\"_\"+a+\"padminus\"],h={x:1,y:-1}[a]*t[a+\"shift\"],p=3*t.arrowsize*t.arrowwidth||0,d=p+h,g=p-h,v=3*t.startarrowsize*t.arrowwidth||0,m=v+h,y=v-h;if(c===l){var x=i.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=i.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,m),ppadminus:Math.max(f,y)});r={min:[x.min[0],b.min[0]],max:[x.max[0],b.max[0]]}}else m=s?m+s:m,y=s?y-s:y,r=i.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,m),ppadminus:Math.max(f,g,y)});t._extremes[n]=r}e.exports=function(t){var e=t._fullLayout;if(n.filterVisible(e.annotations).length&&t._fullData.length)return n.syncOrAsync([a,o],t)}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"./draw\":559}],555:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\"),a=t(\"../../plot_api/plot_template\").arrayEditor;function o(t,e){var r,n,i,a,o,l,c,u=t._fullLayout.annotations,f=[],h=[],p=[],d=(e||[]).length;for(r=0;r0||r.explicitOff.length>0},onClick:function(t,e){var r,s,l=o(t,e),c=l.on,u=l.off.concat(l.explicitOff),f={},h=t._fullLayout.annotations;if(!c.length&&!u.length)return;for(r=0;r2/3?\"right\":\"center\"),{center:0,middle:0,left:.5,bottom:-.5,right:-.5,top:.5}[e]}for(var q=!1,H=[\"x\",\"y\"],G=0;G1)&&(Q===K?((lt=tt.r2fraction(e[\"a\"+J]))<0||lt>1)&&(q=!0):q=!0),W=tt._offset+tt.r2p(e[J]),Z=.5}else\"x\"===J?(X=e[J],W=b.l+b.w*X):(X=1-e[J],W=b.t+b.h*X),Z=e.showarrow?.5:X;if(e.showarrow){st.head=W;var ct=e[\"a\"+J];$=rt*U(.5,e.xanchor)-nt*U(.5,e.yanchor),Q===K?(st.tail=tt._offset+tt.r2p(ct),Y=$):(st.tail=W+ct,Y=$+ct),st.text=st.tail+$;var ut=x[\"x\"===J?\"width\":\"height\"];if(\"paper\"===K&&(st.head=o.constrain(st.head,1,ut-1)),\"pixel\"===Q){var ft=-Math.max(st.tail-3,st.text),ht=Math.min(st.tail+3,st.text)-ut;ft>0?(st.tail+=ft,st.text+=ft):ht>0&&(st.tail-=ht,st.text-=ht)}st.tail+=ot,st.head+=ot}else Y=$=it*U(Z,at),st.text=W+$;st.text+=ot,$+=ot,Y+=ot,e[\"_\"+J+\"padplus\"]=it/2+Y,e[\"_\"+J+\"padminus\"]=it/2-Y,e[\"_\"+J+\"size\"]=it,e[\"_\"+J+\"shift\"]=$}if(t._dragging||!q){var pt=0,dt=0;if(\"left\"!==e.align&&(pt=(w-m)*(\"center\"===e.align?.5:1)),\"top\"!==e.valign&&(dt=(O-y)*(\"middle\"===e.valign?.5:1)),u)n.select(\"svg\").attr({x:R+pt-1,y:R+dt}).call(c.setClipUrl,F?T:null);else{var gt=R+dt-d.top,vt=R+pt-d.left;V.call(f.positionText,vt,gt).call(c.setClipUrl,F?T:null)}N.select(\"rect\").call(c.setRect,R,R,w,O),B.call(c.setRect,P/2,P/2,D-P,j-P),I.call(c.setTranslate,Math.round(S.x.text-D/2),Math.round(S.y.text-j/2)),L.attr({transform:\"rotate(\"+E+\",\"+S.x.text+\",\"+S.y.text+\")\"});var mt,yt=function(r,n){C.selectAll(\".annotation-arrow-g\").remove();var u=S.x.head,f=S.y.head,h=S.x.tail+r,d=S.y.tail+n,m=S.x.text+r,y=S.y.text+n,x=o.rotationXYMatrix(E,m,y),w=o.apply2DTransform(x),T=o.apply2DTransform2(x),z=+B.attr(\"width\"),O=+B.attr(\"height\"),P=m-.5*z,D=P+z,R=y-.5*O,F=R+O,N=[[P,R,P,F],[P,F,D,F],[D,F,D,R],[D,R,P,R]].map(T);if(!N.reduce(function(t,e){return t^!!o.segmentsIntersect(u,f,u+1e6,f+1e6,e[0],e[1],e[2],e[3])},!1)){N.forEach(function(t){var e=o.segmentsIntersect(h,d,u,f,t[0],t[1],t[2],t[3]);e&&(h=e.x,d=e.y)});var j=e.arrowwidth,V=e.arrowcolor,U=e.arrowside,q=C.append(\"g\").style({opacity:l.opacity(V)}).classed(\"annotation-arrow-g\",!0),H=q.append(\"path\").attr(\"d\",\"M\"+h+\",\"+d+\"L\"+u+\",\"+f).style(\"stroke-width\",j+\"px\").call(l.stroke,l.rgb(V));if(g(H,U,e),_.annotationPosition&&H.node().parentNode&&!a){var G=u,W=f;if(e.standoff){var Y=Math.sqrt(Math.pow(u-h,2)+Math.pow(f-d,2));G+=e.standoff*(h-u)/Y,W+=e.standoff*(d-f)/Y}var X,Z,$=q.append(\"path\").classed(\"annotation-arrow\",!0).classed(\"anndrag\",!0).classed(\"cursor-move\",!0).attr({d:\"M3,3H-3V-3H3ZM0,0L\"+(h-G)+\",\"+(d-W),transform:\"translate(\"+G+\",\"+W+\")\"}).style(\"stroke-width\",j+6+\"px\").call(l.stroke,\"rgba(0,0,0,0)\").call(l.fill,\"rgba(0,0,0,0)\");p.init({element:$.node(),gd:t,prepFn:function(){var t=c.getTranslate(I);X=t.x,Z=t.y,s&&s.autorange&&k(s._name+\".autorange\",!0),v&&v.autorange&&k(v._name+\".autorange\",!0)},moveFn:function(t,r){var n=w(X,Z),i=n[0]+t,a=n[1]+r;I.call(c.setTranslate,i,a),M(\"x\",s?s.p2r(s.r2p(e.x)+t):e.x+t/b.w),M(\"y\",v?v.p2r(v.r2p(e.y)+r):e.y-r/b.h),e.axref===e.xref&&M(\"ax\",s.p2r(s.r2p(e.ax)+t)),e.ayref===e.yref&&M(\"ay\",v.p2r(v.r2p(e.ay)+r)),q.attr(\"transform\",\"translate(\"+t+\",\"+r+\")\"),L.attr({transform:\"rotate(\"+E+\",\"+i+\",\"+a+\")\"})},doneFn:function(){i.call(\"relayout\",t,A());var e=document.querySelector(\".js-notes-box-panel\");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&yt(0,0),z)p.init({element:I.node(),gd:t,prepFn:function(){mt=L.attr(\"transform\")},moveFn:function(t,r){var n=\"pointer\";if(e.showarrow)e.axref===e.xref?M(\"ax\",s.p2r(s.r2p(e.ax)+t)):M(\"ax\",e.ax+t),e.ayref===e.yref?M(\"ay\",v.p2r(v.r2p(e.ay)+r)):M(\"ay\",e.ay+r),yt(t,r);else{if(a)return;var i,o;if(s)i=s.p2r(s.r2p(e.x)+t);else{var l=e._xsize/b.w,c=e.x+(e._xshift-e.xshift)/b.w-l/2;i=p.align(c+t/b.w,l,0,1,e.xanchor)}if(v)o=v.p2r(v.r2p(e.y)+r);else{var u=e._ysize/b.h,f=e.y-(e._yshift+e.yshift)/b.h-u/2;o=p.align(f-r/b.h,u,0,1,e.yanchor)}M(\"x\",i),M(\"y\",o),s&&v||(n=p.getCursor(s?.5:i,v?.5:o,e.xanchor,e.yanchor))}L.attr({transform:\"translate(\"+t+\",\"+r+\")\"+mt}),h(I,n)},doneFn:function(){h(I),i.call(\"relayout\",t,A());var e=document.querySelector(\".js-notes-box-panel\");e&&e.redraw(e.selectedObj)}})}else I.remove()}}e.exports={draw:function(t){var e=t._fullLayout;e._infolayer.selectAll(\".annotation\").remove();for(var r=0;r=0,v=e.indexOf(\"end\")>=0,m=f.backoff*p+r.standoff,y=h.backoff*d+r.startstandoff;if(\"line\"===u.nodeName){o={x:+t.attr(\"x1\"),y:+t.attr(\"y1\")},s={x:+t.attr(\"x2\"),y:+t.attr(\"y2\")};var x=o.x-s.x,b=o.y-s.y;if(c=(l=Math.atan2(b,x))+Math.PI,m&&y&&m+y>Math.sqrt(x*x+b*b))return void z();if(m){if(m*m>x*x+b*b)return void z();var _=m*Math.cos(l),w=m*Math.sin(l);s.x+=_,s.y+=w,t.attr({x2:s.x,y2:s.y})}if(y){if(y*y>x*x+b*b)return void z();var k=y*Math.cos(l),M=y*Math.sin(l);o.x-=k,o.y-=M,t.attr({x1:o.x,y1:o.y})}}else if(\"path\"===u.nodeName){var A=u.getTotalLength(),T=\"\";if(A1){c=!0;break}}c?t.fullLayout._infolayer.select(\".annotation-\"+t.id+'[data-index=\"'+s+'\"]').remove():(l._pdata=i(t.glplot.cameraParams,[e.xaxis.r2l(l.x)*r[0],e.yaxis.r2l(l.y)*r[1],e.zaxis.r2l(l.z)*r[2]]),n(t.graphDiv,l,s,t.id,l._xa,l._ya))}}},{\"../../plots/gl3d/project\":796,\"../annotations/draw\":559}],566:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\");e.exports={moduleType:\"component\",name:\"annotations3d\",schema:{subplots:{scene:{annotations:t(\"./attributes\")}}},layoutAttributes:t(\"./attributes\"),handleDefaults:t(\"./defaults\"),includeBasePlot:function(t,e){var r=n.subplotsRegistry.gl3d;if(!r)return;for(var a=r.attrRegex,o=Object.keys(t),s=0;s=0))return t;if(3===o)n[o]>1&&(n[o]=1);else if(n[o]>=1)return t}var s=Math.round(255*n[0])+\", \"+Math.round(255*n[1])+\", \"+Math.round(255*n[2]);return a?\"rgba(\"+s+\", \"+n[3]+\")\":\"rgb(\"+s+\")\"}a.tinyRGB=function(t){var e=t.toRgb();return\"rgb(\"+Math.round(e.r)+\", \"+Math.round(e.g)+\", \"+Math.round(e.b)+\")\"},a.rgb=function(t){return a.tinyRGB(n(t))},a.opacity=function(t){return t?n(t).getAlpha():0},a.addOpacity=function(t,e){var r=n(t).toRgb();return\"rgba(\"+Math.round(r.r)+\", \"+Math.round(r.g)+\", \"+Math.round(r.b)+\", \"+e+\")\"},a.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var i=n(e||l).toRgb(),a=1===i.a?i:{r:255*(1-i.a)+i.r*i.a,g:255*(1-i.a)+i.g*i.a,b:255*(1-i.a)+i.b*i.a},o={r:a.r*(1-r.a)+r.r*r.a,g:a.g*(1-r.a)+r.g*r.a,b:a.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},a.contrast=function(t,e,r){var i=n(t);return 1!==i.getAlpha()&&(i=n(a.combine(t,l))),(i.isDark()?e?i.lighten(e):l:r?i.darken(r):s).toString()},a.stroke=function(t,e){var r=n(e);t.style({stroke:a.tinyRGB(r),\"stroke-opacity\":r.getAlpha()})},a.fill=function(t,e){var r=n(e);t.style({fill:a.tinyRGB(r),\"fill-opacity\":r.getAlpha()})},a.clean=function(t){if(t&&\"object\"==typeof t){var e,r,n,i,o=Object.keys(t);for(e=0;e0?S>=P:S<=P));E++)S>R&&S0?S>=P:S<=P));E++)S>C[0]&&S1){var at=Math.pow(10,Math.floor(Math.log(it)/Math.LN10));rt*=at*c.roundUp(it/at,[2,5,10]),(Math.abs(r.levels.start)/r.levels.size+1e-6)%1<2e-6&&(tt.tick0=0)}tt.dtick=rt}tt.domain=[$+Y,$+H-Y],tt.setScale();var ot=c.ensureSingle(v._infolayer,\"g\",e,function(t){t.classed(M.colorbar,!0).each(function(){var t=n.select(this);t.append(\"rect\").classed(M.cbbg,!0),t.append(\"g\").classed(M.cbfills,!0),t.append(\"g\").classed(M.cblines,!0),t.append(\"g\").classed(M.cbaxis,!0).classed(M.crisp,!0),t.append(\"g\").classed(M.cbtitleunshift,!0).append(\"g\").classed(M.cbtitle,!0),t.append(\"rect\").classed(M.cboutline,!0),t.select(\".cbtitle\").datum(0)})});ot.attr(\"transform\",\"translate(\"+Math.round(k.l)+\",\"+Math.round(k.t)+\")\");var st=ot.select(\".cbtitleunshift\").attr(\"transform\",\"translate(-\"+Math.round(k.l)+\",-\"+Math.round(k.t)+\")\");tt._axislayer=ot.select(\".cbaxis\");var lt=0;if(-1!==[\"top\",\"bottom\"].indexOf(r.titleside)){var ct,ut=k.l+(r.x+G)*k.w,ft=tt.titlefont.size;ct=\"top\"===r.titleside?(1-($+H-Y))*k.h+k.t+3+.75*ft:(1-($+Y))*k.h+k.t-3-.25*ft,mt(tt._id+\"title\",{attributes:{x:ut,y:ct,\"text-anchor\":\"start\"}})}var ht,pt,dt,gt=c.syncOrAsync([a.previousPromises,function(){if(-1!==[\"top\",\"bottom\"].indexOf(r.titleside)){var a=ot.select(\".cbtitle\"),o=a.select(\"text\"),l=[-r.outlinewidth/2,r.outlinewidth/2],u=a.select(\".h\"+tt._id+\"title-math-group\").node(),f=15.6;if(o.node()&&(f=parseInt(o.node().style.fontSize,10)*m),u?(lt=h.bBox(u).height)>f&&(l[1]-=(lt-f)/2):o.node()&&!o.classed(M.jsPlaceholder)&&(lt=h.bBox(o.node()).height),lt){if(lt+=5,\"top\"===r.titleside)tt.domain[1]-=lt/k.h,l[1]*=-1;else{tt.domain[0]+=lt/k.h;var p=g.lineCount(o);l[1]+=(1-p)*f}a.attr(\"transform\",\"translate(\"+l+\")\"),tt.setScale()}}ot.selectAll(\".cbfills,.cblines\").attr(\"transform\",\"translate(0,\"+Math.round(k.h*(1-tt.domain[1]))+\")\"),tt._axislayer.attr(\"transform\",\"translate(0,\"+Math.round(-k.t)+\")\");var d=ot.select(\".cbfills\").selectAll(\"rect.cbfill\").data(z);d.enter().append(\"rect\").classed(M.cbfill,!0).style(\"stroke\",\"none\"),d.exit().remove();var y=C.map(tt.c2p).map(Math.round).sort(function(t,e){return t-e});d.each(function(a,o){var s=[0===o?C[0]:(z[o]+z[o-1])/2,o===z.length-1?C[1]:(z[o]+z[o+1])/2].map(tt.c2p).map(Math.round);s[1]=c.constrain(s[1]+(s[1]>s[0])?1:-1,y[0],y[1]);var l=n.select(this).attr({x:X,width:Math.max(V,2),y:n.min(s),height:Math.max(n.max(s)-n.min(s),2)});if(r.fillgradient)h.gradient(l,t,e,\"vertical\",r.fillgradient,\"fill\");else{var u=I(a).replace(\"e-\",\"\");l.attr(\"fill\",i(u).toHexString())}});var x=ot.select(\".cblines\").selectAll(\"path.cbline\").data(r.line.color&&r.line.width?L:[]);return x.enter().append(\"path\").classed(M.cbline,!0),x.exit().remove(),x.each(function(t){n.select(this).attr(\"d\",\"M\"+X+\",\"+(Math.round(tt.c2p(t))+r.line.width/2%1)+\"h\"+V).call(h.lineGroupStyle,r.line.width,O(t),r.line.dash)}),tt._axislayer.selectAll(\"g.\"+tt._id+\"tick,path\").remove(),tt._pos=X+V+(r.outlinewidth||0)/2-(\"outside\"===r.ticks?1:0),tt.side=\"right\",c.syncOrAsync([function(){return s.doTicksSingle(t,tt,!0)},function(){if(-1===[\"top\",\"bottom\"].indexOf(r.titleside)){var e=tt.titlefont.size,i=tt._offset+tt._length/2,a=k.l+(tt.position||0)*k.w+(\"right\"===tt.side?10+e*(tt.showticklabels?1:.5):-10-e*(tt.showticklabels?.5:0));mt(\"h\"+tt._id+\"title\",{avoid:{selection:n.select(t).selectAll(\"g.\"+tt._id+\"tick\"),side:r.titleside,offsetLeft:k.l,offsetTop:0,maxShift:v.width},attributes:{x:a,y:i,\"text-anchor\":\"middle\"},transform:{rotate:\"-90\",offset:0}})}}])},a.previousPromises,function(){var n=V+r.outlinewidth/2+h.bBox(tt._axislayer.node()).width;if((F=st.select(\"text\")).node()&&!F.classed(M.jsPlaceholder)){var i,o=st.select(\".h\"+tt._id+\"title-math-group\").node();i=o&&-1!==[\"top\",\"bottom\"].indexOf(r.titleside)?h.bBox(o).width:h.bBox(st.node()).right-X-k.l,n=Math.max(n,i)}var s=2*r.xpad+n+r.borderwidth+r.outlinewidth/2,l=J-K;ot.select(\".cbbg\").attr({x:X-r.xpad-(r.borderwidth+r.outlinewidth)/2,y:K-W,width:Math.max(s,2),height:Math.max(l+2*W,2)}).call(p.fill,r.bgcolor).call(p.stroke,r.bordercolor).style({\"stroke-width\":r.borderwidth}),ot.selectAll(\".cboutline\").attr({x:X,y:K+r.ypad+(\"top\"===r.titleside?lt:0),width:Math.max(V,2),height:Math.max(l-2*r.ypad-lt,2)}).call(p.stroke,r.outlinecolor).style({fill:\"None\",\"stroke-width\":r.outlinewidth});var c=({center:.5,right:1}[r.xanchor]||0)*s;ot.attr(\"transform\",\"translate(\"+(k.l-c)+\",\"+k.t+\")\");var u={},f=y[r.yanchor],d=x[r.yanchor];\"pixels\"===r.lenmode?(u.y=r.y,u.t=l*f,u.b=l*d):(u.t=u.b=0,u.yt=r.y+r.len*f,u.yb=r.y-r.len*d);var g=y[r.xanchor],v=x[r.xanchor];if(\"pixels\"===r.thicknessmode)u.x=r.x,u.l=s*g,u.r=s*v;else{var m=s-V;u.l=m*g,u.r=m*v,u.xl=r.x-r.thickness*g,u.xr=r.x+r.thickness*v}a.autoMargin(t,e,u)}],t);if(gt&>.then&&(t._promises||[]).push(gt),t._context.edits.colorbarPosition)l.init({element:ot.node(),gd:t,prepFn:function(){ht=ot.attr(\"transform\"),f(ot)},moveFn:function(t,e){ot.attr(\"transform\",ht+\" translate(\"+t+\",\"+e+\")\"),pt=l.align(Z+t/k.w,U,0,1,r.xanchor),dt=l.align($-e/k.h,H,0,1,r.yanchor);var n=l.getCursor(pt,dt,r.xanchor,r.yanchor);f(ot,n)},doneFn:function(){f(ot),void 0!==pt&&void 0!==dt&&o.call(\"restyle\",t,{\"colorbar.x\":pt,\"colorbar.y\":dt},T().index)}});return gt}function vt(t,e){return c.coerce(Q,tt,w,t,e)}function mt(e,r){var n=T(),i=\"colorbar.title\",a=n._module.colorbar.container;a&&(i=a+\".\"+i);var o={propContainer:tt,propName:i,traceIndex:n.index,placeholder:v._dfltTitle.colorbar,containerGroup:ot.select(\".cbtitle\")},s=\"h\"===e.charAt(0)?e.substr(1):\"h\"+e;ot.selectAll(\".\"+s+\",.\"+s+\"-math-group\").remove(),d.draw(t,e,u(o,r||{}))}v._infolayer.selectAll(\"g.\"+e).remove()}function T(){var r,n,i=e.substr(2);for(r=0;r=0?i.Reds:i.Blues,s.reversescale?a(y):y),l.autocolorscale||f(\"autocolorscale\",!1))}},{\"../../lib\":696,\"./flip_scale\":582,\"./scales\":589}],579:[function(t,e,r){\"use strict\";var n=t(\"./scales\");e.exports=n.RdBu},{\"./scales\":589}],580:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\"),a=t(\"../colorbar/has_colorbar\"),o=t(\"../colorbar/defaults\"),s=t(\"./is_valid_scale\"),l=t(\"./flip_scale\");e.exports=function(t,e,r,c,u){var f,h=u.prefix,p=u.cLetter,d=h.slice(0,h.length-1),g=h?i.nestedProperty(t,d).get()||{}:t,v=h?i.nestedProperty(e,d).get()||{}:e,m=g[p+\"min\"],y=g[p+\"max\"],x=g.colorscale;c(h+p+\"auto\",!(n(m)&&n(y)&&m=0;i--,a++)e=t[i],n[a]=[1-e[0],e[1]];return n}},{}],583:[function(t,e,r){\"use strict\";var n=t(\"./scales\"),i=t(\"./default_scale\"),a=t(\"./is_valid_scale_array\");e.exports=function(t,e){if(e||(e=i),!t)return e;function r(){try{t=n[t]||JSON.parse(t)}catch(r){t=e}}return\"string\"==typeof t&&(r(),\"string\"==typeof t&&r()),a(t)?t:e}},{\"./default_scale\":579,\"./is_valid_scale_array\":587,\"./scales\":589}],584:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\"),a=t(\"./is_valid_scale\");e.exports=function(t,e){var r=e?i.nestedProperty(t,e).get()||{}:t,o=r.color,s=!1;if(i.isArrayOrTypedArray(o))for(var l=0;l4/3-s?o:s}},{}],591:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=[[\"sw-resize\",\"s-resize\",\"se-resize\"],[\"w-resize\",\"move\",\"e-resize\"],[\"nw-resize\",\"n-resize\",\"ne-resize\"]];e.exports=function(t,e,r,a){return t=\"left\"===r?0:\"center\"===r?1:\"right\"===r?2:n.constrain(Math.floor(3*t),0,2),e=\"bottom\"===a?0:\"middle\"===a?1:\"top\"===a?2:n.constrain(Math.floor(3*e),0,2),i[e][t]}},{\"../../lib\":696}],592:[function(t,e,r){\"use strict\";var n=t(\"mouse-event-offset\"),i=t(\"has-hover\"),a=t(\"has-passive-events\"),o=t(\"../../registry\"),s=t(\"../../lib\"),l=t(\"../../plots/cartesian/constants\"),c=t(\"../../constants/interactions\"),u=e.exports={};u.align=t(\"./align\"),u.getCursor=t(\"./cursor\");var f=t(\"./unhover\");function h(){var t=document.createElement(\"div\");t.className=\"dragcover\";var e=t.style;return e.position=\"fixed\",e.left=0,e.right=0,e.top=0,e.bottom=0,e.zIndex=999999999,e.background=\"none\",document.body.appendChild(t),t}function p(t){return n(t.changedTouches?t.changedTouches[0]:t,document.body)}u.unhover=f.wrapped,u.unhoverRaw=f.raw,u.init=function(t){var e,r,n,f,d,g,v,m,y=t.gd,x=1,b=c.DBLCLICKDELAY,_=t.element;y._mouseDownTime||(y._mouseDownTime=0),_.style.pointerEvents=\"all\",_.onmousedown=k,a?(_._ontouchstart&&_.removeEventListener(\"touchstart\",_._ontouchstart),_._ontouchstart=k,_.addEventListener(\"touchstart\",k,{passive:!1})):_.ontouchstart=k;var w=t.clampFn||function(t,e,r){return Math.abs(t)b&&(x=Math.max(x-1,1)),y._dragged)t.doneFn&&t.doneFn();else if(t.clickFn&&t.clickFn(x,g),!m){var r;try{r=new MouseEvent(\"click\",e)}catch(t){var n=p(e);(r=document.createEvent(\"MouseEvents\")).initMouseEvent(\"click\",e.bubbles,e.cancelable,e.view,e.detail,e.screenX,e.screenY,n[0],n[1],e.ctrlKey,e.altKey,e.shiftKey,e.metaKey,e.button,e.relatedTarget)}v.dispatchEvent(r)}!function(t){t._dragging=!1,t._replotPending&&o.call(\"plot\",t)}(y),y._dragged=!1}else y._dragged=!1}},u.coverSlip=h},{\"../../constants/interactions\":672,\"../../lib\":696,\"../../plots/cartesian/constants\":750,\"../../registry\":827,\"./align\":590,\"./cursor\":591,\"./unhover\":593,\"has-hover\":393,\"has-passive-events\":394,\"mouse-event-offset\":419}],593:[function(t,e,r){\"use strict\";var n=t(\"../../lib/events\"),i=t(\"../../lib/throttle\"),a=t(\"../../lib/get_graph_div\"),o=t(\"../fx/constants\"),s=e.exports={};s.wrapped=function(t,e,r){(t=a(t))._fullLayout&&i.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,i=t._hoverdata;e||(e={}),e.target&&!1===n.triggerHandler(t,\"plotly_beforehover\",e)||(r._hoverlayer.selectAll(\"g\").remove(),r._hoverlayer.selectAll(\"line\").remove(),r._hoverlayer.selectAll(\"circle\").remove(),t._hoverdata=void 0,e.target&&i&&t.emit(\"plotly_unhover\",{event:e,points:i}))}},{\"../../lib/events\":684,\"../../lib/get_graph_div\":691,\"../../lib/throttle\":721,\"../fx/constants\":607}],594:[function(t,e,r){\"use strict\";r.dash={valType:\"string\",values:[\"solid\",\"dot\",\"dash\",\"longdash\",\"dashdot\",\"longdashdot\"],dflt:\"solid\",editType:\"style\"}},{}],595:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"tinycolor2\"),o=t(\"../../registry\"),s=t(\"../color\"),l=t(\"../colorscale\"),c=t(\"../../lib\"),u=t(\"../../lib/svg_text_utils\"),f=t(\"../../constants/xmlns_namespaces\"),h=t(\"../../constants/alignment\").LINE_SPACING,p=t(\"../../constants/interactions\").DESELECTDIM,d=t(\"../../traces/scatter/subtypes\"),g=t(\"../../traces/scatter/make_bubble_size_func\"),v=e.exports={};v.font=function(t,e,r,n){c.isPlainObject(e)&&(n=e.color,r=e.size,e=e.family),e&&t.style(\"font-family\",e),r+1&&t.style(\"font-size\",r+\"px\"),n&&t.call(s.fill,n)},v.setPosition=function(t,e,r){t.attr(\"x\",e).attr(\"y\",r)},v.setSize=function(t,e,r){t.attr(\"width\",e).attr(\"height\",r)},v.setRect=function(t,e,r,n,i){t.call(v.setPosition,e,r).call(v.setSize,n,i)},v.translatePoint=function(t,e,r,n){var a=r.c2p(t.x),o=n.c2p(t.y);return!!(i(a)&&i(o)&&e.node())&&(\"text\"===e.node().nodeName?e.attr(\"x\",a).attr(\"y\",o):e.attr(\"transform\",\"translate(\"+a+\",\"+o+\")\"),!0)},v.translatePoints=function(t,e,r){t.each(function(t){var i=n.select(this);v.translatePoint(t,i,e,r)})},v.hideOutsideRangePoint=function(t,e,r,n,i,a){e.attr(\"display\",r.isPtWithinRange(t,i)&&n.isPtWithinRange(t,a)?null:\"none\")},v.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,i=e.yaxis;t.each(function(e){var a=e[0].trace,o=a.xcalendar,s=a.ycalendar,l=\"bar\"===a.type?\".bartext\":\".point,.textpoint\";t.selectAll(l).each(function(t){v.hideOutsideRangePoint(t,n.select(this),r,i,o,s)})})}},v.crispRound=function(t,e,r){return e&&i(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},v.singleLineStyle=function(t,e,r,n,i){e.style(\"fill\",\"none\");var a=(((t||[])[0]||{}).trace||{}).line||{},o=r||a.width||0,l=i||a.dash||\"\";s.stroke(e,n||a.color),v.dashLine(e,l,o)},v.lineGroupStyle=function(t,e,r,i){t.style(\"fill\",\"none\").each(function(t){var a=(((t||[])[0]||{}).trace||{}).line||{},o=e||a.width||0,l=i||a.dash||\"\";n.select(this).call(s.stroke,r||a.color).call(v.dashLine,l,o)})},v.dashLine=function(t,e,r){r=+r||0,e=v.dashStyle(e,r),t.style({\"stroke-dasharray\":e,\"stroke-width\":r+\"px\"})},v.dashStyle=function(t,e){e=+e||1;var r=Math.max(e,3);return\"solid\"===t?t=\"\":\"dot\"===t?t=r+\"px,\"+r+\"px\":\"dash\"===t?t=3*r+\"px,\"+3*r+\"px\":\"longdash\"===t?t=5*r+\"px,\"+5*r+\"px\":\"dashdot\"===t?t=3*r+\"px,\"+r+\"px,\"+r+\"px,\"+r+\"px\":\"longdashdot\"===t&&(t=5*r+\"px,\"+2*r+\"px,\"+r+\"px,\"+2*r+\"px\"),t},v.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},v.fillGroupStyle=function(t){t.style(\"stroke-width\",0).each(function(t){n.select(this).call(s.fill,t[0].trace.fillcolor)})};var m=t(\"./symbol_defs\");v.symbolNames=[],v.symbolFuncs=[],v.symbolNeedLines={},v.symbolNoDot={},v.symbolNoFill={},v.symbolList=[],Object.keys(m).forEach(function(t){var e=m[t];v.symbolList=v.symbolList.concat([e.n,t,e.n+100,t+\"-open\"]),v.symbolNames[e.n]=t,v.symbolFuncs[e.n]=e.f,e.needLine&&(v.symbolNeedLines[e.n]=!0),e.noDot?v.symbolNoDot[e.n]=!0:v.symbolList=v.symbolList.concat([e.n+200,t+\"-dot\",e.n+300,t+\"-open-dot\"]),e.noFill&&(v.symbolNoFill[e.n]=!0)});var y=v.symbolNames.length,x=\"M0,0.5L0.5,0L0,-0.5L-0.5,0Z\";function b(t,e){var r=t%100;return v.symbolFuncs[r](e)+(t>=200?x:\"\")}v.symbolNumber=function(t){if(\"string\"==typeof t){var e=0;t.indexOf(\"-open\")>0&&(e=100,t=t.replace(\"-open\",\"\")),t.indexOf(\"-dot\")>0&&(e+=200,t=t.replace(\"-dot\",\"\")),(t=v.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=y||t>=400?0:Math.floor(Math.max(t,0))};var _={x1:1,x2:0,y1:0,y2:0},w={x1:0,x2:0,y1:1,y2:0},k=n.format(\"~.1f\"),M={radial:{node:\"radialGradient\"},radialreversed:{node:\"radialGradient\",reversed:!0},horizontal:{node:\"linearGradient\",attrs:_},horizontalreversed:{node:\"linearGradient\",attrs:_,reversed:!0},vertical:{node:\"linearGradient\",attrs:w},verticalreversed:{node:\"linearGradient\",attrs:w,reversed:!0}};v.gradient=function(t,e,r,i,o,l){for(var u=o.length,f=M[i],h=new Array(u),p=0;p=100,e.attr(\"d\",b(u,l))}var f,h,p,d=!1;if(t.so)p=o.outlierwidth,h=o.outliercolor,f=a.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,h=\"mlc\"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(a.color)&&(f=s.defaultLine,d=!0),f=\"mc\"in t?t.mcc=n.markerScale(t.mc):a.color||\"rgba(0,0,0,0)\",n.selectedColorFn&&(f=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,f).style({\"stroke-width\":(p||1)+\"px\",fill:\"none\"});else{e.style(\"stroke-width\",p+\"px\");var m=a.gradient,y=t.mgt;if(y?d=!0:y=m&&m.type,Array.isArray(y)&&(y=y[0],M[y]||(y=0)),y&&\"none\"!==y){var x=t.mgc;x?d=!0:x=m.color;var _=r.uid;d&&(_+=\"-\"+t.i),v.gradient(e,i,_,y,[[0,x],[1,f]],\"fill\")}else s.fill(e,f);p&&s.stroke(e,h)}},v.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=v.tryColorscale(r,\"\"),e.lineScale=v.tryColorscale(r,\"line\"),o.traceIs(t,\"symbols\")&&(e.ms2mrc=d.isBubble(t)?g(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,v.makeSelectedPointStyleFns(t)),e},v.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.marker||{},a=r.marker||{},s=n.marker||{},l=i.opacity,u=a.opacity,f=s.opacity,h=void 0!==u,d=void 0!==f;(c.isArrayOrTypedArray(l)||h||d)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?i.opacity:t.mo;return t.selected?h?u:e:d?f:p*e});var g=i.color,v=a.color,m=s.color;(v||m)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?v||e:m||e});var y=i.size,x=a.size,b=s.size,_=void 0!==x,w=void 0!==b;return o.traceIs(t,\"symbols\")&&(_||w)&&(e.selectedSizeFn=function(t){var e=t.mrc||y/2;return t.selected?_?x/2:e:w?b/2:e}),e},v.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.textfont||{},a=r.textfont||{},o=n.textfont||{},l=i.color,c=a.color,u=o.color;return e.selectedTextColorFn=function(t){var e=t.tc||l;return t.selected?c||e:u||(c?e:s.addOpacity(e,p))},e},v.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedPointStyleFns(e),i=e.marker||{},a=[];r.selectedOpacityFn&&a.push(function(t,e){t.style(\"opacity\",r.selectedOpacityFn(e))}),r.selectedColorFn&&a.push(function(t,e){s.fill(t,r.selectedColorFn(e))}),r.selectedSizeFn&&a.push(function(t,e){var n=e.mx||i.symbol||0,a=r.selectedSizeFn(e);t.attr(\"d\",b(v.symbolNumber(n),a)),e.mrc2=a}),a.length&&t.each(function(t){for(var e=n.select(this),r=0;r0?r:0}v.textPointStyle=function(t,e,r){if(t.size()){var i;if(e.selectedpoints){var a=v.makeSelectedTextStyleFns(e);i=a.selectedTextColorFn}t.each(function(t){var a=n.select(this),o=c.extractOption(t,e,\"tx\",\"text\");if(o||0===o){var s=t.tp||e.textposition,l=S(t,e),f=i?i(t):t.tc||e.textfont.color;a.call(v.font,t.tf||e.textfont.family,l,f).text(o).call(u.convertToTspans,r).call(T,s,l,t.mrc)}else a.remove()})}},v.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedTextStyleFns(e);t.each(function(t){var i=n.select(this),a=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=S(t,e);s.fill(i,a),T(i,o,l,t.mrc2||t.mrc)})}};var E=.5;function C(t,e,r,i){var a=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(a*a+o*o,E/2),u=Math.pow(s*s+l*l,E/2),f=(u*u*a-c*c*s)*i,h=(u*u*o-c*c*l)*i,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&f/p),2),n.round(e[1]+(p&&h/p),2)],[n.round(e[0]-(d&&f/d),2),n.round(e[1]-(d&&h/d),2)]]}v.smoothopen=function(t,e){if(t.length<3)return\"M\"+t.join(\"L\");var r,n=\"M\"+t[0],i=[];for(r=1;r=1e4&&(v.savedBBoxes={},O=0),r&&(v.savedBBoxes[r]=m),O++,c.extendFlat({},m)},v.setClipUrl=function(t,e){if(e){if(void 0===v.baseUrl){var r=n.select(\"base\");r.size()&&r.attr(\"href\")?v.baseUrl=window.location.href.split(\"#\")[0]:v.baseUrl=\"\"}t.attr(\"clip-path\",\"url(\"+v.baseUrl+\"#\"+e+\")\")}else t.attr(\"clip-path\",null)},v.getTranslate=function(t){var e=(t[t.attr?\"attr\":\"getAttribute\"](\"transform\")||\"\").replace(/.*\\btranslate\\((-?\\d*\\.?\\d*)[^-\\d]*(-?\\d*\\.?\\d*)[^\\d].*/,function(t,e,r){return[e,r].join(\" \")}).split(\" \");return{x:+e[0]||0,y:+e[1]||0}},v.setTranslate=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",i=t.attr?\"attr\":\"setAttribute\",a=t[n](\"transform\")||\"\";return e=e||0,r=r||0,a=a.replace(/(\\btranslate\\(.*?\\);?)/,\"\").trim(),a=(a+=\" translate(\"+e+\", \"+r+\")\").trim(),t[i](\"transform\",a),a},v.getScale=function(t){var e=(t[t.attr?\"attr\":\"getAttribute\"](\"transform\")||\"\").replace(/.*\\bscale\\((\\d*\\.?\\d*)[^\\d]*(\\d*\\.?\\d*)[^\\d].*/,function(t,e,r){return[e,r].join(\" \")}).split(\" \");return{x:+e[0]||1,y:+e[1]||1}},v.setScale=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",i=t.attr?\"attr\":\"setAttribute\",a=t[n](\"transform\")||\"\";return e=e||1,r=r||1,a=a.replace(/(\\bscale\\(.*?\\);?)/,\"\").trim(),a=(a+=\" scale(\"+e+\", \"+r+\")\").trim(),t[i](\"transform\",a),a};var P=/\\s*sc.*/;v.setPointGroupScale=function(t,e,r){if(e=e||1,r=r||1,t){var n=1===e&&1===r?\"\":\" scale(\"+e+\",\"+r+\")\";t.each(function(){var t=(this.getAttribute(\"transform\")||\"\").replace(P,\"\");t=(t+=n).trim(),this.setAttribute(\"transform\",t)})}};var D=/translate\\([^)]*\\)\\s*$/;v.setTextPointsScale=function(t,e,r){t&&t.each(function(){var t,i=n.select(this),a=i.select(\"text\");if(a.node()){var o=parseFloat(a.attr(\"x\")||0),s=parseFloat(a.attr(\"y\")||0),l=(i.attr(\"transform\")||\"\").match(D);t=1===e&&1===r?[]:[\"translate(\"+o+\",\"+s+\")\",\"scale(\"+e+\",\"+r+\")\",\"translate(\"+-o+\",\"+-s+\")\"],l&&t.push(l),i.attr(\"transform\",t.join(\" \"))}})}},{\"../../constants/alignment\":668,\"../../constants/interactions\":672,\"../../constants/xmlns_namespaces\":674,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../registry\":827,\"../../traces/scatter/make_bubble_size_func\":1060,\"../../traces/scatter/subtypes\":1067,\"../color\":570,\"../colorscale\":585,\"./symbol_defs\":596,d3:148,\"fast-isnumeric\":214,tinycolor2:514}],596:[function(t,e,r){\"use strict\";var n=t(\"d3\");e.exports={circle:{n:0,f:function(t){var e=n.round(t,2);return\"M\"+e+\",0A\"+e+\",\"+e+\" 0 1,1 0,-\"+e+\"A\"+e+\",\"+e+\" 0 0,1 \"+e+\",0Z\"}},square:{n:1,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"H-\"+e+\"V-\"+e+\"H\"+e+\"Z\"}},diamond:{n:2,f:function(t){var e=n.round(1.3*t,2);return\"M\"+e+\",0L0,\"+e+\"L-\"+e+\",0L0,-\"+e+\"Z\"}},cross:{n:3,f:function(t){var e=n.round(.4*t,2),r=n.round(1.2*t,2);return\"M\"+r+\",\"+e+\"H\"+e+\"V\"+r+\"H-\"+e+\"V\"+e+\"H-\"+r+\"V-\"+e+\"H-\"+e+\"V-\"+r+\"H\"+e+\"V-\"+e+\"H\"+r+\"Z\"}},x:{n:4,f:function(t){var e=n.round(.8*t/Math.sqrt(2),2),r=\"l\"+e+\",\"+e,i=\"l\"+e+\",-\"+e,a=\"l-\"+e+\",-\"+e,o=\"l-\"+e+\",\"+e;return\"M0,\"+e+r+i+a+i+a+o+a+o+r+o+r+\"Z\"}},\"triangle-up\":{n:5,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M-\"+e+\",\"+n.round(t/2,2)+\"H\"+e+\"L0,-\"+n.round(t,2)+\"Z\"}},\"triangle-down\":{n:6,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M-\"+e+\",-\"+n.round(t/2,2)+\"H\"+e+\"L0,\"+n.round(t,2)+\"Z\"}},\"triangle-left\":{n:7,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M\"+n.round(t/2,2)+\",-\"+e+\"V\"+e+\"L-\"+n.round(t,2)+\",0Z\"}},\"triangle-right\":{n:8,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M-\"+n.round(t/2,2)+\",-\"+e+\"V\"+e+\"L\"+n.round(t,2)+\",0Z\"}},\"triangle-ne\":{n:9,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M-\"+r+\",-\"+e+\"H\"+e+\"V\"+r+\"Z\"}},\"triangle-se\":{n:10,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M\"+e+\",-\"+r+\"V\"+e+\"H-\"+r+\"Z\"}},\"triangle-sw\":{n:11,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M\"+r+\",\"+e+\"H-\"+e+\"V-\"+r+\"Z\"}},\"triangle-nw\":{n:12,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M-\"+e+\",\"+r+\"V-\"+e+\"H\"+r+\"Z\"}},pentagon:{n:13,f:function(t){var e=n.round(.951*t,2),r=n.round(.588*t,2),i=n.round(-t,2),a=n.round(-.309*t,2);return\"M\"+e+\",\"+a+\"L\"+r+\",\"+n.round(.809*t,2)+\"H-\"+r+\"L-\"+e+\",\"+a+\"L0,\"+i+\"Z\"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return\"M\"+i+\",-\"+r+\"V\"+r+\"L0,\"+e+\"L-\"+i+\",\"+r+\"V-\"+r+\"L0,-\"+e+\"Z\"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return\"M-\"+r+\",\"+i+\"H\"+r+\"L\"+e+\",0L\"+r+\",-\"+i+\"H-\"+r+\"L-\"+e+\",0Z\"}},octagon:{n:16,f:function(t){var e=n.round(.924*t,2),r=n.round(.383*t,2);return\"M-\"+r+\",-\"+e+\"H\"+r+\"L\"+e+\",-\"+r+\"V\"+r+\"L\"+r+\",\"+e+\"H-\"+r+\"L-\"+e+\",\"+r+\"V-\"+r+\"Z\"}},star:{n:17,f:function(t){var e=1.4*t,r=n.round(.225*e,2),i=n.round(.951*e,2),a=n.round(.363*e,2),o=n.round(.588*e,2),s=n.round(-e,2),l=n.round(-.309*e,2),c=n.round(.118*e,2),u=n.round(.809*e,2);return\"M\"+r+\",\"+l+\"H\"+i+\"L\"+a+\",\"+c+\"L\"+o+\",\"+u+\"L0,\"+n.round(.382*e,2)+\"L-\"+o+\",\"+u+\"L-\"+a+\",\"+c+\"L-\"+i+\",\"+l+\"H-\"+r+\"L0,\"+s+\"Z\"}},hexagram:{n:18,f:function(t){var e=n.round(.66*t,2),r=n.round(.38*t,2),i=n.round(.76*t,2);return\"M-\"+i+\",0l-\"+r+\",-\"+e+\"h\"+i+\"l\"+r+\",-\"+e+\"l\"+r+\",\"+e+\"h\"+i+\"l-\"+r+\",\"+e+\"l\"+r+\",\"+e+\"h-\"+i+\"l-\"+r+\",\"+e+\"l-\"+r+\",-\"+e+\"h-\"+i+\"Z\"}},\"star-triangle-up\":{n:19,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o=\"A \"+a+\",\"+a+\" 0 0 1 \";return\"M-\"+e+\",\"+r+o+e+\",\"+r+o+\"0,-\"+i+o+\"-\"+e+\",\"+r+\"Z\"}},\"star-triangle-down\":{n:20,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o=\"A \"+a+\",\"+a+\" 0 0 1 \";return\"M\"+e+\",-\"+r+o+\"-\"+e+\",-\"+r+o+\"0,\"+i+o+e+\",-\"+r+\"Z\"}},\"star-square\":{n:21,f:function(t){var e=n.round(1.1*t,2),r=n.round(2*t,2),i=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",-\"+e+i+\"-\"+e+\",\"+e+i+e+\",\"+e+i+e+\",-\"+e+i+\"-\"+e+\",-\"+e+\"Z\"}},\"star-diamond\":{n:22,f:function(t){var e=n.round(1.4*t,2),r=n.round(1.9*t,2),i=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",0\"+i+\"0,\"+e+i+e+\",0\"+i+\"0,-\"+e+i+\"-\"+e+\",0Z\"}},\"diamond-tall\":{n:23,f:function(t){var e=n.round(.7*t,2),r=n.round(1.4*t,2);return\"M0,\"+r+\"L\"+e+\",0L0,-\"+r+\"L-\"+e+\",0Z\"}},\"diamond-wide\":{n:24,f:function(t){var e=n.round(1.4*t,2),r=n.round(.7*t,2);return\"M0,\"+r+\"L\"+e+\",0L0,-\"+r+\"L-\"+e+\",0Z\"}},hourglass:{n:25,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"H-\"+e+\"L\"+e+\",-\"+e+\"H-\"+e+\"Z\"},noDot:!0},bowtie:{n:26,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"V-\"+e+\"L-\"+e+\",\"+e+\"V-\"+e+\"Z\"},noDot:!0},\"circle-cross\":{n:27,f:function(t){var e=n.round(t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e+\"M\"+e+\",0A\"+e+\",\"+e+\" 0 1,1 0,-\"+e+\"A\"+e+\",\"+e+\" 0 0,1 \"+e+\",0Z\"},needLine:!0,noDot:!0},\"circle-x\":{n:28,f:function(t){var e=n.round(t,2),r=n.round(t/Math.sqrt(2),2);return\"M\"+r+\",\"+r+\"L-\"+r+\",-\"+r+\"M\"+r+\",-\"+r+\"L-\"+r+\",\"+r+\"M\"+e+\",0A\"+e+\",\"+e+\" 0 1,1 0,-\"+e+\"A\"+e+\",\"+e+\" 0 0,1 \"+e+\",0Z\"},needLine:!0,noDot:!0},\"square-cross\":{n:29,f:function(t){var e=n.round(t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e+\"M\"+e+\",\"+e+\"H-\"+e+\"V-\"+e+\"H\"+e+\"Z\"},needLine:!0,noDot:!0},\"square-x\":{n:30,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"L-\"+e+\",-\"+e+\"M\"+e+\",-\"+e+\"L-\"+e+\",\"+e+\"M\"+e+\",\"+e+\"H-\"+e+\"V-\"+e+\"H\"+e+\"Z\"},needLine:!0,noDot:!0},\"diamond-cross\":{n:31,f:function(t){var e=n.round(1.3*t,2);return\"M\"+e+\",0L0,\"+e+\"L-\"+e+\",0L0,-\"+e+\"ZM0,-\"+e+\"V\"+e+\"M-\"+e+\",0H\"+e},needLine:!0,noDot:!0},\"diamond-x\":{n:32,f:function(t){var e=n.round(1.3*t,2),r=n.round(.65*t,2);return\"M\"+e+\",0L0,\"+e+\"L-\"+e+\",0L0,-\"+e+\"ZM-\"+r+\",-\"+r+\"L\"+r+\",\"+r+\"M-\"+r+\",\"+r+\"L\"+r+\",-\"+r},needLine:!0,noDot:!0},\"cross-thin\":{n:33,f:function(t){var e=n.round(1.4*t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e},needLine:!0,noDot:!0,noFill:!0},\"x-thin\":{n:34,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"L-\"+e+\",-\"+e+\"M\"+e+\",-\"+e+\"L-\"+e+\",\"+e},needLine:!0,noDot:!0,noFill:!0},asterisk:{n:35,f:function(t){var e=n.round(1.2*t,2),r=n.round(.85*t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e+\"M\"+r+\",\"+r+\"L-\"+r+\",-\"+r+\"M\"+r+\",-\"+r+\"L-\"+r+\",\"+r},needLine:!0,noDot:!0,noFill:!0},hash:{n:36,f:function(t){var e=n.round(t/2,2),r=n.round(t,2);return\"M\"+e+\",\"+r+\"V-\"+r+\"m-\"+r+\",0V\"+r+\"M\"+r+\",\"+e+\"H-\"+r+\"m0,-\"+r+\"H\"+r},needLine:!0,noFill:!0},\"y-up\":{n:37,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M-\"+e+\",\"+i+\"L0,0M\"+e+\",\"+i+\"L0,0M0,-\"+r+\"L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"y-down\":{n:38,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M-\"+e+\",-\"+i+\"L0,0M\"+e+\",-\"+i+\"L0,0M0,\"+r+\"L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"y-left\":{n:39,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M\"+i+\",\"+e+\"L0,0M\"+i+\",-\"+e+\"L0,0M-\"+r+\",0L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"y-right\":{n:40,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M-\"+i+\",\"+e+\"L0,0M-\"+i+\",-\"+e+\"L0,0M\"+r+\",0L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"line-ew\":{n:41,f:function(t){var e=n.round(1.4*t,2);return\"M\"+e+\",0H-\"+e},needLine:!0,noDot:!0,noFill:!0},\"line-ns\":{n:42,f:function(t){var e=n.round(1.4*t,2);return\"M0,\"+e+\"V-\"+e},needLine:!0,noDot:!0,noFill:!0},\"line-ne\":{n:43,f:function(t){var e=n.round(t,2);return\"M\"+e+\",-\"+e+\"L-\"+e+\",\"+e},needLine:!0,noDot:!0,noFill:!0},\"line-nw\":{n:44,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"L-\"+e+\",-\"+e},needLine:!0,noDot:!0,noFill:!0}}},{d3:148}],597:[function(t,e,r){\"use strict\";e.exports={visible:{valType:\"boolean\",editType:\"calc\"},type:{valType:\"enumerated\",values:[\"percent\",\"constant\",\"sqrt\",\"data\"],editType:\"calc\"},symmetric:{valType:\"boolean\",editType:\"calc\"},array:{valType:\"data_array\",editType:\"calc\"},arrayminus:{valType:\"data_array\",editType:\"calc\"},value:{valType:\"number\",min:0,dflt:10,editType:\"calc\"},valueminus:{valType:\"number\",min:0,dflt:10,editType:\"calc\"},traceref:{valType:\"integer\",min:0,dflt:0,editType:\"style\"},tracerefminus:{valType:\"integer\",min:0,dflt:0,editType:\"style\"},copy_ystyle:{valType:\"boolean\",editType:\"plot\"},copy_zstyle:{valType:\"boolean\",editType:\"style\"},color:{valType:\"color\",editType:\"style\"},thickness:{valType:\"number\",min:0,dflt:2,editType:\"style\"},width:{valType:\"number\",min:0,editType:\"plot\"},editType:\"calc\",_deprecated:{opacity:{valType:\"number\",editType:\"style\"}}}},{}],598:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../registry\"),a=t(\"../../plots/cartesian/axes\"),o=t(\"./compute_error\");function s(t,e,r,i){var s=e[\"error_\"+i]||{},l=[];if(s.visible&&-1!==[\"linear\",\"log\"].indexOf(r.type)){for(var c=o(s),u=0;u0;t.each(function(t){var u,f=t[0].trace,h=f.error_x||{},p=f.error_y||{};f.ids&&(u=function(t){return t.id});var d=o.hasMarkers(f)&&f.marker.maxdisplayed>0;p.visible||h.visible||(t=[]);var g=n.select(this).selectAll(\"g.errorbar\").data(t,u);if(g.exit().remove(),t.length){h.visible||g.selectAll(\"path.xerror\").remove(),p.visible||g.selectAll(\"path.yerror\").remove(),g.style(\"opacity\",1);var v=g.enter().append(\"g\").classed(\"errorbar\",!0);c&&v.style(\"opacity\",0).transition().duration(r.duration).style(\"opacity\",1),a.setClipUrl(g,e.layerClipId),g.each(function(t){var e=n.select(this),a=function(t,e,r){var n={x:e.c2p(t.x),y:r.c2p(t.y)};void 0!==t.yh&&(n.yh=r.c2p(t.yh),n.ys=r.c2p(t.ys),i(n.ys)||(n.noYS=!0,n.ys=r.c2p(t.ys,!0)));void 0!==t.xh&&(n.xh=e.c2p(t.xh),n.xs=e.c2p(t.xs),i(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,s,l);if(!d||t.vis){var o,u=e.select(\"path.yerror\");if(p.visible&&i(a.x)&&i(a.yh)&&i(a.ys)){var f=p.width;o=\"M\"+(a.x-f)+\",\"+a.yh+\"h\"+2*f+\"m-\"+f+\",0V\"+a.ys,a.noYS||(o+=\"m-\"+f+\",0h\"+2*f),!u.size()?u=e.append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").classed(\"yerror\",!0):c&&(u=u.transition().duration(r.duration).ease(r.easing)),u.attr(\"d\",o)}else u.remove();var g=e.select(\"path.xerror\");if(h.visible&&i(a.y)&&i(a.xh)&&i(a.xs)){var v=(h.copy_ystyle?p:h).width;o=\"M\"+a.xh+\",\"+(a.y-v)+\"v\"+2*v+\"m0,-\"+v+\"H\"+a.xs,a.noXS||(o+=\"m0,-\"+v+\"v\"+2*v),!g.size()?g=e.append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").classed(\"xerror\",!0):c&&(g=g.transition().duration(r.duration).ease(r.easing)),g.attr(\"d\",o)}else g.remove()}})}})}},{\"../../traces/scatter/subtypes\":1067,\"../drawing\":595,d3:148,\"fast-isnumeric\":214}],603:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../color\");e.exports=function(t){t.each(function(t){var e=t[0].trace,r=e.error_y||{},a=e.error_x||{},o=n.select(this);o.selectAll(\"path.yerror\").style(\"stroke-width\",r.thickness+\"px\").call(i.stroke,r.color),a.copy_ystyle&&(a=r),o.selectAll(\"path.xerror\").style(\"stroke-width\",a.thickness+\"px\").call(i.stroke,a.color)})}},{\"../color\":570,d3:148}],604:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\");e.exports={hoverlabel:{bgcolor:{valType:\"color\",arrayOk:!0,editType:\"none\"},bordercolor:{valType:\"color\",arrayOk:!0,editType:\"none\"},font:n({arrayOk:!0,editType:\"none\"}),namelength:{valType:\"integer\",min:-1,arrayOk:!0,editType:\"none\"},editType:\"calc\"}}},{\"../../plots/font_attributes\":771}],605:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\");function a(t,e,r,i){i=i||n.identity,Array.isArray(t)&&(e[0][r]=i(t))}e.exports=function(t){var e=t.calcdata,r=t._fullLayout;function o(t){return function(e){return n.coerceHoverinfo({hoverinfo:e},{_module:t._module},r)}}for(var s=0;s=0&&r.index-1&&o.length>x&&(o=x>3?o.substr(0,x-3)+\"...\":o.substr(0,x))}void 0!==t.zLabel?(void 0!==t.xLabel&&(c+=\"x: \"+t.xLabel+\"
\"),void 0!==t.yLabel&&(c+=\"y: \"+t.yLabel+\"
\"),c+=(c?\"z: \":\"\")+t.zLabel):L&&t[i+\"Label\"]===M?c=t[(\"x\"===i?\"y\":\"x\")+\"Label\"]||\"\":void 0===t.xLabel?void 0!==t.yLabel&&(c=t.yLabel):c=void 0===t.yLabel?t.xLabel:\"(\"+t.xLabel+\", \"+t.yLabel+\")\",!t.text&&0!==t.text||Array.isArray(t.text)||(c+=(c?\"
\":\"\")+t.text),void 0!==t.extraText&&(c+=(c?\"
\":\"\")+t.extraText),\"\"===c&&(\"\"===o&&e.remove(),c=o);var b=e.select(\"text.nums\").call(u.font,t.fontFamily||d,t.fontSize||g,t.fontColor||y).text(c).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r),_=e.select(\"text.name\"),A=0;o&&o!==c?(_.call(u.font,t.fontFamily||d,t.fontSize||g,v).text(o).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r),A=_.node().getBoundingClientRect().width+2*k):(_.remove(),e.select(\"rect\").remove()),e.select(\"path\").style({fill:p,stroke:y});var T,z,O=b.node().getBoundingClientRect(),I=t.xa._offset+(t.x0+t.x1)/2,P=t.ya._offset+(t.y0+t.y1)/2,D=Math.abs(t.x1-t.x0),R=Math.abs(t.y1-t.y0),B=O.width+w+k+A;t.ty0=S-O.top,t.bx=O.width+2*k,t.by=O.height+2*k,t.anchor=\"start\",t.txwidth=O.width,t.tx2width=A,t.offset=0,a?(t.pos=I,T=P+R/2+B<=C,z=P-R/2-B>=0,\"top\"!==t.idealAlign&&T||!z?T?(P+=R/2,t.anchor=\"start\"):t.anchor=\"middle\":(P-=R/2,t.anchor=\"end\")):(t.pos=P,T=I+D/2+B<=E,z=I-D/2-B>=0,\"left\"!==t.idealAlign&&T||!z?T?(I+=D/2,t.anchor=\"start\"):t.anchor=\"middle\":(I-=D/2,t.anchor=\"end\")),b.attr(\"text-anchor\",t.anchor),A&&_.attr(\"text-anchor\",t.anchor),e.attr(\"transform\",\"translate(\"+I+\",\"+P+\")\"+(a?\"rotate(\"+m+\")\":\"\"))}),R}function A(t,e){t.each(function(t){var r=n.select(this);if(t.del)r.remove();else{var i=\"end\"===t.anchor?-1:1,a=r.select(\"text.nums\"),o={start:1,end:-1,middle:0}[t.anchor],s=o*(w+k),c=s+o*(t.txwidth+k),f=0,h=t.offset;\"middle\"===t.anchor&&(s-=t.tx2width/2,c+=t.txwidth/2+k),e&&(h*=-_,f=t.offset*b),r.select(\"path\").attr(\"d\",\"middle\"===t.anchor?\"M-\"+(t.bx/2+t.tx2width/2)+\",\"+(h-t.by/2)+\"h\"+t.bx+\"v\"+t.by+\"h-\"+t.bx+\"Z\":\"M0,0L\"+(i*w+f)+\",\"+(w+h)+\"v\"+(t.by/2-w)+\"h\"+i*t.bx+\"v-\"+t.by+\"H\"+(i*w+f)+\"V\"+(h-w)+\"Z\"),a.call(l.positionText,s+f,h+t.ty0-t.by/2+k),t.tx2width&&(r.select(\"text.name\").call(l.positionText,c+o*k+f,h+t.ty0-t.by/2+k),r.select(\"rect\").call(u.setRect,c+(o-1)*t.tx2width/2+f,h-t.by/2-1,t.tx2width,t.by+2))}})}function T(t,e){var r=t.index,n=t.trace||{},i=t.cd[0],a=t.cd[r]||{},s=Array.isArray(r)?function(t,e){return o.castOption(i,r,t)||o.extractOption({},n,\"\",e)}:function(t,e){return o.extractOption(a,n,t,e)};function l(e,r,n){var i=s(r,n);i&&(t[e]=i)}if(l(\"hoverinfo\",\"hi\",\"hoverinfo\"),l(\"bgcolor\",\"hbg\",\"hoverlabel.bgcolor\"),l(\"borderColor\",\"hbc\",\"hoverlabel.bordercolor\"),l(\"fontFamily\",\"htf\",\"hoverlabel.font.family\"),l(\"fontSize\",\"hts\",\"hoverlabel.font.size\"),l(\"fontColor\",\"htc\",\"hoverlabel.font.color\"),l(\"nameLength\",\"hnl\",\"hoverlabel.namelength\"),t.posref=\"y\"===e?t.xa._offset+(t.x0+t.x1)/2:t.ya._offset+(t.y0+t.y1)/2,t.x0=o.constrain(t.x0,0,t.xa._length),t.x1=o.constrain(t.x1,0,t.xa._length),t.y0=o.constrain(t.y0,0,t.ya._length),t.y1=o.constrain(t.y1,0,t.ya._length),void 0!==t.xLabelVal&&(t.xLabel=\"xLabel\"in t?t.xLabel:p.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel=\"yLabel\"in t?t.yLabel:p.hoverLabelText(t.ya,t.yLabelVal),t.yVal=t.ya.c2d(t.yLabelVal)),void 0!==t.zLabelVal&&void 0===t.zLabel&&(t.zLabel=String(t.zLabelVal)),!(isNaN(t.xerr)||\"log\"===t.xa.type&&t.xerr<=0)){var c=p.tickText(t.xa,t.xa.c2l(t.xerr),\"hover\").text;void 0!==t.xerrneg?t.xLabel+=\" +\"+c+\" / -\"+p.tickText(t.xa,t.xa.c2l(t.xerrneg),\"hover\").text:t.xLabel+=\" \\xb1 \"+c,\"x\"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||\"log\"===t.ya.type&&t.yerr<=0)){var u=p.tickText(t.ya,t.ya.c2l(t.yerr),\"hover\").text;void 0!==t.yerrneg?t.yLabel+=\" +\"+u+\" / -\"+p.tickText(t.ya,t.ya.c2l(t.yerrneg),\"hover\").text:t.yLabel+=\" \\xb1 \"+u,\"y\"===e&&(t.distance+=1)}var f=t.hoverinfo||t.trace.hoverinfo;return\"all\"!==f&&(-1===(f=Array.isArray(f)?f:f.split(\"+\")).indexOf(\"x\")&&(t.xLabel=void 0),-1===f.indexOf(\"y\")&&(t.yLabel=void 0),-1===f.indexOf(\"z\")&&(t.zLabel=void 0),-1===f.indexOf(\"text\")&&(t.text=void 0),-1===f.indexOf(\"name\")&&(t.name=void 0)),t}function S(t,e){var r,n,i=e.container,o=e.fullLayout,s=e.event,l=!!t.hLinePoint,c=!!t.vLinePoint;if(i.selectAll(\".spikeline\").remove(),c||l){var h=f.combine(o.plot_bgcolor,o.paper_bgcolor);if(l){var p,d,g=t.hLinePoint;r=g&&g.xa,\"cursor\"===(n=g&&g.ya).spikesnap?(p=s.pointerX,d=s.pointerY):(p=r._offset+g.x,d=n._offset+g.y);var v,m,y=a.readability(g.color,h)<1.5?f.contrast(h):g.color,x=n.spikemode,b=n.spikethickness,_=n.spikecolor||y,w=n._boundingBox,k=(w.left+w.right)/2w[0]._length||et<0||et>k[0]._length)return h.unhoverRaw(t,e)}if(e.pointerX=tt+w[0]._offset,e.pointerY=et+k[0]._offset,D=\"xval\"in e?g.flat(l,e.xval):g.p2c(w,tt),R=\"yval\"in e?g.flat(l,e.yval):g.p2c(k,et),!i(D[0])||!i(R[0]))return o.warn(\"Fx.hover failed\",e,t),h.unhoverRaw(t,e)}var it=1/0;for(F=0;FY&&($.splice(0,Y),it=$[0].distance),y&&0!==Z&&0===$.length){W.distance=Z,W.index=!1;var ct=j._module.hoverPoints(W,H,G,\"closest\",u._hoverlayer);if(ct&&(ct=ct.filter(function(t){return t.spikeDistance<=Z})),ct&&ct.length){var ut,ft=ct.filter(function(t){return t.xa.showspikes});if(ft.length){var ht=ft[0];i(ht.x0)&&i(ht.y0)&&(ut=vt(ht),(!K.vLinePoint||K.vLinePoint.spikeDistance>ut.spikeDistance)&&(K.vLinePoint=ut))}var pt=ct.filter(function(t){return t.ya.showspikes});if(pt.length){var dt=pt[0];i(dt.x0)&&i(dt.y0)&&(ut=vt(dt),(!K.hLinePoint||K.hLinePoint.spikeDistance>ut.spikeDistance)&&(K.hLinePoint=ut))}}}}function gt(t,e){for(var r,n=null,i=1/0,a=0;a1||$.length>1)||\"closest\"===P&&Q&&$.length>1,Ct=f.combine(u.plot_bgcolor||f.background,u.paper_bgcolor),Lt={hovermode:P,rotateLabels:Et,bgColor:Ct,container:u._hoverlayer,outerContainer:u._paperdiv,commonLabelOpts:u.hoverlabel,hoverdistance:u.hoverdistance},zt=M($,Lt,t);if(function(t,e,r){var n,i,a,o,s,l,c,u=0,f=1,h=t.map(function(t,n){var i=t[e],a=\"x\"===i._id.charAt(0),o=i.range;return!n&&o&&o[0]>o[1]!==a&&(f=-1),[{i:n,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(a?x:1)/2,pmin:0,pmax:a?r.width:r.height}]}).sort(function(t,e){return t[0].posref-e[0].posref||f*(e[0].traceIndex-t[0].traceIndex)});function p(t){var e=t[0],r=t[t.length-1];if(i=e.pmin-e.pos-e.dp+e.size,a=r.pos+r.dp+r.size-e.pmax,i>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=i;n=!1}if(!(a<.01)){if(i<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=a;n=!1}if(n){var c=0;for(o=0;oe.pmax&&c++;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos>e.pmax-1&&(l.del=!0,c--);for(o=0;o=0;s--)t[s].dp-=a;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos+l.dp+l.size>e.pmax&&(l.del=!0,c--)}}}for(;!n&&u<=t.length;){for(u++,n=!0,o=0;o.01&&v.pmin===m.pmin&&v.pmax===m.pmax){for(s=g.length-1;s>=0;s--)g[s].dp+=i;for(d.push.apply(d,g),h.splice(o+1,1),c=0,s=d.length-1;s>=0;s--)c+=d[s].dp;for(a=c/d.length,s=d.length-1;s>=0;s--)d[s].dp-=a;n=!1}else o++}h.forEach(p)}for(o=h.length-1;o>=0;o--){var y=h[o];for(s=y.length-1;s>=0;s--){var b=y[s],_=t[b.i];_.offset=b.dp,_.del=b.del}}}($,Et?\"xa\":\"ya\",u),A(zt,Et),e.target&&e.target.tagName){var Ot=d.getComponentMethod(\"annotations\",\"hasClickToShow\")(t,Tt);c(n.select(e.target),Ot?\"pointer\":\"\")}if(!e.target||a||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var i=r[n],a=t._hoverdata[n];if(i.curveNumber!==a.curveNumber||String(i.pointNumber)!==String(a.pointNumber))return!0}return!1}(t,0,At))return;At&&t.emit(\"plotly_unhover\",{event:e,points:At});t.emit(\"plotly_hover\",{event:e,points:t._hoverdata,xaxes:w,yaxes:k,xvals:D,yvals:R})}(t,e,r,a)})},r.loneHover=function(t,e){var r={color:t.color||f.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,trace:{index:0,hoverinfo:\"\"},xa:{_offset:0},ya:{_offset:0},index:0},i=n.select(e.container),a=e.outerContainer?n.select(e.outerContainer):i,o={hovermode:\"closest\",rotateLabels:!1,bgColor:e.bgColor||f.background,container:i,outerContainer:a},s=M([r],o,e.gd);return A(s,o.rotateLabels),s.node()},r.multiHovers=function(t,e){Array.isArray(t)||(t=[t]);var r=t.map(function(t){return{color:t.color||f.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,trace:{index:0,hoverinfo:\"\"},xa:{_offset:0},ya:{_offset:0},index:0}}),i=n.select(e.container),a=e.outerContainer?n.select(e.outerContainer):i,o={hovermode:\"closest\",rotateLabels:!1,bgColor:e.bgColor||f.background,container:i,outerContainer:a},s=M(r,o,e.gd),l=0;return s.sort(function(t,e){return t.y0-e.y0}).each(function(t){var e=t.y0-t.by/2;t.offset=e-5-1?o=\"closest\":(e._isHoriz=function(t){for(var e=!0,r=0;r1){h||p||d||\"independent\"===M(\"pattern\")&&(h=!0),v._hasSubplotGrid=h;var x,b,_=\"top to bottom\"===M(\"roworder\"),w=h?.2:.1,k=h?.3:.1;g&&e._splomGridDflt&&(x=e._splomGridDflt.xside,b=e._splomGridDflt.yside),v._domains={x:u(\"x\",M,w,x,y),y:u(\"y\",M,k,b,m,_)}}else delete e.grid}function M(t,e){return n.coerce(r,v,l,t,e)}},contentDefaults:function(t,e){var r=e.grid;if(r&&r._domains){var n,i,a,o,s,l,u,h=t.grid||{},p=e._subplots,d=r._hasSubplotGrid,g=r.rows,v=r.columns,m=\"independent\"===r.pattern,y=r._axisMap={};if(d){var x=h.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n=2/3},r.isCenterAnchor=function(t){return\"center\"===t.xanchor||\"auto\"===t.xanchor&&t.x>1/3&&t.x<2/3},r.isBottomAnchor=function(t){return\"bottom\"===t.yanchor||\"auto\"===t.yanchor&&t.y<=1/3},r.isMiddleAnchor=function(t){return\"middle\"===t.yanchor||\"auto\"===t.yanchor&&t.y>1/3&&t.y<2/3}},{}],623:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),i=t(\"../color/attributes\");e.exports={bgcolor:{valType:\"color\",editType:\"legend\"},bordercolor:{valType:\"color\",dflt:i.defaultLine,editType:\"legend\"},borderwidth:{valType:\"number\",min:0,dflt:0,editType:\"legend\"},font:n({editType:\"legend\"}),orientation:{valType:\"enumerated\",values:[\"v\",\"h\"],dflt:\"v\",editType:\"legend\"},traceorder:{valType:\"flaglist\",flags:[\"reversed\",\"grouped\"],extras:[\"normal\"],editType:\"legend\"},tracegroupgap:{valType:\"number\",min:0,dflt:10,editType:\"legend\"},x:{valType:\"number\",min:-2,max:3,dflt:1.02,editType:\"legend\"},xanchor:{valType:\"enumerated\",values:[\"auto\",\"left\",\"center\",\"right\"],dflt:\"left\",editType:\"legend\"},y:{valType:\"number\",min:-2,max:3,dflt:1,editType:\"legend\"},yanchor:{valType:\"enumerated\",values:[\"auto\",\"top\",\"middle\",\"bottom\"],dflt:\"auto\",editType:\"legend\"},editType:\"legend\"}},{\"../../plots/font_attributes\":771,\"../color/attributes\":569}],624:[function(t,e,r){\"use strict\";e.exports={scrollBarWidth:6,scrollBarMinHeight:20,scrollBarColor:\"#808BA4\",scrollBarMargin:4,textOffsetX:40}},{}],625:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\"),a=t(\"../../plot_api/plot_template\"),o=t(\"./attributes\"),s=t(\"../../plots/layout_attributes\"),l=t(\"./helpers\");e.exports=function(t,e,r){for(var c,u,f,h,p=t.legend||{},d=0,g=!1,v=\"normal\",m=0;m1)){var x=a.newContainer(e,\"legend\");if(_(\"bgcolor\",e.paper_bgcolor),_(\"bordercolor\"),_(\"borderwidth\"),i.coerceFont(_,\"font\",e.font),_(\"orientation\"),\"h\"===x.orientation){var b=t.xaxis;b&&b.rangeslider&&b.rangeslider.visible?(c=0,f=\"left\",u=1.1,h=\"bottom\"):(c=0,f=\"left\",u=-.1,h=\"top\")}_(\"traceorder\",v),l.isGrouped(e.legend)&&_(\"tracegroupgap\"),_(\"x\",c),_(\"xanchor\",f),_(\"y\",u),_(\"yanchor\",h),i.noneOrAll(p,x,[\"x\",\"y\"])}function _(t,e){return i.coerce(p,x,o,t,e)}}},{\"../../lib\":696,\"../../plot_api/plot_template\":734,\"../../plots/layout_attributes\":799,\"../../registry\":827,\"./attributes\":623,\"./helpers\":629}],626:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib/events\"),l=t(\"../dragelement\"),c=t(\"../drawing\"),u=t(\"../color\"),f=t(\"../../lib/svg_text_utils\"),h=t(\"./handle_click\"),p=t(\"./constants\"),d=t(\"../../constants/interactions\"),g=t(\"../../constants/alignment\"),v=g.LINE_SPACING,m=g.FROM_TL,y=g.FROM_BR,x=t(\"./get_legend_data\"),b=t(\"./style\"),_=t(\"./helpers\"),w=t(\"./anchor_utils\"),k=d.DBLCLICKDELAY;function M(t,e,r,n,i){var a=r.data()[0][0].trace,o={event:i,node:r.node(),curveNumber:a.index,expandedIndex:a._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(a._group&&(o.group=a._group),\"pie\"===a.type&&(o.label=r.datum()[0].label),!1!==s.triggerHandler(t,\"plotly_legendclick\",o))if(1===n)e._clickTimeout=setTimeout(function(){h(r,t,n)},k);else if(2===n){e._clickTimeout&&clearTimeout(e._clickTimeout),t._legendMouseDownTime=0,!1!==s.triggerHandler(t,\"plotly_legenddoubleclick\",o)&&h(r,t,n)}}function A(t,e,r){var n=t.data()[0][0],a=e._fullLayout,s=n.trace,l=o.traceIs(s,\"pie\"),u=s.index,h=l?n.label:s.name,d=e._context.edits.legendText&&!l,g=i.ensureSingle(t,\"text\",\"legendtext\");function m(r){f.convertToTspans(r,e,function(){!function(t,e){var r=t.data()[0][0];if(!r.trace.showlegend)return void t.remove();var n,i,a=t.select(\"g[class*=math-group]\"),o=a.node(),s=e._fullLayout.legend.font.size*v;if(o){var l=c.bBox(o);n=l.height,i=l.width,c.setTranslate(a,0,n/4)}else{var u=t.select(\".legendtext\"),h=f.lineCount(u),d=u.node();n=s*h,i=d?c.bBox(d).width:0;var g=s*(.3+(1-h)/2);f.positionText(u,p.textOffsetX,g)}n=Math.max(n,16)+3,r.height=n,r.width=i}(t,e)})}g.attr(\"text-anchor\",\"start\").classed(\"user-select-none\",!0).call(c.font,a.legend.font).text(d?T(h,r):h),f.positionText(g,p.textOffsetX,0),d?g.call(f.makeEditable,{gd:e,text:h}).call(m).on(\"edit\",function(t){this.text(T(t,r)).call(m);var a=n.trace._fullInput||{},s={};if(o.hasTransform(a,\"groupby\")){var l=o.getTransformIndices(a,\"groupby\"),c=l[l.length-1],f=i.keyedContainer(a,\"transforms[\"+c+\"].styles\",\"target\",\"value.name\");f.set(n.trace._group,t),s=f.constructUpdate()}else s.name=t;return o.call(\"restyle\",e,s,u)}):m(g)}function T(t,e){var r=Math.max(4,e);if(t&&t.trim().length>=r/2)return t;for(var n=r-(t=t||\"\").length;n>0;n--)t+=\" \";return t}function S(t,e){var r,a=1,o=i.ensureSingle(t,\"rect\",\"legendtoggle\",function(t){t.style(\"cursor\",\"pointer\").attr(\"pointer-events\",\"all\").call(u.fill,\"rgba(0,0,0,0)\")});o.on(\"mousedown\",function(){(r=(new Date).getTime())-e._legendMouseDownTimek&&(a=Math.max(a-1,1)),M(e,r,t,a,n.event)}})}function E(t,e,r){var i=t._fullLayout,a=i.legend,o=a.borderwidth,s=_.isGrouped(a),l=0;if(a._width=0,a._height=0,_.isVertical(a))s&&e.each(function(t,e){c.setTranslate(this,0,e*a.tracegroupgap)}),r.each(function(t){var e=t[0],r=e.height,n=e.width;c.setTranslate(this,o,5+o+a._height+r/2),a._height+=r,a._width=Math.max(a._width,n)}),a._width+=45+2*o,a._height+=10+2*o,s&&(a._height+=(a._lgroupsLength-1)*a.tracegroupgap),l=40;else if(s){for(var u=[a._width],f=e.data(),h=0,p=f.length;ho+w-k,r.each(function(t){var e=t[0],r=v?40+t[0].width:x;o+b+k+r>i._size.w&&(b=0,m+=y,a._height=a._height+y,y=0),c.setTranslate(this,o+b,5+o+e.height/2+m),a._width+=k+r,a._height=Math.max(a._height,e.height),b+=k+r,y=Math.max(e.height,y)}),a._width+=2*o,a._height+=10+2*o}a._width=Math.ceil(a._width),a._height=Math.ceil(a._height);var M=t._context.edits.legendText||t._context.edits.legendPosition;r.each(function(t){var e=t[0],r=n.select(this).select(\".legendtoggle\");c.setRect(r,0,-e.height/2,(M?0:a._width)+l,e.height)})}function C(t){var e=t._fullLayout.legend,r=\"left\";w.isRightAnchor(e)?r=\"right\":w.isCenterAnchor(e)&&(r=\"center\");var n=\"top\";w.isBottomAnchor(e)?n=\"bottom\":w.isMiddleAnchor(e)&&(n=\"middle\"),a.autoMargin(t,\"legend\",{x:e.x,y:e.y,l:e._width*m[r],r:e._width*y[r],b:e._height*y[n],t:e._height*m[n]})}e.exports=function(t){var e=t._fullLayout,r=\"legend\"+e._uid;if(e._infolayer&&t.calcdata){t._legendMouseDownTime||(t._legendMouseDownTime=0);var s=e.legend,f=e.showlegend&&x(t.calcdata,s),h=e.hiddenlabels||[];if(!e.showlegend||!f.length)return e._infolayer.selectAll(\".legend\").remove(),e._topdefs.select(\"#\"+r).remove(),void a.autoMargin(t,\"legend\");for(var d=0,g=0;gf?function(t){var e=t._fullLayout.legend,r=\"left\";w.isRightAnchor(e)?r=\"right\":w.isCenterAnchor(e)&&(r=\"center\");a.autoMargin(t,\"legend\",{x:e.x,y:.5,l:e._width*m[r],r:e._width*y[r],b:0,t:0})}(t):C(t);var h=e._size,d=h.l+h.w*s.x,g=h.t+h.h*(1-s.y);w.isRightAnchor(s)?d-=s._width:w.isCenterAnchor(s)&&(d-=s._width/2),w.isBottomAnchor(s)?g-=s._height:w.isMiddleAnchor(s)&&(g-=s._height/2);var v=s._width,x=h.w;v>x?(d=h.l,v=x):(d+v>u&&(d=u-v),d<0&&(d=0),v=Math.min(u-d,s._width));var b,_,k,A,T=s._height,S=h.h;if(T>S?(g=h.t,T=S):(g+T>f&&(g=f-T),g<0&&(g=0),T=Math.min(f-g,s._height)),c.setTranslate(z,d,g),D.on(\".drag\",null),z.on(\"wheel\",null),s._height<=T||t._context.staticPlot)I.attr({width:v-s.borderwidth,height:T-s.borderwidth,x:s.borderwidth/2,y:s.borderwidth/2}),c.setTranslate(P,0,0),O.select(\"rect\").attr({width:v-2*s.borderwidth,height:T-2*s.borderwidth,x:s.borderwidth,y:s.borderwidth}),c.setClipUrl(P,r),c.setRect(D,0,0,0,0),delete s._scrollY;else{var F,N,j=Math.max(p.scrollBarMinHeight,T*T/s._height),V=T-j-2*p.scrollBarMargin,U=s._height-T,q=V/U,H=Math.min(s._scrollY||0,U);I.attr({width:v-2*s.borderwidth+p.scrollBarWidth+p.scrollBarMargin,height:T-s.borderwidth,x:s.borderwidth/2,y:s.borderwidth/2}),O.select(\"rect\").attr({width:v-2*s.borderwidth+p.scrollBarWidth+p.scrollBarMargin,height:T-2*s.borderwidth,x:s.borderwidth,y:s.borderwidth+H}),c.setClipUrl(P,r),W(H,j,q),z.on(\"wheel\",function(){W(H=i.constrain(s._scrollY+n.event.deltaY/V*U,0,U),j,q),0!==H&&H!==U&&n.event.preventDefault()});var G=n.behavior.drag().on(\"dragstart\",function(){F=n.event.sourceEvent.clientY,N=H}).on(\"drag\",function(){var t=n.event.sourceEvent;2===t.buttons||t.ctrlKey||W(H=i.constrain((t.clientY-F)/q+N,0,U),j,q)});D.call(G)}function W(e,r,n){s._scrollY=t._fullLayout.legend._scrollY=e,c.setTranslate(P,0,-e),c.setRect(D,v,p.scrollBarMargin+e*n,p.scrollBarWidth,r),O.select(\"rect\").attr({y:s.borderwidth+e})}t._context.edits.legendPosition&&(z.classed(\"cursor-move\",!0),l.init({element:z.node(),gd:t,prepFn:function(){var t=c.getTranslate(z);k=t.x,A=t.y},moveFn:function(t,e){var r=k+t,n=A+e;c.setTranslate(z,r,n),b=l.align(r,0,h.l,h.l+h.w,s.xanchor),_=l.align(n,0,h.t+h.h,h.t,s.yanchor)},doneFn:function(){void 0!==b&&void 0!==_&&o.call(\"relayout\",t,{\"legend.x\":b,\"legend.y\":_})},clickFn:function(r,n){var i=e._infolayer.selectAll(\"g.traces\").filter(function(){var t=this.getBoundingClientRect();return n.clientX>=t.left&&n.clientX<=t.right&&n.clientY>=t.top&&n.clientY<=t.bottom});i.size()>0&&M(t,z,i,r,n)}}))}],t)}}},{\"../../constants/alignment\":668,\"../../constants/interactions\":672,\"../../lib\":696,\"../../lib/events\":684,\"../../lib/svg_text_utils\":720,\"../../plots/plots\":808,\"../../registry\":827,\"../color\":570,\"../dragelement\":592,\"../drawing\":595,\"./anchor_utils\":622,\"./constants\":624,\"./get_legend_data\":627,\"./handle_click\":628,\"./helpers\":629,\"./style\":631,d3:148}],627:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"./helpers\");e.exports=function(t,e){var r,a,o={},s=[],l=!1,c={},u=0;function f(t,r){if(\"\"!==t&&i.isGrouped(e))-1===s.indexOf(t)?(s.push(t),l=!0,o[t]=[[r]]):o[t].push([r]);else{var n=\"~~i\"+u;s.push(n),o[n]=[[r]],u++}}for(r=0;rr[1])return r[1]}return i}function d(t){return t[0]}if(u||f||h){var g={},v={};if(u){g.mc=p(\"marker.color\",d),g.mx=p(\"marker.symbol\",d),g.mo=p(\"marker.opacity\",a.mean,[.2,1]),g.mlc=p(\"marker.line.color\",d),g.mlw=p(\"marker.line.width\",a.mean,[0,5]),v.marker={sizeref:1,sizemin:1,sizemode:\"diameter\"};var m=p(\"marker.size\",a.mean,[2,16]);g.ms=m,v.marker.size=m}h&&(v.line={width:p(\"line.width\",d,[0,10])}),f&&(g.tx=\"Aa\",g.tp=p(\"textposition\",d),g.ts=10,g.tc=p(\"textfont.color\",d),g.tf=p(\"textfont.family\",d)),r=[a.minExtend(s,g)],(i=a.minExtend(c,v)).selectedpoints=null}var y=n.select(this).select(\"g.legendpoints\"),x=y.selectAll(\"path.scatterpts\").data(u?r:[]);x.enter().insert(\"path\",\":first-child\").classed(\"scatterpts\",!0).attr(\"transform\",\"translate(20,0)\"),x.exit().remove(),x.call(o.pointStyle,i,e),u&&(r[0].mrc=3);var b=y.selectAll(\"g.pointtext\").data(f?r:[]);b.enter().append(\"g\").classed(\"pointtext\",!0).append(\"text\").attr(\"transform\",\"translate(20,0)\"),b.exit().remove(),b.selectAll(\"text\").call(o.textPointStyle,i,e)}).each(function(t){var e=t[0].trace,r=n.select(this).select(\"g.legendpoints\").selectAll(\"path.legendcandle\").data(\"candlestick\"===e.type&&e.visible?[t,t]:[]);r.enter().append(\"path\").classed(\"legendcandle\",!0).attr(\"d\",function(t,e){return e?\"M-15,0H-8M-8,6V-6H8Z\":\"M15,0H8M8,-6V6H-8Z\"}).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each(function(t,r){var i=e[r?\"increasing\":\"decreasing\"],a=i.line.width,o=n.select(this);o.style(\"stroke-width\",a+\"px\").call(s.fill,i.fillcolor),a&&s.stroke(o,i.line.color)})}).each(function(t){var e=t[0].trace,r=n.select(this).select(\"g.legendpoints\").selectAll(\"path.legendohlc\").data(\"ohlc\"===e.type&&e.visible?[t,t]:[]);r.enter().append(\"path\").classed(\"legendohlc\",!0).attr(\"d\",function(t,e){return e?\"M-15,0H0M-8,-6V0\":\"M15,0H0M8,6V0\"}).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each(function(t,r){var i=e[r?\"increasing\":\"decreasing\"],a=i.line.width,l=n.select(this);l.style(\"fill\",\"none\").call(o.dashLine,i.line.dash,a),a&&s.stroke(l,i.line.color)})})}},{\"../../lib\":696,\"../../registry\":827,\"../../traces/pie/style_one\":1029,\"../../traces/scatter/subtypes\":1067,\"../color\":570,\"../drawing\":595,d3:148}],632:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../plots/plots\"),a=t(\"../../plots/cartesian/axis_ids\"),o=t(\"../../lib\"),s=t(\"../../../build/ploticon\"),l=o._,c=e.exports={};function u(t,e){var r,i,o=e.currentTarget,s=o.getAttribute(\"data-attr\"),l=o.getAttribute(\"data-val\")||!0,c=t._fullLayout,u={},f=a.list(t,null,!0),h=\"on\";if(\"zoom\"===s){var p,d=\"in\"===l?.5:2,g=(1+d)/2,v=(1-d)/2;for(i=0;i1?(_=[\"toggleHover\"],w=[\"resetViews\"]):f?(b=[\"zoomInGeo\",\"zoomOutGeo\"],_=[\"hoverClosestGeo\"],w=[\"resetGeo\"]):u?(_=[\"hoverClosest3d\"],w=[\"resetCameraDefault3d\",\"resetCameraLastSave3d\"]):g?(_=[\"toggleHover\"],w=[\"resetViewMapbox\"]):_=p?[\"hoverClosestGl2d\"]:h?[\"hoverClosestPie\"]:[\"toggleHover\"];c&&(_=[\"toggleSpikelines\",\"hoverClosestCartesian\",\"hoverCompareCartesian\"]);!c&&!p||m||(b=[\"zoomIn2d\",\"zoomOut2d\",\"autoScale2d\"],\"resetViews\"!==w[0]&&(w=[\"resetScale2d\"]));u?k=[\"zoom3d\",\"pan3d\",\"orbitRotation\",\"tableRotation\"]:(c||p)&&!m||d?k=[\"zoom2d\",\"pan2d\"]:g||f?k=[\"pan2d\"]:v&&(k=[\"zoom2d\"]);(function(t){for(var e=!1,r=0;r0)){var g=function(t,e,r){for(var n=r.filter(function(r){return e[r].anchor===t._id}),i=0,a=0;a0?h+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,i){var s=\"category\"===t.type?t.r2c:t.d2c;if(void 0!==e)return[s(e),s(r)];if(n){var l,c,u,f,h=1/0,p=-1/0,d=n.match(a.segmentRE);for(\"date\"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=f)));return p>=h?[h,p]:void 0}}e.exports=function(t){var e=t._fullLayout,r=n.filterVisible(e.shapes);if(r.length&&t._fullData.length)for(var o=0;o10?t/2:10;return n.append(\"circle\").attr({\"data-line-point\":\"start-point\",cx:D?q(r.xanchor)+r.x0:q(r.x0),cy:R?H(r.yanchor)-r.y0:H(r.y0),r:a}).style(i).classed(\"cursor-grab\",!0),n.append(\"circle\").attr({\"data-line-point\":\"end-point\",cx:D?q(r.xanchor)+r.x1:q(r.x1),cy:R?H(r.yanchor)-r.y1:H(r.y1),r:a}).style(i).classed(\"cursor-grab\",!0),n}():e,X={element:Y.node(),gd:t,prepFn:function(n){D&&(_=q(r.xanchor));R&&(w=H(r.yanchor));\"path\"===r.type?z=r.path:(m=D?r.x0:q(r.x0),y=R?r.y0:H(r.y0),x=D?r.x1:q(r.x1),b=R?r.y1:H(r.y1));mb?(k=y,S=\"y0\",M=b,E=\"y1\"):(k=b,S=\"y1\",M=y,E=\"y0\");Z(n),K(p,r),function(t,e,r){var n=e.xref,i=e.yref,o=a.getFromId(r,n),l=a.getFromId(r,i),c=\"\";\"paper\"===n||o.autorange||(c+=n);\"paper\"===i||l.autorange||(c+=i);t.call(s.setClipUrl,c?\"clip\"+r._fullLayout._uid+c:null)}(e,r,t),X.moveFn=\"move\"===O?$:J},doneFn:function(){u(e),Q(p),d(e,t,r),n.call(\"relayout\",t,N.getUpdateObj())},clickFn:function(){Q(p)}};function Z(t){if(B)O=\"path\"===t.target.tagName?\"move\":\"start-point\"===t.target.attributes[\"data-line-point\"].value?\"resize-over-start-point\":\"resize-over-end-point\";else{var r=X.element.getBoundingClientRect(),n=r.right-r.left,i=r.bottom-r.top,a=t.clientX-r.left,o=t.clientY-r.top,s=!F&&n>I&&i>P&&!t.shiftKey?c.getCursor(a/n,1-o/i):\"move\";u(e,s),O=s.split(\"-\")[0]}}function $(n,i){if(\"path\"===r.type){var a=function(t){return t},o=a,s=a;D?j(\"xanchor\",r.xanchor=G(_+n)):(o=function(t){return G(q(t)+n)},V&&\"date\"===V.type&&(o=h.encodeDate(o))),R?j(\"yanchor\",r.yanchor=W(w+i)):(s=function(t){return W(H(t)+i)},U&&\"date\"===U.type&&(s=h.encodeDate(s))),j(\"path\",r.path=v(z,o,s))}else D?j(\"xanchor\",r.xanchor=G(_+n)):(j(\"x0\",r.x0=G(m+n)),j(\"x1\",r.x1=G(x+n))),R?j(\"yanchor\",r.yanchor=W(w+i)):(j(\"y0\",r.y0=W(y+i)),j(\"y1\",r.y1=W(b+i)));e.attr(\"d\",g(t,r)),K(p,r)}function J(n,i){if(F){var a=function(t){return t},o=a,s=a;D?j(\"xanchor\",r.xanchor=G(_+n)):(o=function(t){return G(q(t)+n)},V&&\"date\"===V.type&&(o=h.encodeDate(o))),R?j(\"yanchor\",r.yanchor=W(w+i)):(s=function(t){return W(H(t)+i)},U&&\"date\"===U.type&&(s=h.encodeDate(s))),j(\"path\",r.path=v(z,o,s))}else if(B){if(\"resize-over-start-point\"===O){var l=m+n,c=R?y-i:y+i;j(\"x0\",r.x0=D?l:G(l)),j(\"y0\",r.y0=R?c:W(c))}else if(\"resize-over-end-point\"===O){var u=x+n,f=R?b-i:b+i;j(\"x1\",r.x1=D?u:G(u)),j(\"y1\",r.y1=R?f:W(f))}}else{var d=~O.indexOf(\"n\")?k+i:k,N=~O.indexOf(\"s\")?M+i:M,Y=~O.indexOf(\"w\")?A+n:A,X=~O.indexOf(\"e\")?T+n:T;~O.indexOf(\"n\")&&R&&(d=k-i),~O.indexOf(\"s\")&&R&&(N=M-i),(!R&&N-d>P||R&&d-N>P)&&(j(S,r[S]=R?d:W(d)),j(E,r[E]=R?N:W(N))),X-Y>I&&(j(C,r[C]=D?Y:G(Y)),j(L,r[L]=D?X:G(X)))}e.attr(\"d\",g(t,r)),K(p,r)}function K(t,e){(D||R)&&function(){var r=\"path\"!==e.type,n=t.selectAll(\".visual-cue\").data([0]);n.enter().append(\"path\").attr({fill:\"#fff\",\"fill-rule\":\"evenodd\",stroke:\"#000\",\"stroke-width\":1}).classed(\"visual-cue\",!0);var a=q(D?e.xanchor:i.midRange(r?[e.x0,e.x1]:h.extractPathCoords(e.path,f.paramIsX))),o=H(R?e.yanchor:i.midRange(r?[e.y0,e.y1]:h.extractPathCoords(e.path,f.paramIsY)));if(a=h.roundPositionForSharpStrokeRendering(a,1),o=h.roundPositionForSharpStrokeRendering(o,1),D&&R){var s=\"M\"+(a-1-1)+\",\"+(o-1-1)+\"h-8v2h8 v8h2v-8 h8v-2h-8 v-8h-2 Z\";n.attr(\"d\",s)}else if(D){var l=\"M\"+(a-1-1)+\",\"+(o-9-1)+\"v18 h2 v-18 Z\";n.attr(\"d\",l)}else{var c=\"M\"+(a-9-1)+\",\"+(o-1-1)+\"h18 v2 h-18 Z\";n.attr(\"d\",c)}}()}function Q(t){t.selectAll(\".visual-cue\").remove()}c.init(X),Y.node().onmousemove=Z}(t,x,r,e,p)}}function d(t,e,r){var n=(r.xref+r.yref).replace(/paper/g,\"\");t.call(s.setClipUrl,n?\"clip\"+e._fullLayout._uid+n:null)}function g(t,e){var r,n,o,s,l,c,u,p,d=e.type,g=a.getFromId(t,e.xref),v=a.getFromId(t,e.yref),m=t._fullLayout._size;if(g?(r=h.shapePositionToRange(g),n=function(t){return g._offset+g.r2p(r(t,!0))}):n=function(t){return m.l+m.w*t},v?(o=h.shapePositionToRange(v),s=function(t){return v._offset+v.r2p(o(t,!0))}):s=function(t){return m.t+m.h*(1-t)},\"path\"===d)return g&&\"date\"===g.type&&(n=h.decodeDate(n)),v&&\"date\"===v.type&&(s=h.decodeDate(s)),function(t,e,r){var n=t.path,a=t.xsizemode,o=t.ysizemode,s=t.xanchor,l=t.yanchor;return n.replace(f.segmentRE,function(t){var n=0,c=t.charAt(0),u=f.paramIsX[c],h=f.paramIsY[c],p=f.numParams[c],d=t.substr(1).replace(f.paramRE,function(t){return u[n]?t=\"pixel\"===a?e(s)+Number(t):e(t):h[n]&&(t=\"pixel\"===o?r(l)-Number(t):r(t)),++n>p&&(t=\"X\"),t});return n>p&&(d=d.replace(/[\\s,]*X.*/,\"\"),i.log(\"Ignoring extra params in segment \"+t)),c+d})}(e,n,s);if(\"pixel\"===e.xsizemode){var y=n(e.xanchor);l=y+e.x0,c=y+e.x1}else l=n(e.x0),c=n(e.x1);if(\"pixel\"===e.ysizemode){var x=s(e.yanchor);u=x-e.y0,p=x-e.y1}else u=s(e.y0),p=s(e.y1);if(\"line\"===d)return\"M\"+l+\",\"+u+\"L\"+c+\",\"+p;if(\"rect\"===d)return\"M\"+l+\",\"+u+\"H\"+c+\"V\"+p+\"H\"+l+\"Z\";var b=(l+c)/2,_=(u+p)/2,w=Math.abs(b-l),k=Math.abs(_-u),M=\"A\"+w+\",\"+k,A=b+w+\",\"+_;return\"M\"+A+M+\" 0 1,1 \"+(b+\",\"+(_-k))+M+\" 0 0,1 \"+A+\"Z\"}function v(t,e,r){return t.replace(f.segmentRE,function(t){var n=0,i=t.charAt(0),a=f.paramIsX[i],o=f.paramIsY[i],s=f.numParams[i];return i+t.substr(1).replace(f.paramRE,function(t){return n>=s?t:(a[n]?t=e(t):o[n]&&(t=r(t)),n++,t)})})}e.exports={draw:function(t){var e=t._fullLayout;for(var r in e._shapeUpperLayer.selectAll(\"path\").remove(),e._shapeLowerLayer.selectAll(\"path\").remove(),e._plots){var n=e._plots[r].shapelayer;n&&n.selectAll(\"path\").remove()}for(var i=0;i0&&(s=s.transition().duration(e.transition.duration).ease(e.transition.easing)),s.attr(\"transform\",\"translate(\"+(o-.5*f.gripWidth)+\",\"+e._dims.currentValueTotalHeight+\")\")}}function E(t,e){var r=t._dims;return r.inputAreaStart+f.stepInset+(r.inputAreaLength-2*f.stepInset)*Math.min(1,Math.max(0,e))}function C(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-f.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*f.stepInset-2*r.inputAreaStart)))}function L(t,e,r){var n=r._dims,i=s.ensureSingle(t,\"rect\",f.railTouchRectClass,function(n){n.call(A,e,t,r).style(\"pointer-events\",\"all\")});i.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,f.tickOffset+r.ticklen+n.labelHeight)}).call(a.fill,r.bgcolor).attr(\"opacity\",0),o.setTranslate(i,0,n.currentValueTotalHeight)}function z(t,e){var r=e._dims,n=r.inputAreaLength-2*f.railInset,i=s.ensureSingle(t,\"rect\",f.railRectClass);i.attr({width:n,height:f.railWidth,rx:f.railRadius,ry:f.railRadius,\"shape-rendering\":\"crispEdges\"}).call(a.stroke,e.bordercolor).call(a.fill,e.bgcolor).style(\"stroke-width\",e.borderwidth+\"px\"),o.setTranslate(i,f.railInset,.5*(r.inputAreaWidth-f.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[f.name],n=[],i=0;i0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),i.autoMargin(t,v(e))}if(a.enter().append(\"g\").classed(f.containerClassName,!0).style(\"cursor\",\"ew-resize\"),a.exit().each(function(){n.select(this).selectAll(\"g.\"+f.groupClassName).each(s)}).remove(),0!==r.length){var l=a.selectAll(\"g.\"+f.groupClassName).data(r,m);l.enter().append(\"g\").classed(f.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var g={left:[-r,0],right:[r,0],top:[0,-r],bottom:[0,r]}[y.side];e.attr(\"transform\",\"translate(\"+g+\")\")}}}O.call(I),L&&(C?O.on(\".opacity\",null):(S=0,E=!0,O.text(v).on(\"mouseover.opacity\",function(){n.select(this).transition().duration(f.SHOW_PLACEHOLDER).style(\"opacity\",1)}).on(\"mouseout.opacity\",function(){n.select(this).transition().duration(f.HIDE_PLACEHOLDER).style(\"opacity\",0)})),O.call(u.makeEditable,{gd:t}).on(\"edit\",function(e){void 0!==m?o.call(\"restyle\",t,g,e,m):o.call(\"relayout\",t,g,e)}).on(\"cancel\",function(){this.text(this.attr(\"data-unformatted\")).call(I)}).on(\"input\",function(t){this.text(t||\" \").call(u.positionText,x.x,x.y)}));return O.classed(\"js-placeholder\",E),_}};var h=/ [XY][0-9]* /},{\"../../constants/interactions\":672,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../plots/plots\":808,\"../../registry\":827,\"../color\":570,\"../drawing\":595,d3:148,\"fast-isnumeric\":214}],662:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),i=t(\"../color/attributes\"),a=t(\"../../lib/extend\").extendFlat,o=t(\"../../plot_api/edit_types\").overrideAll,s=t(\"../../plots/pad_attributes\"),l=t(\"../../plot_api/plot_template\").templatedArray,c=l(\"button\",{visible:{valType:\"boolean\"},method:{valType:\"enumerated\",values:[\"restyle\",\"relayout\",\"animate\",\"update\",\"skip\"],dflt:\"restyle\"},args:{valType:\"info_array\",freeLength:!0,items:[{valType:\"any\"},{valType:\"any\"},{valType:\"any\"}]},label:{valType:\"string\",dflt:\"\"},execute:{valType:\"boolean\",dflt:!0}});e.exports=o(l(\"updatemenu\",{_arrayAttrRegexps:[/^updatemenus\\[(0|[1-9][0-9]+)\\]\\.buttons/],visible:{valType:\"boolean\"},type:{valType:\"enumerated\",values:[\"dropdown\",\"buttons\"],dflt:\"dropdown\"},direction:{valType:\"enumerated\",values:[\"left\",\"right\",\"up\",\"down\"],dflt:\"down\"},active:{valType:\"integer\",min:-1,dflt:0},showactive:{valType:\"boolean\",dflt:!0},buttons:c,x:{valType:\"number\",min:-2,max:3,dflt:-.05},xanchor:{valType:\"enumerated\",values:[\"auto\",\"left\",\"center\",\"right\"],dflt:\"right\"},y:{valType:\"number\",min:-2,max:3,dflt:1},yanchor:{valType:\"enumerated\",values:[\"auto\",\"top\",\"middle\",\"bottom\"],dflt:\"top\"},pad:a({},s,{}),font:n({}),bgcolor:{valType:\"color\"},bordercolor:{valType:\"color\",dflt:i.borderLine},borderwidth:{valType:\"number\",min:0,dflt:1,editType:\"arraydraw\"}}),\"arraydraw\",\"from-root\")},{\"../../lib/extend\":685,\"../../plot_api/edit_types\":727,\"../../plot_api/plot_template\":734,\"../../plots/font_attributes\":771,\"../../plots/pad_attributes\":807,\"../color/attributes\":569}],663:[function(t,e,r){\"use strict\";e.exports={name:\"updatemenus\",containerClassName:\"updatemenu-container\",headerGroupClassName:\"updatemenu-header-group\",headerClassName:\"updatemenu-header\",headerArrowClassName:\"updatemenu-header-arrow\",dropdownButtonGroupClassName:\"updatemenu-dropdown-button-group\",dropdownButtonClassName:\"updatemenu-dropdown-button\",buttonClassName:\"updatemenu-button\",itemRectClassName:\"updatemenu-item-rect\",itemTextClassName:\"updatemenu-item-text\",menuIndexAttrName:\"updatemenu-active-index\",autoMarginIdRoot:\"updatemenu-\",blankHeaderOpts:{label:\" \"},minWidth:30,minHeight:30,textPadX:24,arrowPadX:16,rx:2,ry:2,textOffsetX:12,textOffsetY:3,arrowOffsetX:4,gapButtonHeader:5,gapButton:2,activeColor:\"#F4FAFF\",hoverColor:\"#F4FAFF\",arrowSymbol:{left:\"\\u25c4\",right:\"\\u25ba\",up:\"\\u25b2\",down:\"\\u25bc\"}}},{}],664:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../plots/array_container_defaults\"),a=t(\"./attributes\"),o=t(\"./constants\").name,s=a.buttons;function l(t,e,r){function o(r,i){return n.coerce(t,e,a,r,i)}o(\"visible\",i(t,e,{name:\"buttons\",handleItemDefaults:c}).length>0)&&(o(\"active\"),o(\"direction\"),o(\"type\"),o(\"showactive\"),o(\"x\"),o(\"y\"),n.noneOrAll(t,e,[\"x\",\"y\"]),o(\"xanchor\"),o(\"yanchor\"),o(\"pad.t\"),o(\"pad.r\"),o(\"pad.b\"),o(\"pad.l\"),n.coerceFont(o,\"font\",r.font),o(\"bgcolor\",r.paper_bgcolor),o(\"bordercolor\"),o(\"borderwidth\"))}function c(t,e){function r(r,i){return n.coerce(t,e,s,r,i)}r(\"visible\",\"skip\"===t.method||Array.isArray(t.args))&&(r(\"method\"),r(\"args\"),r(\"label\"),r(\"execute\"))}e.exports=function(t,e){i(t,e,{name:o,handleItemDefaults:l})}},{\"../../lib\":696,\"../../plots/array_container_defaults\":740,\"./attributes\":662,\"./constants\":663}],665:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../plots/plots\"),a=t(\"../color\"),o=t(\"../drawing\"),s=t(\"../../lib\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../legend/anchor_utils\"),u=t(\"../../plot_api/plot_template\").arrayEditor,f=t(\"../../constants/alignment\").LINE_SPACING,h=t(\"./constants\"),p=t(\"./scrollbox\");function d(t){return t._index}function g(t,e){return+t.attr(h.menuIndexAttrName)===e._index}function v(t,e,r,n,i,a,o,s){e.active=o,u(t.layout,h.name,e).applyUpdate(\"active\",o),\"buttons\"===e.type?y(t,n,null,null,e):\"dropdown\"===e.type&&(i.attr(h.menuIndexAttrName,\"-1\"),m(t,n,i,a,e),s||y(t,n,i,a,e))}function m(t,e,r,n,i){var a=s.ensureSingle(e,\"g\",h.headerClassName,function(t){t.style(\"pointer-events\",\"all\")}),l=i._dims,c=i.active,u=i.buttons[c]||h.blankHeaderOpts,f={y:i.pad.t,yPad:0,x:i.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};a.call(x,i,u,t).call(S,i,f,p),s.ensureSingle(e,\"text\",h.headerArrowClassName,function(t){t.classed(\"user-select-none\",!0).attr(\"text-anchor\",\"end\").call(o.font,i.font).text(h.arrowSymbol[i.direction])}).attr({x:l.headerWidth-h.arrowOffsetX+i.pad.l,y:l.headerHeight/2+h.textOffsetY+i.pad.t}),a.on(\"click\",function(){r.call(E,String(g(r,i)?-1:i._index)),y(t,e,r,n,i)}),a.on(\"mouseover\",function(){a.call(k)}),a.on(\"mouseout\",function(){a.call(M,i)}),o.setTranslate(e,l.lx,l.ly)}function y(t,e,r,a,o){r||(r=e).attr(\"pointer-events\",\"all\");var l=function(t){return-1==+t.attr(h.menuIndexAttrName)}(r)&&\"buttons\"!==o.type?[]:o.buttons,c=\"dropdown\"===o.type?h.dropdownButtonClassName:h.buttonClassName,u=r.selectAll(\"g.\"+c).data(s.filterVisible(l)),f=u.enter().append(\"g\").classed(c,!0),p=u.exit();\"dropdown\"===o.type?(f.attr(\"opacity\",\"0\").transition().attr(\"opacity\",\"1\"),p.transition().attr(\"opacity\",\"0\").remove()):p.remove();var d=0,g=0,m=o._dims,y=-1!==[\"up\",\"down\"].indexOf(o.direction);\"dropdown\"===o.type&&(y?g=m.headerHeight+h.gapButtonHeader:d=m.headerWidth+h.gapButtonHeader),\"dropdown\"===o.type&&\"up\"===o.direction&&(g=-h.gapButtonHeader+h.gapButton-m.openHeight),\"dropdown\"===o.type&&\"left\"===o.direction&&(d=-h.gapButtonHeader+h.gapButton-m.openWidth);var b={x:m.lx+d+o.pad.l,y:m.ly+g+o.pad.t,yPad:h.gapButton,xPad:h.gapButton,index:0},_={l:b.x+o.borderwidth,t:b.y+o.borderwidth};u.each(function(s,l){var c=n.select(this);c.call(x,o,s,t).call(S,o,b),c.on(\"click\",function(){n.event.defaultPrevented||(v(t,o,0,e,r,a,l),s.execute&&i.executeAPICommand(t,s.method,s.args),t.emit(\"plotly_buttonclicked\",{menu:o,button:s,active:o.active}))}),c.on(\"mouseover\",function(){c.call(k)}),c.on(\"mouseout\",function(){c.call(M,o),u.call(w,o)})}),u.call(w,o),y?(_.w=Math.max(m.openWidth,m.headerWidth),_.h=b.y-_.t):(_.w=b.x-_.l,_.h=Math.max(m.openHeight,m.headerHeight)),_.direction=o.direction,a&&(u.size()?function(t,e,r,n,i,a){var o,s,l,c=i.direction,u=\"up\"===c||\"down\"===c,f=i._dims,p=i.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append(\"g\").classed(h.containerClassName,!0).style(\"cursor\",\"pointer\"),o.exit().each(function(){n.select(this).selectAll(\"g.\"+h.headerGroupClassName).each(a)}).remove(),0!==r.length){var l=o.selectAll(\"g.\"+h.headerGroupClassName).data(r,d);l.enter().append(\"g\").classed(h.headerGroupClassName,!0);for(var c=s.ensureSingle(o,\"g\",h.dropdownButtonGroupClassName,function(t){t.style(\"pointer-events\",\"all\")}),u=0;uw,A=s.barLength+2*s.barPad,T=s.barWidth+2*s.barPad,S=d,E=v+m;E+T>c&&(E=c-T);var C=this.container.selectAll(\"rect.scrollbar-horizontal\").data(M?[0]:[]);C.exit().on(\".drag\",null).remove(),C.enter().append(\"rect\").classed(\"scrollbar-horizontal\",!0).call(i.fill,s.barColor),M?(this.hbar=C.attr({rx:s.barRadius,ry:s.barRadius,x:S,y:E,width:A,height:T}),this._hbarXMin=S+A/2,this._hbarTranslateMax=w-A):(delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax);var L=m>k,z=s.barWidth+2*s.barPad,O=s.barLength+2*s.barPad,I=d+g,P=v;I+z>l&&(I=l-z);var D=this.container.selectAll(\"rect.scrollbar-vertical\").data(L?[0]:[]);D.exit().on(\".drag\",null).remove(),D.enter().append(\"rect\").classed(\"scrollbar-vertical\",!0).call(i.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:I,y:P,width:z,height:O}),this._vbarYMin=P+O/2,this._vbarTranslateMax=k-O):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,B=u-.5,F=L?f+z+.5:f+.5,N=h-.5,j=M?p+T+.5:p+.5,V=o._topdefs.selectAll(\"#\"+R).data(M||L?[0]:[]);if(V.exit().remove(),V.enter().append(\"clipPath\").attr(\"id\",R).append(\"rect\"),M||L?(this._clipRect=V.select(\"rect\").attr({x:Math.floor(B),y:Math.floor(N),width:Math.ceil(F)-Math.floor(B),height:Math.ceil(j)-Math.floor(N)}),this.container.call(a.setClipUrl,R),this.bg.attr({x:d,y:v,width:g,height:m})):(this.bg.attr({width:0,height:0}),this.container.on(\"wheel\",null).on(\".drag\",null).call(a.setClipUrl,null),delete this._clipRect),M||L){var U=n.behavior.drag().on(\"dragstart\",function(){n.event.sourceEvent.preventDefault()}).on(\"drag\",this._onBoxDrag.bind(this));this.container.on(\"wheel\",null).on(\"wheel\",this._onBoxWheel.bind(this)).on(\".drag\",null).call(U);var q=n.behavior.drag().on(\"dragstart\",function(){n.event.sourceEvent.preventDefault(),n.event.sourceEvent.stopPropagation()}).on(\"drag\",this._onBarDrag.bind(this));M&&this.hbar.on(\".drag\",null).call(q),L&&this.vbar.on(\".drag\",null).call(q)}this.setTranslate(e,r)},s.prototype.disable=function(){(this.hbar||this.vbar)&&(this.bg.attr({width:0,height:0}),this.container.on(\"wheel\",null).on(\".drag\",null).call(a.setClipUrl,null),delete this._clipRect),this.hbar&&(this.hbar.on(\".drag\",null),this.hbar.remove(),delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax),this.vbar&&(this.vbar.on(\".drag\",null),this.vbar.remove(),delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax)},s.prototype._onBoxDrag=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t-=n.event.dx),this.vbar&&(e-=n.event.dy),this.setTranslate(t,e)},s.prototype._onBoxWheel=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t+=n.event.deltaY),this.vbar&&(e+=n.event.deltaY),this.setTranslate(t,e)},s.prototype._onBarDrag=function(){var t=this.translateX,e=this.translateY;if(this.hbar){var r=t+this._hbarXMin,i=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,i)-r)/(i-r)*(this.position.w-this._box.w)}if(this.vbar){var a=e+this._vbarYMin,s=a+this._vbarTranslateMax;e=(o.constrain(n.event.y,a,s)-a)/(s-a)*(this.position.h-this._box.h)}this.setTranslate(t,e)},s.prototype.setTranslate=function(t,e){var r=this.position.w-this._box.w,n=this.position.h-this._box.h;if(t=o.constrain(t||0,0,r),e=o.constrain(e||0,0,n),this.translateX=t,this.translateY=e,this.container.call(a.setTranslate,this._box.l-this.position.l-t,this._box.t-this.position.t-e),this._clipRect&&this._clipRect.attr({x:Math.floor(this.position.l+t-.5),y:Math.floor(this.position.t+e-.5)}),this.hbar){var i=t/r;this.hbar.call(a.setTranslate,t+i*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(a.setTranslate,t,e+s*this._vbarTranslateMax)}}},{\"../../lib\":696,\"../color\":570,\"../drawing\":595,d3:148}],668:[function(t,e,r){\"use strict\";e.exports={FROM_BL:{left:0,center:.5,right:1,bottom:0,middle:.5,top:1},FROM_TL:{left:0,center:.5,right:1,bottom:1,middle:.5,top:0},FROM_BR:{left:1,center:.5,right:0,bottom:0,middle:.5,top:1},LINE_SPACING:1.3,MID_SHIFT:.35,OPPOSITE_SIDE:{left:\"right\",right:\"left\",top:\"bottom\",bottom:\"top\"}}},{}],669:[function(t,e,r){\"use strict\";e.exports={COMPARISON_OPS:[\"=\",\"!=\",\"<\",\">=\",\">\",\"<=\"],COMPARISON_OPS2:[\"=\",\"<\",\">=\",\">\",\"<=\"],INTERVAL_OPS:[\"[]\",\"()\",\"[)\",\"(]\",\"][\",\")(\",\"](\",\")[\"],SET_OPS:[\"{}\",\"}{\"],CONSTRAINT_REDUCTION:{\"=\":\"=\",\"<\":\"<\",\"<=\":\"<\",\">\":\">\",\">=\":\">\",\"[]\":\"[]\",\"()\":\"[]\",\"[)\":\"[]\",\"(]\":\"[]\",\"][\":\"][\",\")(\":\"][\",\"](\":\"][\",\")[\":\"][\"}}},{}],670:[function(t,e,r){\"use strict\";e.exports={solid:[[],0],dot:[[.5,1],200],dash:[[.5,1],50],longdash:[[.5,1],10],dashdot:[[.5,.625,.875,1],50],longdashdot:[[.5,.7,.8,1],10]}},{}],671:[function(t,e,r){\"use strict\";e.exports={circle:\"\\u25cf\",\"circle-open\":\"\\u25cb\",square:\"\\u25a0\",\"square-open\":\"\\u25a1\",diamond:\"\\u25c6\",\"diamond-open\":\"\\u25c7\",cross:\"+\",x:\"\\u274c\"}},{}],672:[function(t,e,r){\"use strict\";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DBLCLICKDELAY:300,DESELECTDIM:.2}},{}],673:[function(t,e,r){\"use strict\";e.exports={BADNUM:void 0,FP_SAFE:Number.MAX_VALUE/1e4,ONEAVGYEAR:315576e5,ONEAVGMONTH:26298e5,ONEDAY:864e5,ONEHOUR:36e5,ONEMIN:6e4,ONESEC:1e3,EPOCHJD:2440587.5,ALMOST_EQUAL:1-1e-6,LOG_CLIP:10,MINUS_SIGN:\"\\u2212\"}},{}],674:[function(t,e,r){\"use strict\";r.xmlns=\"http://www.w3.org/2000/xmlns/\",r.svg=\"http://www.w3.org/2000/svg\",r.xlink=\"http://www.w3.org/1999/xlink\",r.svgAttrs={xmlns:r.svg,\"xmlns:xlink\":r.xlink}},{}],675:[function(t,e,r){\"use strict\";r.version=\"1.42.5\",t(\"es6-promise\").polyfill(),t(\"../build/plotcss\"),t(\"./fonts/mathjax_config\");for(var n=t(\"./registry\"),i=r.register=n.register,a=t(\"./plot_api\"),o=Object.keys(a),s=0;ss-1e-15}function c(t,e){return a(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=i(n,s))&&(n+=s);var a=i(t,s),o=a+s;return a>=r&&a<=n||o>=r&&o<=n}function f(t,e,r,n,i,a,c){i=i||0,a=a||0;var u,f,h,p,d,g=l([r,n]);function v(t,e){return[t*Math.cos(e)+i,a-t*Math.sin(e)]}g?(u=0,f=o,h=s):r=i&&t<=a);var i,a},pathArc:function(t,e,r,n,i){return f(null,t,e,r,n,i,0)},pathSector:function(t,e,r,n,i){return f(null,t,e,r,n,i,1)},pathAnnulus:function(t,e,r,n,i,a){return f(t,e,r,n,i,a,1)}}},{\"./mod\":703}],678:[function(t,e,r){\"use strict\";var n=Array.isArray,i=\"undefined\"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},a=\"undefined\"==typeof DataView?function(){}:DataView;function o(t){return i.isView(t)&&!(t instanceof a)}function s(t){return n(t)||o(t)}r.isTypedArray=o,r.isArrayOrTypedArray=s,r.isArray1D=function(t){return!s(t[0])},r.ensureArray=function(t,e){return n(t)||(t=[]),t.length=e,t},r.concat=function(){var t,e,r,i,a,o,s,l,c=[],u=!0,f=0;for(r=0;ri.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,i){t%1||!n(t)||void 0!==i.min&&ti.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if(\"string\"!=typeof t){var i=\"number\"==typeof t;!0!==n.strict&&i?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){i(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every(function(t){return i(t).isValid()})?e.set(t):e.set(r)}},colorscale:{coerceFunction:function(t,e,r){e.set(o(t,r))}},angle:{coerceFunction:function(t,e,r){\"auto\"===t?e.set(\"auto\"):n(t)?e.set(u(+t,360)):e.set(r)}},subplotid:{coerceFunction:function(t,e,r,n){var i=n.regex||l(r);\"string\"==typeof t&&i.test(t)?e.set(t):e.set(r)},validateFunction:function(t,e){var r=e.dflt;return t===r||\"string\"==typeof t&&!!l(r).test(t)}},flaglist:{coerceFunction:function(t,e,r,n){if(\"string\"==typeof t)if(-1===(n.extras||[]).indexOf(t)){for(var i=t.split(\"+\"),a=0;a=n&&t<=i?t:u}if(\"string\"!=typeof t&&\"number\"!=typeof t)return u;t=String(t);var c=_(e),m=t.charAt(0);!c||\"G\"!==m&&\"g\"!==m||(t=t.substr(1),e=\"\");var w=c&&\"chinese\"===e.substr(0,7),k=t.match(w?x:y);if(!k)return u;var M=k[1],A=k[3]||\"1\",T=Number(k[5]||1),S=Number(k[7]||0),E=Number(k[9]||0),C=Number(k[11]||0);if(c){if(2===M.length)return u;var L;M=Number(M);try{var z=v.getComponentMethod(\"calendars\",\"getCal\")(e);if(w){var O=\"i\"===A.charAt(A.length-1);A=parseInt(A,10),L=z.newDate(M,z.toMonthIndex(M,A,O),T)}else L=z.newDate(M,Number(A),T)}catch(t){return u}return L?(L.toJD()-g)*f+S*h+E*p+C*d:u}M=2===M.length?(Number(M)+2e3-b)%100+b:Number(M),A-=1;var I=new Date(Date.UTC(2e3,A,T,S,E));return I.setUTCFullYear(M),I.getUTCMonth()!==A?u:I.getUTCDate()!==T?u:I.getTime()+C*d},n=r.MIN_MS=r.dateTime2ms(\"-9999\"),i=r.MAX_MS=r.dateTime2ms(\"9999-12-31 23:59:59.9999\"),r.isDateTime=function(t,e){return r.dateTime2ms(t,e)!==u};var k=90*f,M=3*h,A=5*p;function T(t,e,r,n,i){if((e||r||n||i)&&(t+=\" \"+w(e,2)+\":\"+w(r,2),(n||i)&&(t+=\":\"+w(n,2),i))){for(var a=4;i%10==0;)a-=1,i/=10;t+=\".\"+w(i,a)}return t}r.ms2DateTime=function(t,e,r){if(\"number\"!=typeof t||!(t>=n&&t<=i))return u;e||(e=0);var a,o,s,c,y,x,b=Math.floor(10*l(t+.05,1)),w=Math.round(t-b/10);if(_(r)){var S=Math.floor(w/f)+g,E=Math.floor(l(t,f));try{a=v.getComponentMethod(\"calendars\",\"getCal\")(r).fromJD(S).formatDate(\"yyyy-mm-dd\")}catch(t){a=m(\"G%Y-%m-%d\")(new Date(w))}if(\"-\"===a.charAt(0))for(;a.length<11;)a=\"-0\"+a.substr(1);else for(;a.length<10;)a=\"0\"+a;o=e=n+f&&t<=i-f))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return T(a.time.format(\"%Y-%m-%d\")(r),r.getHours(),r.getMinutes(),r.getSeconds(),10*r.getUTCMilliseconds()+e)},r.cleanDate=function(t,e,n){if(t===u)return e;if(r.isJSDate(t)||\"number\"==typeof t&&isFinite(t)){if(_(n))return s.error(\"JS Dates and milliseconds are incompatible with world calendars\",t),e;if(!(t=r.ms2DateTimeLocal(+t))&&void 0!==e)return e}else if(!r.isDateTime(t,n))return s.error(\"unrecognized date\",t),e;return t};var S=/%\\d?f/g;function E(t,e,r,n){t=t.replace(S,function(t){var r=Math.min(+t.charAt(1)||6,6);return(e/1e3%1+2).toFixed(r).substr(2).replace(/0+$/,\"\")||\"0\"});var i=new Date(Math.floor(e+.05));if(_(n))try{t=v.getComponentMethod(\"calendars\",\"worldCalFmt\")(t,e,n)}catch(t){return\"Invalid\"}return r(t)(i)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,i,a){if(i=_(i)&&i,!e)if(\"y\"===r)e=a.year;else if(\"m\"===r)e=a.month;else{if(\"d\"!==r)return function(t,e){var r=l(t+.05,f),n=w(Math.floor(r/h),2)+\":\"+w(l(Math.floor(r/p),60),2);if(\"M\"!==e){o(e)||(e=0);var i=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(i=i.replace(/0+$/,\"\").replace(/[\\.]$/,\"\")),n+=\":\"+i}return n}(t,r)+\"\\n\"+E(a.dayMonthYear,t,n,i);e=a.dayMonth+\"\\n\"+a.year}return E(e,t,n,i)};var L=3*f;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,f);if(t=Math.round(t-n),r)try{var i=Math.round(t/f)+g,a=v.getComponentMethod(\"calendars\",\"getCal\")(r),o=a.fromJD(i);return e%12?a.add(o,e,\"m\"):a.add(o,e/12,\"y\"),(o.toJD()-g)*f+n}catch(e){s.error(\"invalid ms \"+t+\" in calendar \"+r)}var c=new Date(t+L);return c.setUTCMonth(c.getUTCMonth()+e)+n-L},r.findExactDates=function(t,e){for(var r,n,i=0,a=0,s=0,l=0,c=_(e)&&v.getComponentMethod(\"calendars\",\"getCal\")(e),u=0;u0&&(r.push(i),i=[])}return i.length>0&&r.push(i),r},r.makeLine=function(t){return 1===t.length?{type:\"LineString\",coordinates:t[0]}:{type:\"MultiLineString\",coordinates:t}},r.makePolygon=function(t){if(1===t.length)return{type:\"Polygon\",coordinates:t};for(var e=new Array(t.length),r=0;r1||g<0||g>1?null:{x:t+l*g,y:e+f*g}}function l(t,e,r,n,i){var a=n*t+i*e;if(a<0)return n*n+i*i;if(a>r){var o=n-t,s=i-e;return o*o+s*s}var l=n*e-i*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,i,a,o,c){if(s(t,e,r,n,i,a,o,c))return 0;var u=r-t,f=n-e,h=o-i,p=c-a,d=u*u+f*f,g=h*h+p*p,v=Math.min(l(u,f,d,i-t,a-e),l(u,f,d,o-t,c-e),l(h,p,g,t-i,e-a),l(h,p,g,r-i,n-a));return Math.sqrt(v)},r.getTextLocation=function(t,e,r,s){if(t===i&&s===a||(n={},i=t,a=s),n[r])return n[r];var l=t.getPointAtLength(o(r-s/2,e)),c=t.getPointAtLength(o(r+s/2,e)),u=Math.atan((c.y-l.y)/(c.x-l.x)),f=t.getPointAtLength(o(r,e)),h={x:(4*f.x+l.x+c.x)/6,y:(4*f.y+l.y+c.y)/6,theta:u};return n[r]=h,h},r.clearLocationCache=function(){i=null},r.getVisibleSegment=function(t,e,r){var n,i,a=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),f=u;function h(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(i=r);var c=r.xo?r.x-o:0,f=r.yl?r.y-l:0;return Math.sqrt(c*c+f*f)}for(var p=h(c);p;){if((c+=p+r)>f)return;p=h(c)}for(p=h(f);p;){if(c>(f-=p+r))return;p=h(f)}return{min:c,max:f,len:f-c,total:u,isClosed:0===c&&f===u&&Math.abs(n.x-i.x)<.1&&Math.abs(n.y-i.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var i,a,o,s=(n=n||{}).pathLength||t.getTotalLength(),l=n.tolerance||.001,c=n.iterationLimit||30,u=t.getPointAtLength(0)[r]>t.getPointAtLength(s)[r]?-1:1,f=0,h=0,p=s;f0?p=i:h=i,f++}return a}},{\"./mod\":703}],691:[function(t,e,r){\"use strict\";e.exports=function(t){var e;if(\"string\"==typeof t){if(null===(e=document.getElementById(t)))throw new Error(\"No DOM element with id '\"+t+\"' exists on the page.\");return e}if(null==t)throw new Error(\"DOM element provided is null or undefined\");return t}},{}],692:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"tinycolor2\"),a=t(\"color-normalize\"),o=t(\"../components/colorscale\"),s=t(\"../components/color/attributes\").defaultLine,l=t(\"./array\").isArrayOrTypedArray,c=a(s),u=1;function f(t,e){var r=t;return r[3]*=e,r}function h(t){if(n(t))return c;var e=a(t);return e.length?e:c}function p(t){return n(t)?t:u}e.exports={formatColor:function(t,e,r){var n,i,s,d,g,v=t.color,m=l(v),y=l(e),x=[];if(n=void 0!==t.colorscale?o.makeColorScaleFunc(o.extractScale(t.colorscale,t.cmin,t.cmax)):h,i=m?function(t,e){return void 0===t[e]?c:a(n(t[e]))}:h,s=y?function(t,e){return void 0===t[e]?u:p(t[e])}:p,m||y)for(var b=0;b/g,\"\")}(function(t){for(var e=0;(e=t.indexOf(\"\",e))>=0;){var r=t.indexOf(\"\",e);if(r/g,\"\\n\"))))}},{\"./svg_text_utils\":720,\"superscript-text\":507}],695:[function(t,e,r){\"use strict\";e.exports=function(t){return t}},{}],696:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"../constants/numerical\"),o=a.FP_SAFE,s=a.BADNUM,l=e.exports={};l.nestedProperty=t(\"./nested_property\"),l.keyedContainer=t(\"./keyed_container\"),l.relativeAttr=t(\"./relative_attr\"),l.isPlainObject=t(\"./is_plain_object\"),l.toLogRange=t(\"./to_log_range\"),l.relinkPrivateKeys=t(\"./relink_private\");var c=t(\"./array\");l.isTypedArray=c.isTypedArray,l.isArrayOrTypedArray=c.isArrayOrTypedArray,l.isArray1D=c.isArray1D,l.ensureArray=c.ensureArray,l.concat=c.concat;var u=t(\"./mod\");l.mod=u.mod,l.modHalf=u.modHalf;var f=t(\"./coerce\");l.valObjectMeta=f.valObjectMeta,l.coerce=f.coerce,l.coerce2=f.coerce2,l.coerceFont=f.coerceFont,l.coerceHoverinfo=f.coerceHoverinfo,l.coerceSelectionMarkerOpacity=f.coerceSelectionMarkerOpacity,l.validate=f.validate;var h=t(\"./dates\");l.dateTime2ms=h.dateTime2ms,l.isDateTime=h.isDateTime,l.ms2DateTime=h.ms2DateTime,l.ms2DateTimeLocal=h.ms2DateTimeLocal,l.cleanDate=h.cleanDate,l.isJSDate=h.isJSDate,l.formatDate=h.formatDate,l.incrementMonth=h.incrementMonth,l.dateTick0=h.dateTick0,l.dfltRange=h.dfltRange,l.findExactDates=h.findExactDates,l.MIN_MS=h.MIN_MS,l.MAX_MS=h.MAX_MS;var p=t(\"./search\");l.findBin=p.findBin,l.sorterAsc=p.sorterAsc,l.sorterDes=p.sorterDes,l.distinctVals=p.distinctVals,l.roundUp=p.roundUp,l.sort=p.sort,l.findIndexOfMin=p.findIndexOfMin;var d=t(\"./stats\");l.aggNums=d.aggNums,l.len=d.len,l.mean=d.mean,l.midRange=d.midRange,l.variance=d.variance,l.stdev=d.stdev,l.interp=d.interp;var g=t(\"./matrix\");l.init2dArray=g.init2dArray,l.transposeRagged=g.transposeRagged,l.dot=g.dot,l.translationMatrix=g.translationMatrix,l.rotationMatrix=g.rotationMatrix,l.rotationXYMatrix=g.rotationXYMatrix,l.apply2DTransform=g.apply2DTransform,l.apply2DTransform2=g.apply2DTransform2;var v=t(\"./angles\");l.deg2rad=v.deg2rad,l.rad2deg=v.rad2deg,l.angleDelta=v.angleDelta,l.angleDist=v.angleDist,l.isFullCircle=v.isFullCircle,l.isAngleInsideSector=v.isAngleInsideSector,l.isPtInsideSector=v.isPtInsideSector,l.pathArc=v.pathArc,l.pathSector=v.pathSector,l.pathAnnulus=v.pathAnnulus;var m=t(\"./geometry2d\");l.segmentsIntersect=m.segmentsIntersect,l.segmentDistance=m.segmentDistance,l.getTextLocation=m.getTextLocation,l.clearLocationCache=m.clearLocationCache,l.getVisibleSegment=m.getVisibleSegment,l.findPointOnPath=m.findPointOnPath;var y=t(\"./extend\");l.extendFlat=y.extendFlat,l.extendDeep=y.extendDeep,l.extendDeepAll=y.extendDeepAll,l.extendDeepNoArrays=y.extendDeepNoArrays;var x=t(\"./loggers\");l.log=x.log,l.warn=x.warn,l.error=x.error;var b=t(\"./regex\");l.counterRegex=b.counter;var _=t(\"./throttle\");function w(t){var e={};for(var r in t)for(var n=t[r],i=0;io?s:i(t)?Number(t):s:s},l.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(i(t)&&t>=0&&t%1==0)},l.noop=t(\"./noop\"),l.identity=t(\"./identity\"),l.repeat=function(t,e){for(var r=new Array(e),n=0;nr?Math.max(r,Math.min(e,t)):Math.max(e,Math.min(r,t))},l.bBoxIntersect=function(t,e,r){return r=r||0,t.left<=e.right+r&&e.left<=t.right+r&&t.top<=e.bottom+r&&e.top<=t.bottom+r},l.simpleMap=function(t,e,r,n){for(var i=t.length,a=new Array(i),o=0;o=Math.pow(2,r)?i>10?(l.warn(\"randstr failed uniqueness\"),c):t(e,r,n,(i||0)+1):c},l.OptionControl=function(t,e){t||(t={}),e||(e=\"opt\");var r={optionList:[],_newoption:function(n){n[e]=t,r[n.name]=n,r.optionList.push(n)}};return r[\"_\"+e]=t,r},l.smooth=function(t,e){if((e=Math.round(e)||0)<2)return t;var r,n,i,a,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(i-=s*Math.floor(i/s)),i<0?i=-1-i:i>=o&&(i=s-1-i),a+=t[i]*c[n];u[r]=a}return u},l.syncOrAsync=function(t,e,r){var n;function i(){return l.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(i).then(void 0,l.promiseError);return r&&r(e)},l.stripTrailingSlash=function(t){return\"/\"===t.substr(-1)?t.substr(0,t.length-1):t},l.noneOrAll=function(t,e,r){if(t){var n,i=!1,a=!0;for(n=0;n1?i+o[1]:\"\";if(a&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,\"$1\"+a+\"$2\");return s+l};var A=/%{([^\\s%{}]*)}/g,T=/^\\w*$/;l.templateString=function(t,e){var r={};return t.replace(A,function(t,n){return T.test(n)?e[n]||\"\":(r[n]=r[n]||l.nestedProperty(e,n).get,r[n]()||\"\")})};l.subplotSort=function(t,e){for(var r=Math.min(t.length,e.length)+1,n=0,i=0,a=0;a=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(i=10*i+s-48),!l||!c){if(n!==i)return n-i;if(o!==s)return o-s}}return i-n};var S=2e9;l.seedPseudoRandom=function(){S=2e9},l.pseudoRandom=function(){var t=S;return S=(69069*S+1)%4294967296,Math.abs(S-t)<429496729?l.pseudoRandom():S/4294967296}},{\"../constants/numerical\":673,\"./angles\":677,\"./array\":678,\"./clean_number\":679,\"./clear_responsive\":681,\"./coerce\":682,\"./dates\":683,\"./extend\":685,\"./filter_unique\":686,\"./filter_visible\":687,\"./geometry2d\":690,\"./get_graph_div\":691,\"./identity\":695,\"./is_plain_object\":697,\"./keyed_container\":698,\"./localize\":699,\"./loggers\":700,\"./make_trace_groups\":701,\"./matrix\":702,\"./mod\":703,\"./nested_property\":704,\"./noop\":705,\"./notifier\":706,\"./push_unique\":710,\"./regex\":712,\"./relative_attr\":713,\"./relink_private\":714,\"./search\":715,\"./stats\":718,\"./throttle\":721,\"./to_log_range\":722,d3:148,\"fast-isnumeric\":214}],697:[function(t,e,r){\"use strict\";e.exports=function(t){return window&&window.process&&window.process.versions?\"[object Object]\"===Object.prototype.toString.call(t):\"[object Object]\"===Object.prototype.toString.call(t)&&Object.getPrototypeOf(t)===Object.prototype}},{}],698:[function(t,e,r){\"use strict\";var n=t(\"./nested_property\"),i=/^\\w*$/;e.exports=function(t,e,r,a){var o,s,l;r=r||\"name\",a=a||\"value\";var c={};e&&e.length?(l=n(t,e),s=l.get()):s=t,e=e||\"\";var u={};if(s)for(o=0;o2)return c[e]=2|c[e],h.set(t,null);if(f){for(o=e;o1){for(var t=[\"LOG:\"],e=0;e0){for(var t=[\"WARN:\"],e=0;e0){for(var t=[\"ERROR:\"],e=0;ee/2?t-Math.round(t/e)*e:t}}},{}],704:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"./array\").isArrayOrTypedArray;e.exports=function(t,e){if(n(e))e=String(e);else if(\"string\"!=typeof e||\"[-1]\"===e.substr(e.length-4))throw\"bad property string\";for(var r,a,o,l=0,c=e.split(\".\");l/g),o=0;oa||c===i||cs||e&&l(t))}:function(t,e){var l=t[0],c=t[1];if(l===i||la||c===i||cs)return!1;var u,f,h,p,d,g=r.length,v=r[0][0],m=r[0][1],y=0;for(u=1;uMath.max(f,v)||c>Math.max(h,m)))if(cu||Math.abs(n(o,h))>i)return!0;return!1};a.filter=function(t,e){var r=[t[0]],n=0,i=0;function a(a){t.push(a);var s=r.length,l=n;r.splice(i+1);for(var c=l+1;c1&&a(t.pop());return{addPt:a,raw:t,filtered:r}}},{\"../constants/numerical\":673,\"./matrix\":702}],709:[function(t,e,r){(function(r){\"use strict\";var n=t(\"./show_no_webgl_msg\"),i=t(\"regl\");e.exports=function(t,e){var a=t._fullLayout,o=!0;return a._glcanvas.each(function(n){if(!n.regl&&(!n.pick||a._has(\"parcoords\"))){try{n.regl=i({canvas:this,attributes:{antialias:!n.pick,preserveDrawingBuffer:!0},pixelRatio:t._context.plotGlPixelRatio||r.devicePixelRatio,extensions:e||[]})}catch(t){o=!1}o&&this.addEventListener(\"webglcontextlost\",function(e){t&&t.emit&&t.emit(\"plotly_webglcontextlost\",{event:e,layer:n.key})},!1)}}),o||n({container:a._glcontainer.node()}),o}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"./show_no_webgl_msg\":717,regl:478}],710:[function(t,e,r){\"use strict\";e.exports=function(t,e){if(e instanceof RegExp){var r,n=e.toString();for(r=0;ri.queueLength&&(t.undoQueue.queue.shift(),t.undoQueue.index--))},startSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!0,t.undoQueue.beginSequence=!0},stopSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!1,t.undoQueue.beginSequence=!1},undo:function(t){var e,r;if(t.framework&&t.framework.isPolar)t.framework.undo();else if(!(void 0===t.undoQueue||isNaN(t.undoQueue.index)||t.undoQueue.index<=0)){for(t.undoQueue.index--,e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;r=t.undoQueue.queue.length)){for(e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;re}function c(t,e){return t>=e}r.findBin=function(t,e,r){if(n(e.start))return r?Math.ceil((t-e.start)/e.size-1e-9)-1:Math.floor((t-e.start)/e.size+1e-9);var a,u,f=0,h=e.length,p=0,d=h>1?(e[h-1]-e[0])/(h-1):1;for(u=d>=0?r?o:s:r?c:l,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);f90&&i.log(\"Long binary search...\"),f-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t){var e=t.slice();e.sort(r.sorterAsc);for(var n=e.length-1,i=e[n]-e[0]||1,a=i/(n||1)/1e4,o=[e[0]],s=0;se[s]+a&&(i=Math.min(i,e[s+1]-e[s]),o.push(e[s+1]));return{vals:o,minDiff:i}},r.roundUp=function(t,e,r){for(var n,i=0,a=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;i0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||a;for(var r,n=1/0,i=0;ia.length)&&(o=a.length),n(e)||(e=!1),i(a[0])){for(l=new Array(o),s=0;st.length-1)return t[t.length-1];var r=e%1;return r*t[Math.ceil(e)]+(1-r)*t[Math.floor(e)]}},{\"./array\":678,\"fast-isnumeric\":214}],719:[function(t,e,r){\"use strict\";var n=t(\"color-normalize\");e.exports=function(t){return t?n(t):[0,0,0,1]}},{\"color-normalize\":108}],720:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../lib\"),a=t(\"../constants/xmlns_namespaces\"),o=t(\"../constants/alignment\").LINE_SPACING;function s(t,e){return t.node().getBoundingClientRect()[e]}var l=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,v){var S=t.text(),E=!t.attr(\"data-notex\")&&\"undefined\"!=typeof MathJax&&S.match(l),L=n.select(t.node().parentNode);if(!L.empty()){var z=t.attr(\"class\")?t.attr(\"class\").split(\" \")[0]:\"text\";return z+=\"-math\",L.selectAll(\"svg.\"+z).remove(),L.selectAll(\"g.\"+z+\"-group\").remove(),t.style(\"display\",null).attr({\"data-unformatted\":S,\"data-math\":\"N\"}),E?(e&&e._promises||[]).push(new Promise(function(e){t.style(\"display\",\"none\");var r=parseInt(t.node().style.fontSize,10),a={fontSize:r};!function(t,e,r){var a,o,s,l;MathJax.Hub.Queue(function(){return o=i.extendDeepAll({},MathJax.Hub.config),s=MathJax.Hub.processSectionDelay,void 0!==MathJax.Hub.processSectionDelay&&(MathJax.Hub.processSectionDelay=0),MathJax.Hub.Config({messageStyle:\"none\",tex2jax:{inlineMath:[[\"$\",\"$\"],[\"\\\\(\",\"\\\\)\"]]},displayAlign:\"left\"})},function(){if(\"SVG\"!==(a=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer(\"SVG\")},function(){var r=\"math-output-\"+i.randstr({},64);return l=n.select(\"body\").append(\"div\").attr({id:r}).style({visibility:\"hidden\",position:\"absolute\"}).style({\"font-size\":e.fontSize+\"px\"}).text(t.replace(c,\"\\\\lt \").replace(u,\"\\\\gt \")),MathJax.Hub.Typeset(l.node())},function(){var e=n.select(\"body\").select(\"#MathJax_SVG_glyphs\");if(l.select(\".MathJax_SVG\").empty()||!l.select(\"svg\").node())i.log(\"There was an error in the tex syntax.\",t),r();else{var o=l.select(\"svg\").node().getBoundingClientRect();r(l.select(\".MathJax_SVG\"),e,o)}if(l.remove(),\"SVG\"!==a)return MathJax.Hub.setRenderer(a)},function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)})}(E[2],a,function(n,i,a){L.selectAll(\"svg.\"+z).remove(),L.selectAll(\"g.\"+z+\"-group\").remove();var o=n&&n.select(\"svg\");if(!o||!o.node())return O(),void e();var l=L.append(\"g\").classed(z+\"-group\",!0).attr({\"pointer-events\":\"none\",\"data-unformatted\":S,\"data-math\":\"Y\"});l.node().appendChild(o.node()),i&&i.node()&&o.node().insertBefore(i.node().cloneNode(!0),o.node().firstChild),o.attr({class:z,height:a.height,preserveAspectRatio:\"xMinYMin meet\"}).style({overflow:\"visible\",\"pointer-events\":\"none\"});var c=t.node().style.fill||\"black\";o.select(\"g\").attr({fill:c,stroke:c});var u=s(o,\"width\"),f=s(o,\"height\"),h=+t.attr(\"x\")-u*{start:0,middle:.5,end:1}[t.attr(\"text-anchor\")||\"start\"],p=-(r||s(t,\"height\"))/4;\"y\"===z[0]?(l.attr({transform:\"rotate(\"+[-90,+t.attr(\"x\"),+t.attr(\"y\")]+\") translate(\"+[-u/2,p-f/2]+\")\"}),o.attr({x:+t.attr(\"x\"),y:+t.attr(\"y\")})):\"l\"===z[0]?o.attr({x:t.attr(\"x\"),y:p-f/2}):\"a\"===z[0]?o.attr({x:0,y:p}):o.attr({x:h,y:+t.attr(\"y\")+p-f/2}),v&&v.call(t,l),e(l)})})):O(),t}function O(){L.empty()||(z=t.attr(\"class\")+\"-math\",L.select(\"svg.\"+z).remove()),t.text(\"\").style(\"white-space\",\"pre\"),function(t,e){e=e.replace(m,\" \");var r,s=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(a.svg,\"tspan\");n.select(e).attr({class:\"line\",dy:c*o+\"em\"}),t.appendChild(e),r=e;var i=l;if(l=[{node:e}],i.length>1)for(var s=1;s doesnt match end tag <\"+t+\">. Pretending it did match.\",e),r=l[l.length-1].node}else i.log(\"Ignoring unexpected end tag .\",e)}b.test(e)?u():(r=t,l=[{node:t}]);for(var L=e.split(y),z=0;z|>|>)/g;var f={sup:\"font-size:70%\",sub:\"font-size:70%\",b:\"font-weight:bold\",i:\"font-style:italic\",a:\"cursor:pointer\",span:\"\",em:\"font-style:italic;font-weight:bold\"},h={sub:\"0.3em\",sup:\"-0.6em\"},p={sub:\"-0.21em\",sup:\"0.42em\"},d=\"\\u200b\",g=[\"http:\",\"https:\",\"mailto:\",\"\",void 0,\":\"],v=new RegExp(\"]*)?/?>\",\"g\"),m=/(\\r\\n?|\\n)/g,y=/(<[^<>]*>)/,x=/<(\\/?)([^ >]*)(\\s+(.*))?>/i,b=//i,_=/(^|[\\s\"'])style\\s*=\\s*(\"([^\"]*);?\"|'([^']*);?')/i,w=/(^|[\\s\"'])href\\s*=\\s*(\"([^\"]*)\"|'([^']*)')/i,k=/(^|[\\s\"'])target\\s*=\\s*(\"([^\"\\s]*)\"|'([^'\\s]*)')/i,M=/(^|[\\s\"'])popup\\s*=\\s*(\"([\\w=,]*)\"|'([\\w=,]*)')/i;function A(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&C(n)}var T=/(^|;)\\s*color:/;r.plainText=function(t){return(t||\"\").replace(v,\" \")};var S={mu:\"\\u03bc\",amp:\"&\",lt:\"<\",gt:\">\",nbsp:\"\\xa0\",times:\"\\xd7\",plusmn:\"\\xb1\",deg:\"\\xb0\"},E=/&(#\\d+|#x[\\da-fA-F]+|[a-z]+);/g;function C(t){return t.replace(E,function(t,e){return(\"#\"===e.charAt(0)?function(t){if(t>1114111)return;var e=String.fromCodePoint;if(e)return e(t);var r=String.fromCharCode;return t<=65535?r(t):r(55232+(t>>10),t%1024+56320)}(\"x\"===e.charAt(1)?parseInt(e.substr(2),16):parseInt(e.substr(1),10)):S[e])||t})}function L(t,e,r){var n,i,a,o=r.horizontalAlign,s=r.verticalAlign||\"top\",l=t.node().getBoundingClientRect(),c=e.node().getBoundingClientRect();return i=\"bottom\"===s?function(){return l.bottom-n.height}:\"middle\"===s?function(){return l.top+(l.height-n.height)/2}:function(){return l.top},a=\"right\"===o?function(){return l.right-n.width}:\"center\"===o?function(){return l.left+(l.width-n.width)/2}:function(){return l.left},function(){return n=this.node().getBoundingClientRect(),this.style({top:i()-c.top+\"px\",left:a()-c.left+\"px\",\"z-index\":1e3}),this}}r.convertEntities=C,r.lineCount=function(t){return t.selectAll(\"tspan.line\").size()||1},r.positionText=function(t,e,r){return t.each(function(){var t=n.select(this);function i(e,r){return void 0===r?null===(r=t.attr(e))&&(t.attr(e,0),r=0):t.attr(e,r),r}var a=i(\"x\",e),o=i(\"y\",r);\"text\"===this.nodeName&&t.selectAll(\"tspan.line\").attr({x:a,y:o})})},r.makeEditable=function(t,e){var r=e.gd,i=e.delegate,a=n.dispatch(\"edit\",\"input\",\"cancel\"),o=i||t;if(t.style({\"pointer-events\":i?\"none\":\"all\"}),1!==t.size())throw new Error(\"boo\");function s(){!function(){var i=n.select(r).select(\".svg-container\"),o=i.append(\"div\"),s=t.node().style,c=parseFloat(s.fontSize||12),u=e.text;void 0===u&&(u=t.attr(\"data-unformatted\"));o.classed(\"plugin-editable editable\",!0).style({position:\"absolute\",\"font-family\":s.fontFamily||\"Arial\",\"font-size\":c,color:e.fill||s.fill||\"black\",opacity:1,\"background-color\":e.background||\"transparent\",outline:\"#ffffff33 1px solid\",margin:[-c/8+1,0,0,-1].join(\"px \")+\"px\",padding:\"0\",\"box-sizing\":\"border-box\"}).attr({contenteditable:!0}).text(u).call(L(t,i,e)).on(\"blur\",function(){r._editing=!1,t.text(this.textContent).style({opacity:1});var e,i=n.select(this).attr(\"class\");(e=i?\".\"+i.split(\" \")[0]+\"-math-group\":\"[class*=-math-group]\")&&n.select(t.node().parentNode).select(e).style({opacity:0});var o=this.textContent;n.select(this).transition().duration(0).remove(),n.select(document).on(\"mouseup\",null),a.edit.call(t,o)}).on(\"focus\",function(){var t=this;r._editing=!0,n.select(document).on(\"mouseup\",function(){if(n.event.target===t)return!1;document.activeElement===o.node()&&o.node().blur()})}).on(\"keyup\",function(){27===n.event.which?(r._editing=!1,t.style({opacity:1}),n.select(this).style({opacity:0}).on(\"blur\",function(){return!1}).transition().remove(),a.cancel.call(t,this.textContent)):(a.input.call(t,this.textContent),n.select(this).call(L(t,i,e)))}).on(\"keydown\",function(){13===n.event.which&&this.blur()}).call(l)}(),t.style({opacity:0});var i,s=o.attr(\"class\");(i=s?\".\"+s.split(\" \")[0]+\"-math-group\":\"[class*=-math-group]\")&&n.select(t.node().parentNode).select(i).style({opacity:0})}function l(t){var e=t.node(),r=document.createRange();r.selectNodeContents(e);var n=window.getSelection();n.removeAllRanges(),n.addRange(r),e.focus()}return e.immediate?s():o.on(\"click\",s),n.rebind(t,a,\"on\")}},{\"../constants/alignment\":668,\"../constants/xmlns_namespaces\":674,\"../lib\":696,d3:148}],721:[function(t,e,r){\"use strict\";var n={};function i(t){t&&null!==t.timer&&(clearTimeout(t.timer),t.timer=null)}r.throttle=function(t,e,r){var a=n[t],o=Date.now();if(!a){for(var s in n)n[s].tsa.ts+e?l():a.timer=setTimeout(function(){l(),a.timer=null},e)},r.done=function(t){var e=n[t];return e&&e.timer?new Promise(function(t){var r=e.onDone;e.onDone=function(){r&&r(),t(),e.onDone=null}}):Promise.resolve()},r.clear=function(t){if(t)i(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],722:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\");e.exports=function(t,e){if(t>0)return Math.log(t)/Math.LN10;var r=Math.log(Math.min(e[0],e[1]))/Math.LN10;return n(r)||(r=Math.log(Math.max(e[0],e[1]))/Math.LN10-6),r}},{\"fast-isnumeric\":214}],723:[function(t,e,r){\"use strict\";var n=e.exports={},i=t(\"../plots/geo/constants\").locationmodeToLayer,a=t(\"topojson-client\").feature;n.getTopojsonName=function(t){return[t.scope.replace(/ /g,\"-\"),\"_\",t.resolution.toString(),\"m\"].join(\"\")},n.getTopojsonPath=function(t,e){return t+e+\".json\"},n.getTopojsonFeatures=function(t,e){var r=i[t.locationmode],n=e.objects[r];return a(e,n).features}},{\"../plots/geo/constants\":773,\"topojson-client\":517}],724:[function(t,e,r){\"use strict\";e.exports={moduleType:\"locale\",name:\"en-US\",dictionary:{\"Click to enter Colorscale title\":\"Click to enter Colorscale title\"},format:{date:\"%m/%d/%Y\"}}},{}],725:[function(t,e,r){\"use strict\";e.exports={moduleType:\"locale\",name:\"en\",dictionary:{\"Click to enter Colorscale title\":\"Click to enter Colourscale title\"},format:{days:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],shortDays:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],months:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],shortMonths:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],periods:[\"AM\",\"PM\"],dateTime:\"%a %b %e %X %Y\",date:\"%d/%m/%Y\",time:\"%H:%M:%S\",decimal:\".\",thousands:\",\",grouping:[3],currency:[\"$\",\"\"],year:\"%Y\",month:\"%b %Y\",dayMonth:\"%b %-d\",dayMonthYear:\"%b %-d, %Y\"}}},{}],726:[function(t,e,r){\"use strict\";var n=t(\"../registry\");e.exports=function(t){for(var e,r,i=n.layoutArrayContainers,a=n.layoutArrayRegexes,o=t.split(\"[\")[0],s=0;s0&&o.log(\"Clearing previous rejected promises from queue.\"),t._promises=[]},r.cleanLayout=function(t){var e,r;t||(t={}),t.xaxis1&&(t.xaxis||(t.xaxis=t.xaxis1),delete t.xaxis1),t.yaxis1&&(t.yaxis||(t.yaxis=t.yaxis1),delete t.yaxis1),t.scene1&&(t.scene||(t.scene=t.scene1),delete t.scene1);var n=(s.subplotsRegistry.cartesian||{}).attrRegex,a=(s.subplotsRegistry.gl3d||{}).attrRegex,l=Object.keys(t);for(e=0;e3?(T.x=1.02,T.xanchor=\"left\"):T.x<-2&&(T.x=-.02,T.xanchor=\"right\"),T.y>3?(T.y=1.02,T.yanchor=\"bottom\"):T.y<-2&&(T.y=-.02,T.yanchor=\"top\")),\"rotate\"===t.dragmode&&(t.dragmode=\"orbit\"),f.clean(t),t},r.cleanData=function(t){for(var e=0;e0)return t.substr(0,e)}r.hasParent=function(t,e){for(var r=y(e);r;){if(r in t)return!0;r=y(r)}return!1};var x=[\"x\",\"y\",\"z\"];r.clearAxisTypes=function(t,e,r){for(var n=0;n1&&o.warn(\"Full array edits are incompatible with other edits\",f);var y=r[\"\"][\"\"];if(u(y))e.set(null);else{if(!Array.isArray(y))return o.warn(\"Unrecognized full array edit value\",f,y),!0;e.set(y)}return!g&&(h(v,m),p(t),!0)}var x,b,_,w,k,M,A,T=Object.keys(r).map(Number).sort(s),S=e.get(),E=S||[],C=n(m,f).get(),L=[],z=-1,O=E.length;for(x=0;xE.length-(A?0:1))o.warn(\"index out of range\",f,_);else if(void 0!==M)k.length>1&&o.warn(\"Insertion & removal are incompatible with edits to the same index.\",f,_),u(M)?L.push(_):A?(\"add\"===M&&(M={}),E.splice(_,0,M),C&&C.splice(_,0,{})):o.warn(\"Unrecognized full object edit value\",f,_,M),-1===z&&(z=_);else for(b=0;b=0;x--)E.splice(L[x],1),C&&C.splice(L[x],1);if(E.length?S||e.set(E):e.set(null),g)return!1;if(h(v,m),d!==a){var I;if(-1===z)I=T;else{for(O=Math.max(E.length,O),I=[],x=0;x=z);x++)I.push(_);for(x=z;x=t.data.length||i<-t.data.length)throw new Error(r+\" must be valid indices for gd.data.\");if(e.indexOf(i,n+1)>-1||i>=0&&e.indexOf(-t.data.length+i)>-1||i<0&&e.indexOf(t.data.length+i)>-1)throw new Error(\"each index in \"+r+\" must be unique.\")}}function I(t,e,r){if(!Array.isArray(t.data))throw new Error(\"gd.data must be an array.\");if(\"undefined\"==typeof e)throw new Error(\"currentIndices is a required argument.\");if(Array.isArray(e)||(e=[e]),O(t,e,\"currentIndices\"),\"undefined\"==typeof r||Array.isArray(r)||(r=[r]),\"undefined\"!=typeof r&&O(t,r,\"newIndices\"),\"undefined\"!=typeof r&&e.length!==r.length)throw new Error(\"current and new indices must be of equal length.\")}function P(t,e,r,n,a){!function(t,e,r,n){var i=o.isPlainObject(n);if(!Array.isArray(t.data))throw new Error(\"gd.data must be an array\");if(!o.isPlainObject(e))throw new Error(\"update must be a key:value object\");if(\"undefined\"==typeof r)throw new Error(\"indices must be an integer or array of integers\");for(var a in O(t,r,\"indices\"),e){if(!Array.isArray(e[a])||e[a].length!==r.length)throw new Error(\"attribute \"+a+\" must be an array of length equal to indices array length\");if(i&&(!(a in n)||!Array.isArray(n[a])||n[a].length!==e[a].length))throw new Error(\"when maxPoints is set as a key:value object it must contain a 1:1 corrispondence with the keys and number of traces in the update object\")}}(t,e,r,n);for(var s=function(t,e,r,n){var a,s,l,c,u,f=o.isPlainObject(n),h=[];for(var p in Array.isArray(r)||(r=[r]),r=z(r,t.data.length-1),e)for(var d=0;d=0&&r=0&&r0&&\"string\"!=typeof C.parts[z];)z--;var O=C.parts[z],I=C.parts[z-1]+\".\"+O,P=C.parts.slice(0,z).join(\".\"),D=o.nestedProperty(t.layout,P).get(),B=o.nestedProperty(s,P).get(),F=C.get();if(void 0!==L){y[E]=L,x[E]=\"reverse\"===O?L:R(F);var N=u.getLayoutValObject(s,C.parts);if(N&&N.impliedEdits&&null!==L)for(var q in N.impliedEdits)b(o.relativeAttr(E,q),N.impliedEdits[q]);if(-1!==[\"width\",\"height\"].indexOf(E))if(L){b(\"autosize\",null);var G=\"height\"===E?\"width\":\"height\";b(G,s[G])}else s[E]=t._initialAutoSize[E];else if(\"autosize\"===E)b(\"width\",L?null:s.width),b(\"height\",L?null:s.height);else if(I.match(j))S(I),o.nestedProperty(s,P+\"._inputRange\").set(null);else if(I.match(V)){S(I),o.nestedProperty(s,P+\"._inputRange\").set(null);var W=o.nestedProperty(s,P).get();W._inputDomain&&(W._input.domain=W._inputDomain.slice())}else I.match(U)&&o.nestedProperty(s,P+\"._inputDomain\").set(null);if(\"type\"===O){var Y=D,X=\"linear\"===B.type&&\"log\"===L,Z=\"log\"===B.type&&\"linear\"===L;if(X||Z){if(Y&&Y.range)if(B.autorange)X&&(Y.range=Y.range[1]>Y.range[0]?[1,2]:[2,1]);else{var $=Y.range[0],J=Y.range[1];X?($<=0&&J<=0&&b(P+\".autorange\",!0),$<=0?$=J/1e6:J<=0&&(J=$/1e6),b(P+\".range[0]\",Math.log($)/Math.LN10),b(P+\".range[1]\",Math.log(J)/Math.LN10)):(b(P+\".range[0]\",Math.pow(10,$)),b(P+\".range[1]\",Math.pow(10,J)))}else b(P+\".autorange\",!0);Array.isArray(s._subplots.polar)&&s._subplots.polar.length&&s[C.parts[0]]&&\"radialaxis\"===C.parts[1]&&delete s[C.parts[0]]._subplot.viewInitial[\"radialaxis.range\"],c.getComponentMethod(\"annotations\",\"convertCoords\")(t,B,L,b),c.getComponentMethod(\"images\",\"convertCoords\")(t,B,L,b)}else b(P+\".autorange\",!0),b(P+\".range\",null);o.nestedProperty(s,P+\"._inputRange\").set(null)}else if(O.match(A)){var K=o.nestedProperty(s,E).get(),Q=(L||{}).type;Q&&\"-\"!==Q||(Q=\"linear\"),c.getComponentMethod(\"annotations\",\"convertCoords\")(t,K,Q,b),c.getComponentMethod(\"images\",\"convertCoords\")(t,K,Q,b)}var tt=_.containerArrayMatch(E);if(tt){r=tt.array,n=tt.index;var et=tt.property,rt=(o.nestedProperty(a,r)||[])[n]||{},nt=N||{editType:\"calc\"};\"\"!==n&&\"\"===et&&(_.isAddVal(L)?x[E]=null:_.isRemoveVal(L)?x[E]=rt:o.warn(\"unrecognized full object value\",e)),M.update(m,nt),h[r]||(h[r]={});var it=h[r][n];it||(it=h[r][n]={}),it[et]=L,delete e[E]}else\"reverse\"===O?(D.range?D.range.reverse():(b(P+\".autorange\",!0),D.range=[1,0]),B.autorange?m.calc=!0:m.plot=!0):(s._has(\"scatter-like\")&&s._has(\"regl\")&&\"dragmode\"===E&&(\"lasso\"===L||\"select\"===L)&&\"lasso\"!==F&&\"select\"!==F?m.plot=!0:N?M.update(m,N):m.calc=!0,C.set(L))}}for(r in h){_.applyContainerArrayChanges(t,o.nestedProperty(a,r),h[r],m)||(m.plot=!0)}var at=s._axisConstraintGroups||[];for(k in T)for(n=0;n=i.length?i[0]:i[t]:i}function l(t){return Array.isArray(a)?t>=a.length?a[0]:a[t]:a}function c(t,e){var r=0;return function(){if(t&&++r===e)return t()}}return void 0===n._frameWaitingCnt&&(n._frameWaitingCnt=0),new Promise(function(a,u){function h(){n._currentFrame&&n._currentFrame.onComplete&&n._currentFrame.onComplete();var e=n._currentFrame=n._frameQueue.shift();if(e){var r=e.name?e.name.toString():null;t._fullLayout._currentFrame=r,n._lastFrameAt=Date.now(),n._timeToNext=e.frameOpts.duration,f.transition(t,e.frame.data,e.frame.layout,w.coerceTraceIndices(t,e.frame.traces),e.frameOpts,e.transitionOpts).then(function(){e.onComplete&&e.onComplete()}),t.emit(\"plotly_animatingframe\",{name:r,frame:e.frame,animation:{frame:e.frameOpts,transition:e.transitionOpts}})}else t.emit(\"plotly_animated\"),window.cancelAnimationFrame(n._animationRaf),n._animationRaf=null}function p(){t.emit(\"plotly_animating\"),n._lastFrameAt=-1/0,n._timeToNext=0,n._runningTransitions=0,n._currentFrame=null;var e=function(){n._animationRaf=window.requestAnimationFrame(e),Date.now()-n._lastFrameAt>n._timeToNext&&h()};e()}var d,g,v=0;function m(t){return Array.isArray(i)?v>=i.length?t.transitionOpts=i[v]:t.transitionOpts=i[0]:t.transitionOpts=i,v++,t}var y=[],x=null==e,b=Array.isArray(e);if(!x&&!b&&o.isPlainObject(e))y.push({type:\"object\",data:m(o.extendFlat({},e))});else if(x||-1!==[\"string\",\"number\"].indexOf(typeof e))for(d=0;d0&&MM)&&A.push(g);y=A}}y.length>0?function(e){if(0!==e.length){for(var i=0;i=0;n--)if(o.isPlainObject(e[n])){var g=e[n].name,v=(u[g]||d[g]||{}).name,m=e[n].name,y=u[v]||d[v];v&&m&&\"number\"==typeof m&&y&&T<5&&(T++,o.warn('addFrames: overwriting frame \"'+(u[v]||d[v]).name+'\" with a frame whose name of type \"number\" also equates to \"'+v+'\". This is valid but may potentially lead to unexpected behavior since all plotly.js frame names are stored internally as strings.'),5===T&&o.warn(\"addFrames: This API call has yielded too many of these warnings. For the rest of this call, further warnings about numeric frame names will be suppressed.\")),d[g]={name:g},p.push({frame:f.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:h+n})}p.sort(function(t,e){return t.index>e.index?-1:t.index=0;n--){if(\"number\"==typeof(i=p[n].frame).name&&o.warn(\"Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings\"),!i.name)for(;u[i.name=\"frame \"+t._transitionData._counter++];);if(u[i.name]){for(a=0;a=0;r--)n=e[r],a.push({type:\"delete\",index:n}),s.unshift({type:\"insert\",index:n,value:i[n]});var c=f.modifyFrames,u=f.modifyFrames,h=[t,s],p=[t,a];return l&&l.add(t,c,h,u,p),f.modifyFrames(t,a)},r.purge=function(t){var e=(t=o.getGraphDiv(t))._fullLayout||{},r=t._fullData||[];return f.cleanPlot([],{},r,e),f.purge(t),s.purge(t),e._container&&e._container.remove(),delete t._context,t}},{\"../components/color\":570,\"../components/colorbar/connect\":572,\"../components/drawing\":595,\"../constants/xmlns_namespaces\":674,\"../lib\":696,\"../lib/events\":684,\"../lib/queue\":711,\"../lib/svg_text_utils\":720,\"../plots/cartesian/axes\":744,\"../plots/cartesian/constants\":750,\"../plots/cartesian/graph_interact\":754,\"../plots/plots\":808,\"../plots/polar/legacy\":816,\"../registry\":827,\"./edit_types\":727,\"./helpers\":728,\"./manage_arrays\":730,\"./plot_config\":732,\"./plot_schema\":733,\"./subroutines\":735,d3:148,\"fast-isnumeric\":214,\"has-hover\":393}],732:[function(t,e,r){\"use strict\";e.exports={staticPlot:!1,plotlyServerURL:\"https://plot.ly\",editable:!1,edits:{annotationPosition:!1,annotationTail:!1,annotationText:!1,axisTitleText:!1,colorbarPosition:!1,colorbarTitleText:!1,legendPosition:!1,legendText:!1,shapePosition:!1,titleText:!1},autosizable:!1,responsive:!1,queueLength:0,fillFrame:!1,frameMargins:0,scrollZoom:!1,doubleClick:\"reset+autosize\",showTips:!0,showAxisDragHandles:!0,showAxisRangeEntryBoxes:!0,showLink:!1,sendData:!0,linkText:\"Edit chart\",showSources:!1,displayModeBar:\"hover\",modeBarButtonsToRemove:[],modeBarButtonsToAdd:[],modeBarButtons:!1,toImageButtonOptions:{},displaylogo:!0,plotGlPixelRatio:2,setBackground:\"transparent\",topojsonURL:\"https://cdn.plot.ly/\",mapboxAccessToken:null,logging:1,globalTransforms:[],locale:\"en-US\",locales:{}}},{}],733:[function(t,e,r){\"use strict\";var n=t(\"../registry\"),i=t(\"../lib\"),a=t(\"../plots/attributes\"),o=t(\"../plots/layout_attributes\"),s=t(\"../plots/frame_attributes\"),l=t(\"../plots/animation_attributes\"),c=t(\"../plots/polar/legacy/area_attributes\"),u=t(\"../plots/polar/legacy/axis_attributes\"),f=t(\"./edit_types\"),h=i.extendFlat,p=i.extendDeepAll,d=i.isPlainObject,g=\"_isSubplotObj\",v=\"_isLinkedToArray\",m=[g,v,\"_arrayAttrRegexps\",\"_deprecated\"];function y(t,e,r){if(!t)return!1;if(t._isLinkedToArray)if(x(e[r]))r++;else if(r=a.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!x(o))return!1;t=a[i][o]}else t=a[i]}else t=a}}return t}function x(t){return t===Math.round(t)&&t>=0}function b(t){return function(t){r.crawl(t,function(t,e,n){r.isValObject(t)?\"data_array\"===t.valType?(t.role=\"data\",n[e+\"src\"]={valType:\"string\",editType:\"none\"}):!0===t.arrayOk&&(n[e+\"src\"]={valType:\"string\",editType:\"none\"}):d(t)&&(t.role=\"object\")})}(t),function(t){r.crawl(t,function(t,e,r){if(!t)return;var n=t[v];if(!n)return;delete t[v],r[e]={items:{}},r[e].items[n]=t,r[e].role=\"object\"})}(t),function(t){!function t(e){for(var r in e)if(d(e[r]))t(e[r]);else if(Array.isArray(e[r]))for(var n=0;n=l.length)return!1;i=(r=(n.transformsRegistry[l[u].type]||{}).attributes)&&r[e[2]],s=3}else if(\"area\"===t.type)i=c[o];else{var f=t._module;if(f||(f=(n.modules[t.type||a.type.dflt]||{})._module),!f)return!1;if(!(i=(r=f.attributes)&&r[o])){var h=f.basePlotModule;h&&h.attributes&&(i=h.attributes[o])}i||(i=a[o])}return y(i,e,s)},r.getLayoutValObject=function(t,e){return y(function(t,e){var r,i,a,s,l=t._basePlotModules;if(l){var c;for(r=0;r=i&&(r._input||{})._templateitemname;s&&(o=i);var l,c=e+\"[\"+o+\"]\";function u(){l={},s&&(l[c]={},l[c][a]=s)}function f(t,e){s?n.nestedProperty(l[c],t).set(e):l[c+\".\"+t]=e}function h(){var t=l;return u(),t}return u(),{modifyBase:function(t,e){l[t]=e},modifyItem:f,getUpdateObj:h,applyUpdate:function(e,r){e&&f(e,r);var i=h();for(var a in i)n.nestedProperty(t,a).set(i[a])}}}},{\"../lib\":696,\"../plots/attributes\":741}],735:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../registry\"),a=t(\"../plots/plots\"),o=t(\"../lib\"),s=t(\"../lib/clear_gl_canvases\"),l=t(\"../components/color\"),c=t(\"../components/drawing\"),u=t(\"../components/titles\"),f=t(\"../components/modebar\"),h=t(\"../plots/cartesian/axes\"),p=t(\"../constants/alignment\"),d=t(\"../plots/cartesian/constraints\"),g=d.enforce,v=d.clean,m=t(\"../plots/cartesian/autorange\").doAutoRange;function y(t,e,r){for(var n=0;n=t[1]||i[1]<=t[0])&&(a[0]e[0]))return!0}return!1}function x(t){var e,i,a,s,u,d=t._fullLayout,g=d._size,v=g.p,m=h.list(t,\"\",!0);if(d._paperdiv.style({width:t._context.responsive&&d.autosize&&!t._context._hasZeroWidth&&!t.layout.width?\"100%\":d.width+\"px\",height:t._context.responsive&&d.autosize&&!t._context._hasZeroHeight&&!t.layout.height?\"100%\":d.height+\"px\"}).selectAll(\".main-svg\").call(c.setSize,d.width,d.height),t._context.setBackground(t,d.paper_bgcolor),r.drawMainTitle(t),f.manage(t),!d._has(\"cartesian\"))return t._promises.length&&Promise.all(t._promises);function x(t,e,r){var n=t._lw/2;return\"x\"===t._id.charAt(0)?e?\"top\"===r?e._offset-v-n:e._offset+e._length+v+n:g.t+g.h*(1-(t.position||0))+n%1:e?\"right\"===r?e._offset+e._length+v+n:e._offset-v-n:g.l+g.w*(t.position||0)+n%1}for(e=0;ek?u.push({code:\"unused\",traceType:y,templateCount:w,dataCount:k}):k>w&&u.push({code:\"reused\",traceType:y,templateCount:w,dataCount:k})}}else u.push({code:\"data\"});if(function t(e,r){for(var n in e)if(\"_\"!==n.charAt(0)){var a=e[n],o=p(e,n,r);i(a)?(Array.isArray(e)&&!1===a._template&&a.templateitemname&&u.push({code:\"missing\",path:o,templateitemname:a.templateitemname}),t(a,o)):Array.isArray(a)&&d(a)&&t(a,o)}}({data:v,layout:h},\"\"),u.length)return u.map(g)}},{\"../lib\":696,\"../plots/attributes\":741,\"../plots/plots\":808,\"./plot_config\":732,\"./plot_schema\":733,\"./plot_template\":734}],737:[function(t,e,r){\"use strict\";var n=t(\"./plot_api\"),i=t(\"../lib\"),a=t(\"../snapshot/helpers\"),o=t(\"../snapshot/tosvg\"),s=t(\"../snapshot/svgtoimg\"),l={format:{valType:\"enumerated\",values:[\"png\",\"jpeg\",\"webp\",\"svg\"],dflt:\"png\"},width:{valType:\"number\",min:1},height:{valType:\"number\",min:1},scale:{valType:\"number\",min:0,dflt:1},setBackground:{valType:\"any\",dflt:!1},imageDataOnly:{valType:\"boolean\",dflt:!1}},c=/^data:image\\/\\w+;base64,/;e.exports=function(t,e){var r,u,f;function h(t){return!(t in e)||i.validate(e[t],l[t])}if(e=e||{},i.isPlainObject(t)?(r=t.data||[],u=t.layout||{},f=t.config||{}):(t=i.getGraphDiv(t),r=i.extendDeep([],t.data),u=i.extendDeep({},t.layout),f=t._context),!h(\"width\")||!h(\"height\"))throw new Error(\"Height and width should be pixel values.\");if(!h(\"format\"))throw new Error(\"Image format is not jpeg, png, svg or webp.\");var p={};function d(t,r){return i.coerce(e,p,l,t,r)}var g=d(\"format\"),v=d(\"width\"),m=d(\"height\"),y=d(\"scale\"),x=d(\"setBackground\"),b=d(\"imageDataOnly\"),_=document.createElement(\"div\");_.style.position=\"absolute\",_.style.left=\"-5000px\",document.body.appendChild(_);var w=i.extendFlat({},u);v&&(w.width=v),m&&(w.height=m);var k=i.extendFlat({},f,{staticPlot:!0,setBackground:x}),M=a.getRedrawFunc(_);function A(){return new Promise(function(t){setTimeout(t,a.getDelay(_._fullLayout))})}function T(){return new Promise(function(t,e){var r=o(_,g,y),a=_._fullLayout.width,l=_._fullLayout.height;if(n.purge(_),document.body.removeChild(_),\"svg\"===g)return t(b?r:\"data:image/svg+xml,\"+encodeURIComponent(r));var c=document.createElement(\"canvas\");c.id=i.randstr(),s({format:g,width:a,height:l,scale:y,canvas:c,svg:r,promise:!0}).then(t).catch(e)})}return new Promise(function(t,e){n.plot(_,r,w,k).then(M).then(A).then(T).then(function(e){t(function(t){return b?t.replace(c,\"\"):t}(e))}).catch(function(t){e(t)})})}},{\"../lib\":696,\"../snapshot/helpers\":831,\"../snapshot/svgtoimg\":833,\"../snapshot/tosvg\":835,\"./plot_api\":731}],738:[function(t,e,r){\"use strict\";var n=t(\"../lib\"),i=t(\"../plots/plots\"),a=t(\"./plot_schema\"),o=t(\"./plot_config\"),s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,i,a,o){o=o||[];for(var f=Object.keys(t),h=0;hx.length&&i.push(p(\"unused\",a,m.concat(x.length)));var M,A,T,S,E,C=x.length,L=Array.isArray(k);if(L&&(C=Math.min(C,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&i.push(p(\"unused\",a,m.concat(A,x[A].length)));var z=x[A].length;for(M=0;M<(L?Math.min(z,k[A].length):z);M++)T=L?k[A][M]:k,S=y[A][M],E=x[A][M],n.validate(S,T)?E!==S&&E!==+S&&i.push(p(\"dynamic\",a,m.concat(A,M),S,E)):i.push(p(\"value\",a,m.concat(A,M),S))}else i.push(p(\"array\",a,m.concat(A),y[A]));else for(A=0;A1&&h.push(p(\"object\",\"layout\"))),i.supplyDefaults(d);for(var g=d._fullData,v=r.length,m=0;m0&&((b=A-o(v)-o(m))>T?_/b>S&&(y=v,x=m,S=_/b):_/A>S&&(y={val:v.val,pad:0},x={val:m.val,pad:0},S=_/A));if(h===p){var E=h-1,C=h+1;if(k)if(0===h)a=[0,1];else{var L=(h>0?f:u).reduce(function(t,e){return Math.max(t,o(e))},0),z=h/(1-Math.min(.5,L/A));a=h>0?[0,z]:[z,0]}else a=M?[Math.max(0,E),Math.max(1,C)]:[E,C]}else k?(y.val>=0&&(y={val:0,pad:0}),x.val<=0&&(x={val:0,pad:0})):M&&(y.val-S*o(y)<0&&(y={val:0,pad:0}),x.val<=0&&(x={val:1,pad:0})),S=(x.val-y.val)/(A-o(y)-o(x)),a=[y.val-S*o(y),x.val+S*o(x)];return d&&a.reverse(),i.simpleMap(a,e.l2r||Number)}function s(t){var e=t._length/20;return\"domain\"===t.constrain&&t._inputDomain&&(e*=(t._inputDomain[1]-t._inputDomain[0])/(t.domain[1]-t.domain[0])),function(t){return t.pad+(t.extrapad?e:0)}}function l(t,e){var r,n,i,a=e._id,o=t._fullData,s=t._fullLayout,l=[],f=[];function h(t,e){for(r=0;r=r&&(c.extrapad||!o)){s=!1;break}i(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=a&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function h(t){return n(t)&&Math.abs(t)=e}e.exports={getAutoRange:o,makePadFn:s,doAutoRange:function(t,e){e._length||e.setScale();var r;e.autorange&&(e.range=o(t,e),e._r=e.range.slice(),e._rl=i.simpleMap(e._r,e.r2l),(r=e._input).range=e.range.slice(),r.autorange=e.autorange);if(e._anchorAxis&&e._anchorAxis.rangeslider){var n=e._anchorAxis.rangeslider[e._name];n&&\"auto\"===n.rangemode&&(n.range=o(t,e)),(r=e._anchorAxis._input).rangeslider[e._name]=i.extendFlat({},n)}},findExtremes:function(t,e,r){r||(r={});t._m||t.setScale();var i,o,s,l,f,p,d,g,v,m=[],y=[],x=e.length,b=r.padded||!1,_=r.tozero&&(\"linear\"===t.type||\"-\"===t.type),w=\"log\"===t.type,k=!1;function M(t){if(Array.isArray(t))return k=!0,function(e){return Math.max(Number(t[e]||0),0)};var e=Math.max(Number(t||0),0);return function(){return e}}var A=M((t._m>0?r.ppadplus:r.ppadminus)||r.ppad||0),T=M((t._m>0?r.ppadminus:r.ppadplus)||r.ppad||0),S=M(r.vpadplus||r.vpad),E=M(r.vpadminus||r.vpad);if(!k){if(g=1/0,v=-1/0,w)for(i=0;i0&&(g=o),o>v&&o-a&&(g=o),o>v&&o=z;i--)L(i);return{min:m,max:y}},concatExtremes:l}},{\"../../constants/numerical\":673,\"../../lib\":696,\"fast-isnumeric\":214}],744:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../components/titles\"),u=t(\"../../components/color\"),f=t(\"../../components/drawing\"),h=t(\"./layout_attributes\"),p=t(\"./clean_ticks\"),d=t(\"../../constants/numerical\"),g=d.ONEAVGYEAR,v=d.ONEAVGMONTH,m=d.ONEDAY,y=d.ONEHOUR,x=d.ONEMIN,b=d.ONESEC,_=d.MINUS_SIGN,w=d.BADNUM,k=t(\"../../constants/alignment\").MID_SHIFT,M=t(\"../../constants/alignment\").LINE_SPACING,A=e.exports={};A.setConvert=t(\"./set_convert\");var T=t(\"./axis_autotype\"),S=t(\"./axis_ids\");A.id2name=S.id2name,A.name2id=S.name2id,A.cleanId=S.cleanId,A.list=S.list,A.listIds=S.listIds,A.getFromId=S.getFromId,A.getFromTrace=S.getFromTrace;var E=t(\"./autorange\");A.getAutoRange=E.getAutoRange,A.findExtremes=E.findExtremes,A.coerceRef=function(t,e,r,n,i,a){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+\"axis\"],c=n+\"ref\",u={};return i||(i=l[0]||a),a||(a=i),u[c]={valType:\"enumerated\",values:l.concat(a?[a]:[]),dflt:i},s.coerce(t,e,u,c)},A.coercePosition=function(t,e,r,n,i,a){var o,l;if(\"paper\"===n||\"pixel\"===n)o=s.ensureNumber,l=r(i,a);else{var c=A.getFromId(e,n);l=r(i,a=c.fraction2r(a)),o=c.cleanPos}t[i]=o(l)},A.cleanPosition=function(t,e,r){return(\"paper\"===r||\"pixel\"===r?s.ensureNumber:A.getFromId(e,r).cleanPos)(t)};var C=A.getDataConversions=function(t,e,r,n){var i,a=\"x\"===r||\"y\"===r||\"z\"===r?r:n;if(Array.isArray(a)){if(i={type:T(n),_categories:[]},A.setConvert(i),\"category\"===i.type)for(var o=0;o2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},A.saveRangeInitial=function(t,e){for(var r=A.list(t,\"\",!0),n=!1,i=0;i.3*h||u(n)||u(a))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));a.exactYears>.8&&o%12==0?t=A.tickIncrement(t,\"M6\",\"reverse\")+1.5*m:a.exactMonths>.8?t=A.tickIncrement(t,\"M1\",\"reverse\")+15.5*m:t-=m/2;var l=A.tickIncrement(t,r);if(l<=n)return l}return t}(x,t,y,c,a)),v=x,0;v<=u;)v=A.tickIncrement(v,y,!1,a),0;return{start:e.c2r(x,0,a),end:e.c2r(v,0,a),size:y,_dataSpan:u-c}},A.prepTicks=function(t){var e=s.simpleMap(t.range,t.r2l);if(\"auto\"===t.tickmode||!t.dtick){var r,n=t.nticks;n||(\"category\"===t.type?(r=t.tickfont?1.2*(t.tickfont.size||12):15,n=t._length/r):(r=\"y\"===t._id.charAt(0)?40:80,n=s.constrain(t._length/r,4,9)+1),\"radialaxis\"===t._name&&(n*=2)),\"array\"===t.tickmode&&(n*=100),A.autoTicks(t,Math.abs(e[1]-e[0])/n),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}t.tick0||(t.tick0=\"date\"===t.type?\"2000-01-01\":0),\"date\"===t.type&&t.dtick<.1&&(t.dtick=.1),j(t)},A.calcTicks=function(t){A.prepTicks(t);var e=s.simpleMap(t.range,t.r2l);if(\"array\"===t.tickmode)return function(t){var e,r,n=t.tickvals,i=t.ticktext,a=new Array(n.length),o=s.simpleMap(t.range,t.r2l),l=1.0001*o[0]-1e-4*o[1],c=1.0001*o[1]-1e-4*o[0],u=Math.min(l,c),f=Math.max(l,c),h=0;Array.isArray(i)||(i=[]);var p=\"category\"===t.type?t.d2l_noadd:t.d2l;\"log\"===t.type&&\"L\"!==String(t.dtick).charAt(0)&&(t.dtick=\"L\"+Math.pow(10,Math.floor(Math.min(t.range[0],t.range[1]))-1));for(r=0;ru&&e=n:c<=n)&&!(a.length>l||c===o);c=A.tickIncrement(c,t.dtick,i,t.calendar))o=c,a.push(c);$(t)&&360===Math.abs(e[1]-e[0])&&a.pop(),t._tmax=a[a.length-1],t._prevDateHead=\"\",t._inCalcTicks=!0;for(var u=new Array(a.length),f=0;f10||\"01-01\"!==n.substr(5)?t._tickround=\"d\":t._tickround=+e.substr(1)%12==0?\"y\":\"m\";else if(e>=m&&a<=10||e>=15*m)t._tickround=\"d\";else if(e>=x&&a<=16||e>=y)t._tickround=\"M\";else if(e>=b&&a<=19||e>=x)t._tickround=\"S\";else{var o=t.l2r(r+e).replace(/^-/,\"\").length;t._tickround=Math.max(a,o)-20,t._tickround<0&&(t._tickround=4)}}else if(i(e)||\"L\"===e.charAt(0)){var s=t.range.map(t.r2d||Number);i(e)||(e=Number(e.substr(1))),t._tickround=2-Math.floor(Math.log(e)/Math.LN10+.01);var l=Math.max(Math.abs(s[0]),Math.abs(s[1])),c=Math.floor(Math.log(l)/Math.LN10+.01);Math.abs(c)>3&&(q(t.exponentformat)&&!H(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function V(t,e,r){var n=t.tickfont||{};return{x:e,dx:0,dy:0,text:r||\"\",fontSize:n.size,font:n.family,fontColor:n.color}}A.autoTicks=function(t,e){var r;function n(t){return Math.pow(t,Math.floor(Math.log(e)/Math.LN10))}if(\"date\"===t.type){t.tick0=s.dateTick0(t.calendar);var a=2*e;a>g?(e/=g,r=n(10),t.dtick=\"M\"+12*N(e,r,O)):a>v?(e/=v,t.dtick=\"M\"+N(e,1,I)):a>m?(t.dtick=N(e,m,D),t.tick0=s.dateTick0(t.calendar,!0)):a>y?t.dtick=N(e,y,I):a>x?t.dtick=N(e,x,P):a>b?t.dtick=N(e,b,P):(r=n(10),t.dtick=N(e,r,O))}else if(\"log\"===t.type){t.tick0=0;var o=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(o[1]-o[0])<1){var l=1.5*Math.abs((o[1]-o[0])/e);e=Math.abs(Math.pow(10,o[1])-Math.pow(10,o[0]))/l,r=n(10),t.dtick=\"L\"+N(e,r,O)}else t.dtick=e>.3?\"D2\":\"D1\"}else\"category\"===t.type?(t.tick0=0,t.dtick=Math.ceil(Math.max(e,1))):$(t)?(t.tick0=0,r=1,t.dtick=N(e,r,F)):(t.tick0=0,r=n(10),t.dtick=N(e,r,O));if(0===t.dtick&&(t.dtick=1),!i(t.dtick)&&\"string\"!=typeof t.dtick){var c=t.dtick;throw t.dtick=1,\"ax.dtick error: \"+String(c)}},A.tickIncrement=function(t,e,r,a){var o=r?-1:1;if(i(e))return t+o*e;var l=e.charAt(0),c=o*Number(e.substr(1));if(\"M\"===l)return s.incrementMonth(t,c,a);if(\"L\"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if(\"D\"===l){var u=\"D2\"===e?B:R,f=t+.01*o,h=s.roundUp(s.mod(f,1),u,r);return Math.floor(f)+Math.log(n.round(Math.pow(10,h),1))/Math.LN10}throw\"unrecognized dtick \"+String(e)},A.tickFirst=function(t){var e=t.r2l||Number,r=s.simpleMap(t.range,e),a=r[1]\"+l,t._prevDateHead=l));e.text=c}(t,o,r,c):\"log\"===t.type?function(t,e,r,n,a){var o=t.dtick,l=e.x,c=t.tickformat,u=\"string\"==typeof o&&o.charAt(0);\"never\"===a&&(a=\"\");n&&\"L\"!==u&&(o=\"L3\",u=\"L\");if(c||\"L\"===u)e.text=G(Math.pow(10,l),t,a,n);else if(i(o)||\"D\"===u&&s.mod(l+.01,1)<.1){var f=Math.round(l),h=Math.abs(f),p=t.exponentformat;\"power\"===p||q(p)&&H(f)?(e.text=0===f?1:1===f?\"10\":\"10\"+(f>1?\"\":_)+h+\"\",e.fontSize*=1.25):(\"e\"===p||\"E\"===p)&&h>2?e.text=\"1\"+p+(f>0?\"+\":_)+h:(e.text=G(Math.pow(10,l),t,\"\",\"fakehover\"),\"D1\"===o&&\"y\"===t._id.charAt(0)&&(e.dy-=e.fontSize/6))}else{if(\"D\"!==u)throw\"unrecognized dtick \"+String(o);e.text=String(Math.round(Math.pow(10,s.mod(l,1)))),e.fontSize*=.75}if(\"D1\"===t.dtick){var d=String(e.text).charAt(0);\"0\"!==d&&\"1\"!==d||(\"y\"===t._id.charAt(0)?e.dx-=e.fontSize/4:(e.dy+=e.fontSize/2,e.dx+=(t.range[1]>t.range[0]?1:-1)*e.fontSize*(l<0?.5:.25)))}}(t,o,0,c,n):\"category\"===t.type?function(t,e){var r=t._categories[Math.round(e.x)];void 0===r&&(r=\"\");e.text=String(r)}(t,o):$(t)?function(t,e,r,n,i){if(\"radians\"!==t.thetaunit||r)e.text=G(e.x,t,i,n);else{var a=e.x/180;if(0===a)e.text=\"0\";else{var o=function(t){function e(t,e){return Math.abs(t-e)<=1e-6}var r=function(t){var r=1;for(;!e(Math.round(t*r)/r,t);)r*=10;return r}(t),n=t*r,i=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/i),Math.round(r/i)]}(a);if(o[1]>=100)e.text=G(s.deg2rad(e.x),t,i,n);else{var l=e.x<0;1===o[1]?1===o[0]?e.text=\"\\u03c0\":e.text=o[0]+\"\\u03c0\":e.text=[\"\",o[0],\"\",\"\\u2044\",\"\",o[1],\"\",\"\\u03c0\"].join(\"\"),l&&(e.text=_+e.text)}}}}(t,o,r,c,n):function(t,e,r,n,i){\"never\"===i?i=\"\":\"all\"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(i=\"hide\");e.text=G(e.x,t,i,n)}(t,o,0,c,n),t.tickprefix&&!p(t.showtickprefix)&&(o.text=t.tickprefix+o.text),t.ticksuffix&&!p(t.showticksuffix)&&(o.text+=t.ticksuffix),o},A.hoverLabelText=function(t,e,r){if(r!==w&&r!==e)return A.hoverLabelText(t,e)+\" - \"+A.hoverLabelText(t,r);var n=\"log\"===t.type&&e<=0,i=A.tickText(t,t.c2l(n?-e:e),\"hover\").text;return n?0===e?\"0\":_+i:i};var U=[\"f\",\"p\",\"n\",\"\\u03bc\",\"m\",\"\",\"k\",\"M\",\"G\",\"T\"];function q(t){return\"SI\"===t||\"B\"===t}function H(t){return t>14||t<-15}function G(t,e,r,n){var a=t<0,o=e._tickround,l=r||e.exponentformat||\"B\",c=e._tickexponent,u=A.getTickFormat(e),f=e.separatethousands;if(n){var h={exponentformat:l,dtick:\"none\"===e.showexponent?e.dtick:i(t)&&Math.abs(t)||1,range:\"none\"===e.showexponent?e.range.map(e.r2d):[0,t||1]};j(h),o=(Number(h._tickround)||0)+4,c=h._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,_);var p,d=Math.pow(10,-o)/2;if(\"none\"===l&&(c=0),(t=Math.abs(t))\"+p+\"\":\"B\"===l&&9===c?t+=\"B\":q(l)&&(t+=U[c/3+5]));return a?_+t:t}function W(t,e){var r=t.l2p(e);return r>1&&r=0,a=u(t,e[1])<=0;return(r||i)&&(n||a)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case\"date\":case\"linear\":for(e=0;e=o(i)))){r=n;break}break;case\"log\":for(e=0;e1)for(n=1;n2*o}(t,e)?\"date\":function(t){for(var e=Math.max(1,(t.length-1)/1e3),r=0,n=0,o={},s=0;s2*r}(t)?\"category\":function(t){if(!t)return!1;for(var e=0;en?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)}},{\"../../registry\":827,\"./constants\":750}],748:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){if(\"category\"===e.type){var i,a=t.categoryarray,o=Array.isArray(a)&&a.length>0;o&&(i=\"array\");var s,l=r(\"categoryorder\",i);\"array\"===l&&(s=r(\"categoryarray\")),o||\"array\"!==l||(l=e.categoryorder=\"trace\"),\"trace\"===l?e._initialCategories=[]:\"array\"===l?e._initialCategories=s.slice():(s=function(t,e){var r,n,i,a=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;ns*x)||k)for(r=0;rI&&Rz&&(z=R);p/=(z-L)/(2*O),L=u.l2r(L),z=u.l2r(z),u.range=u._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function P(t,e,r,n,i){return t.append(\"path\").attr(\"class\",\"zoombox\").style({fill:e>.2?\"rgba(0,0,0,0)\":\"rgba(255,255,255,0)\",\"stroke-width\":0}).attr(\"transform\",\"translate(\"+r+\", \"+n+\")\").attr(\"d\",i+\"Z\")}function D(t,e,r){return t.append(\"path\").attr(\"class\",\"zoombox-corners\").style({fill:c.background,stroke:c.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"transform\",\"translate(\"+e+\", \"+r+\")\").attr(\"d\",\"M0,0Z\")}function R(t,e,r,n,i,a){t.attr(\"d\",n+\"M\"+r.l+\",\"+r.t+\"v\"+r.h+\"h\"+r.w+\"v-\"+r.h+\"h-\"+r.w+\"Z\"),B(t,e,i,a)}function B(t,e,r,n){r||(t.transition().style(\"fill\",n>.2?\"rgba(0,0,0,0.4)\":\"rgba(255,255,255,0.3)\").duration(200),e.transition().style(\"opacity\",1).duration(200))}function F(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}function N(t){S&&t.data&&t._context.showTips&&(s.notifier(s._(t,\"Double-click to zoom back out\"),\"long\"),S=!1)}function j(t){return\"lasso\"===t||\"select\"===t}function V(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,T)/2);return\"M\"+(t.l-3.5)+\",\"+(t.t-.5+e)+\"h3v\"+-e+\"h\"+e+\"v-3h-\"+(e+3)+\"ZM\"+(t.r+3.5)+\",\"+(t.t-.5+e)+\"h-3v\"+-e+\"h\"+-e+\"v-3h\"+(e+3)+\"ZM\"+(t.r+3.5)+\",\"+(t.b+.5-e)+\"h-3v\"+e+\"h\"+-e+\"v3h\"+(e+3)+\"ZM\"+(t.l-3.5)+\",\"+(t.b+.5-e)+\"h3v\"+e+\"h\"+e+\"v3h-\"+(e+3)+\"Z\"}function U(t,e){if(a){var r=void 0!==t.onwheel?\"wheel\":\"mousewheel\";t._onwheel&&t.removeEventListener(r,t._onwheel),t._onwheel=e,t.addEventListener(r,e,{passive:!1})}else void 0!==t.onwheel?t.onwheel=e:void 0!==t.onmousewheel&&(t.onmousewheel=e)}function q(t){var e=[];for(var r in t)e.push(t[r]);return e}e.exports={makeDragBox:function(t,e,r,a,c,h,S,E){var B,H,G,W,Y,X,Z,$,J,K,Q,tt,et,rt,nt,it,at,ot,st,lt,ct,ut=t._fullLayout._zoomlayer,ft=S+E===\"nsew\",ht=1===(S+E).length;function pt(){if(B=e.xaxis,H=e.yaxis,J=B._length,K=H._length,Z=B._offset,$=H._offset,(G={})[B._id]=B,(W={})[H._id]=H,S&&E)for(var r=e.overlays,n=0;n-1&&w(i,t,Y,X,e.id,Tt),a.indexOf(\"event\")>-1&&f.click(t,i,e.id);else if(1===r&&ht){var s=S?H:B,c=\"s\"===S||\"w\"===E?0:1,u=s._name+\".range[\"+c+\"]\",h=function(t,e){var r,i=t.range[e],a=Math.abs(i-t.range[1-e]);return\"date\"===t.type?i:\"log\"===t.type?(r=Math.ceil(Math.max(0,-Math.log(a)/Math.LN10))+3,n.format(\".\"+r+\"g\")(Math.pow(10,i))):(r=Math.floor(Math.log(Math.abs(i))/Math.LN10)-Math.floor(Math.log(a)/Math.LN10)+4,n.format(\".\"+String(r)+\"g\")(i))}(s,c),p=\"left\",d=\"middle\";if(s.fixedrange)return;S?(d=\"n\"===S?\"top\":\"bottom\",\"right\"===s.side&&(p=\"right\")):\"e\"===E&&(p=\"right\"),t._context.showAxisRangeEntryBoxes&&n.select(gt).call(l.makeEditable,{gd:t,immediate:!0,background:t._fullLayout.paper_bgcolor,text:String(h),fill:s.tickfont?s.tickfont.color:\"#444\",horizontalAlign:p,verticalAlign:d}).on(\"edit\",function(e){var r=s.d2r(e);void 0!==r&&o.call(\"relayout\",t,u,r)})}}function Ct(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min(J,e+vt)),i=Math.max(0,Math.min(K,r+mt)),a=Math.abs(n-vt),o=Math.abs(i-mt);function s(){wt=\"\",yt.r=yt.l,yt.t=yt.b,Mt.attr(\"d\",\"M0,0Z\")}yt.l=Math.min(vt,n),yt.r=Math.max(vt,n),yt.t=Math.min(mt,i),yt.b=Math.max(mt,i),nt?a>T||o>T?(wt=\"xy\",a/J>o/K?(o=a*K/J,mt>i?yt.t=mt-o:yt.b=mt+o):(a=o*J/K,vt>n?yt.l=vt-a:yt.r=vt+a),Mt.attr(\"d\",V(yt))):s():!et||o10||r.scrollWidth-r.clientWidth>10)){clearTimeout(Pt);var n=-e.deltaY;if(isFinite(n)||(n=e.wheelDelta/10),isFinite(n)){var i,a=Math.exp(-Math.min(Math.max(n,-20),20)/200),o=Rt.draglayer.select(\".nsewdrag\").node().getBoundingClientRect(),l=(e.clientX-o.left)/o.width,c=(o.bottom-e.clientY)/o.height;if(it){for(E||(l=.5),i=0;ig[1]-.01&&(e.domain=s),i.noneOrAll(t.domain,e.domain,s)}return r(\"layer\"),e}},{\"../../lib\":696,\"fast-isnumeric\":214}],761:[function(t,e,r){\"use strict\";var n=t(\"../../constants/alignment\").FROM_BL;e.exports=function(t,e,r){void 0===r&&(r=n[t.constraintoward||\"center\"]);var i=[t.r2l(t.range[0]),t.r2l(t.range[1])],a=i[0]+(i[1]-i[0])*r;t.range=t._input.range=[t.l2r(a+(i[0]-a)*e),t.l2r(a+(i[1]-a)*e)]}},{\"../../constants/alignment\":668}],762:[function(t,e,r){\"use strict\";var n=t(\"polybooljs\"),i=t(\"../../registry\"),a=t(\"../../components/color\"),o=t(\"../../components/fx\"),s=t(\"../../lib/polygon\"),l=t(\"../../lib/throttle\"),c=t(\"../../components/fx/helpers\").makeEventData,u=t(\"./axis_ids\").getFromId,f=t(\"../../lib/clear_gl_canvases\"),h=t(\"../../plot_api/subroutines\").redrawReglTraces,p=t(\"./constants\"),d=p.MINSELECT,g=s.filter,v=s.tester;function m(t){return t._id}function y(t,e,r,n,i,a,o){var s,l,c,u,f,h,p,d,g,v=e._hoverdata,m=e._fullLayout.clickmode.indexOf(\"event\")>-1,y=[];if(function(t){return t&&Array.isArray(t)&&!0!==t[0].hoverOnBox}(v)){w(t,e,a);var x=function(t,e){var r,n,i=t[0],a=-1,o=[];for(n=0;n0?function(t,e){var r,n,i,a=[];for(i=0;i0&&a.push(r);if(1===a.length&&a[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(i=0;i1)return!1;if((i+=r.selectedpoints.length)>1)return!1}return 1===i}(s)&&(h=T(x))){for(o&&o.remove(),g=0;g0?\"M\"+i.join(\"M\")+\"Z\":\"M0,0Z\",e.attr(\"d\",n)}function T(t){var e=t.searchInfo.cd[0].trace,r=t.pointNumber,n=t.pointNumbers,i=n.length>0?n[0]:r;return!!e.selectedpoints&&e.selectedpoints.indexOf(i)>-1}function S(t,e,r){var n,a,o,s;if(r){var l=r.points||[];for(n=0;n-1&&y(e,T,i.xaxes,i.yaxes,i.subplot,i,H),\"event\"===r&&T.emit(\"plotly_selected\",void 0);o.click(T,e)})},i.doneFn=function(){W.remove(),l.done(Y).then(function(){l.clear(Y),i.gd.emit(\"plotly_selected\",b),h&&i.selectionDefs&&(h.subtract=q,i.selectionDefs.push(h),i.mergedPolygons.length=0,[].push.apply(i.mergedPolygons,f))})}},clearSelect:C,selectOnClick:y}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../components/fx/helpers\":609,\"../../lib/clear_gl_canvases\":680,\"../../lib/polygon\":708,\"../../lib/throttle\":721,\"../../plot_api/subroutines\":735,\"../../registry\":827,\"./axis_ids\":747,\"./constants\":750,polybooljs:456}],763:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"../../lib\"),o=a.cleanNumber,s=a.ms2DateTime,l=a.dateTime2ms,c=a.ensureNumber,u=t(\"../../constants/numerical\"),f=u.FP_SAFE,h=u.BADNUM,p=u.LOG_CLIP,d=t(\"./constants\"),g=t(\"./axis_ids\");function v(t){return Math.pow(10,t)}e.exports=function(t,e){e=e||{};var r=(t._id||\"x\").charAt(0);function u(e,r){if(e>0)return Math.log(e)/Math.LN10;if(e<=0&&r&&t.range&&2===t.range.length){var n=t.range[0],i=t.range[1];return.5*(n+i-2*p*Math.abs(n-i))}return h}function m(e,r,n){var o=l(e,n||t.calendar);if(o===h){if(!i(e))return h;e=+e;var s=Math.floor(10*a.mod(e+.05,1)),c=Math.round(e-s/10);o=l(new Date(c))+s/10}return o}function y(e,r,n){return s(e,r,n||t.calendar)}function x(e){return t._categories[Math.round(e)]}function b(e){if(t._categoriesMap){var r=t._categoriesMap[e];if(void 0!==r)return r}if(i(e))return+e}function _(e){return i(e)?n.round(t._b+t._m*e,2):h}function w(e){return(e-t._b)/t._m}t.c2l=\"log\"===t.type?u:c,t.l2c=\"log\"===t.type?v:c,t.l2p=_,t.p2l=w,t.c2p=\"log\"===t.type?function(t,e){return _(u(t,e))}:_,t.p2c=\"log\"===t.type?function(t){return v(w(t))}:w,-1!==[\"linear\",\"-\"].indexOf(t.type)?(t.d2r=t.r2d=t.d2c=t.r2c=t.d2l=t.r2l=o,t.c2d=t.c2r=t.l2d=t.l2r=c,t.d2p=t.r2p=function(e){return t.l2p(o(e))},t.p2d=t.p2r=w,t.cleanPos=c):\"log\"===t.type?(t.d2r=t.d2l=function(t,e){return u(o(t),e)},t.r2d=t.r2c=function(t){return v(o(t))},t.d2c=t.r2l=o,t.c2d=t.l2r=c,t.c2r=u,t.l2d=v,t.d2p=function(e,r){return t.l2p(t.d2r(e,r))},t.p2d=function(t){return v(w(t))},t.r2p=function(e){return t.l2p(o(e))},t.p2r=w,t.cleanPos=c):\"date\"===t.type?(t.d2r=t.r2d=a.identity,t.d2c=t.r2c=t.d2l=t.r2l=m,t.c2d=t.c2r=t.l2d=t.l2r=y,t.d2p=t.r2p=function(e,r,n){return t.l2p(m(e,0,n))},t.p2d=t.p2r=function(t,e,r){return y(w(t),e,r)},t.cleanPos=function(e){return a.cleanDate(e,h,t.calendar)}):\"category\"===t.type&&(t.d2c=t.d2l=function(e){if(null!=e){if(void 0===t._categoriesMap&&(t._categoriesMap={}),void 0!==t._categoriesMap[e])return t._categoriesMap[e];t._categories.push(e);var r=t._categories.length-1;return t._categoriesMap[e]=r,r}return h},t.r2d=t.c2d=t.l2d=x,t.d2r=t.d2l_noadd=b,t.r2c=function(e){var r=b(e);return void 0!==r?r:t.fraction2r(.5)},t.l2r=t.c2r=c,t.r2l=b,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return x(w(t))},t.r2p=t.d2p,t.p2r=w,t.cleanPos=function(t){return\"string\"==typeof t&&\"\"!==t?t:c(t)}),t.fraction2r=function(e){var r=t.r2l(t.range[0]),n=t.r2l(t.range[1]);return t.l2r(r+e*(n-r))},t.r2fraction=function(e){var r=t.r2l(t.range[0]),n=t.r2l(t.range[1]);return(t.r2l(e)-r)/(n-r)},t.cleanRange=function(e,n){n||(n={}),e||(e=\"range\");var o,s,l=a.nestedProperty(t,e).get();if(s=(s=\"date\"===t.type?a.dfltRange(t.calendar):\"y\"===r?d.DFLTRANGEY:n.dfltRange||d.DFLTRANGEX).slice(),l&&2===l.length)for(\"date\"===t.type&&(l[0]=a.cleanDate(l[0],h,t.calendar),l[1]=a.cleanDate(l[1],h,t.calendar)),o=0;o<2;o++)if(\"date\"===t.type){if(!a.isDateTime(l[o],t.calendar)){t[e]=s;break}if(t.r2l(l[0])===t.r2l(l[1])){var c=a.constrain(t.r2l(l[0]),a.MIN_MS+1e3,a.MAX_MS-1e3);l[0]=t.l2r(c-1e3),l[1]=t.l2r(c+1e3);break}}else{if(!i(l[o])){if(!i(l[1-o])){t[e]=s;break}l[o]=l[1-o]*(o?10:.1)}if(l[o]<-f?l[o]=-f:l[o]>f&&(l[o]=f),l[0]===l[1]){var u=Math.max(1,Math.abs(1e-6*l[0]));l[0]-=u,l[1]+=u}}else a.nestedProperty(t,e).set(s)},t.setScale=function(n){var i=e._size;if(t._categories||(t._categories=[]),t._categoriesMap||(t._categoriesMap={}),t.overlaying){var a=g.getFromId({_fullLayout:e},t.overlaying);t.domain=a.domain}var o=n&&t._r?\"_r\":\"range\",s=t.calendar;t.cleanRange(o);var l=t.r2l(t[o][0],s),c=t.r2l(t[o][1],s);if(\"y\"===r?(t._offset=i.t+(1-t.domain[1])*i.h,t._length=i.h*(t.domain[1]-t.domain[0]),t._m=t._length/(l-c),t._b=-t._m*c):(t._offset=i.l+t.domain[0]*i.w,t._length=i.w*(t.domain[1]-t.domain[0]),t._m=t._length/(c-l),t._b=-t._m*l),!isFinite(t._m)||!isFinite(t._b))throw e._replotting=!1,new Error(\"Something went wrong with axis scaling\")},t.makeCalcdata=function(e,r){var n,i,o,s,l=t.type,c=\"date\"===l&&e[r+\"calendar\"];if(r in e){if(n=e[r],s=e._length||n.length,a.isTypedArray(n)&&(\"linear\"===l||\"log\"===l)){if(s===n.length)return n;if(n.subarray)return n.subarray(0,s)}for(i=new Array(s),o=0;o rect\").call(a.setTranslate,0,0).call(a.setScale,1,1),t.plot.call(a.setTranslate,e._offset,r._offset).call(a.setScale,1,1);var n=t.plot.selectAll(\".scatterlayer .trace\");n.selectAll(\".point\").call(a.setPointGroupScale,1,1),n.selectAll(\".textpoint\").call(a.setTextPointsScale,1,1),n.call(a.hideOutsideRangePoints,t)}function x(e,r){var n,s,l,u=g[e.xaxis._id],f=g[e.yaxis._id],h=[];if(u){s=(n=t._fullLayout[u.axisName])._r,l=u.to,h[0]=(s[0]*(1-r)+r*l[0]-s[0])/(s[1]-s[0])*e.xaxis._length;var p=s[1]-s[0],d=l[1]-l[0];n.range[0]=s[0]*(1-r)+r*l[0],n.range[1]=s[1]*(1-r)+r*l[1],h[2]=e.xaxis._length*(1-r+r*d/p)}else h[0]=0,h[2]=e.xaxis._length;if(f){s=(n=t._fullLayout[f.axisName])._r,l=f.to,h[1]=(s[1]*(1-r)+r*l[1]-s[1])/(s[0]-s[1])*e.yaxis._length;var v=s[1]-s[0],m=l[1]-l[0];n.range[0]=s[0]*(1-r)+r*l[0],n.range[1]=s[1]*(1-r)+r*l[1],h[3]=e.yaxis._length*(1-r+r*m/v)}else h[1]=0,h[3]=e.yaxis._length;!function(e,r){var n,a=[];for(a=[e._id,r._id],n=0;nr.duration?(function(){for(var e={},r=0;r0&&(i[\"_\"+r+\"axes\"]||{})[e])return i;if((i[r+\"axis\"]||r)===e){if(o(i,r))return i;if((i[r]||[]).length||i[r+\"0\"])return i}}}(e,r,s);if(!l)return;if(\"histogram\"===l.type&&s==={v:\"y\",h:\"x\"}[l.orientation||\"v\"])return void(t.type=\"linear\");var c,u=s+\"calendar\",f=l[u];if(o(l,s)){var h=a(l),p=[];for(c=0;c0?\".\":\"\")+a;i.isPlainObject(o)?l(o,e,s,n+1):e(s,a,o)}})}r.manageCommandObserver=function(t,e,n,o){var s={},l=!0;e&&e._commandObserver&&(s=e._commandObserver),s.cache||(s.cache={}),s.lookupTable={};var c=r.hasSimpleAPICommandBindings(t,n,s.lookupTable);if(e&&e._commandObserver){if(c)return s;if(e._commandObserver.remove)return e._commandObserver.remove(),e._commandObserver=null,s}if(c){a(t,c,s.cache),s.check=function(){if(l){var e=a(t,c,s.cache);return e.changed&&o&&void 0!==s.lookupTable[e.value]&&(s.disable(),Promise.resolve(o({value:e.value,type:c.type,prop:c.prop,traces:c.traces,index:s.lookupTable[e.value]})).then(s.enable,s.enable)),e.changed}};for(var u=[\"plotly_relayout\",\"plotly_redraw\",\"plotly_restyle\",\"plotly_update\",\"plotly_animatingframe\",\"plotly_afterplot\"],f=0;fi*Math.PI/180}return!1},r.getPath=function(){return n.geo.path().projection(r)},r.getBounds=function(t){return r.getPath().bounds(t)},r.fitExtent=function(t,e){var n=t[1][0]-t[0][0],i=t[1][1]-t[0][1],a=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),a&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),i/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(i-s*(o[1][1]+o[0][1]))/2;return a&&r.clipExtent(a),r.scale(150*s).translate([l,c])},r.precision(g.precision),i&&r.clipAngle(i-g.clipPad);return r}(e);u.center([c.lon-l.lon,c.lat-l.lat]).rotate([-l.lon,-l.lat,l.roll]).parallels(s.parallels);var f=[[r.l+r.w*o.x[0],r.t+r.h*(1-o.y[1])],[r.l+r.w*o.x[1],r.t+r.h*(1-o.y[0])]],h=e.lonaxis,p=e.lataxis,d=function(t,e){var r=g.clipPad,n=t[0]+r,i=t[1]-r,a=e[0]+r,o=e[1]-r;n>0&&i<0&&(i+=360);var s=(i-n)/4;return{type:\"Polygon\",coordinates:[[[n,a],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[i,o],[i,a],[i-s,a],[i-2*s,a],[i-3*s,a],[n,a]]]}}(h.range,p.range);u.fitExtent(f,d);var v=this.bounds=u.getBounds(d),m=this.fitScale=u.scale(),y=u.translate();if(!isFinite(v[0][0])||!isFinite(v[0][1])||!isFinite(v[1][0])||!isFinite(v[1][1])||isNaN(y[0])||isNaN(y[0])){for(var x=this.graphDiv,b=[\"projection.rotation\",\"center\",\"lonaxis.range\",\"lataxis.range\"],_=\"Invalid geo settings, relayout'ing to default view.\",w={},k=0;k-1&&p(n.event,a,[r.xaxis],[r.yaxis],r.id,g),c.indexOf(\"event\")>-1&&l.click(a,n.event))})}function v(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},x.makeFramework=function(){var t=this,e=t.graphDiv._fullLayout,r=\"clip\"+e._uid+t.id;t.clipDef=e._clips.append(\"clipPath\").attr(\"id\",r),t.clipRect=t.clipDef.append(\"rect\"),t.framework=n.select(t.container).append(\"g\").attr(\"class\",\"geo \"+t.id).call(s.setClipUrl,r),t.project=function(e){var r=t.projection(e);return r?[r[0]-t.xaxis._offset,r[1]-t.yaxis._offset]:[null,null]},t.xaxis={_id:\"x\",c2p:function(e){return t.project(e)[0]}},t.yaxis={_id:\"y\",c2p:function(e){return t.project(e)[1]}},t.mockAxis={type:\"linear\",showexponent:\"all\",exponentformat:\"B\"},u.setConvert(t.mockAxis,e)},x.saveViewInitial=function(t){var e=t.center||{},r=t.projection,n=r.rotation||{};t._isScoped?this.viewInitial={\"center.lon\":e.lon,\"center.lat\":e.lat,\"projection.scale\":r.scale}:t._isClipped?this.viewInitial={\"projection.scale\":r.scale,\"projection.rotation.lon\":n.lon,\"projection.rotation.lat\":n.lat}:this.viewInitial={\"center.lon\":e.lon,\"center.lat\":e.lat,\"projection.scale\":r.scale,\"projection.rotation.lon\":n.lon}},x.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?\"translate(\"+r[0]+\",\"+r[1]+\")\":null}function i(t){return e.isLonLatOverEdges(t.lonlat)?\"none\":null}for(t in this.basePaths)this.basePaths[t].attr(\"d\",r);for(t in this.dataPaths)this.dataPaths[t].attr(\"d\",function(t){return r(t.geojson)});for(t in this.dataPoints)this.dataPoints[t].attr(\"display\",i).attr(\"transform\",n)}},{\"../../components/color\":570,\"../../components/dragelement\":592,\"../../components/drawing\":595,\"../../components/fx\":612,\"../../lib\":696,\"../../lib/topojson_utils\":723,\"../../registry\":827,\"../cartesian/axes\":744,\"../cartesian/select\":762,\"../plots\":808,\"./constants\":773,\"./projections\":779,\"./zoom\":780,d3:148,\"topojson-client\":517}],775:[function(t,e,r){\"use strict\";var n=t(\"./geo\"),i=t(\"../../plots/get_data\").getSubplotCalcData,a=t(\"../../lib\").counterRegex,o=\"geo\";r.name=o,r.attr=o,r.idRoot=o,r.idRegex=r.attrRegex=a(o),r.attributes=t(\"./layout/attributes\"),r.layoutAttributes=t(\"./layout/layout_attributes\"),r.supplyLayoutDefaults=t(\"./layout/defaults\"),r.plot=function(t){var e=t._fullLayout,r=t.calcdata,a=e._subplots.geo;void 0===window.PlotlyGeoAssets&&(window.PlotlyGeoAssets={topojson:{}});for(var s=0;s0&&k<0&&(k+=360);var M,A,T,S=(w+k)/2;if(!c){var E=u?s.projRotate:[S,0,0];M=r(\"projection.rotation.lon\",E[0]),r(\"projection.rotation.lat\",E[1]),r(\"projection.rotation.roll\",E[2]),r(\"showcoastlines\",!u)&&(r(\"coastlinecolor\"),r(\"coastlinewidth\")),r(\"showocean\")&&r(\"oceancolor\")}(c?(A=-96.6,T=38.7):(A=u?S:M,T=(_[0]+_[1])/2),r(\"center.lon\",A),r(\"center.lat\",T),f)&&r(\"projection.parallels\",s.projParallels||[0,60]);r(\"projection.scale\"),r(\"showland\")&&r(\"landcolor\"),r(\"showlakes\")&&r(\"lakecolor\"),r(\"showrivers\")&&(r(\"rivercolor\"),r(\"riverwidth\")),r(\"showcountries\",u&&\"usa\"!==a)&&(r(\"countrycolor\"),r(\"countrywidth\")),(\"usa\"===a||\"north america\"===a&&50===n)&&(r(\"showsubunits\",!0),r(\"subunitcolor\"),r(\"subunitwidth\")),u||r(\"showframe\",!0)&&(r(\"framecolor\"),r(\"framewidth\")),r(\"bgcolor\")}e.exports=function(t,e,r){n(t,e,r,{type:\"geo\",attributes:a,handleDefaults:s,partition:\"y\"})}},{\"../../subplot_defaults\":822,\"../constants\":773,\"./layout_attributes\":778}],778:[function(t,e,r){\"use strict\";var n=t(\"../../../components/color/attributes\"),i=t(\"../../domain\").attributes,a=t(\"../constants\"),o=t(\"../../../plot_api/edit_types\").overrideAll,s={range:{valType:\"info_array\",items:[{valType:\"number\"},{valType:\"number\"}]},showgrid:{valType:\"boolean\",dflt:!1},tick0:{valType:\"number\"},dtick:{valType:\"number\"},gridcolor:{valType:\"color\",dflt:n.lightLine},gridwidth:{valType:\"number\",min:0,dflt:1}};e.exports=o({domain:i({name:\"geo\"},{}),resolution:{valType:\"enumerated\",values:[110,50],dflt:110,coerceNumber:!0},scope:{valType:\"enumerated\",values:Object.keys(a.scopeDefaults),dflt:\"world\"},projection:{type:{valType:\"enumerated\",values:Object.keys(a.projNames)},rotation:{lon:{valType:\"number\"},lat:{valType:\"number\"},roll:{valType:\"number\"}},parallels:{valType:\"info_array\",items:[{valType:\"number\"},{valType:\"number\"}]},scale:{valType:\"number\",min:0,dflt:1}},center:{lon:{valType:\"number\"},lat:{valType:\"number\"}},showcoastlines:{valType:\"boolean\"},coastlinecolor:{valType:\"color\",dflt:n.defaultLine},coastlinewidth:{valType:\"number\",min:0,dflt:1},showland:{valType:\"boolean\",dflt:!1},landcolor:{valType:\"color\",dflt:a.landColor},showocean:{valType:\"boolean\",dflt:!1},oceancolor:{valType:\"color\",dflt:a.waterColor},showlakes:{valType:\"boolean\",dflt:!1},lakecolor:{valType:\"color\",dflt:a.waterColor},showrivers:{valType:\"boolean\",dflt:!1},rivercolor:{valType:\"color\",dflt:a.waterColor},riverwidth:{valType:\"number\",min:0,dflt:1},showcountries:{valType:\"boolean\"},countrycolor:{valType:\"color\",dflt:n.defaultLine},countrywidth:{valType:\"number\",min:0,dflt:1},showsubunits:{valType:\"boolean\"},subunitcolor:{valType:\"color\",dflt:n.defaultLine},subunitwidth:{valType:\"number\",min:0,dflt:1},showframe:{valType:\"boolean\"},framecolor:{valType:\"color\",dflt:n.defaultLine},framewidth:{valType:\"number\",min:0,dflt:1},bgcolor:{valType:\"color\",dflt:n.background},lonaxis:s,lataxis:s},\"plot\",\"from-root\")},{\"../../../components/color/attributes\":569,\"../../../plot_api/edit_types\":727,\"../../domain\":770,\"../constants\":773}],779:[function(t,e,r){\"use strict\";e.exports=function(t){function e(t,e){return{type:\"Feature\",id:t.id,properties:t.properties,geometry:r(t.geometry,e)}}function r(e,n){if(!e)return null;if(\"GeometryCollection\"===e.type)return{type:\"GeometryCollection\",geometries:object.geometries.map(function(t){return r(t,n)})};if(!c.hasOwnProperty(e.type))return null;var i=c[e.type];return t.geo.stream(e,n(i)),i.result()}t.geo.project=function(t,e){var i=e.stream;if(!i)throw new Error(\"not yet supported\");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,i)};var n={Feature:e,FeatureCollection:function(t,r){return{type:\"FeatureCollection\",features:t.features.map(function(t){return e(t,r)})}}},i=[],a=[],o={point:function(t,e){i.push([t,e])},result:function(){var t=i.length?i.length<2?{type:\"Point\",coordinates:i[0]}:{type:\"MultiPoint\",coordinates:i}:null;return i=[],t}},s={lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){i.length&&(a.push(i),i=[])},result:function(){var t=a.length?a.length<2?{type:\"LineString\",coordinates:a[0]}:{type:\"MultiLineString\",coordinates:a}:null;return a=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){var t=i.length;if(t){do{i.push(i[0].slice())}while(++t<4);a.push(i),i=[]}},polygonEnd:u,result:function(){if(!a.length)return null;var t=[],e=[];return a.forEach(function(r){!function(t){if((e=t.length)<4)return!1;for(var e,r=0,n=t[e-1][1]*t[0][0]-t[e-1][0]*t[0][1];++rn^p>n&&r<(h-c)*(n-u)/(p-u)+c&&(i=!i)}return i}(t[0],r))return t.push(e),!0})||t.push([e])}),a=[],t.length?t.length>1?{type:\"MultiPolygon\",coordinates:t}:{type:\"Polygon\",coordinates:t[0]}:null}},c={Point:o,MultiPoint:o,LineString:s,MultiLineString:s,Polygon:l,MultiPolygon:l,Sphere:l};function u(){}var f=1e-6,h=f*f,p=Math.PI,d=p/2,g=(Math.sqrt(p),p/180),v=180/p;function m(t){return t>1?d:t<-1?-d:Math.asin(t)}function y(t){return t>1?0:t<-1?p:Math.acos(t)}var x=t.geo.projection,b=t.geo.projectionMutator;function _(t,e){var r=(2+d)*Math.sin(e);e/=2;for(var n=0,i=1/0;n<10&&Math.abs(i)>f;n++){var a=Math.cos(e);e-=i=(e+Math.sin(e)*(a+2)-r)/(2*a*(1+a))}return[2/Math.sqrt(p*(4+p))*t*(1+Math.cos(e)),2*Math.sqrt(p/(4+p))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-p,0],[0,d],[p,0]]],[[[-p,0],[0,-d],[p,0]]]];function i(t,r){for(var i=r<0?-1:1,a=n[+(r<0)],o=0,s=a.length-1;oa[o][2][0];++o);var l=e(t-a[o][1][0],r);return l[0]+=e(a[o][1][0],i*r>i*a[o][0][1]?a[o][0][1]:r)[0],l}e.invert&&(i.invert=function(t,a){for(var o=r[+(a<0)],s=n[+(a<0)],c=0,u=o.length;c=0;--i){var o=n[1][i],l=180*o[0][0]/p,c=180*o[0][1]/p,u=180*o[1][1]/p,f=180*o[2][0]/p,h=180*o[2][1]/p;r.push(s([[f-e,h-e],[f-e,u+e],[l+e,u+e],[l+e,c-e]],30))}return{type:\"Polygon\",coordinates:[t.merge(r)]}}(),l)},i},a.lobes=function(t){return arguments.length?(n=t.map(function(t){return t.map(function(t){return[[t[0][0]*p/180,t[0][1]*p/180],[t[1][0]*p/180,t[1][1]*p/180],[t[2][0]*p/180,t[2][1]*p/180]]})}),r=n.map(function(t){return t.map(function(t){var r,n=e(t[0][0],t[0][1])[0],i=e(t[2][0],t[2][1])[0],a=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return a>o&&(r=a,a=o,o=r),[[n,a],[i,o]]})}),a):n.map(function(t){return t.map(function(t){return[[180*t[0][0]/p,180*t[0][1]/p],[180*t[1][0]/p,180*t[1][1]/p],[180*t[2][0]/p,180*t[2][1]/p]]})})},a},_.invert=function(t,e){var r=.5*e*Math.sqrt((4+p)/p),n=m(r),i=Math.cos(n);return[t/(2/Math.sqrt(p*(4+p))*(1+i)),m((n+r*(i+2))/(2+d))]},(t.geo.eckert4=function(){return x(_)}).raw=_;var w=t.geo.azimuthalEqualArea.raw;function k(t,e){if(arguments.length<2&&(e=t),1===e)return w;if(e===1/0)return M;function r(r,n){var i=w(r/e,n);return i[0]*=t,i}return r.invert=function(r,n){var i=w.invert(r/t,n);return i[0]*=e,i},r}function M(t,e){return[t*Math.cos(e)/Math.cos(e/=2),2*Math.sin(e)]}function A(t,e){return[3*t/(2*p)*Math.sqrt(p*p/3-e*e),e]}function T(t,e){return[t,1.25*Math.log(Math.tan(p/4+.4*e))]}function S(t){return function(e){var r,n=t*Math.sin(e),i=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>f&&--i>0);return e/2}}M.invert=function(t,e){var r=2*m(e/2);return[t*Math.cos(r/2)/Math.cos(r),r]},(t.geo.hammer=function(){var t=2,e=b(k),r=e(t);return r.coefficient=function(r){return arguments.length?e(t=+r):t},r}).raw=k,A.invert=function(t,e){return[2/3*p*t/Math.sqrt(p*p/3-e*e),e]},(t.geo.kavrayskiy7=function(){return x(A)}).raw=A,T.invert=function(t,e){return[t,2.5*Math.atan(Math.exp(.8*e))-.625*p]},(t.geo.miller=function(){return x(T)}).raw=T,S(p);var E=function(t,e,r){var n=S(r);function i(r,i){return[t*r*Math.cos(i=n(i)),e*Math.sin(i)]}return i.invert=function(n,i){var a=m(i/e);return[n/(t*Math.cos(a)),m((2*a+Math.sin(2*a))/r)]},i}(Math.SQRT2/d,Math.SQRT2,p);function C(t,e){var r=e*e,n=r*r;return[t*(.8707-.131979*r+n*(n*(.003971*r-.001529*n)-.013791)),e*(1.007226+r*(.015085+n*(.028874*r-.044475-.005916*n)))]}(t.geo.mollweide=function(){return x(E)}).raw=E,C.invert=function(t,e){var r,n=e,i=25;do{var a=n*n,o=a*a;n-=r=(n*(1.007226+a*(.015085+o*(.028874*a-.044475-.005916*o)))-e)/(1.007226+a*(.045255+o*(.259866*a-.311325-.005916*11*o)))}while(Math.abs(r)>f&&--i>0);return[t/(.8707+(a=n*n)*(a*(a*a*a*(.003971-.001529*a)-.013791)-.131979)),n]},(t.geo.naturalEarth=function(){return x(C)}).raw=C;var L=[[.9986,-.062],[1,0],[.9986,.062],[.9954,.124],[.99,.186],[.9822,.248],[.973,.31],[.96,.372],[.9427,.434],[.9216,.4958],[.8962,.5571],[.8679,.6176],[.835,.6769],[.7986,.7346],[.7597,.7903],[.7186,.8435],[.6732,.8936],[.6213,.9394],[.5722,.9761],[.5322,1]];function z(t,e){var r,n=Math.min(18,36*Math.abs(e)/p),i=Math.floor(n),a=n-i,o=(r=L[i])[0],s=r[1],l=(r=L[++i])[0],c=r[1],u=(r=L[Math.min(19,++i)])[0],f=r[1];return[t*(l+a*(u-o)/2+a*a*(u-2*l+o)/2),(e>0?d:-d)*(c+a*(f-s)/2+a*a*(f-2*c+s)/2)]}function O(t,e){return[t*Math.cos(e),e]}function I(t,e){var r,n=Math.cos(e),i=(r=y(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*i,Math.sin(e)*i]}function P(t,e){var r=I(t,e);return[(r[0]+t/d)/2,(r[1]+e)/2]}L.forEach(function(t){t[1]*=1.0144}),z.invert=function(t,e){var r=e/d,n=90*r,i=Math.min(18,Math.abs(n/5)),a=Math.max(0,Math.floor(i));do{var o=L[a][1],s=L[a+1][1],l=L[Math.min(19,a+2)][1],c=l-o,u=l-2*s+o,f=2*(Math.abs(r)-s)/c,p=u/c,m=f*(1-p*f*(1-2*p*f));if(m>=0||1===a){n=(e>=0?5:-5)*(m+i);var y,x=50;do{m=(i=Math.min(18,Math.abs(n)/5))-(a=Math.floor(i)),o=L[a][1],s=L[a+1][1],l=L[Math.min(19,a+2)][1],n-=(y=(e>=0?d:-d)*(s+m*(l-o)/2+m*m*(l-2*s+o)/2)-e)*v}while(Math.abs(y)>h&&--x>0);break}}while(--a>=0);var b=L[a][0],_=L[a+1][0],w=L[Math.min(19,a+2)][0];return[t/(_+m*(w-b)/2+m*m*(w-2*_+b)/2),n*g]},(t.geo.robinson=function(){return x(z)}).raw=z,O.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return x(O)}).raw=O,I.invert=function(t,e){if(!(t*t+4*e*e>p*p+f)){var r=t,n=e,i=25;do{var a,o=Math.sin(r),s=Math.sin(r/2),l=Math.cos(r/2),c=Math.sin(n),u=Math.cos(n),h=Math.sin(2*n),d=c*c,g=u*u,v=s*s,m=1-g*l*l,x=m?y(u*l)*Math.sqrt(a=1/m):a=0,b=2*x*u*s-t,_=x*c-e,w=a*(g*v+x*u*l*d),k=a*(.5*o*h-2*x*c*s),M=.25*a*(h*s-x*c*g*o),A=a*(d*l+x*v*u),T=k*M-A*w;if(!T)break;var S=(_*k-b*A)/T,E=(b*M-_*w)/T;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]}},(t.geo.aitoff=function(){return x(I)}).raw=I,P.invert=function(t,e){var r=t,n=e,i=25;do{var a,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,h=Math.sin(r),p=Math.cos(r/2),g=Math.sin(r/2),v=g*g,m=1-u*p*p,x=m?y(o*p)*Math.sqrt(a=1/m):a=0,b=.5*(2*x*o*g+r/d)-t,_=.5*(x*s+n)-e,w=.5*a*(u*v+x*o*p*c)+.5/d,k=a*(h*l/4-x*s*g),M=.125*a*(l*g-x*s*u*h),A=.5*a*(c*p+x*v*o)+.5,T=k*M-A*w,S=(_*k-b*A)/T,E=(b*M-_*w)/T;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]},(t.geo.winkel3=function(){return x(P)}).raw=P}},{}],780:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=Math.PI/180,o=180/Math.PI,s={cursor:\"pointer\"},l={cursor:\"auto\"};function c(t,e){return n.behavior.zoom().translate(e.translate()).scale(e.scale())}function u(t,e,r){var n=t.id,a=t.graphDiv,o=a.layout[n],s=a._fullLayout[n],l={};function c(t,e){var r=i.nestedProperty(s,t);r.get()!==e&&(r.set(e),i.nestedProperty(o,t).set(e),l[n+\".\"+t]=e)}r(c),c(\"projection.scale\",e.scale()/t.fitScale),a.emit(\"plotly_relayout\",l)}function f(t,e){var r=c(0,e);function i(r){var n=e.invert(t.midPt);r(\"center.lon\",n[0]),r(\"center.lat\",n[1])}return r.on(\"zoomstart\",function(){n.select(this).style(s)}).on(\"zoom\",function(){e.scale(n.event.scale).translate(n.event.translate),t.render()}).on(\"zoomend\",function(){n.select(this).style(l),u(t,e,i)}),r}function h(t,e){var r,i,a,o,f,h,p,d,g,v=c(0,e),m=2;function y(t){return e.invert(t)}function x(r){var n=e.rotate(),i=e.invert(t.midPt);r(\"projection.rotation.lon\",-n[0]),r(\"center.lon\",i[0]),r(\"center.lat\",i[1])}return v.on(\"zoomstart\",function(){n.select(this).style(s),r=n.mouse(this),i=e.rotate(),a=e.translate(),o=i,f=y(r)}).on(\"zoom\",function(){if(h=n.mouse(this),function(t){var r=y(t);if(!r)return!0;var n=e(r);return Math.abs(n[0]-t[0])>m||Math.abs(n[1]-t[1])>m}(r))return v.scale(e.scale()),void v.translate(e.translate());e.scale(n.event.scale),e.translate([a[0],n.event.translate[1]]),f?y(h)&&(d=y(h),p=[o[0]+(d[0]-f[0]),i[1],i[2]],e.rotate(p),o=p):f=y(r=h),g=!0,t.render()}).on(\"zoomend\",function(){n.select(this).style(l),g&&u(t,e,x)}),v}function p(t,e){var r,i={r:e.rotate(),k:e.scale()},f=c(0,e),h=function(t){var e=0,r=arguments.length,i=[];for(;++ed?(a=(f>0?90:-90)-p,i=0):(a=Math.asin(f/d)*o-p,i=Math.sqrt(d*d-f*f));var v=180-a-2*p,y=(Math.atan2(h,u)-Math.atan2(c,i))*o,x=(Math.atan2(h,u)-Math.atan2(c,-i))*o,b=g(r[0],r[1],a,y),_=g(r[0],r[1],v,x);return b<=_?[a,y,r[2]]:[v,x,r[2]]}(k,r,E);isFinite(M[0])&&isFinite(M[1])&&isFinite(M[2])||(M=E),e.rotate(M),E=M}}else r=d(e,T=b);h.of(this,arguments)({type:\"zoom\"})}),A=h.of(this,arguments),p++||A({type:\"zoomstart\"})}).on(\"zoomend\",function(){var r;n.select(this).style(l),v.call(f,\"zoom\",null),r=h.of(this,arguments),--p||r({type:\"zoomend\"}),u(t,e,x)}).on(\"zoom.redraw\",function(){t.render()}),n.rebind(f,h,\"on\")}function d(t,e){var r=t.invert(e);return r&&isFinite(r[0])&&isFinite(r[1])&&function(t){var e=t[0]*a,r=t[1]*a,n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}(r)}function g(t,e,r,n){var i=v(r-t),a=v(n-e);return Math.sqrt(i*i+a*a)}function v(t){return(t%360+540)%360-180}function m(t,e,r){var n=r*a,i=t.slice(),o=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return i[o]=t[o]*l-t[s]*c,i[s]=t[s]*l+t[o]*c,i}function y(t,e){for(var r=0,n=0,i=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(a)*_*(s>=0?1:-1),c.boxEnd[1]l[3]&&(c.boxEnd[1]=l[3],c.boxEnd[0]=c.boxStart[0]+(l[3]-c.boxStart[1])/Math.abs(_))):(c.boxEnd[0]=c.boxStart[0]+Math.abs(s)/_*(a>=0?1:-1),c.boxEnd[0]l[2]&&(c.boxEnd[0]=l[2],c.boxEnd[1]=c.boxStart[1]+(l[2]-c.boxStart[0])*Math.abs(_)))}}else c.boxEnabled?(a=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],a||s?(a&&(v(0,c.boxStart[0],c.boxEnd[0]),t.xaxis.autorange=!1),s&&(v(1,c.boxStart[1],c.boxEnd[1]),t.yaxis.autorange=!1),t.relayoutCallback()):t.glplot.setDirty(),c.boxEnabled=!1,c.boxInited=!1):c.boxInited&&(c.boxInited=!1);break;case\"pan\":c.boxEnabled=!1,c.boxInited=!1,e?(c.panning||(c.dragStart[0]=n,c.dragStart[1]=i),Math.abs(c.dragStart[0]-n)Math.abs(e))c.rotate(a,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else{var o=-d.zoomSpeed*i*e/window.innerHeight*(a-c.lastT())/20;c.pan(a,0,0,f*(Math.exp(o)-1))}}},!0),d};var n=t(\"right-now\"),i=t(\"3d-view\"),a=t(\"mouse-change\"),o=t(\"mouse-wheel\"),s=t(\"mouse-event-offset\"),l=t(\"has-passive-events\")},{\"3d-view\":45,\"has-passive-events\":394,\"mouse-change\":418,\"mouse-event-offset\":419,\"mouse-wheel\":421,\"right-now\":480}],787:[function(t,e,r){\"use strict\";var n=t(\"../../plot_api/edit_types\").overrideAll,i=t(\"../../components/fx/layout_attributes\"),a=t(\"./scene\"),o=t(\"../get_data\").getSubplotData,s=t(\"../../lib\"),l=t(\"../../constants/xmlns_namespaces\");r.name=\"gl3d\",r.attr=\"scene\",r.idRoot=\"scene\",r.idRegex=r.attrRegex=s.counterRegex(\"scene\"),r.attributes=t(\"./layout/attributes\"),r.layoutAttributes=t(\"./layout/layout_attributes\"),r.baseLayoutAttrOverrides=n({hoverlabel:i.hoverlabel},\"plot\",\"nested\"),r.supplyLayoutDefaults=t(\"./layout/defaults\"),r.plot=function(t){for(var e=t._fullLayout,r=t._fullData,n=e._subplots.gl3d,i=0;i1;o(t,e,r,{type:\"gl3d\",attributes:l,handleDefaults:c,fullLayout:e,font:e.font,fullData:r,getDfltFromLayout:function(e){if(!i)return n.validate(t[e],l[e])?t[e]:void 0},paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{\"../../../components/color\":570,\"../../../lib\":696,\"../../../registry\":827,\"../../subplot_defaults\":822,\"./axis_defaults\":790,\"./layout_attributes\":793}],793:[function(t,e,r){\"use strict\";var n=t(\"./axis_attributes\"),i=t(\"../../domain\").attributes,a=t(\"../../../lib/extend\").extendFlat,o=t(\"../../../lib\").counterRegex;function s(t,e,r){return{x:{valType:\"number\",dflt:t,editType:\"camera\"},y:{valType:\"number\",dflt:e,editType:\"camera\"},z:{valType:\"number\",dflt:r,editType:\"camera\"},editType:\"camera\"}}e.exports={_arrayAttrRegexps:[o(\"scene\",\".annotations\",!0)],bgcolor:{valType:\"color\",dflt:\"rgba(0,0,0,0)\",editType:\"plot\"},camera:{up:a(s(0,0,1),{}),center:a(s(0,0,0),{}),eye:a(s(1.25,1.25,1.25),{}),editType:\"camera\"},domain:i({name:\"scene\",editType:\"plot\"}),aspectmode:{valType:\"enumerated\",values:[\"auto\",\"cube\",\"data\",\"manual\"],dflt:\"auto\",editType:\"plot\",impliedEdits:{\"aspectratio.x\":void 0,\"aspectratio.y\":void 0,\"aspectratio.z\":void 0}},aspectratio:{x:{valType:\"number\",min:0,editType:\"plot\",impliedEdits:{\"^aspectmode\":\"manual\"}},y:{valType:\"number\",min:0,editType:\"plot\",impliedEdits:{\"^aspectmode\":\"manual\"}},z:{valType:\"number\",min:0,editType:\"plot\",impliedEdits:{\"^aspectmode\":\"manual\"}},editType:\"plot\",impliedEdits:{aspectmode:\"manual\"}},xaxis:n,yaxis:n,zaxis:n,dragmode:{valType:\"enumerated\",values:[\"orbit\",\"turntable\",\"zoom\",\"pan\",!1],dflt:\"turntable\",editType:\"plot\"},hovermode:{valType:\"enumerated\",values:[\"closest\",!1],dflt:\"closest\",editType:\"modebar\"},editType:\"plot\",_deprecated:{cameraposition:{valType:\"info_array\",editType:\"camera\"}}}},{\"../../../lib\":696,\"../../../lib/extend\":685,\"../../domain\":770,\"./axis_attributes\":789}],794:[function(t,e,r){\"use strict\";var n=t(\"../../../lib/str2rgbarray\"),i=[\"xaxis\",\"yaxis\",\"zaxis\"];function a(){this.enabled=[!0,!0,!0],this.colors=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.drawSides=[!0,!0,!0],this.lineWidth=[1,1,1]}a.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[i[e]];r.visible?(this.enabled[e]=r.showspikes,this.colors[e]=n(r.spikecolor),this.drawSides[e]=r.spikesides,this.lineWidth[e]=r.spikethickness):(this.enabled[e]=!1,this.drawSides[e]=!1)}},e.exports=function(t){var e=new a;return e.merge(t),e}},{\"../../../lib/str2rgbarray\":719}],795:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=t.axesOptions,r=t.glplot.axesPixels,l=t.fullSceneLayout,c=[[],[],[]],u=0;u<3;++u){var f=l[o[u]];if(f._length=(r[u].hi-r[u].lo)*r[u].pixelsPerDataUnit/t.dataScale[u],Math.abs(f._length)===1/0)c[u]=[];else{f._input_range=f.range.slice(),f.range[0]=r[u].lo/t.dataScale[u],f.range[1]=r[u].hi/t.dataScale[u],f._m=1/(t.dataScale[u]*r[u].pixelsPerDataUnit),f.range[0]===f.range[1]&&(f.range[0]-=1,f.range[1]+=1);var h=f.tickmode;if(\"auto\"===f.tickmode){f.tickmode=\"linear\";var p=f.nticks||i.constrain(f._length/40,4,9);n.autoTicks(f,Math.abs(f.range[1]-f.range[0])/p)}for(var d=n.calcTicks(f),g=0;g\")}else v=c.textLabel;t.fullSceneLayout.hovermode&&f.loneHover({x:(.5+.5*d[0]/d[3])*i,y:(.5-.5*d[1]/d[3])*a,xLabel:w,yLabel:k,zLabel:M,text:v,name:l.name,color:f.castHoverOption(e,m,\"bgcolor\")||l.color,borderColor:f.castHoverOption(e,m,\"bordercolor\"),fontFamily:f.castHoverOption(e,m,\"font.family\"),fontSize:f.castHoverOption(e,m,\"font.size\"),fontColor:f.castHoverOption(e,m,\"font.color\")},{container:r,gd:t.graphDiv});var T={x:c.traceCoordinate[0],y:c.traceCoordinate[1],z:c.traceCoordinate[2],data:e._input,fullData:e,curveNumber:e.index,pointNumber:m};e._module.eventData&&(T=e._module.eventData(T,c,e,{},m)),f.appendArrayPointValue(T,e,m);var S={points:[T]};c.buttons&&c.distance<5?t.graphDiv.emit(\"plotly_click\",S):t.graphDiv.emit(\"plotly_hover\",S),o=S}else f.loneUnhover(r),t.graphDiv.emit(\"plotly_unhover\",o);t.drawAnnotations(t)}.bind(null,t),t.traces={},!0}function b(t,e){var r=document.createElement(\"div\"),n=t.container;this.graphDiv=t.graphDiv;var i=document.createElementNS(\"http://www.w3.org/2000/svg\",\"svg\");i.style.position=\"absolute\",i.style.top=i.style.left=\"0px\",i.style.width=i.style.height=\"100%\",i.style[\"z-index\"]=20,i.style[\"pointer-events\"]=\"none\",r.appendChild(i),this.svgContainer=i,r.id=t.id,r.style.position=\"absolute\",r.style.top=r.style.left=\"0px\",r.style.width=r.style.height=\"100%\",n.appendChild(r),this.fullLayout=e,this.id=t.id||\"scene\",this.fullSceneLayout=e[this.id],this.plotArgs=[[],{},{}],this.axesOptions=v(e[this.id]),this.spikeOptions=m(e[this.id]),this.container=r,this.staticMode=!!t.staticPlot,this.pixelRatio=t.plotGlPixelRatio||2,this.dataScale=[1,1,1],this.contourLevels=[[],[],[]],this.convertAnnotations=l.getComponentMethod(\"annotations3d\",\"convert\"),this.drawAnnotations=l.getComponentMethod(\"annotations3d\",\"draw\"),x(this)}var _=b.prototype;_.recoverContext=function(){var t=this,e=this.glplot.gl,r=this.glplot.canvas;this.glplot.dispose(),requestAnimationFrame(function n(){e.isContextLost()?requestAnimationFrame(n):x(t,t.fullLayout,r,e)?t.plot.apply(t,t.plotArgs):c.error(\"Catastrophic and unrecoverable WebGL error. Context lost.\")})};var w=[\"xaxis\",\"yaxis\",\"zaxis\"];function k(t,e,r){for(var n=t.fullSceneLayout,i=0;i<3;i++){var a=w[i],o=a.charAt(0),s=n[a],l=e[o],u=e[o+\"calendar\"],f=e[\"_\"+o+\"length\"];if(c.isArrayOrTypedArray(l))for(var h,p=0;p<(f||l.length);p++)if(c.isArrayOrTypedArray(l[p]))for(var d=0;dg[1][a])g[0][a]=-1,g[1][a]=1;else{var E=g[1][a]-g[0][a];g[0][a]-=E/32,g[1][a]+=E/32}if(\"reversed\"===s.autorange){var C=g[0][a];g[0][a]=g[1][a],g[1][a]=C}}else{var L=s.range;g[0][a]=s.r2l(L[0]),g[1][a]=s.r2l(L[1])}g[0][a]===g[1][a]&&(g[0][a]-=1,g[1][a]+=1),v[a]=g[1][a]-g[0][a],this.glplot.bounds[0][a]=g[0][a]*p[a],this.glplot.bounds[1][a]=g[1][a]*p[a]}var z=[1,1,1];for(a=0;a<3;++a){var O=m[l=(s=c[w[a]]).type];z[a]=Math.pow(O.acc,1/O.count)/p[a]}var I;if(\"auto\"===c.aspectmode)I=Math.max.apply(null,z)/Math.min.apply(null,z)<=4?z:[1,1,1];else if(\"cube\"===c.aspectmode)I=[1,1,1];else if(\"data\"===c.aspectmode)I=z;else{if(\"manual\"!==c.aspectmode)throw new Error(\"scene.js aspectRatio was not one of the enumerated types\");var P=c.aspectratio;I=[P.x,P.y,P.z]}c.aspectratio.x=u.aspectratio.x=I[0],c.aspectratio.y=u.aspectratio.y=I[1],c.aspectratio.z=u.aspectratio.z=I[2],this.glplot.aspect=I;var D=c.domain||null,R=e._size||null;if(D&&R){var B=this.container.style;B.position=\"absolute\",B.left=R.l+D.x[0]*R.w+\"px\",B.top=R.t+(1-D.y[1])*R.h+\"px\",B.width=R.w*(D.x[1]-D.x[0])+\"px\",B.height=R.h*(D.y[1]-D.y[0])+\"px\"}this.glplot.redraw()}},_.destroy=function(){this.glplot&&(this.camera.mouseListener.enabled=!1,this.container.removeEventListener(\"wheel\",this.camera.wheelListener),this.camera=this.glplot.camera=null,this.glplot.dispose(),this.container.parentNode.removeChild(this.container),this.glplot=null)},_.getCamera=function(){return this.glplot.camera.view.recalcMatrix(this.camera.view.lastT()),M(this.glplot.camera)},_.setCamera=function(t){var e;this.glplot.camera.lookAt.apply(this,[[(e=t).eye.x,e.eye.y,e.eye.z],[e.center.x,e.center.y,e.center.z],[e.up.x,e.up.y,e.up.z]])},_.saveCamera=function(t){var e=this.getCamera(),r=c.nestedProperty(t,this.id+\".camera\"),n=r.get(),i=!1;function a(t,e,r,n){var i=[\"up\",\"center\",\"eye\"],a=[\"x\",\"y\",\"z\"];return e[i[r]]&&t[i[r]][a[n]]===e[i[r]][a[n]]}if(void 0===n)i=!0;else for(var o=0;o<3;o++)for(var s=0;s<3;s++)if(!a(e,n,o,s)){i=!0;break}return i&&r.set(e),i},_.updateFx=function(t,e){var r=this.camera;r&&(\"orbit\"===t?(r.mode=\"orbit\",r.keyBindingMode=\"rotate\"):\"turntable\"===t?(r.up=[0,0,1],r.mode=\"turntable\",r.keyBindingMode=\"rotate\"):r.keyBindingMode=t),this.fullSceneLayout.hovermode=e},_.toImage=function(t){t||(t=\"png\"),this.staticMode&&this.container.appendChild(n),this.glplot.redraw();var e=this.glplot.gl,r=e.drawingBufferWidth,i=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var a=new Uint8Array(r*i*4);e.readPixels(0,0,r,i,e.RGBA,e.UNSIGNED_BYTE,a);for(var o=0,s=i-1;o0)}function l(t){var e={},r={};switch(t.type){case\"circle\":n.extendFlat(r,{\"circle-radius\":t.circle.radius,\"circle-color\":t.color,\"circle-opacity\":t.opacity});break;case\"line\":n.extendFlat(r,{\"line-width\":t.line.width,\"line-color\":t.color,\"line-opacity\":t.opacity});break;case\"fill\":n.extendFlat(r,{\"fill-color\":t.color,\"fill-outline-color\":t.fill.outlinecolor,\"fill-opacity\":t.opacity});break;case\"symbol\":var a=t.symbol,o=i(a.textposition,a.iconsize);n.extendFlat(e,{\"icon-image\":a.icon+\"-15\",\"icon-size\":a.iconsize/10,\"text-field\":a.text,\"text-size\":a.textfont.size,\"text-anchor\":o.anchor,\"text-offset\":o.offset}),n.extendFlat(r,{\"icon-color\":t.color,\"text-color\":a.textfont.color,\"text-opacity\":t.opacity})}return{layout:e,paint:r}}o.update=function(t){this.visible?this.needsNewSource(t)?(this.removeLayer(),this.updateSource(t),this.updateLayer(t)):this.needsNewLayer(t)?this.updateLayer(t):this.updateStyle(t):(this.updateSource(t),this.updateLayer(t)),this.visible=s(t)},o.needsNewSource=function(t){return this.sourceType!==t.sourcetype||this.source!==t.source||this.layerType!==t.type},o.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==t.below},o.updateSource=function(t){var e=this.map;if(e.getSource(this.idSource)&&e.removeSource(this.idSource),this.sourceType=t.sourcetype,this.source=t.source,s(t)){var r=function(t){var e,r=t.sourcetype,n=t.source,i={type:r};\"geojson\"===r?e=\"data\":\"vector\"===r&&(e=\"string\"==typeof n?\"url\":\"tiles\");return i[e]=n,i}(t);e.addSource(this.idSource,r)}},o.updateLayer=function(t){var e=this.map,r=l(t);this.removeLayer(),this.layerType=t.type,s(t)&&e.addLayer({id:this.idLayer,source:this.idSource,\"source-layer\":t.sourcelayer||\"\",type:t.type,layout:r.layout,paint:r.paint},t.below)},o.updateStyle=function(t){if(s(t)){var e=l(t);this.mapbox.setOptions(this.idLayer,\"setLayoutProperty\",e.layout),this.mapbox.setOptions(this.idLayer,\"setPaintProperty\",e.paint)}},o.removeLayer=function(){var t=this.map;t.getLayer(this.idLayer)&&t.removeLayer(this.idLayer)},o.dispose=function(){var t=this.map;t.removeLayer(this.idLayer),t.removeSource(this.idSource)},e.exports=function(t,e,r){var n=new a(t,e);return n.update(r),n}},{\"../../lib\":696,\"./convert_text_opts\":801}],804:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../components/color\").defaultLine,a=t(\"../domain\").attributes,o=t(\"../font_attributes\"),s=t(\"../../traces/scatter/attributes\").textposition,l=t(\"../../plot_api/edit_types\").overrideAll,c=t(\"../../plot_api/plot_template\").templatedArray,u=o({});u.family.dflt=\"Open Sans Regular, Arial Unicode MS Regular\",e.exports=l({_arrayAttrRegexps:[n.counterRegex(\"mapbox\",\".layers\",!0)],domain:a({name:\"mapbox\"}),accesstoken:{valType:\"string\",noBlank:!0,strict:!0},style:{valType:\"any\",values:[\"basic\",\"streets\",\"outdoors\",\"light\",\"dark\",\"satellite\",\"satellite-streets\"],dflt:\"basic\"},center:{lon:{valType:\"number\",dflt:0},lat:{valType:\"number\",dflt:0}},zoom:{valType:\"number\",dflt:1},bearing:{valType:\"number\",dflt:0},pitch:{valType:\"number\",dflt:0},layers:c(\"layer\",{visible:{valType:\"boolean\",dflt:!0},sourcetype:{valType:\"enumerated\",values:[\"geojson\",\"vector\"],dflt:\"geojson\"},source:{valType:\"any\"},sourcelayer:{valType:\"string\",dflt:\"\"},type:{valType:\"enumerated\",values:[\"circle\",\"line\",\"fill\",\"symbol\"],dflt:\"circle\"},below:{valType:\"string\",dflt:\"\"},color:{valType:\"color\",dflt:i},opacity:{valType:\"number\",min:0,max:1,dflt:1},circle:{radius:{valType:\"number\",dflt:15}},line:{width:{valType:\"number\",dflt:2}},fill:{outlinecolor:{valType:\"color\",dflt:i}},symbol:{icon:{valType:\"string\",dflt:\"marker\"},iconsize:{valType:\"number\",dflt:10},text:{valType:\"string\",dflt:\"\"},textfont:u,textposition:n.extendFlat({},s,{arrayOk:!1})}})},\"plot\",\"from-root\")},{\"../../components/color\":570,\"../../lib\":696,\"../../plot_api/edit_types\":727,\"../../plot_api/plot_template\":734,\"../../traces/scatter/attributes\":1043,\"../domain\":770,\"../font_attributes\":771}],805:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../subplot_defaults\"),a=t(\"../array_container_defaults\"),o=t(\"./layout_attributes\");function s(t,e,r,n){r(\"accesstoken\",n.accessToken),r(\"style\"),r(\"center.lon\"),r(\"center.lat\"),r(\"zoom\"),r(\"bearing\"),r(\"pitch\"),a(t,e,{name:\"layers\",handleItemDefaults:l}),e._input=t}function l(t,e){function r(r,i){return n.coerce(t,e,o.layers,r,i)}if(r(\"visible\")){var i=r(\"sourcetype\");r(\"source\"),\"vector\"===i&&r(\"sourcelayer\");var a=r(\"type\");r(\"below\"),r(\"color\"),r(\"opacity\"),\"circle\"===a&&r(\"circle.radius\"),\"line\"===a&&r(\"line.width\"),\"fill\"===a&&r(\"fill.outlinecolor\"),\"symbol\"===a&&(r(\"symbol.icon\"),r(\"symbol.iconsize\"),r(\"symbol.text\"),n.coerceFont(r,\"symbol.textfont\"),r(\"symbol.textposition\"))}}e.exports=function(t,e,r){i(t,e,r,{type:\"mapbox\",attributes:o,handleDefaults:s,partition:\"y\",accessToken:e._mapboxAccessToken})}},{\"../../lib\":696,\"../array_container_defaults\":740,\"../subplot_defaults\":822,\"./layout_attributes\":804}],806:[function(t,e,r){\"use strict\";var n=t(\"mapbox-gl\"),i=t(\"../../components/fx\"),a=t(\"../../lib\"),o=t(\"../../components/dragelement\"),s=t(\"../cartesian/select\").prepSelect,l=t(\"../cartesian/select\").selectOnClick,c=t(\"./constants\"),u=t(\"./layout_attributes\"),f=t(\"./layers\");function h(t){this.id=t.id,this.gd=t.gd,this.container=t.container,this.isStatic=t.staticPlot;var e=t.fullLayout;this.uid=e._uid+\"-\"+this.id,this.opts=e[this.id],this.div=null,this.xaxis=null,this.yaxis=null,this.createFramework(e),this.map=null,this.accessToken=null,this.styleObj=null,this.traceHash={},this.layerList=[]}var p=h.prototype;function d(t){var e=u.style.values,r=u.style.dflt,n={};return a.isPlainObject(t)?(n.id=t.id,n.style=t):\"string\"==typeof t?(n.id=t,n.style=-1!==e.indexOf(t)?g(t):t):(n.id=r,n.style=g(r)),n.transition={duration:0,delay:0},n}function g(t){return c.styleUrlPrefix+t+\"-\"+c.styleUrlSuffix}function v(t){return[t.lon,t.lat]}e.exports=function(t){return new h(t)},p.plot=function(t,e,r){var n,i=this,a=i.opts=e[this.id];i.map&&a.accesstoken!==i.accessToken&&(i.map.remove(),i.map=null,i.styleObj=null,i.traceHash=[],i.layerList={}),n=i.map?new Promise(function(r,n){i.updateMap(t,e,r,n)}):new Promise(function(r,n){i.createMap(t,e,r,n)}),r.push(n)},p.createMap=function(t,e,r,a){var o=this,s=o.gd,u=o.opts,f=o.styleObj=d(u.style);o.accessToken=u.accesstoken;var h=o.map=new n.Map({container:o.div,style:f.style,center:v(u.center),zoom:u.zoom,bearing:u.bearing,pitch:u.pitch,interactive:!o.isStatic,preserveDrawingBuffer:o.isStatic,doubleClickZoom:!1,boxZoom:!1}),p=c.controlContainerClassName,g=o.div.getElementsByClassName(p)[0];if(o.div.removeChild(g),h._canvas.style.left=\"0px\",h._canvas.style.top=\"0px\",o.rejectOnError(a),h.once(\"load\",function(){o.updateData(t),o.updateLayout(e),o.resolveOnRender(r)}),!o.isStatic){var m=!1;h.on(\"moveend\",function(t){if(o.map){var e=o.getView();u._input.center=u.center=e.center,u._input.zoom=u.zoom=e.zoom,u._input.bearing=u.bearing=e.bearing,u._input.pitch=u.pitch=e.pitch,(t.originalEvent||m)&&x(e),m=!1}}),h.on(\"wheel\",function(){m=!0}),h.on(\"mousemove\",function(t){var e=o.div.getBoundingClientRect();t.clientX=t.point.x+e.left,t.clientY=t.point.y+e.top,t.target.getBoundingClientRect=function(){return e},o.xaxis.p2c=function(){return t.lngLat.lng},o.yaxis.p2c=function(){return t.lngLat.lat},i.hover(s,t,o.id)}),h.on(\"dragstart\",y),h.on(\"zoomstart\",y),h.on(\"dblclick\",function(){s.emit(\"plotly_doubleclick\",null);var t=o.viewInitial;h.setCenter(v(t.center)),h.setZoom(t.zoom),h.setBearing(t.bearing),h.setPitch(t.pitch);var e=o.getView();u._input.center=u.center=e.center,u._input.zoom=u.zoom=e.zoom,u._input.bearing=u.bearing=e.bearing,u._input.pitch=u.pitch=e.pitch,x(e)}),o.clearSelect=function(){s._fullLayout._zoomlayer.selectAll(\".select-outline\").remove()},o.onClickInPanFn=function(t){return function(e){var r=s._fullLayout.clickmode;r.indexOf(\"select\")>-1&&l(e.originalEvent,s,[o.xaxis],[o.yaxis],o.id,t),r.indexOf(\"event\")>-1&&i.click(s,e.originalEvent)}}}function y(){i.loneUnhover(e._toppaper)}function x(t){var e=o.id,r={};for(var n in t)r[e+\".\"+n]=t[n];s.emit(\"plotly_relayout\",r)}},p.updateMap=function(t,e,r,n){var i=this,a=i.map;i.rejectOnError(n);var o=d(i.opts.style);i.styleObj.id!==o.id?(i.styleObj=o,a.setStyle(o.style),a.once(\"styledata\",function(){i.traceHash={},i.updateData(t),i.updateLayout(e),i.resolveOnRender(r)})):(i.updateData(t),i.updateLayout(e),i.resolveOnRender(r))},p.updateData=function(t){var e,r,n,i,a=this.traceHash;for(n=0;n=e.width-20?(a[\"text-anchor\"]=\"start\",a.x=5):(a[\"text-anchor\"]=\"end\",a.x=e._paper.attr(\"width\")-7),r.attr(a);var o=r.select(\".js-link-to-tool\"),s=r.select(\".js-link-spacer\"),u=r.select(\".js-sourcelinks\");t._context.showSources&&t._context.showSources(t),t._context.showLink&&function(t,e){e.text(\"\");var r=e.append(\"a\").attr({\"xlink:xlink:href\":\"#\",class:\"link--impt link--embedview\",\"font-weight\":\"bold\"}).text(t._context.linkText+\" \"+String.fromCharCode(187));if(t._context.sendData)r.on(\"click\",function(){v.sendDataToCloud(t)});else{var n=window.location.pathname.split(\"/\"),i=window.location.search;r.attr({\"xlink:xlink:show\":\"new\",\"xlink:xlink:href\":\"/\"+n[2].split(\".\")[0]+\"/\"+n[1]+i})}}(t,o),s.text(o.text()&&u.text()?\" - \":\"\")}},v.sendDataToCloud=function(t){t.emit(\"plotly_beforeexport\");var e=(window.PLOTLYENV||{}).BASE_URL||t._context.plotlyServerURL,r=n.select(t).append(\"div\").attr(\"id\",\"hiddenform\").style(\"display\",\"none\"),i=r.append(\"form\").attr({action:e+\"/external\",method:\"post\",target:\"_blank\"});return i.append(\"input\").attr({type:\"text\",name:\"data\"}).node().value=v.graphJson(t,!1,\"keepdata\"),i.node().submit(),r.remove(),t.emit(\"plotly_afterexport\"),!1};var x,b=[\"days\",\"shortDays\",\"months\",\"shortMonths\",\"periods\",\"dateTime\",\"date\",\"time\",\"decimal\",\"thousands\",\"grouping\",\"currency\"],_=[\"year\",\"month\",\"dayMonth\",\"dayMonthYear\"];function w(t,e){var r=t._context.locale,n=!1,i={};function o(t){for(var r=!0,a=0;a1&&I.length>1){for(a.getComponentMethod(\"grid\",\"sizeDefaults\")(c,s),o=0;o15&&I.length>15&&0===s.shapes.length&&0===s.images.length,s._hasCartesian=s._has(\"cartesian\"),s._hasGeo=s._has(\"geo\"),s._hasGL3D=s._has(\"gl3d\"),s._hasGL2D=s._has(\"gl2d\"),s._hasTernary=s._has(\"ternary\"),s._hasPie=s._has(\"pie\"),v.linkSubplots(h,s,u,i),v.cleanPlot(h,s,u,i),d(s,i),v.doAutoMargin(t);var F=f.list(t);for(o=0;o0){var f=1-2*s;n=Math.round(f*n),a=Math.round(f*a)}}var h=v.layoutAttributes.width.min,p=v.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-a)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=a)),t._initialAutoSize||(t._initialAutoSize={width:n,height:a}),v.sanitizeMargins(r)},v.supplyLayoutModuleDefaults=function(t,e,r,n){var i,o,s,c=a.componentsRegistry,u=e._basePlotModules,f=a.subplotsRegistry.cartesian;for(i in c)(s=c[i]).includeBasePlot&&s.includeBasePlot(t,e);for(var h in u.length||u.push(f),e._has(\"cartesian\")&&(a.getComponentMethod(\"grid\",\"contentDefaults\")(t,e),f.finalizeSubplots(t,e)),e._subplots)e._subplots[h].sort(l.subplotSort);for(o=0;o.5*n.width&&(r.l=r.r=0),r.b+r.t>.5*n.height&&(r.b=r.t=0);var l=void 0!==r.xl?r.xl:r.x,c=void 0!==r.xr?r.xr:r.x,u=void 0!==r.yt?r.yt:r.y,f=void 0!==r.yb?r.yb:r.y;i[e]={l:{val:l,size:r.l+o},r:{val:c,size:r.r+o},b:{val:f,size:r.b+o},t:{val:u,size:r.t+o}},a[e]=1}else delete i[e],delete a[e];n._replotting||v.doAutoMargin(t)}},v.doAutoMargin=function(t){var e=t._fullLayout;e._size||(e._size={}),A(e);var r=e._size,n=JSON.stringify(r),o=Math.max(e.margin.l||0,0),s=Math.max(e.margin.r||0,0),l=Math.max(e.margin.t||0,0),c=Math.max(e.margin.b||0,0),u=e._pushmargin,f=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var h in u)f[h]||delete u[h];for(var p in u.base={l:{val:0,size:o},r:{val:1,size:s},t:{val:1,size:l},b:{val:0,size:c}},u){var d=u[p].l||{},g=u[p].b||{},v=d.val,m=d.size,y=g.val,x=g.size;for(var b in u){if(i(m)&&u[b].r){var _=u[b].r.val,w=u[b].r.size;if(_>v){var k=(m*_+(w-e.width)*v)/(_-v),M=(w*(1-v)+(m-e.width)*(1-_))/(_-v);k>=0&&M>=0&&k+M>o+s&&(o=k,s=M)}}if(i(x)&&u[b].t){var T=u[b].t.val,S=u[b].t.size;if(T>y){var E=(x*T+(S-e.height)*y)/(T-y),C=(S*(1-y)+(x-e.height)*(1-T))/(T-y);E>=0&&C>=0&&E+C>c+l&&(c=E,l=C)}}}}}if(r.l=Math.round(o),r.r=Math.round(s),r.t=Math.round(l),r.b=Math.round(c),r.p=Math.round(e.margin.pad),r.w=Math.round(e.width)-r.l-r.r,r.h=Math.round(e.height)-r.t-r.b,!e._replotting&&\"{}\"!==n&&n!==JSON.stringify(e._size))return\"_redrawFromAutoMarginCount\"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1,a.call(\"plot\",t)},v.graphJson=function(t,e,r,n,i){(i&&e&&!t._fullData||i&&!e&&!t._fullLayout)&&v.supplyDefaults(t);var a=i?t._fullData:t.data,o=i?t._fullLayout:t.layout,s=(t._transitionData||{})._frames;function c(t){if(\"function\"==typeof t)return null;if(l.isPlainObject(t)){var e,n,i={};for(e in t)if(\"function\"!=typeof t[e]&&-1===[\"_\",\"[\"].indexOf(e.charAt(0))){if(\"keepdata\"===r){if(\"src\"===e.substr(e.length-3))continue}else if(\"keepstream\"===r){if(\"string\"==typeof(n=t[e+\"src\"])&&n.indexOf(\":\")>0&&!l.isPlainObject(t.stream))continue}else if(\"keepall\"!==r&&\"string\"==typeof(n=t[e+\"src\"])&&n.indexOf(\":\")>0)continue;i[e]=c(t[e])}return i}return Array.isArray(t)?t.map(c):l.isTypedArray(t)?l.simpleMap(t,l.identity):l.isJSDate(t)?l.ms2DateTimeLocal(+t):t}var u={data:(a||[]).map(function(t){var r=c(t);return e&&delete r.fit,r})};return e||(u.layout=c(o)),t.framework&&t.framework.isPolar&&(u=t.framework.getConfig()),s&&(u.frames=c(s)),\"object\"===n?u:JSON.stringify(u)},v.modifyFrames=function(t,e){var r,n,i,a=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r0&&(t._transitioningWithDuration=!0),t._transitionData._interruptCallbacks.push(function(){p=!0}),i.redraw&&t._transitionData._interruptCallbacks.push(function(){return a.call(\"redraw\",t)}),t._transitionData._interruptCallbacks.push(function(){t.emit(\"plotly_transitioninterrupted\",[])});var n,s,c=0,u=0;function f(){return c++,function(){var r;u++,p||u!==c||(r=e,t._transitionData&&(function(t){if(t)for(;t.length;)t.shift()}(t._transitionData._interruptCallbacks),Promise.resolve().then(function(){if(i.redraw)return a.call(\"redraw\",t)}).then(function(){t._transitioning=!1,t._transitioningWithDuration=!1,t.emit(\"plotly_transitioned\",[])}).then(r)))}}var d=t._fullLayout._basePlotModules,g=!1;if(r)for(s=0;s=0;s--)if(o[s].enabled){r._indexToPoints=o[s]._indexToPoints;break}n&&n.calc&&(a=n.calc(t,r))}Array.isArray(a)&&a[0]||(a=[{x:u,y:u}]),a[0].t||(a[0].t={}),a[0].trace=r,d[e]=a}}for(y&&T(c),i=0;i1e-10?t:0}function h(t,e,r){e=e||0,r=r||0;for(var n=t.length,i=new Array(n),a=0;a0?r:1/0}),i=n.mod(r+1,e.length);return[e[r],e[i]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var i=-e*r,a=e*e+1,o=2*(e*i-r),s=i*i+r*r-t*t,l=Math.sqrt(o*o-4*a*s),c=(-o+l)/(2*a),u=(-o-l)/(2*a);return[[c,e*c+i+n],[u,e*u+i+n]]},clampTiny:f,pathPolygon:function(t,e,r,n,i,a){return\"M\"+h(u(t,e,r,n),i,a).join(\"L\")},pathPolygonAnnulus:function(t,e,r,n,i,a,o){var s,l;t=0?h.angularAxis.domain:n.extent(k),E=Math.abs(k[1]-k[0]);A&&!M&&(E=0);var C=S.slice();T&&M&&(C[1]+=E);var L=h.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),h.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var z=h.angularAxis.ticksStep||(C[1]-C[0])/(L*(h.minorTicks+1));w&&(z=Math.max(Math.round(z),1)),C[2]||(C[2]=z);var O=n.range.apply(this,C);if(O=O.map(function(t,e){return parseFloat(t.toPrecision(12))}),s=n.scale.linear().domain(C.slice(0,2)).range(\"clockwise\"===h.direction?[0,360]:[360,0]),u.layout.angularAxis.domain=s.domain(),u.layout.angularAxis.endPadding=T?E:0,\"undefined\"==typeof(t=n.select(this).select(\"svg.chart-root\"))||t.empty()){var I=(new DOMParser).parseFromString(\"' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '\",\"application/xml\"),P=this.appendChild(this.ownerDocument.importNode(I.documentElement,!0));t=n.select(P)}t.select(\".guides-group\").style({\"pointer-events\":\"none\"}),t.select(\".angular.axis-group\").style({\"pointer-events\":\"none\"}),t.select(\".radial.axis-group\").style({\"pointer-events\":\"none\"});var D,R=t.select(\".chart-group\"),B={fill:\"none\",stroke:h.tickColor},F={\"font-size\":h.font.size,\"font-family\":h.font.family,fill:h.font.color,\"text-shadow\":[\"-1px 0px\",\"1px -1px\",\"-1px 1px\",\"1px 1px\"].map(function(t,e){return\" \"+t+\" 0 \"+h.font.outlineColor}).join(\",\")};if(h.showLegend){D=t.select(\".legend-group\").attr({transform:\"translate(\"+[x,h.margin.top]+\")\"}).style({display:\"block\"});var N=p.map(function(t,e){var r=o.util.cloneJson(t);return r.symbol=\"DotPlot\"===t.geometry?t.dotType||\"circle\":\"LinePlot\"!=t.geometry?\"square\":\"line\",r.visibleInLegend=\"undefined\"==typeof t.visibleInLegend||t.visibleInLegend,r.color=\"LinePlot\"===t.geometry?t.strokeColor:t.color,r});o.Legend().config({data:p.map(function(t,e){return t.name||\"Element\"+e}),legendConfig:i({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:h.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(h.width-j.width-h.margin.left-h.margin.right,h.height-h.margin.top-h.margin.bottom)/2,x=Math.max(10,x),_=[h.margin.left+x,h.margin.top+x],r.range([0,x]),u.layout.radialAxis.domain=r.domain(),D.attr(\"transform\",\"translate(\"+[_[0]+x,_[1]-x]+\")\")}else D=t.select(\".legend-group\").style({display:\"none\"});t.attr({width:h.width,height:h.height}).style({opacity:h.opacity}),R.attr(\"transform\",\"translate(\"+_+\")\").style({cursor:\"crosshair\"});var V=[(h.width-(h.margin.left+h.margin.right+2*x+(j?j.width:0)))/2,(h.height-(h.margin.top+h.margin.bottom+2*x))/2];if(V[0]=Math.max(0,V[0]),V[1]=Math.max(0,V[1]),t.select(\".outer-group\").attr(\"transform\",\"translate(\"+V+\")\"),h.title){var U=t.select(\"g.title-group text\").style(F).text(h.title),q=U.node().getBBox();U.attr({x:_[0]-q.width/2,y:_[1]-x-20})}var H=t.select(\".radial.axis-group\");if(h.radialAxis.gridLinesVisible){var G=H.selectAll(\"circle.grid-circle\").data(r.ticks(5));G.enter().append(\"circle\").attr({class:\"grid-circle\"}).style(B),G.attr(\"r\",r),G.exit().remove()}H.select(\"circle.outside-circle\").attr({r:x}).style(B);var W=t.select(\"circle.background-circle\").attr({r:x}).style({fill:h.backgroundColor,stroke:h.stroke});function Y(t,e){return s(t)%360+h.orientation}if(h.radialAxis.visible){var X=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(X).attr({transform:\"rotate(\"+h.radialAxis.orientation+\")\"}),H.selectAll(\".domain\").style(B),H.selectAll(\"g>text\").text(function(t,e){return this.textContent+h.radialAxis.ticksSuffix}).style(F).style({\"text-anchor\":\"start\"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return\"horizontal\"===h.radialAxis.tickOrientation?\"rotate(\"+-h.radialAxis.orientation+\") translate(\"+[0,F[\"font-size\"]]+\")\":\"translate(\"+[0,F[\"font-size\"]]+\")\"}}),H.selectAll(\"g>line\").style({stroke:\"black\"})}var Z=t.select(\".angular.axis-group\").selectAll(\"g.angular-tick\").data(O),$=Z.enter().append(\"g\").classed(\"angular-tick\",!0);Z.attr({transform:function(t,e){return\"rotate(\"+Y(t)+\")\"}}).style({display:h.angularAxis.visible?\"block\":\"none\"}),Z.exit().remove(),$.append(\"line\").classed(\"grid-line\",!0).classed(\"major\",function(t,e){return e%(h.minorTicks+1)==0}).classed(\"minor\",function(t,e){return!(e%(h.minorTicks+1)==0)}).style(B),$.selectAll(\".minor\").style({stroke:h.minorTickColor}),Z.select(\"line.grid-line\").attr({x1:h.tickLength?x-h.tickLength:0,x2:x}).style({display:h.angularAxis.gridLinesVisible?\"block\":\"none\"}),$.append(\"text\").classed(\"axis-text\",!0).style(F);var J=Z.select(\"text.axis-text\").attr({x:x+h.labelOffset,dy:a+\"em\",transform:function(t,e){var r=Y(t),n=x+h.labelOffset,i=h.angularAxis.tickOrientation;return\"horizontal\"==i?\"rotate(\"+-r+\" \"+n+\" 0)\":\"radial\"==i?r<270&&r>90?\"rotate(180 \"+n+\" 0)\":null:\"rotate(\"+(r<=180&&r>0?-90:90)+\" \"+n+\" 0)\"}}).style({\"text-anchor\":\"middle\",display:h.angularAxis.labelsVisible?\"block\":\"none\"}).text(function(t,e){return e%(h.minorTicks+1)!=0?\"\":w?w[t]+h.angularAxis.ticksSuffix:t+h.angularAxis.ticksSuffix}).style(F);h.angularAxis.rewriteTicks&&J.text(function(t,e){return e%(h.minorTicks+1)!=0?\"\":h.angularAxis.rewriteTicks(this.textContent,e)});var K=n.max(R.selectAll(\".angular-tick text\")[0].map(function(t,e){return t.getCTM().e+t.getBBox().width}));D.attr({transform:\"translate(\"+[x+K,h.margin.top]+\")\"});var Q=t.select(\"g.geometry-group\").selectAll(\"g\").size()>0,tt=t.select(\"g.geometry-group\").selectAll(\"g.geometry\").data(p);if(tt.enter().append(\"g\").attr({class:function(t,e){return\"geometry geometry\"+e}}),tt.exit().remove(),p[0]||Q){var et=[];p.forEach(function(t,e){var n={};n.radialScale=r,n.angularScale=s,n.container=tt.filter(function(t,r){return r==e}),n.geometry=t.geometry,n.orientation=h.orientation,n.direction=h.direction,n.index=e,et.push({data:t,geometryConfig:n})});var rt=n.nest().key(function(t,e){return\"undefined\"!=typeof t.data.groupId||\"unstacked\"}).entries(et),nt=[];rt.forEach(function(t,e){\"unstacked\"===t.key?nt=nt.concat(t.values.map(function(t,e){return[t]})):nt.push(t.values)}),nt.forEach(function(t,e){var r;r=Array.isArray(t)?t[0].geometryConfig.geometry:t.geometryConfig.geometry;var n=t.map(function(t,e){return i(o[r].defaultConfig(),t)});o[r]().config(n)()})}var it,at,ot=t.select(\".guides-group\"),st=t.select(\".tooltips-group\"),lt=o.tooltipPanel().config({container:st,fontSize:8})(),ct=o.tooltipPanel().config({container:st,fontSize:8})(),ut=o.tooltipPanel().config({container:st,hasTick:!0})();if(!M){var ft=ot.select(\"line\").attr({x1:0,y1:0,y2:0}).style({stroke:\"grey\",\"pointer-events\":\"none\"});R.on(\"mousemove.angular-guide\",function(t,e){var r=o.util.getMousePos(W).angle;ft.attr({x2:-x,transform:\"rotate(\"+r+\")\"}).style({opacity:.5});var n=(r+180+360-h.orientation)%360;it=s.invert(n);var i=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(it)).move([i[0]+_[0],i[1]+_[1]])}).on(\"mouseout.angular-guide\",function(t,e){ot.select(\"line\").style({opacity:0})})}var ht=ot.select(\"circle\").style({stroke:\"grey\",fill:\"none\"});R.on(\"mousemove.radial-guide\",function(t,e){var n=o.util.getMousePos(W).radius;ht.attr({r:n}).style({opacity:.5}),at=r.invert(o.util.getMousePos(W).radius);var i=o.util.convertToCartesian(n,h.radialAxis.orientation);ct.text(o.util.round(at)).move([i[0]+_[0],i[1]+_[1]])}).on(\"mouseout.radial-guide\",function(t,e){ht.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()}),t.selectAll(\".geometry-group .mark\").on(\"mouseover.tooltip\",function(e,r){var i=n.select(this),a=this.style.fill,s=\"black\",l=this.style.opacity||1;if(i.attr({\"data-opacity\":l}),a&&\"none\"!==a){i.attr({\"data-fill\":a}),s=n.hsl(a).darker().toString(),i.style({fill:s,opacity:1});var c={t:o.util.round(e[0]),r:o.util.round(e[1])};M&&(c.t=w[e[0]]);var u=\"t: \"+c.t+\", r: \"+c.r,f=this.getBoundingClientRect(),h=t.node().getBoundingClientRect(),p=[f.left+f.width/2-V[0]-h.left,f.top+f.height/2-V[1]-h.top];ut.config({color:s}).text(u),ut.move(p)}else a=this.style.stroke||\"black\",i.attr({\"data-stroke\":a}),s=n.hsl(a).darker().toString(),i.style({stroke:s,opacity:1})}).on(\"mousemove.tooltip\",function(t,e){if(0!=n.event.which)return!1;n.select(this).attr(\"data-fill\")&&ut.show()}).on(\"mouseout.tooltip\",function(t,e){ut.hide();var r=n.select(this),i=r.attr(\"data-fill\");i?r.style({fill:i,opacity:r.attr(\"data-opacity\")}):r.style({stroke:r.attr(\"data-stroke\"),opacity:r.attr(\"data-opacity\")})})})}(c),this},h.config=function(t){if(!arguments.length)return l;var e=o.util.cloneJson(t);return e.data.forEach(function(t,e){l.data[e]||(l.data[e]={}),i(l.data[e],o.Axis.defaultConfig().data[0]),i(l.data[e],t)}),i(l.layout,o.Axis.defaultConfig().layout),i(l.layout,e.layout),this},h.getLiveConfig=function(){return u},h.getinputConfig=function(){return c},h.radialScale=function(t){return r},h.angularScale=function(t){return s},h.svg=function(){return t},n.rebind(h,f,\"on\"),h},o.Axis.defaultConfig=function(t,e){return{data:[{t:[1,2,3,4],r:[10,11,12,13],name:\"Line1\",geometry:\"LinePlot\",color:null,strokeDash:\"solid\",strokeColor:null,strokeSize:\"1\",visibleInLegend:!0,opacity:1}],layout:{defaultColorRange:n.scale.category10().range(),title:null,height:450,width:500,margin:{top:40,right:40,bottom:40,left:40},font:{size:12,color:\"gray\",outlineColor:\"white\",family:\"Tahoma, sans-serif\"},direction:\"clockwise\",orientation:0,labelOffset:10,radialAxis:{domain:null,orientation:-45,ticksSuffix:\"\",visible:!0,gridLinesVisible:!0,tickOrientation:\"horizontal\",rewriteTicks:null},angularAxis:{domain:[0,360],ticksSuffix:\"\",visible:!0,gridLinesVisible:!0,labelsVisible:!0,tickOrientation:\"horizontal\",rewriteTicks:null,ticksCount:null,ticksStep:null},minorTicks:0,tickLength:null,tickColor:\"silver\",minorTickColor:\"#eee\",backgroundColor:\"none\",needsEndSpacing:null,showLegend:!0,legend:{reverseOrder:!1},opacity:1}}},o.util={},o.DATAEXTENT=\"dataExtent\",o.AREA=\"AreaChart\",o.LINE=\"LinePlot\",o.DOT=\"DotPlot\",o.BAR=\"BarChart\",o.util._override=function(t,e){for(var r in t)r in e&&(e[r]=t[r])},o.util._extend=function(t,e){for(var r in t)e[r]=t[r]},o.util._rndSnd=function(){return 2*Math.random()-1+(2*Math.random()-1)+(2*Math.random()-1)},o.util.dataFromEquation2=function(t,e){var r=e||6;return n.range(0,360+r,r).map(function(e,r){var n=e*Math.PI/180;return[e,t(n)]})},o.util.dataFromEquation=function(t,e,r){var i=e||6,a=[],o=[];n.range(0,360+i,i).forEach(function(e,r){var n=e*Math.PI/180,i=t(n);a.push(e),o.push(i)});var s={t:a,r:o};return r&&(s.name=r),s},o.util.ensureArray=function(t,e){if(\"undefined\"==typeof t)return null;var r=[].concat(t);return n.range(e).map(function(t,e){return r[e]||r[0]})},o.util.fillArrays=function(t,e,r){return e.forEach(function(e,n){t[e]=o.util.ensureArray(t[e],r)}),t},o.util.cloneJson=function(t){return JSON.parse(JSON.stringify(t))},o.util.validateKeys=function(t,e){\"string\"==typeof e&&(e=e.split(\".\"));var r=e.shift();return t[r]&&(!e.length||objHasKeys(t[r],e))},o.util.sumArrays=function(t,e){return n.zip(t,e).map(function(t,e){return n.sum(t)})},o.util.arrayLast=function(t){return t[t.length-1]},o.util.arrayEqual=function(t,e){for(var r=Math.max(t.length,e.length,1);r-- >=0&&t[r]===e[r];);return-2===r},o.util.flattenArray=function(t){for(var e=[];!o.util.arrayEqual(e,t);)e=t,t=[].concat.apply([],t);return t},o.util.deduplicate=function(t){return t.filter(function(t,e,r){return r.indexOf(t)==e})},o.util.convertToCartesian=function(t,e){var r=e*Math.PI/180;return[t*Math.cos(r),t*Math.sin(r)]},o.util.round=function(t,e){var r=e||2,n=Math.pow(10,r);return Math.round(t*n)/n},o.util.getMousePos=function(t){var e=n.mouse(t.node()),r=e[0],i=e[1],a={};return a.x=r,a.y=i,a.pos=e,a.angle=180*(Math.atan2(i,r)+Math.PI)/Math.PI,a.radius=Math.sqrt(r*r+i*i),a},o.util.duplicatesCount=function(t){for(var e,r={},n={},i=0,a=t.length;i0)){var l=n.select(this.parentNode).selectAll(\"path.line\").data([0]);l.enter().insert(\"path\"),l.attr({class:\"line\",d:u(s),transform:function(t,r){return\"rotate(\"+(e.orientation+90)+\")\"},\"pointer-events\":\"none\"}).style({fill:function(t,e){return d.fill(r,i,a)},\"fill-opacity\":0,stroke:function(t,e){return d.stroke(r,i,a)},\"stroke-width\":function(t,e){return d[\"stroke-width\"](r,i,a)},\"stroke-dasharray\":function(t,e){return d[\"stroke-dasharray\"](r,i,a)},opacity:function(t,e){return d.opacity(r,i,a)},display:function(t,e){return d.display(r,i,a)}})}};var f=e.angularScale.range(),h=Math.abs(f[1]-f[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle(function(t){return-h/2}).endAngle(function(t){return h/2}).innerRadius(function(t){return e.radialScale(l+(t[2]||0))}).outerRadius(function(t){return e.radialScale(l+(t[2]||0))+e.radialScale(t[1])});c.arc=function(t,r,i){n.select(this).attr({class:\"mark arc\",d:p,transform:function(t,r){return\"rotate(\"+(e.orientation+s(t[0])+90)+\")\"}})};var d={fill:function(e,r,n){return t[n].data.color},stroke:function(e,r,n){return t[n].data.strokeColor},\"stroke-width\":function(e,r,n){return t[n].data.strokeSize+\"px\"},\"stroke-dasharray\":function(e,n,i){return r[t[i].data.strokeDash]},opacity:function(e,r,n){return t[n].data.opacity},display:function(e,r,n){return\"undefined\"==typeof t[n].data.visible||t[n].data.visible?\"block\":\"none\"}},g=n.select(this).selectAll(\"g.layer\").data(o);g.enter().append(\"g\").attr({class:\"layer\"});var v=g.selectAll(\"path.mark\").data(function(t,e){return t});v.enter().append(\"path\").attr({class:\"mark\"}),v.style(d).each(c[e.geometryType]),v.exit().remove(),g.exit().remove()})}return a.config=function(e){return arguments.length?(e.forEach(function(e,r){t[r]||(t[r]={}),i(t[r],o.PolyChart.defaultConfig()),i(t[r],e)}),this):t},a.getColorScale=function(){},n.rebind(a,e,\"on\"),a},o.PolyChart.defaultConfig=function(){return{data:{name:\"geom1\",t:[[1,2,3,4]],r:[[1,2,3,4]],dotType:\"circle\",dotSize:64,dotVisible:!1,barWidth:20,color:\"#ffa500\",strokeSize:1,strokeColor:\"silver\",strokeDash:\"solid\",opacity:1,index:0,visible:!0,visibleInLegend:!0},geometryConfig:{geometry:\"LinePlot\",geometryType:\"arc\",direction:\"clockwise\",orientation:0,container:\"body\",radialScale:null,angularScale:null,colorScale:n.scale.category20()}}},o.BarChart=function(){return o.PolyChart()},o.BarChart.defaultConfig=function(){return{geometryConfig:{geometryType:\"bar\"}}},o.AreaChart=function(){return o.PolyChart()},o.AreaChart.defaultConfig=function(){return{geometryConfig:{geometryType:\"arc\"}}},o.DotPlot=function(){return o.PolyChart()},o.DotPlot.defaultConfig=function(){return{geometryConfig:{geometryType:\"dot\",dotType:\"circle\"}}},o.LinePlot=function(){return o.PolyChart()},o.LinePlot.defaultConfig=function(){return{geometryConfig:{geometryType:\"line\"}}},o.Legend=function(){var t=o.Legend.defaultConfig(),e=n.dispatch(\"hover\");function r(){var e=t.legendConfig,a=t.data.map(function(t,r){return[].concat(t).map(function(t,n){var a=i({},e.elements[r]);return a.name=t,a.color=[].concat(e.elements[r].color)[n],a})}),o=n.merge(a);o=o.filter(function(t,r){return e.elements[r]&&(e.elements[r].visibleInLegend||\"undefined\"==typeof e.elements[r].visibleInLegend)}),e.reverseOrder&&(o=o.reverse());var s=e.container;(\"string\"==typeof s||s.nodeName)&&(s=n.select(s));var l=o.map(function(t,e){return t.color}),c=e.fontSize,u=null==e.isContinuous?\"number\"==typeof o[0]:e.isContinuous,f=u?e.height:c*o.length,h=s.classed(\"legend-group\",!0).selectAll(\"svg\").data([0]),p=h.enter().append(\"svg\").attr({width:300,height:f+c,xmlns:\"http://www.w3.org/2000/svg\",\"xmlns:xlink\":\"http://www.w3.org/1999/xlink\",version:\"1.1\"});p.append(\"g\").classed(\"legend-axis\",!0),p.append(\"g\").classed(\"legend-marks\",!0);var d=n.range(o.length),g=n.scale[u?\"linear\":\"ordinal\"]().domain(d).range(l),v=n.scale[u?\"linear\":\"ordinal\"]().domain(d)[u?\"range\":\"rangePoints\"]([0,f]);if(u){var m=h.select(\".legend-marks\").append(\"defs\").append(\"linearGradient\").attr({id:\"grad1\",x1:\"0%\",y1:\"0%\",x2:\"0%\",y2:\"100%\"}).selectAll(\"stop\").data(l);m.enter().append(\"stop\"),m.attr({offset:function(t,e){return e/(l.length-1)*100+\"%\"}}).style({\"stop-color\":function(t,e){return t}}),h.append(\"rect\").classed(\"legend-mark\",!0).attr({height:e.height,width:e.colorBandWidth,fill:\"url(#grad1)\"})}else{var y=h.select(\".legend-marks\").selectAll(\"path.legend-mark\").data(o);y.enter().append(\"path\").classed(\"legend-mark\",!0),y.attr({transform:function(t,e){return\"translate(\"+[c/2,v(e)+c/2]+\")\"},d:function(t,e){var r,i,a,o=t.symbol;return a=3*(i=c),\"line\"===(r=o)?\"M\"+[[-i/2,-i/12],[i/2,-i/12],[i/2,i/12],[-i/2,i/12]]+\"Z\":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(a)():n.svg.symbol().type(\"square\").size(a)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(v).orient(\"right\"),b=h.select(\"g.legend-axis\").attr({transform:\"translate(\"+[u?e.colorBandWidth:c,c/2]+\")\"}).call(x);return b.selectAll(\".domain\").style({fill:\"none\",stroke:\"none\"}),b.selectAll(\"line\").style({fill:\"none\",stroke:u?e.textColor:\"none\"}),b.selectAll(\"text\").style({fill:e.textColor,\"font-size\":e.fontSize}).text(function(t,e){return o[e].name}),r}return r.config=function(e){return arguments.length?(i(t,e),this):t},n.rebind(r,e,\"on\"),r},o.Legend.defaultConfig=function(t,e){return{data:[\"a\",\"b\",\"c\"],legendConfig:{elements:[{symbol:\"line\",color:\"red\"},{symbol:\"square\",color:\"yellow\"},{symbol:\"diamond\",color:\"limegreen\"}],height:150,colorBandWidth:30,fontSize:12,container:\"body\",isContinuous:null,textColor:\"grey\",reverseOrder:!1}}},o.tooltipPanel=function(){var t,e,r,a={container:null,hasTick:!1,fontSize:12,color:\"white\",padding:5},s=\"tooltip-\"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=a.container.selectAll(\"g.\"+s).data([0])).enter().append(\"g\").classed(s,!0).style({\"pointer-events\":\"none\",display:\"none\"});return r=n.append(\"path\").style({fill:\"white\",\"fill-opacity\":.9}).attr({d:\"M0 0\"}),e=n.append(\"text\").attr({dx:a.padding+l,dy:.3*+a.fontSize}),c};return c.text=function(i){var o=n.hsl(a.color).l,s=o>=.5?\"#aaa\":\"white\",u=o>=.5?\"black\":\"white\",f=i||\"\";e.style({fill:u,\"font-size\":a.fontSize+\"px\"}).text(f);var h=a.padding,p=e.node().getBBox(),d={fill:a.color,stroke:s,\"stroke-width\":\"2px\"},g=p.width+2*h+l,v=p.height+2*h;return r.attr({d:\"M\"+[[l,-v/2],[l,-v/4],[a.hasTick?0:l,0],[l,v/4],[l,v/2],[g,v/2],[g,-v/2]].join(\"L\")+\"Z\"}).style(d),t.attr({transform:\"translate(\"+[l,-v/2+2*h]+\")\"}),t.style({display:\"block\"}),c},c.move=function(e){if(t)return t.attr({transform:\"translate(\"+[e[0],e[1]]+\")\"}).style({display:\"block\"}),c},c.hide=function(){if(t)return t.style({display:\"none\"}),c},c.show=function(){if(t)return t.style({display:\"block\"}),c},c.config=function(t){return i(a,t),c},c},o.tooltipPanel.uid=1,o.adapter={},o.adapter.plotly=function(){var t={convert:function(t,e){var r={};if(t.data&&(r.data=t.data.map(function(t,r){var n=i({},t);return[[n,[\"marker\",\"color\"],[\"color\"]],[n,[\"marker\",\"opacity\"],[\"opacity\"]],[n,[\"marker\",\"line\",\"color\"],[\"strokeColor\"]],[n,[\"marker\",\"line\",\"dash\"],[\"strokeDash\"]],[n,[\"marker\",\"line\",\"width\"],[\"strokeSize\"]],[n,[\"marker\",\"symbol\"],[\"dotType\"]],[n,[\"marker\",\"size\"],[\"dotSize\"]],[n,[\"marker\",\"barWidth\"],[\"barWidth\"]],[n,[\"line\",\"interpolation\"],[\"lineInterpolation\"]],[n,[\"showlegend\"],[\"visibleInLegend\"]]].forEach(function(t,r){o.util.translator.apply(null,t.concat(e))}),e||delete n.marker,e&&delete n.groupId,e?(\"LinePlot\"===n.geometry?(n.type=\"scatter\",!0===n.dotVisible?(delete n.dotVisible,n.mode=\"lines+markers\"):n.mode=\"lines\"):\"DotPlot\"===n.geometry?(n.type=\"scatter\",n.mode=\"markers\"):\"AreaChart\"===n.geometry?n.type=\"area\":\"BarChart\"===n.geometry&&(n.type=\"bar\"),delete n.geometry):(\"scatter\"===n.type?\"lines\"===n.mode?n.geometry=\"LinePlot\":\"markers\"===n.mode?n.geometry=\"DotPlot\":\"lines+markers\"===n.mode&&(n.geometry=\"LinePlot\",n.dotVisible=!0):\"area\"===n.type?n.geometry=\"AreaChart\":\"bar\"===n.type&&(n.geometry=\"BarChart\"),delete n.mode,delete n.type),n}),!e&&t.layout&&\"stack\"===t.layout.barmode)){var a=o.util.duplicates(r.data.map(function(t,e){return t.geometry}));r.data.forEach(function(t,e){var n=a.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)})}if(t.layout){var s=i({},t.layout);if([[s,[\"plot_bgcolor\"],[\"backgroundColor\"]],[s,[\"showlegend\"],[\"showLegend\"]],[s,[\"radialaxis\"],[\"radialAxis\"]],[s,[\"angularaxis\"],[\"angularAxis\"]],[s.angularaxis,[\"showline\"],[\"gridLinesVisible\"]],[s.angularaxis,[\"showticklabels\"],[\"labelsVisible\"]],[s.angularaxis,[\"nticks\"],[\"ticksCount\"]],[s.angularaxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.angularaxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.angularaxis,[\"range\"],[\"domain\"]],[s.angularaxis,[\"endpadding\"],[\"endPadding\"]],[s.radialaxis,[\"showline\"],[\"gridLinesVisible\"]],[s.radialaxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.radialaxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.radialaxis,[\"range\"],[\"domain\"]],[s.angularAxis,[\"showline\"],[\"gridLinesVisible\"]],[s.angularAxis,[\"showticklabels\"],[\"labelsVisible\"]],[s.angularAxis,[\"nticks\"],[\"ticksCount\"]],[s.angularAxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.angularAxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.angularAxis,[\"range\"],[\"domain\"]],[s.angularAxis,[\"endpadding\"],[\"endPadding\"]],[s.radialAxis,[\"showline\"],[\"gridLinesVisible\"]],[s.radialAxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.radialAxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.radialAxis,[\"range\"],[\"domain\"]],[s.font,[\"outlinecolor\"],[\"outlineColor\"]],[s.legend,[\"traceorder\"],[\"reverseOrder\"]],[s,[\"labeloffset\"],[\"labelOffset\"]],[s,[\"defaultcolorrange\"],[\"defaultColorRange\"]]].forEach(function(t,r){o.util.translator.apply(null,t.concat(e))}),e?(\"undefined\"!=typeof s.tickLength&&(s.angularaxis.ticklen=s.tickLength,delete s.tickLength),s.tickColor&&(s.angularaxis.tickcolor=s.tickColor,delete s.tickColor)):(s.angularAxis&&\"undefined\"!=typeof s.angularAxis.ticklen&&(s.tickLength=s.angularAxis.ticklen),s.angularAxis&&\"undefined\"!=typeof s.angularAxis.tickcolor&&(s.tickColor=s.angularAxis.tickcolor)),s.legend&&\"boolean\"!=typeof s.legend.reverseOrder&&(s.legend.reverseOrder=\"normal\"!=s.legend.reverseOrder),s.legend&&\"boolean\"==typeof s.legend.traceorder&&(s.legend.traceorder=s.legend.traceorder?\"reversed\":\"normal\",delete s.legend.reverseOrder),s.margin&&\"undefined\"!=typeof s.margin.t){var l=[\"t\",\"r\",\"b\",\"l\",\"pad\"],c=[\"top\",\"right\",\"bottom\",\"left\",\"pad\"],u={};n.entries(s.margin).forEach(function(t,e){u[c[l.indexOf(t.key)]]=t.value}),s.margin=u}e&&(delete s.needsEndSpacing,delete s.minorTickColor,delete s.minorTicks,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksStep,delete s.angularaxis.rewriteTicks,delete s.angularaxis.nticks,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksStep,delete s.radialaxis.rewriteTicks,delete s.radialaxis.nticks),r.layout=s}return r}};return t}},{\"../../../constants/alignment\":668,\"../../../lib\":696,d3:148}],818:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../../lib\"),a=t(\"../../../components/color\"),o=t(\"./micropolar\"),s=t(\"./undo_manager\"),l=i.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,i,a,u,f=new s;function h(r,s){return s&&(u=s),n.select(n.select(u).node().parentNode).selectAll(\".svg-container>*:not(.chart-root)\").remove(),e=e?l(e,r):r,i||(i=o.Axis()),a=o.adapter.plotly().convert(e),i.config(a).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return h.isPolar=!0,h.svg=function(){return i.svg()},h.getConfig=function(){return e},h.getLiveConfig=function(){return o.adapter.plotly().convert(i.getLiveConfig(),!0)},h.getLiveScales=function(){return{t:i.angularScale(),r:i.radialScale()}},h.setUndoPoint=function(){var t,n,i=this,a=o.util.cloneJson(e);t=a,n=r,f.add({undo:function(){n&&i(n)},redo:function(){i(t)}}),r=o.util.cloneJson(a)},h.undo=function(){f.undo()},h.redo=function(){f.redo()},h},c.fillLayout=function(t){var e=n.select(t).selectAll(\".plot-container\"),r=e.selectAll(\".svg-container\"),i=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:a.background,_container:e,_paperdiv:r,_paper:i};t._fullLayout=l(o,t.layout)}},{\"../../../components/color\":570,\"../../../lib\":696,\"./micropolar\":817,\"./undo_manager\":819,d3:148}],819:[function(t,e,r){\"use strict\";e.exports=function(){var t,e=[],r=-1,n=!1;function i(t,e){return t?(n=!0,t[e](),n=!1,this):this}return{add:function(t){return n?this:(e.splice(r+1,e.length-r),e.push(t),r=e.length-1,this)},setCallback:function(e){t=e},undo:function(){var n=e[r];return n?(i(n,\"undo\"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(i(n,\"redo\"),r+=1,t&&t(n.redo),this):this},clear:function(){e=[],r=-1},hasUndo:function(){return-1!==r},hasRedo:function(){return r0?1:-1}function N(t){return F(Math.cos(t))}function j(t){return F(Math.sin(t))}e.exports=function(t,e){return new z(t,e)},O.plot=function(t,e){var r=e[this.id];this._hasClipOnAxisFalse=!1;for(var n=0;n=90||s>90&&l>=450?1:u<=0&&h<=0?0:Math.max(u,h);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&f>=0?0:Math.min(c,f);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&h>=0?0:Math.min(u,h);n=l>=360?1:c<=0&&f<=0?0:Math.max(c,f);return[e,r,n,i]}(h),x=y[2]-y[0],b=y[3]-y[1],_=f/u,w=Math.abs(b/x);_>w?(p=u,m=(f-(d=u*w))/n.h/2,g=[o[0],o[1]],v=[c[0]+m,c[1]-m]):(d=f,m=(u-(p=f/w))/n.w/2,g=[o[0]+m,o[1]-m],v=[c[0],c[1]]),this.xLength2=p,this.yLength2=d,this.xDomain2=g,this.yDomain2=v;var k=this.xOffset2=n.l+n.w*g[0],M=this.yOffset2=n.t+n.h*(1-v[1]),A=this.radius=p/x,T=this.innerRadius=e.hole*A,S=this.cx=k-A*y[0],L=this.cy=M+A*y[3],z=this.cxx=S-k,O=this.cyy=L-M;this.radialAxis=this.mockAxis(t,e,i,{_axislayer:r[\"radial-axis\"],_gridlayer:r[\"radial-grid\"],_id:\"x\",side:{counterclockwise:\"top\",clockwise:\"bottom\"}[i.side],domain:[T/n.w,A/n.w]}),this.angularAxis=this.mockAxis(t,e,a,{_axislayer:r[\"angular-axis\"],_gridlayer:r[\"angular-grid\"],side:\"right\",domain:[0,Math.PI],autorange:!1}),this.doAutoRange(t,e),this.updateAngularAxis(t,e),this.updateRadialAxis(t,e),this.updateRadialAxisTitle(t,e),this.xaxis=this.mockCartesianAxis(t,e,{_id:\"x\",domain:g}),this.yaxis=this.mockCartesianAxis(t,e,{_id:\"y\",domain:v});var I=this.pathSubplot();this.clipPaths.forTraces.select(\"path\").attr(\"d\",I).attr(\"transform\",R(z,O)),r.frontplot.attr(\"transform\",R(k,M)).call(l.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces),r.bg.attr(\"d\",I).attr(\"transform\",R(S,L)).call(s.fill,e.bgcolor),this.framework.selectAll(\".crisp\").classed(\"crisp\",0)},O.mockAxis=function(t,e,r,n){var i=o.extendFlat({anchor:\"free\",position:0,_pos:0,_counteraxis:!0,automargin:!1},r,n);return f(i,e,t),i},O.mockCartesianAxis=function(t,e,r){var n=this,i=r._id,a=o.extendFlat({type:\"linear\"},r);u(a,t);var s={x:[0,2],y:[1,3]};return a.setRange=function(){var t=n.sectorBBox,r=s[i],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);a.range=[t[r[0]]*l,t[r[1]]*l]},a.isPtWithinRange=\"x\"===i?function(t){return n.isPtInside(t)}:function(){return!0},a.setRange(),a.setScale(),a},O.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,i=e.radialaxis;n.setScale(),h(r,n);var a=n.range;i.range=a.slice(),i._input.range=a.slice(),n._rl=[n.r2l(a[0],null,\"gregorian\"),n.r2l(a[1],null,\"gregorian\")]},O.updateRadialAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,o=r.innerRadius,l=r.cx,c=r.cy,u=e.radialaxis,f=E(e.sector[0],360),h=r.radialAxis,d=o90&&f<=270&&(h.tickangle=180),h._transfn=function(t){return\"translate(\"+(h.l2p(t.x)+o)+\",0)\"},h._gridpath=function(t){return r.pathArc(h.r2p(t.x)+o)};var g=I(u);r.radialTickLayout!==g&&(i[\"radial-axis\"].selectAll(\".xtick\").remove(),r.radialTickLayout=g),d&&(h.setScale(),p(n,h,!0));var v=r.radialAxisAngle=r.vangles?L(P(C(u.angle),r.vangles)):u.angle,m=R(l,c)+B(-v);D(i[\"radial-axis\"],d&&(u.showticklabels||u.ticks),{transform:m}),D(i[\"radial-grid\"],d&&u.showgrid,{transform:R(l,c)}).selectAll(\"path\").attr(\"transform\",null),D(i[\"radial-line\"].select(\"line\"),d&&u.showline,{x1:o,y1:0,x2:a,y2:0,transform:m}).attr(\"stroke-width\",u.linewidth).call(s.stroke,u.linecolor)},O.updateRadialAxisTitle=function(t,e,r){var n=this.gd,i=this.radius,a=this.cx,o=this.cy,s=e.radialaxis,c=this.id+\"title\",u=void 0!==r?r:this.radialAxisAngle,f=C(u),h=Math.cos(f),p=Math.sin(f),d=0;if(s.title){var g=l.bBox(this.layers[\"radial-axis\"].node()).height,v=s.titlefont.size;d=\"counterclockwise\"===s.side?-g-.4*v:g+.8*v}this.layers[\"radial-axis-title\"]=m.draw(n,c,{propContainer:s,propName:this.id+\".radialaxis.title\",placeholder:S(n,\"Click to enter radial axis title\"),attributes:{x:a+i/2*h+d*p,y:o-i/2*p+d*h,\"text-anchor\":\"middle\"},transform:{rotate:-u}})},O.updateAngularAxis=function(t,e){var r=this,i=r.gd,a=r.layers,l=r.radius,c=r.innerRadius,u=r.cx,f=r.cy,h=e.angularaxis,d=r.angularAxis;r.fillViewInitialKey(\"angularaxis.rotation\",h.rotation),d.setGeometry();var g=function(t){return d.t2g(t.x)};\"linear\"===d.type&&\"radians\"===d.thetaunit&&(d.tick0=L(d.tick0),d.dtick=L(d.dtick)),\"category\"===d.type&&(d._tickFilter=function(t){return o.isAngleInsideSector(g(t),r.sectorInRad)}),d._transfn=function(t){var e=n.select(this),r=e&&e.node();if(r&&e.classed(\"angularaxisgrid\"))return\"\";var i=g(t),a=R(u+l*Math.cos(i),f-l*Math.sin(i));return r&&e.classed(\"ticks\")&&(a+=B(-L(i))),a},d._gridpath=function(t){var e=g(t),r=Math.cos(e),n=Math.sin(e);return\"M\"+[u+c*r,f-c*n]+\"L\"+[u+l*r,f-l*n]};var v=\"outside\"!==h.ticks?.7:.5;d._labelx=function(t){var e=g(t),r=d._labelStandoff,n=d._pad;return(0===j(e)?0:Math.cos(e)*(r+n+v*t.fontSize))+N(e)*(t.dx+r+n)},d._labely=function(t){var e=g(t),r=d._labelStandoff,n=d._labelShift,i=d._pad;return t.dy+t.fontSize*M-n+-Math.sin(e)*(r+i+v*t.fontSize)},d._labelanchor=function(t,e){var r=g(e);return 0===j(r)?N(r)>0?\"start\":\"end\":\"middle\"};var m,y=I(h);r.angularTickLayout!==y&&(a[\"angular-axis\"].selectAll(\".\"+d._id+\"tick\").remove(),r.angularTickLayout=y),d.setScale(),p(i,d,!0),\"linear\"===e.gridshape?(m=d._vals.map(g),o.angleDelta(m[0],m[1])<0&&(m=m.slice().reverse())):m=null,r.vangles=m,D(a[\"angular-line\"].select(\"path\"),h.showline,{d:r.pathSubplot(),transform:R(u,f)}).attr(\"stroke-width\",h.linewidth).call(s.stroke,h.linecolor)},O.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},O.updateMainDrag=function(t){var e=this,r=e.gd,o=e.layers,s=t._zoomlayer,l=A.MINZOOM,c=A.OFFEDGE,u=e.radius,f=e.innerRadius,h=e.cx,p=e.cy,m=e.cxx,_=e.cyy,w=e.sectorInRad,k=e.vangles,M=e.radialAxis,S=T.clampTiny,E=T.findXYatLength,C=T.findEnclosingVertexAngles,L=A.cornerHalfWidth,z=A.cornerLen/2,O=d.makeDragger(o,\"path\",\"maindrag\",\"crosshair\");n.select(O).attr(\"d\",e.pathSubplot()).attr(\"transform\",R(h,p));var I,P,D,B,F,N,j,V,U,q={element:O,gd:r,subplot:e.id,plotinfo:{id:e.id,xaxis:e.xaxis,yaxis:e.yaxis},xaxes:[e.xaxis],yaxes:[e.yaxis]};function H(t,e){return Math.sqrt(t*t+e*e)}function G(t,e){return H(t-m,e-_)}function W(t,e){return Math.atan2(_-e,t-m)}function Y(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function X(t,r){if(0===t)return e.pathSector(2*L);var n=z/t,i=r-n,a=r+n,o=Math.max(0,Math.min(t,u)),s=o-L,l=o+L;return\"M\"+Y(s,i)+\"A\"+[s,s]+\" 0,0,0 \"+Y(s,a)+\"L\"+Y(l,a)+\"A\"+[l,l]+\" 0,0,1 \"+Y(l,i)+\"Z\"}function Z(t,r,n){if(0===t)return e.pathSector(2*L);var i,a,o=Y(t,r),s=Y(t,n),l=S((o[0]+s[0])/2),c=S((o[1]+s[1])/2);if(l&&c){var u=c/l,f=-1/u,h=E(L,u,l,c);i=E(z,f,h[0][0],h[0][1]),a=E(z,f,h[1][0],h[1][1])}else{var p,d;c?(p=z,d=L):(p=L,d=z),i=[[l-p,c-d],[l+p,c-d]],a=[[l-p,c+d],[l+p,c+d]]}return\"M\"+i.join(\"L\")+\"L\"+a.reverse().join(\"L\")+\"Z\"}function $(t,e){return e=Math.max(Math.min(e,u),f),tl?(t-1&&1===t&&x(n,r,[e.xaxis],[e.yaxis],e.id,q),i.indexOf(\"event\")>-1&&v.click(r,n,e.id)}q.prepFn=function(t,n,a){var o=r._fullLayout.dragmode,l=O.getBoundingClientRect();if(I=n-l.left,P=a-l.top,k){var c=T.findPolygonOffset(u,w[0],w[1],k);I+=m+c[0],P+=_+c[1]}switch(o){case\"zoom\":q.moveFn=k?tt:K,q.clickFn=rt,q.doneFn=et,function(){D=null,B=null,F=e.pathSubplot(),N=!1;var t=r._fullLayout[e.id];j=i(t.bgcolor).getLuminance(),(V=d.makeZoombox(s,j,h,p,F)).attr(\"fill-rule\",\"evenodd\"),U=d.makeCorners(s,h,p),b(s)}();break;case\"select\":case\"lasso\":y(t,n,a,q,o)}},O.onmousemove=function(t){v.hover(r,t,e.id),r._fullLayout._lasthover=O,r._fullLayout._hoversubplot=e.id},O.onmouseout=function(t){r._dragging||g.unhover(r,t)},g.init(q)},O.updateRadialDrag=function(t,e,r){var i=this,s=i.gd,l=i.layers,c=i.radius,u=i.innerRadius,f=i.cx,h=i.cy,v=i.radialAxis,m=A.radialDragBoxSize,y=m/2;if(v.visible){var x,_,M,T=C(i.radialAxisAngle),S=v._rl,E=S[0],z=S[1],O=S[r],I=.75*(S[1]-S[0])/(1-e.hole)/c;r?(x=f+(c+y)*Math.cos(T),_=h-(c+y)*Math.sin(T),M=\"radialdrag\"):(x=f+(u-y)*Math.cos(T),_=h-(u-y)*Math.sin(T),M=\"radialdrag-inner\");var F,N,j,V=d.makeRectDragger(l,M,\"crosshair\",-y,-y,m,m),U={element:V,gd:s};D(n.select(V),v.visible&&u0==(r?j>E:jn?function(t){return t<=0}:function(t){return t>=0};t.c2g=function(r){var n=t.c2l(r)-e;return(s(n)?n:0)+o},t.g2c=function(r){return t.l2c(r+e-o)},t.g2p=function(t){return t*a},t.c2p=function(e){return t.g2p(t.c2g(e))}}}(t,e);break;case\"angularaxis\":!function(t,e){var r=t.type;if(\"linear\"===r){var i=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return\"degrees\"===e?a(t):t}(i(t),e)},t.c2d=function(t,e){return s(function(t,e){return\"degrees\"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,i){var a,o,s=e[i],l=e._length,c=function(r){return t.d2c(r,e.thetaunit)};if(s){if(n.isTypedArray(s)&&\"linear\"===r){if(l===s.length)return s;if(s.subarray)return s.subarray(0,l)}for(a=new Array(l),o=0;o=u&&(p.min=0,g.min=0,v.min=0,t.aaxis&&delete t.aaxis.min,t.baxis&&delete t.baxis.min,t.caxis&&delete t.caxis.min)}function d(t,e,r){var n=f[e._name];function i(r,i){return a.coerce(t,e,n,r,i)}e.type=\"linear\";var o=i(\"color\"),h=o!==n.color.dflt?o:r.font.color,p=e._name.charAt(0).toUpperCase(),d=\"Component \"+p,g=i(\"title\",d);e._hovertitle=g===d?g:p,a.coerceFont(i,\"titlefont\",{family:r.font.family,size:Math.round(1.2*r.font.size),color:h}),i(\"min\"),c(t,e,i,\"linear\"),s(t,e,i,\"linear\",{}),l(t,e,i,{outerTicks:!0}),i(\"showticklabels\")&&(a.coerceFont(i,\"tickfont\",{family:r.font.family,size:r.font.size,color:h}),i(\"tickangle\"),i(\"tickformat\")),u(t,e,i,{dfltColor:o,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:n}),i(\"hoverformat\"),i(\"layer\")}e.exports=function(t,e,r){o(t,e,r,{type:\"ternary\",attributes:f,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{\"../../components/color\":570,\"../../lib\":696,\"../../plot_api/plot_template\":734,\"../cartesian/line_grid_defaults\":759,\"../cartesian/tick_label_defaults\":764,\"../cartesian/tick_mark_defaults\":765,\"../cartesian/tick_value_defaults\":766,\"../subplot_defaults\":822,\"./layout_attributes\":824}],826:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"tinycolor2\"),a=t(\"../../registry\"),o=t(\"../../lib\"),s=o._,l=t(\"../../components/color\"),c=t(\"../../components/drawing\"),u=t(\"../cartesian/set_convert\"),f=t(\"../../lib/extend\").extendFlat,h=t(\"../plots\"),p=t(\"../cartesian/axes\"),d=t(\"../../components/dragelement\"),g=t(\"../../components/fx\"),v=t(\"../../components/titles\"),m=t(\"../cartesian/select\").prepSelect,y=t(\"../cartesian/select\").selectOnClick,x=t(\"../cartesian/select\").clearSelect,b=t(\"../cartesian/constants\");function _(t,e){this.id=t.id,this.graphDiv=t.graphDiv,this.init(e),this.makeFramework(e),this.aTickLayout=null,this.bTickLayout=null,this.cTickLayout=null}e.exports=_;var w=_.prototype;w.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},w.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var i=0;ik*x?i=(a=x)*k:a=(i=y)/k,o=v*i/y,s=m*a/x,r=e.l+e.w*d-i/2,n=e.t+e.h*(1-g)-a/2,h.x0=r,h.y0=n,h.w=i,h.h=a,h.sum=b,h.xaxis={type:\"linear\",range:[_+2*M-b,b-_-2*w],domain:[d-o/2,d+o/2],_id:\"x\"},u(h.xaxis,h.graphDiv._fullLayout),h.xaxis.setScale(),h.xaxis.isPtWithinRange=function(t){return t.a>=h.aaxis.range[0]&&t.a<=h.aaxis.range[1]&&t.b>=h.baxis.range[1]&&t.b<=h.baxis.range[0]&&t.c>=h.caxis.range[1]&&t.c<=h.caxis.range[0]},h.yaxis={type:\"linear\",range:[_,b-w-M],domain:[g-s/2,g+s/2],_id:\"y\"},u(h.yaxis,h.graphDiv._fullLayout),h.yaxis.setScale(),h.yaxis.isPtWithinRange=function(){return!0};var A=h.yaxis.domain[0],T=h.aaxis=f({},t.aaxis,{visible:!0,range:[_,b-w-M],side:\"left\",_counterangle:30,tickangle:(+t.aaxis.tickangle||0)-30,domain:[A,A+s*k],_axislayer:h.layers.aaxis,_gridlayer:h.layers.agrid,anchor:\"free\",position:0,_pos:0,_id:\"y\",_length:i,_gridpath:\"M0,0l\"+a+\",-\"+i/2,automargin:!1});u(T,h.graphDiv._fullLayout),T.setScale();var S=h.baxis=f({},t.baxis,{visible:!0,range:[b-_-M,w],side:\"bottom\",_counterangle:30,domain:h.xaxis.domain,_axislayer:h.layers.baxis,_gridlayer:h.layers.bgrid,_counteraxis:h.aaxis,anchor:\"free\",position:0,_pos:0,_id:\"x\",_length:i,_gridpath:\"M0,0l-\"+i/2+\",-\"+a,automargin:!1});u(S,h.graphDiv._fullLayout),S.setScale(),T._counteraxis=S;var E=h.caxis=f({},t.caxis,{visible:!0,range:[b-_-w,M],side:\"right\",_counterangle:30,tickangle:(+t.caxis.tickangle||0)+30,domain:[A,A+s*k],_axislayer:h.layers.caxis,_gridlayer:h.layers.cgrid,_counteraxis:h.baxis,anchor:\"free\",position:0,_pos:0,_id:\"y\",_length:i,_gridpath:\"M0,0l-\"+a+\",\"+i/2,automargin:!1});u(E,h.graphDiv._fullLayout),E.setScale();var C=\"M\"+r+\",\"+(n+a)+\"h\"+i+\"l-\"+i/2+\",-\"+a+\"Z\";h.clipDef.select(\"path\").attr(\"d\",C),h.layers.plotbg.select(\"path\").attr(\"d\",C);var L=\"M0,\"+a+\"h\"+i+\"l-\"+i/2+\",-\"+a+\"Z\";h.clipDefRelative.select(\"path\").attr(\"d\",L);var z=\"translate(\"+r+\",\"+n+\")\";h.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",z),h.clipDefRelative.select(\"path\").attr(\"transform\",null);var O=\"translate(\"+(r-S._offset)+\",\"+(n+a)+\")\";h.layers.baxis.attr(\"transform\",O),h.layers.bgrid.attr(\"transform\",O);var I=\"translate(\"+(r+i/2)+\",\"+n+\")rotate(30)translate(0,\"+-T._offset+\")\";h.layers.aaxis.attr(\"transform\",I),h.layers.agrid.attr(\"transform\",I);var P=\"translate(\"+(r+i/2)+\",\"+n+\")rotate(-30)translate(0,\"+-E._offset+\")\";h.layers.caxis.attr(\"transform\",P),h.layers.cgrid.attr(\"transform\",P),h.drawAxes(!0),h.plotContainer.selectAll(\".crisp\").classed(\"crisp\",!1),h.layers.aline.select(\"path\").attr(\"d\",T.showline?\"M\"+r+\",\"+(n+a)+\"l\"+i/2+\",-\"+a:\"M0,0\").call(l.stroke,T.linecolor||\"#000\").style(\"stroke-width\",(T.linewidth||0)+\"px\"),h.layers.bline.select(\"path\").attr(\"d\",S.showline?\"M\"+r+\",\"+(n+a)+\"h\"+i:\"M0,0\").call(l.stroke,S.linecolor||\"#000\").style(\"stroke-width\",(S.linewidth||0)+\"px\"),h.layers.cline.select(\"path\").attr(\"d\",E.showline?\"M\"+(r+i/2)+\",\"+n+\"l\"+i/2+\",\"+a:\"M0,0\").call(l.stroke,E.linecolor||\"#000\").style(\"stroke-width\",(E.linewidth||0)+\"px\"),h.graphDiv._context.staticPlot||h.initInteractions(),c.setClipUrl(h.layers.frontplot,h._hasClipOnAxisFalse?null:h.clipId)},w.drawAxes=function(t){var e,r=this.graphDiv,n=this.id.substr(7)+\"title\",i=this.layers,a=this.aaxis,o=this.baxis,l=this.caxis;if(e=M(a),this.aTickLayout!==e&&(i.aaxis.selectAll(\".ytick\").remove(),this.aTickLayout=e),e=M(o),this.bTickLayout!==e&&(i.baxis.selectAll(\".xtick\").remove(),this.bTickLayout=e),e=M(l),this.cTickLayout!==e&&(i.caxis.selectAll(\".ytick\").remove(),this.cTickLayout=e),p.doTicksSingle(r,a,!0),p.doTicksSingle(r,o,!0),p.doTicksSingle(r,l,!0),t){var c=Math.max(a.showticklabels?a.tickfont.size/2:0,(l.showticklabels?.75*l.tickfont.size:0)+(\"outside\"===l.ticks?.87*l.ticklen:0));this.layers[\"a-title\"]=v.draw(r,\"a\"+n,{propContainer:a,propName:this.id+\".aaxis.title\",placeholder:s(r,\"Click to enter Component A title\"),attributes:{x:this.x0+this.w/2,y:this.y0-a.titlefont.size/3-c,\"text-anchor\":\"middle\"}});var u=(o.showticklabels?o.tickfont.size:0)+(\"outside\"===o.ticks?o.ticklen:0)+3;this.layers[\"b-title\"]=v.draw(r,\"b\"+n,{propContainer:o,propName:this.id+\".baxis.title\",placeholder:s(r,\"Click to enter Component B title\"),attributes:{x:this.x0-u,y:this.y0+this.h+.83*o.titlefont.size+u,\"text-anchor\":\"middle\"}}),this.layers[\"c-title\"]=v.draw(r,\"c\"+n,{propContainer:l,propName:this.id+\".caxis.title\",placeholder:s(r,\"Click to enter Component C title\"),attributes:{x:this.x0+this.w+u,y:this.y0+this.h+.83*l.titlefont.size+u,\"text-anchor\":\"middle\"}})}};var A=b.MINZOOM/2+.87,T=\"m-0.87,.5h\"+A+\"v3h-\"+(A+5.2)+\"l\"+(A/2+2.6)+\",-\"+(.87*A+4.5)+\"l2.6,1.5l-\"+A/2+\",\"+.87*A+\"Z\",S=\"m0.87,.5h-\"+A+\"v3h\"+(A+5.2)+\"l-\"+(A/2+2.6)+\",-\"+(.87*A+4.5)+\"l-2.6,1.5l\"+A/2+\",\"+.87*A+\"Z\",E=\"m0,1l\"+A/2+\",\"+.87*A+\"l2.6,-1.5l-\"+(A/2+2.6)+\",-\"+(.87*A+4.5)+\"l-\"+(A/2+2.6)+\",\"+(.87*A+4.5)+\"l2.6,1.5l\"+A/2+\",-\"+.87*A+\"Z\",C=\"m0.5,0.5h5v-2h-5v-5h-2v5h-5v2h5v5h2Z\",L=!0;function z(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}w.initInteractions=function(){var t,e,r,n,u,f,h,p,v,_,w=this,M=w.layers.plotbg.select(\"path\").node(),A=w.graphDiv,O=A._fullLayout._zoomlayer,I={element:M,gd:A,plotinfo:{id:w.id,xaxis:w.xaxis,yaxis:w.yaxis},subplot:w.id,prepFn:function(a,o,s){I.xaxes=[w.xaxis],I.yaxes=[w.yaxis];var c=A._fullLayout.dragmode;I.minDrag=\"lasso\"===c?1:void 0,\"zoom\"===c?(I.moveFn=F,I.clickFn=P,I.doneFn=N,function(a,o,s){var c=M.getBoundingClientRect();t=o-c.left,e=s-c.top,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,n=w.aaxis.range[1]-r.a,f=i(w.graphDiv._fullLayout[w.id].bgcolor).getLuminance(),h=\"M0,\"+w.h+\"L\"+w.w/2+\", 0L\"+w.w+\",\"+w.h+\"Z\",p=!1,v=O.append(\"path\").attr(\"class\",\"zoombox\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:f>.2?\"rgba(0,0,0,0)\":\"rgba(255,255,255,0)\",\"stroke-width\":0}).attr(\"d\",h),_=O.append(\"path\").attr(\"class\",\"zoombox-corners\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:l.background,stroke:l.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"d\",\"M0,0Z\"),x(O)}(0,o,s)):\"pan\"===c?(I.moveFn=j,I.clickFn=P,I.doneFn=V,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,x(O)):\"select\"!==c&&\"lasso\"!==c||m(a,o,s,I,c)}};function P(t,e){var r=A._fullLayout.clickmode;if(z(A),2===t){var n={};n[w.id+\".aaxis.min\"]=0,n[w.id+\".baxis.min\"]=0,n[w.id+\".caxis.min\"]=0,A.emit(\"plotly_doubleclick\",null),a.call(\"relayout\",A,n)}r.indexOf(\"select\")>-1&&1===t&&y(e,A,[w.xaxis],[w.yaxis],w.id,I),r.indexOf(\"event\")>-1&&g.click(A,e,w.id)}function D(t,e){return 1-e/w.h}function R(t,e){return 1-(t+(w.h-e)/Math.sqrt(3))/w.w}function B(t,e){return(t-(w.h-e)/Math.sqrt(3))/w.w}function F(i,a){var o=t+i,s=e+a,l=Math.max(0,Math.min(1,D(0,e),D(0,s))),c=Math.max(0,Math.min(1,R(t,e),R(o,s))),d=Math.max(0,Math.min(1,B(t,e),B(o,s))),g=(l/2+d)*w.w,m=(1-l/2-c)*w.w,y=(g+m)/2,x=m-g,M=(1-l)*w.h,A=M-x/k;x.2?\"rgba(0,0,0,0.4)\":\"rgba(255,255,255,0.3)\").duration(200),_.transition().style(\"opacity\",1).duration(200),p=!0)}function N(){if(z(A),u!==r){var t={};t[w.id+\".aaxis.min\"]=u.a,t[w.id+\".baxis.min\"]=u.b,t[w.id+\".caxis.min\"]=u.c,a.call(\"relayout\",A,t),L&&A.data&&A._context.showTips&&(o.notifier(s(A,\"Double-click to zoom back out\"),\"long\"),L=!1)}}function j(t,e){var n=t/w.xaxis._m,i=e/w.yaxis._m,a=[(u={a:r.a-i,b:r.b+(n+i)/2,c:r.c-(n-i)/2}).a,u.b,u.c].sort(),o=a.indexOf(u.a),s=a.indexOf(u.b),l=a.indexOf(u.c);a[0]<0&&(a[1]+a[0]/2<0?(a[2]+=a[0]+a[1],a[0]=a[1]=0):(a[2]+=a[0]/2,a[1]+=a[0]/2,a[0]=0),u={a:a[o],b:a[s],c:a[l]},e=(r.a-u.a)*w.yaxis._m,t=(r.c-u.c-r.b+u.b)*w.xaxis._m);var f=\"translate(\"+(w.x0+t)+\",\"+(w.y0+e)+\")\";w.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",f);var h=\"translate(\"+-t+\",\"+-e+\")\";w.clipDefRelative.select(\"path\").attr(\"transform\",h),w.aaxis.range=[u.a,w.sum-u.b-u.c],w.baxis.range=[w.sum-u.a-u.c,u.b],w.caxis.range=[w.sum-u.a-u.b,u.c],w.drawAxes(!1),w.plotContainer.selectAll(\".crisp\").classed(\"crisp\",!1),w._hasClipOnAxisFalse&&w.plotContainer.select(\".scatterlayer\").selectAll(\".trace\").call(c.hideOutsideRangePoints,w)}function V(){var t={};t[w.id+\".aaxis.min\"]=u.a,t[w.id+\".baxis.min\"]=u.b,t[w.id+\".caxis.min\"]=u.c,a.call(\"relayout\",A,t)}M.onmousemove=function(t){g.hover(A,t,w.id),A._fullLayout._lasthover=M,A._fullLayout._hoversubplot=w.id},M.onmouseout=function(t){A._dragging||d.unhover(A,t)},d.init(I)}},{\"../../components/color\":570,\"../../components/dragelement\":592,\"../../components/drawing\":595,\"../../components/fx\":612,\"../../components/titles\":661,\"../../lib\":696,\"../../lib/extend\":685,\"../../registry\":827,\"../cartesian/axes\":744,\"../cartesian/constants\":750,\"../cartesian/select\":762,\"../cartesian/set_convert\":763,\"../plots\":808,d3:148,tinycolor2:514}],827:[function(t,e,r){\"use strict\";var n=t(\"./lib/loggers\"),i=t(\"./lib/noop\"),a=t(\"./lib/push_unique\"),o=t(\"./lib/is_plain_object\"),s=t(\"./lib/extend\"),l=t(\"./plots/attributes\"),c=t(\"./plots/layout_attributes\"),u=s.extendFlat,f=s.extendDeepAll;function h(t){var e=t.name,i=t.categories,a=t.meta;if(r.modules[e])n.log(\"Type \"+e+\" already registered\");else{r.subplotsRegistry[t.basePlotModule.name]||function(t){var e=t.name;if(r.subplotsRegistry[e])return void n.log(\"Plot type \"+e+\" already registered.\");for(var i in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)x(i,t.name)}(t.basePlotModule);for(var o={},s=0;s-1&&(u[h[r]].title=\"\");for(r=0;rpath, .legendlines>path, .cbfill\").each(function(){var t=n.select(this),e=this.style.fill;e&&-1!==e.indexOf(\"url(\")&&t.style(\"fill\",e.replace(l,\"TOBESTRIPPED\"));var r=this.style.stroke;r&&-1!==r.indexOf(\"url(\")&&t.style(\"stroke\",r.replace(l,\"TOBESTRIPPED\"))}),\"pdf\"!==e&&\"eps\"!==e||h.selectAll(\"#MathJax_SVG_glyphs path\").attr(\"stroke-width\",0),h.node().setAttributeNS(s.xmlns,\"xmlns\",s.svg),h.node().setAttributeNS(s.xmlns,\"xmlns:xlink\",s.xlink),\"svg\"===e&&r&&(h.attr(\"width\",r*d),h.attr(\"height\",r*g),h.attr(\"viewBox\",\"0 0 \"+d+\" \"+g));var _=(new window.XMLSerializer).serializeToString(h.node());return _=function(t){var e=n.select(\"body\").append(\"div\").style({display:\"none\"}).html(\"\"),r=t.replace(/(&[^;]*;)/gi,function(t){return\"<\"===t?\"<\":\"&rt;\"===t?\">\":-1!==t.indexOf(\"<\")||-1!==t.indexOf(\">\")?\"\":e.html(t).text()});return e.remove(),r}(_),_=(_=_.replace(/&(?!\\w+;|\\#[0-9]+;| \\#x[0-9A-F]+;)/g,\"&\")).replace(c,\"'\"),i.isIE()&&(_=(_=(_=_.replace(/\"/gi,\"'\")).replace(/(\\('#)([^']*)('\\))/gi,'(\"#$2\")')).replace(/(\\\\')/gi,'\"')),_}},{\"../components/color\":570,\"../components/drawing\":595,\"../constants/xmlns_namespaces\":674,\"../lib\":696,d3:148}],836:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").mergeArray;e.exports=function(t,e){for(var r=0;rf+c||!n(u))&&(p=!0,g(h,t))}for(var v=0;va))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return i(e).isValid()?e:void 0!==r?r:t.dflt},r.coerceEnumerated=function(t,e,r){return t.coerceNumber&&(e=+e),-1!==t.values.indexOf(e)?e:void 0!==r?r:t.dflt},r.getValue=function(t,e){var r;return Array.isArray(t)?e.01?C:function(t,e){return Math.abs(t-e)>=2?C(t):t>e?Math.ceil(t):Math.floor(t)};_=E(_,w),w=E(w,_),k=E(k,M),M=E(M,k)}a.ensureSingle(A,\"path\").style(\"vector-effect\",\"non-scaling-stroke\").attr(\"d\",\"M\"+_+\",\"+k+\"V\"+M+\"H\"+w+\"V\"+k+\"Z\").call(l.setClipUrl,e.layerClipId),function(t,e,r,n,i,s,c,u){var m;function y(e,r,n){var i=a.ensureSingle(e,\"text\").text(r).attr({class:\"bartext bartext-\"+m,transform:\"\",\"text-anchor\":\"middle\",\"data-notex\":1}).call(l.font,n).call(o.convertToTspans,t);return i}var x=r[0].trace,b=x.orientation,_=function(t,e){var r=p.getValue(t.text,e);return p.coerceString(f,r)}(x,n);if(m=function(t,e){var r=p.getValue(t.textposition,e);return p.coerceEnumerated(h,r)}(x,n),!_||\"none\"===m)return void e.select(\"text\").remove();var w,k,M,A,T,S,E=t._fullLayout.font,C=d.getBarColor(r[n],x),L=d.getInsideTextFont(x,n,E,C),z=d.getOutsideTextFont(x,n,E),O=t._fullLayout.barmode,I=\"relative\"===O,P=\"stack\"===O||I,D=r[n],R=!P||D._outmost,B=Math.abs(s-i)-2*g,F=Math.abs(u-c)-2*g;\"outside\"===m&&(R||D.hasB||(m=\"inside\"));if(\"auto\"===m)if(R){m=\"inside\",w=y(e,_,L),k=l.bBox(w.node()),M=k.width,A=k.height;var N=M>0&&A>0,j=M<=B&&A<=F,V=M<=F&&A<=B,U=\"h\"===b?B>=M*(F/A):F>=A*(B/M);N&&(j||V||U)?m=\"inside\":(m=\"outside\",w.remove(),w=null)}else m=\"inside\";if(!w&&(w=y(e,_,\"outside\"===m?z:L),k=l.bBox(w.node()),M=k.width,A=k.height,M<=0||A<=0))return void w.remove();\"outside\"===m?(S=\"both\"===x.constraintext||\"outside\"===x.constraintext,T=function(t,e,r,n,i,a,o){var s,l=\"h\"===a?Math.abs(n-r):Math.abs(e-t);l>2*g&&(s=g);var c=1;o&&(c=\"h\"===a?Math.min(1,l/i.height):Math.min(1,l/i.width));var u,f,h,p,d=(i.left+i.right)/2,m=(i.top+i.bottom)/2;u=c*i.width,f=c*i.height,\"h\"===a?er?(h=(t+e)/2,p=n+s+f/2):(h=(t+e)/2,p=n-s-f/2);return v(d,m,h,p,c,!1)}(i,s,c,u,k,b,S)):(S=\"both\"===x.constraintext||\"inside\"===x.constraintext,T=function(t,e,r,n,i,a,o){var s,l,c,u,f,h,p,d=i.width,m=i.height,y=(i.left+i.right)/2,x=(i.top+i.bottom)/2,b=Math.abs(e-t),_=Math.abs(n-r);b>2*g&&_>2*g?(b-=2*(f=g),_-=2*f):f=0;d<=b&&m<=_?(h=!1,p=1):d<=_&&m<=b?(h=!0,p=1):dr?(c=(t+e)/2,u=n-f-l/2):(c=(t+e)/2,u=n+f+l/2);return v(y,x,c,u,p,h)}(i,s,c,u,k,b,S));w.attr(\"transform\",T)}(t,A,r,u,_,w,k,M),e.layerClipId&&l.hideOutsideRangePoint(c,A.select(\"text\"),m,y,b.xcalendar,b.ycalendar)}else A.remove();function C(t){return 0===x.bargap&&0===x.bargroupgap?n.round(Math.round(t)-S,2):t}});var w=!1===u.trace.cliponaxis;l.setClipUrl(c,w?null:e.layerClipId)});c.getComponentMethod(\"errorbars\",\"plot\")(b,e)}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../registry\":827,\"./attributes\":837,\"./helpers\":841,\"./style\":849,d3:148,\"fast-isnumeric\":214}],847:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[];if(!1===e)for(r=0;r1||0===a.bargap&&0===a.bargroupgap&&!t[0].trace.marker.line.width)&&n.select(this).attr(\"shape-rendering\",\"crispEdges\")}),r.selectAll(\"g.points\").each(function(e){p(n.select(this),e[0].trace,t)}),s.getComponentMethod(\"errorbars\",\"style\")(r)},styleOnSelect:function(t,e){var r=e[0].node3,i=e[0].trace;i.selectedpoints?function(t,e,r){a.selectedPointStyle(t.selectAll(\"path\"),e),function(t,e,r){t.each(function(t){var i,s=n.select(this);if(t.selected){i=o.extendFlat({},d(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(i.color=l),a.font(s,i)}else a.selectedTextStyle(s,e)})}(t.selectAll(\"text\"),e,r)}(r,i,t):p(r,i,t)},getInsideTextFont:v,getOutsideTextFont:m,getBarColor:x}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../lib\":696,\"../../registry\":827,\"./attributes\":837,\"./helpers\":841,d3:148}],850:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),i=t(\"../../components/colorscale/has_colorscale\"),a=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s){r(\"marker.color\",o),i(t,\"marker\")&&a(t,e,s,r,{prefix:\"marker.\",cLetter:\"c\"}),r(\"marker.line.color\",n.defaultLine),i(t,\"marker.line\")&&a(t,e,s,r,{prefix:\"marker.line.\",cLetter:\"c\"}),r(\"marker.line.width\"),r(\"marker.opacity\"),r(\"selected.marker.color\"),r(\"unselected.marker.color\")}},{\"../../components/color\":570,\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584}],851:[function(t,e,r){\"use strict\";var n=t(\"../../lib/extend\").extendFlat,i=t(\"../scatterpolar/attributes\"),a=t(\"../bar/attributes\");e.exports={r:i.r,theta:i.theta,r0:i.r0,dr:i.dr,theta0:i.theta0,dtheta:i.dtheta,thetaunit:i.thetaunit,base:n({},a.base,{}),offset:n({},a.offset,{}),width:n({},a.width,{}),text:n({},a.text,{}),marker:a.marker,hoverinfo:i.hoverinfo,selected:a.selected,unselected:a.unselected}},{\"../../lib/extend\":685,\"../bar/attributes\":837,\"../scatterpolar/attributes\":1105}],852:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/has_colorscale\"),i=t(\"../../components/colorscale/calc\"),a=t(\"../bar/arrays_to_calcdata\"),o=t(\"../bar/cross_trace_calc\").setGroupPositions,s=t(\"../scatter/calc_selection\"),l=t(\"../../registry\").traceIs,c=t(\"../../lib\").extendFlat;e.exports={calc:function(t,e){for(var r=t._fullLayout,o=e.subplot,l=r[o].radialaxis,c=r[o].angularaxis,u=l.makeCalcdata(e,\"r\"),f=c.makeCalcdata(e,\"theta\"),h=e._length,p=new Array(h),d=u,g=f,v=0;vh.range[1]&&(x+=Math.PI);if(n.getClosest(c,function(t){return g(y,x,[t.rp0,t.rp1],[t.thetag0,t.thetag1],d)?v+Math.min(1,Math.abs(t.thetag1-t.thetag0)/m)-1+(t.rp1-y)/(t.rp1-t.rp0)-1:1/0},t),!1!==t.index){var b=c[t.index];t.x0=t.x1=b.ct[0],t.y0=t.y1=b.ct[1];var _=i.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,f,t),t.color=a(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign=\"left\"),[t]}}},{\"../../components/fx\":612,\"../../lib\":696,\"../../plots/polar/helpers\":810,\"../bar/hover\":842,\"../scatter/fill_hover_text\":1051,\"../scatterpolar/hover\":1108}],855:[function(t,e,r){\"use strict\";e.exports={moduleType:\"trace\",name:\"barpolar\",basePlotModule:t(\"../../plots/polar\"),categories:[\"polar\",\"bar\",\"showLegend\"],attributes:t(\"./attributes\"),layoutAttributes:t(\"./layout_attributes\"),supplyDefaults:t(\"./defaults\"),supplyLayoutDefaults:t(\"./layout_defaults\"),calc:t(\"./calc\").calc,crossTraceCalc:t(\"./calc\").crossTraceCalc,plot:t(\"./plot\"),colorbar:t(\"../scatter/marker_colorbar\"),style:t(\"../bar/style\").style,hoverPoints:t(\"./hover\"),selectPoints:t(\"../bar/select\"),meta:{}}},{\"../../plots/polar\":811,\"../bar/select\":847,\"../bar/style\":849,\"../scatter/marker_colorbar\":1061,\"./attributes\":851,\"./calc\":852,\"./defaults\":853,\"./hover\":854,\"./layout_attributes\":856,\"./layout_defaults\":857,\"./plot\":858}],856:[function(t,e,r){\"use strict\";e.exports={barmode:{valType:\"enumerated\",values:[\"stack\",\"overlay\"],dflt:\"stack\",editType:\"calc\"},bargap:{valType:\"number\",dflt:.1,min:0,max:1,editType:\"calc\"}}},{}],857:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./layout_attributes\");e.exports=function(t,e,r){var a,o={};function s(r,o){return n.coerce(t[a]||{},e[a],i,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var f=s.findEnclosingVertexAngles(c,t.vangles)[0],h=s.findEnclosingVertexAngles(u,t.vangles)[1],p=[f,(c+u)/2,h];return s.pathPolygonAnnulus(n,i,c,u,p,e,r)};return function(t,n,i,o){return a.pathAnnulus(t,n,i,o,e,r)}}(e),p=e.layers.frontplot.select(\"g.barlayer\");a.makeTraceGroups(p,r,\"trace bars\").each(function(t){var r=t[0].node3=n.select(this),s=a.ensureSingle(r,\"g\",\"points\").selectAll(\"g.point\").data(a.identity);s.enter().append(\"g\").style(\"vector-effect\",\"non-scaling-stroke\").style(\"stroke-miterlimit\",2).classed(\"point\",!0),s.exit().remove(),s.each(function(t){var e,r=n.select(this),o=t.rp0=u.c2p(t.s0),s=t.rp1=u.c2p(t.s1),p=t.thetag0=f.c2g(t.p0),d=t.thetag1=f.c2g(t.p1);if(i(o)&&i(s)&&i(p)&&i(d)&&o!==s&&p!==d){var g=u.c2g(t.s1),v=(p+d)/2;t.ct=[l.c2p(g*Math.cos(v)),c.c2p(g*Math.sin(v))],e=h(o,s,p,d)}else e=\"M0,0Z\";a.ensureSingle(r,\"path\").attr(\"d\",e)}),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null)})}},{\"../../components/drawing\":595,\"../../lib\":696,\"../../plots/polar/helpers\":810,d3:148,\"fast-isnumeric\":214}],859:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../components/color/attributes\"),a=t(\"../../lib/extend\").extendFlat,o=n.marker,s=o.line;e.exports={y:{valType:\"data_array\",editType:\"calc+clearAxisTypes\"},x:{valType:\"data_array\",editType:\"calc+clearAxisTypes\"},x0:{valType:\"any\",editType:\"calc+clearAxisTypes\"},y0:{valType:\"any\",editType:\"calc+clearAxisTypes\"},name:{valType:\"string\",editType:\"calc+clearAxisTypes\"},text:a({},n.text,{}),whiskerwidth:{valType:\"number\",min:0,max:1,dflt:.5,editType:\"calc\"},notched:{valType:\"boolean\",editType:\"calc\"},notchwidth:{valType:\"number\",min:0,max:.5,dflt:.25,editType:\"calc\"},boxpoints:{valType:\"enumerated\",values:[\"all\",\"outliers\",\"suspectedoutliers\",!1],dflt:\"outliers\",editType:\"calc\"},boxmean:{valType:\"enumerated\",values:[!0,\"sd\",!1],dflt:!1,editType:\"calc\"},jitter:{valType:\"number\",min:0,max:1,editType:\"calc\"},pointpos:{valType:\"number\",min:-2,max:2,editType:\"calc\"},orientation:{valType:\"enumerated\",values:[\"v\",\"h\"],editType:\"calc+clearAxisTypes\"},marker:{outliercolor:{valType:\"color\",dflt:\"rgba(0, 0, 0, 0)\",editType:\"style\"},symbol:a({},o.symbol,{arrayOk:!1,editType:\"plot\"}),opacity:a({},o.opacity,{arrayOk:!1,dflt:1,editType:\"style\"}),size:a({},o.size,{arrayOk:!1,editType:\"calc\"}),color:a({},o.color,{arrayOk:!1,editType:\"style\"}),line:{color:a({},s.color,{arrayOk:!1,dflt:i.defaultLine,editType:\"style\"}),width:a({},s.width,{arrayOk:!1,dflt:0,editType:\"style\"}),outliercolor:{valType:\"color\",editType:\"style\"},outlierwidth:{valType:\"number\",min:0,dflt:1,editType:\"style\"},editType:\"style\"},editType:\"plot\"},line:{color:{valType:\"color\",editType:\"style\"},width:{valType:\"number\",min:0,dflt:2,editType:\"style\"},editType:\"plot\"},fillcolor:n.fillcolor,selected:{marker:n.selected.marker,editType:\"style\"},unselected:{marker:n.unselected.marker,editType:\"style\"},hoveron:{valType:\"flaglist\",flags:[\"boxes\",\"points\"],dflt:\"boxes+points\",editType:\"style\"}}},{\"../../components/color/attributes\":569,\"../../lib/extend\":685,\"../scatter/attributes\":1043}],860:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\"),a=i._,o=t(\"../../plots/cartesian/axes\");function s(t,e,r){var n={text:\"tx\"};for(var i in n)Array.isArray(e[i])&&(t[n[i]]=e[i][r])}function l(t,e){return t.v-e.v}function c(t){return t.v}e.exports=function(t,e){var r,u,f,h,p,d=t._fullLayout,g=o.getFromId(t,e.xaxis||\"x\"),v=o.getFromId(t,e.yaxis||\"y\"),m=[],y=\"violin\"===e.type?\"_numViolins\":\"_numBoxes\";\"h\"===e.orientation?(u=g,f=\"x\",h=v,p=\"y\"):(u=v,f=\"y\",h=g,p=\"x\");var x=u.makeCalcdata(e,f),b=function(t,e,r,a,o){if(e in t)return r.makeCalcdata(t,e);var s;s=e+\"0\"in t?t[e+\"0\"]:\"name\"in t&&(\"category\"===r.type||n(t.name)&&-1!==[\"linear\",\"log\"].indexOf(r.type)||i.isDateTime(t.name)&&\"date\"===r.type)?t.name:o;var l=r.d2c(s,0,t[e+\"calendar\"]);return a.map(function(){return l})}(e,p,h,x,d[y]),_=i.distinctVals(b),w=_.vals,k=_.minDiff/2,M=function(t,e){for(var r=t.length,n=new Array(r+1),i=0;i=0&&E0){var L=T[r].sort(l),z=L.map(c),O=z.length,I={pos:w[r],pts:L};I.min=z[0],I.max=z[O-1],I.mean=i.mean(z,O),I.sd=i.stdev(z,O,I.mean),I.q1=i.interp(z,.25),I.med=i.interp(z,.5),I.q3=i.interp(z,.75),I.lf=Math.min(I.q1,z[Math.min(i.findBin(2.5*I.q1-1.5*I.q3,z,!0)+1,O-1)]),I.uf=Math.max(I.q3,z[Math.max(i.findBin(2.5*I.q3-1.5*I.q1,z),0)]),I.lo=4*I.q1-3*I.q3,I.uo=4*I.q3-3*I.q1;var P=1.57*(I.q3-I.q1)/Math.sqrt(O);I.ln=I.med-P,I.un=I.med+P,m.push(I)}!function(t,e){if(i.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(m[0].t={num:d[y],dPos:k,posLetter:p,valLetter:f,labels:{med:a(t,\"median:\"),min:a(t,\"min:\"),q1:a(t,\"q1:\"),q3:a(t,\"q3:\"),max:a(t,\"max:\"),mean:\"sd\"===e.boxmean?a(t,\"mean \\xb1 \\u03c3:\"):a(t,\"mean:\"),lf:a(t,\"lower fence:\"),uf:a(t,\"upper fence:\")}},d[y]++,m):[{t:{empty:!0}}]}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"fast-isnumeric\":214}],861:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib\"),a=[\"v\",\"h\"];function o(t,e,r,a,o){var s,l,c,u=e.calcdata,f=e._fullLayout,h=[],p=\"violin\"===t?\"_numViolins\":\"_numBoxes\";for(s=0;st.uf}),l=Math.max((t.max-t.min)/10,t.q3-t.q1),c=1e-9*l,p=l*s,d=[],g=0;if(r.jitter){if(0===l)for(g=1,d=new Array(a.length),e=0;et.lo&&(_.so=!0)}return a});d.enter().append(\"path\").classed(\"point\",!0),d.exit().remove(),d.call(a.translatePoints,l,c)}function u(t,e,r,a){var o,s,l=e.pos,c=e.val,u=a.bPos,f=a.bPosPxOffset||0,h=r.boxmean||(r.meanline||{}).visible;Array.isArray(a.bdPos)?(o=a.bdPos[0],s=a.bdPos[1]):(o=a.bdPos,s=a.bdPos);var p=t.selectAll(\"path.mean\").data(\"box\"===r.type&&r.boxmean||\"violin\"===r.type&&r.box.visible&&r.meanline.visible?i.identity:[]);p.enter().append(\"path\").attr(\"class\",\"mean\").style({fill:\"none\",\"vector-effect\":\"non-scaling-stroke\"}),p.exit().remove(),p.each(function(t){var e=l.c2p(t.pos+u,!0)+f,i=l.c2p(t.pos+u-o,!0)+f,a=l.c2p(t.pos+u+s,!0)+f,p=c.c2p(t.mean,!0),d=c.c2p(t.mean-t.sd,!0),g=c.c2p(t.mean+t.sd,!0);\"h\"===r.orientation?n.select(this).attr(\"d\",\"M\"+p+\",\"+i+\"V\"+a+(\"sd\"===h?\"m0,0L\"+d+\",\"+e+\"L\"+p+\",\"+i+\"L\"+g+\",\"+e+\"Z\":\"\")):n.select(this).attr(\"d\",\"M\"+i+\",\"+p+\"H\"+a+(\"sd\"===h?\"m0,0L\"+e+\",\"+d+\"L\"+i+\",\"+p+\"L\"+e+\",\"+g+\"Z\":\"\"))})}e.exports={plot:function(t,e,r,a){var o=t._fullLayout,s=e.xaxis,f=e.yaxis,h=o._numBoxes,p=1-o.boxgap,d=\"group\"===o.boxmode&&h>1;i.makeTraceGroups(a,r,\"trace boxes\").each(function(t){var r=n.select(this),i=t[0],a=i.t,g=i.trace;e.isRangePlot||(i.node3=r);var v,m,y=a.dPos*p*(1-o.boxgroupgap)/(d?h:1),x=d?2*a.dPos*((a.num+.5)/h-.5)*p:0,b=y*g.whiskerwidth;!0!==g.visible||a.empty?r.remove():(\"h\"===g.orientation?(v=f,m=s):(v=s,m=f),a.bPos=x,a.bdPos=y,a.wdPos=b,a.wHover=a.dPos*(d?p/h:1),l(r,{pos:v,val:m},g,a),c(r,{x:s,y:f},g,a),u(r,{pos:v,val:m},g,a))})},plotBoxAndWhiskers:l,plotPoints:c,plotBoxMean:u}},{\"../../components/drawing\":595,\"../../lib\":696,d3:148}],869:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n,i=t.cd,a=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;var i=1/0;var a=-1/0;var o=e.length;for(var s=0;s0?Math.floor:Math.ceil,O=C>0?Math.ceil:Math.floor,I=C>0?Math.min:Math.max,P=C>0?Math.max:Math.min,D=z(S+L),R=O(E-L),B=[[f=T(S)]];for(a=D;a*C=0;i--)a[u-i]=t[f][i],o[u-i]=e[f][i];for(s.push({x:a,y:o,bicubic:l}),i=f,a=[],o=[];i>=0;i--)a[f-i]=t[i][0],o[f-i]=e[i][0];return s.push({x:a,y:o,bicubic:c}),s}},{}],883:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e,r){var a,o,s,l,c,u,f,h,p,d,g,v,m,y,x=t[\"_\"+e],b=t[e+\"axis\"],_=b._gridlines=[],w=b._minorgridlines=[],k=b._boundarylines=[],M=t[\"_\"+r],A=t[r+\"axis\"];\"array\"===b.tickmode&&(b.tickvals=x.slice());var T=t._xctrl,S=t._yctrl,E=T[0].length,C=T.length,L=t._a.length,z=t._b.length;n.prepTicks(b),\"array\"===b.tickmode&&delete b.tickvals;var O=b.smoothing?3:1;function I(n){var i,a,o,s,l,c,u,f,p,d,g,v,m=[],y=[],x={};if(\"b\"===e)for(a=t.b2j(n),o=Math.floor(Math.max(0,Math.min(z-2,a))),s=a-o,x.length=z,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,a)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},i=0;i0&&(p=t.dxydi([],i-1,o,0,s),m.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],i-1,o,1,s),m.push(f[0]-d[0]/3),y.push(f[1]-d[1]/3)),m.push(f[0]),y.push(f[1]),l=f;else for(i=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,i))),u=i-c,x.length=L,x.crossLength=z,x.xy=function(e){return t.evalxy([],i,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},a=0;a0&&(g=t.dxydj([],c,a-1,u,0),m.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),v=t.dxydj([],c,a-1,u,1),m.push(f[0]-v[0]/3),y.push(f[1]-v[1]/3)),m.push(f[0]),y.push(f[1]),l=f;return x.axisLetter=e,x.axis=b,x.crossAxis=A,x.value=n,x.constvar=r,x.index=h,x.x=m,x.y=y,x.smoothing=A.smoothing,x}function P(n){var i,a,o,s,l,c=[],u=[],f={};if(f.length=x.length,f.crossLength=M.length,\"b\"===e)for(o=Math.max(0,Math.min(z-2,n)),l=Math.min(1,Math.max(0,n-o)),f.xy=function(e){return t.evalxy([],e,n)},f.dxy=function(e,r){return t.dxydi([],e,o,r,l)},i=0;ix.length-1||_.push(i(P(o),{color:b.gridcolor,width:b.gridwidth}));for(h=u;hx.length-1||g<0||g>x.length-1))for(v=x[s],m=x[g],a=0;ax[x.length-1]||w.push(i(I(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&k.push(i(P(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&k.push(i(P(x.length-1),{color:b.endlinecolor,width:b.endlinewidth}))}else{for(l=5e-15,u=(c=[Math.floor((x[x.length-1]-b.tick0)/b.dtick*(1+l)),Math.ceil((x[0]-b.tick0)/b.dtick/(1+l))].sort(function(t,e){return t-e}))[0],f=c[1],h=u;h<=f;h++)p=b.tick0+b.dtick*h,_.push(i(I(p),{color:b.gridcolor,width:b.gridwidth}));for(h=u-1;hx[x.length-1]||w.push(i(I(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&k.push(i(I(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&k.push(i(I(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{\"../../lib/extend\":685,\"../../plots/cartesian/axes\":744}],884:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e){var r,a,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],i=0;i90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],898:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../components/drawing\"),a=t(\"./map_1d_array\"),o=t(\"./makepath\"),s=t(\"./orient_text\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../lib\"),u=t(\"../../constants/alignment\");function f(t,e,r,i,s,l){var c=\"const-\"+s+\"-lines\",u=r.selectAll(\".\"+c).data(l);u.enter().append(\"path\").classed(c,!0).style(\"vector-effect\",\"non-scaling-stroke\"),u.each(function(r){var i=r,s=i.x,l=i.y,c=a([],s,t.c2p),u=a([],l,e.c2p),f=\"M\"+o(c,u,i.smoothing);n.select(this).attr(\"d\",f).style(\"stroke-width\",i.width).style(\"stroke\",i.color).style(\"fill\",\"none\")}),u.exit().remove()}function h(t,e,r,a,o,c,u,f){var h=c.selectAll(\"text.\"+f).data(u);h.enter().append(\"text\").classed(f,!0);var p=0,d={};return h.each(function(o,c){var u;if(\"auto\"===o.axis.tickangle)u=s(a,e,r,o.xy,o.dxy);else{var f=(o.axis.tickangle+180)*Math.PI/180;u=s(a,e,r,o.xy,[Math.cos(f),Math.sin(f)])}c||(d={angle:u.angle,flip:u.flip});var h=(o.endAnchor?-1:1)*u.flip,g=n.select(this).attr({\"text-anchor\":h>0?\"start\":\"end\",\"data-notex\":1}).call(i.font,o.font).text(o.text).call(l.convertToTspans,t),v=i.bBox(this);g.attr(\"transform\",\"translate(\"+u.p[0]+\",\"+u.p[1]+\") rotate(\"+u.angle+\")translate(\"+o.axis.labelpadding*h+\",\"+.3*v.height+\")\"),p=Math.max(p,v.width+o.axis.labelpadding)}),h.exit().remove(),d.maxExtent=p,d}e.exports=function(t,e,r,i){var l=e.xaxis,u=e.yaxis,p=t._fullLayout._clips;c.makeTraceGroups(i,r,\"trace\").each(function(e){var r=n.select(this),i=e[0],d=i.trace,v=d.aaxis,m=d.baxis,y=c.ensureSingle(r,\"g\",\"minorlayer\"),x=c.ensureSingle(r,\"g\",\"majorlayer\"),b=c.ensureSingle(r,\"g\",\"boundarylayer\"),_=c.ensureSingle(r,\"g\",\"labellayer\");r.style(\"opacity\",d.opacity),f(l,u,x,v,\"a\",v._gridlines),f(l,u,x,m,\"b\",m._gridlines),f(l,u,y,v,\"a\",v._minorgridlines),f(l,u,y,m,\"b\",m._minorgridlines),f(l,u,b,v,\"a-boundary\",v._boundarylines),f(l,u,b,m,\"b-boundary\",m._boundarylines);var w=h(t,l,u,d,i,_,v._labels,\"a-label\"),k=h(t,l,u,d,i,_,m._labels,\"b-label\");!function(t,e,r,n,i,a,o,l){var u,f,h,p;u=.5*(r.a[0]+r.a[r.a.length-1]),f=r.b[0],h=r.ab2xy(u,f,!0),p=r.dxyda_rough(u,f),void 0===o.angle&&c.extendFlat(o,s(r,i,a,h,r.dxydb_rough(u,f)));g(t,e,r,n,h,p,r.aaxis,i,a,o,\"a-title\"),u=r.a[0],f=.5*(r.b[0]+r.b[r.b.length-1]),h=r.ab2xy(u,f,!0),p=r.dxydb_rough(u,f),void 0===l.angle&&c.extendFlat(l,s(r,i,a,h,r.dxyda_rough(u,f)));g(t,e,r,n,h,p,r.baxis,i,a,l,\"b-title\")}(t,_,d,i,l,u,w,k),function(t,e,r,n,i){var s,l,u,f,h=r.select(\"#\"+t._clipPathId);h.size()||(h=r.append(\"clipPath\").classed(\"carpetclip\",!0));var p=c.ensureSingle(h,\"path\",\"carpetboundary\"),d=e.clipsegments,g=[];for(f=0;f90&&v<270,y=n.select(this);y.text(u.title||\"\").call(l.convertToTspans,t),m&&(x=(-l.lineCount(y)+d)*p*a-x),y.attr(\"transform\",\"translate(\"+e.p[0]+\",\"+e.p[1]+\") rotate(\"+e.angle+\") translate(0,\"+x+\")\").classed(\"user-select-none\",!0).attr(\"text-anchor\",\"middle\").call(i.font,u.titlefont)}),y.exit().remove()}},{\"../../components/drawing\":595,\"../../constants/alignment\":668,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"./makepath\":895,\"./map_1d_array\":896,\"./orient_text\":897,d3:148}],899:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"../../lib/search\").findBin,a=t(\"./compute_control_points\"),o=t(\"./create_spline_evaluator\"),s=t(\"./create_i_derivative_evaluator\"),l=t(\"./create_j_derivative_evaluator\");e.exports=function(t){var e=t._a,r=t._b,c=e.length,u=r.length,f=t.aaxis,h=t.baxis,p=e[0],d=e[c-1],g=r[0],v=r[u-1],m=e[e.length-1]-e[0],y=r[r.length-1]-r[0],x=m*n.RELATIVE_CULL_TOLERANCE,b=y*n.RELATIVE_CULL_TOLERANCE;p-=x,d+=x,g-=b,v+=b,t.isVisible=function(t,e){return t>p&&tg&&ed||ev},t.setScale=function(){var e=t._x,r=t._y,n=a(t._xctrl,t._yctrl,e,r,f.smoothing,h.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,f.smoothing,h.smoothing),t.dxydi=s([t._xctrl,t._yctrl],f.smoothing,h.smoothing),t.dxydj=l([t._xctrl,t._yctrl],f.smoothing,h.smoothing)},t.i2a=function(t){var r=Math.max(0,Math.floor(t[0]),c-2),n=t[0]-r;return(1-n)*e[r]+n*e[r+1]},t.j2b=function(t){var e=Math.max(0,Math.floor(t[1]),c-2),n=t[1]-e;return(1-n)*r[e]+n*r[e+1]},t.ij2ab=function(e){return[t.i2a(e[0]),t.j2b(e[1])]},t.a2i=function(t){var r=Math.max(0,Math.min(i(t,e),c-2)),n=e[r],a=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(a-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(i(t,r),u-2)),n=r[e],a=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(a-n)))},t.ab2ij=function(e){return[t.a2i(e[0]),t.b2j(e[1])]},t.i2c=function(e,r){return t.evalxy([],e,r)},t.ab2xy=function(n,i,a){if(!a&&(ne[c-1]|ir[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(i),l=t.evalxy([],o,s);if(a){var f,h,p,d,g=0,v=0,m=[];ne[c-1]?(f=c-2,h=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):h=o-(f=Math.max(0,Math.min(c-2,Math.floor(o)))),ir[u-1]?(p=u-2,d=1,v=(i-r[u-1])/(r[u-1]-r[u-2])):d=s-(p=Math.max(0,Math.min(u-2,Math.floor(s)))),g&&(t.dxydi(m,f,p,h,d),l[0]+=m[0]*g,l[1]+=m[1]*g),v&&(t.dxydj(m,f,p,h,d),l[0]+=m[0]*v,l[1]+=m[1]*v)}return l},t.c2p=function(t,e,r){return[e.c2p(t[0]),r.c2p(t[1])]},t.p2x=function(t,e,r){return[e.p2c(t[0]),r.p2c(t[1])]},t.dadi=function(t){var r=Math.max(0,Math.min(e.length-2,t));return e[r+1]-e[r]},t.dbdj=function(t){var e=Math.max(0,Math.min(r.length-2,t));return r[e+1]-r[e]},t.dxyda=function(e,r,n,i){var a=t.dxydi(null,e,r,n,i),o=t.dadi(e,n);return[a[0]/o,a[1]/o]},t.dxydb=function(e,r,n,i){var a=t.dxydj(null,e,r,n,i),o=t.dbdj(r,i);return[a[0]/o,a[1]/o]},t.dxyda_rough=function(e,r,n){var i=m*(n||.1),a=t.ab2xy(e+i,r,!0),o=t.ab2xy(e-i,r,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dxydb_rough=function(e,r,n){var i=y*(n||.1),a=t.ab2xy(e,r+i,!0),o=t.ab2xy(e,r-i,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{\"../../lib/search\":715,\"./compute_control_points\":887,\"./constants\":888,\"./create_i_derivative_evaluator\":889,\"./create_j_derivative_evaluator\":890,\"./create_spline_evaluator\":891}],900:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e,r){var i,a,o,s=[],l=[],c=t[0].length,u=t.length;function f(e,r){var n,i=0,a=0;return e>0&&void 0!==(n=t[r][e-1])&&(a++,i+=n),e0&&void 0!==(n=t[r-1][e])&&(a++,i+=n),r0&&a0&&i1e-5);return n.log(\"Smoother converged to\",M,\"after\",A,\"iterations\"),t}},{\"../../lib\":696}],901:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArray1D;e.exports=function(t,e,r){var i=r(\"x\"),a=i&&i.length,o=r(\"y\"),s=o&&o.length;if(!a&&!s)return!1;if(e._cheater=!i,a&&!n(i)||s&&!n(o))e._length=null;else{var l=a?i.length:1/0;s&&(l=Math.min(l,o.length)),e.a&&e.a.length&&(l=Math.min(l,e.a.length)),e.b&&e.b.length&&(l=Math.min(l,e.b.length)),e._length=l}return!0}},{\"../../lib\":696}],902:[function(t,e,r){\"use strict\";var n=t(\"../scattergeo/attributes\"),i=t(\"../../components/colorscale/attributes\"),a=t(\"../../components/colorbar/attributes\"),o=t(\"../../plots/attributes\"),s=t(\"../../lib/extend\").extendFlat,l=n.marker.line;e.exports=s({locations:{valType:\"data_array\",editType:\"calc\"},locationmode:n.locationmode,z:{valType:\"data_array\",editType:\"calc\"},text:s({},n.text,{}),marker:{line:{color:l.color,width:s({},l.width,{dflt:1}),editType:\"calc\"},opacity:{valType:\"number\",arrayOk:!0,min:0,max:1,dflt:1,editType:\"style\"},editType:\"calc\"},selected:{marker:{opacity:n.selected.marker.opacity,editType:\"plot\"},editType:\"plot\"},unselected:{marker:{opacity:n.unselected.marker.opacity,editType:\"plot\"},editType:\"plot\"},hoverinfo:s({},o.hoverinfo,{editType:\"calc\",flags:[\"location\",\"z\",\"text\",\"name\"]})},i(\"\",{cLetter:\"z\",editTypeOverride:\"calc\"}),{colorbar:a})},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../scattergeo/attributes\":1083}],903:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../constants/numerical\").BADNUM,a=t(\"../../components/colorscale/calc\"),o=t(\"../scatter/arrays_to_calcdata\"),s=t(\"../scatter/calc_selection\");e.exports=function(t,e){for(var r=e._length,l=new Array(r),c=0;c\")}(t,f,o,h.mockAxis),[t]}},{\"../../plots/cartesian/axes\":744,\"../scatter/fill_hover_text\":1051,\"./attributes\":902}],907:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../heatmap/colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"./style\").style,n.styleOnSelect=t(\"./style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.eventData=t(\"./event_data\"),n.selectPoints=t(\"./select\"),n.moduleType=\"trace\",n.name=\"choropleth\",n.basePlotModule=t(\"../../plots/geo\"),n.categories=[\"geo\",\"noOpacity\"],n.meta={},e.exports=n},{\"../../plots/geo\":775,\"../heatmap/colorbar\":948,\"./attributes\":902,\"./calc\":903,\"./defaults\":904,\"./event_data\":905,\"./hover\":906,\"./plot\":908,\"./select\":909,\"./style\":910}],908:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../lib/polygon\"),o=t(\"../../lib/topojson_utils\").getTopojsonFeatures,s=t(\"../../lib/geo_location_utils\").locationToFeature,l=t(\"./style\").style;function c(t,e){for(var r=t[0].trace,n=t.length,i=o(r,e),a=0;a0&&t[e+1][0]<0)return e;return null}switch(e=\"RUS\"===l||\"FJI\"===l?function(t){var e;if(null===u(t))e=t;else for(e=new Array(t.length),i=0;ie?r[n++]=[t[i][0]+360,t[i][1]]:i===e?(r[n++]=t[i],r[n++]=[t[i][0],-90]):r[n++]=t[i];var o=a.tester(r);o.pts.pop(),c.push(o)}:function(t){c.push(a.tester(t))},o.type){case\"MultiPolygon\":for(r=0;r\":f.value>h&&(s.prefixBoundary=!0);break;case\"<\":f.valueh)&&(s.prefixBoundary=!0);break;case\"][\":a=Math.min.apply(null,f.value),o=Math.max.apply(null,f.value),ah&&(s.prefixBoundary=!0)}}},{}],919:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorbar/draw\"),i=t(\"./make_color_map\"),a=t(\"./end_plus\");e.exports=function(t,e){var r=e[0].trace,o=\"cb\"+r.uid;if(t._fullLayout._infolayer.selectAll(\".\"+o).remove(),r.showscale){var s=e[0].t.cb=n(t,o),l=r.contours,c=r.line,u=l.size||1,f=l.coloring,h=i(r,{isColorbar:!0});s.fillgradient(\"heatmap\"===f?r.colorscale:\"\").zrange(\"heatmap\"===f?[r.zmin,r.zmax]:\"\").fillcolor(\"fill\"===f?h:\"\").line({color:\"lines\"===f?h:c.color,width:!1!==l.showlines?c.width:0,dash:c.dash}).levels({start:l.start,end:a(l),size:u}).options(r.colorbar)()}}},{\"../../components/colorbar/draw\":575,\"./end_plus\":927,\"./make_color_map\":932}],920:[function(t,e,r){\"use strict\";e.exports={BOTTOMSTART:[1,9,13,104,713],TOPSTART:[4,6,7,104,713],LEFTSTART:[8,12,14,208,1114],RIGHTSTART:[2,3,11,208,1114],NEWDELTA:[null,[-1,0],[0,-1],[-1,0],[1,0],null,[0,-1],[-1,0],[0,1],[0,1],null,[0,1],[1,0],[1,0],[0,-1]],CHOOSESADDLE:{104:[4,1],208:[2,8],713:[7,13],1114:[11,14]},SADDLEREMAINDER:{1:4,2:8,4:1,7:13,8:2,11:14,13:7,14:11},LABELDISTANCE:2,LABELINCREASE:10,LABELMIN:3,LABELMAX:10,LABELOPTIMIZER:{EDGECOST:1,ANGLECOST:1,NEIGHBORCOST:5,SAMELEVELFACTOR:10,SAMELEVELDISTANCE:5,MAXCOST:100,INITIALSEARCHPOINTS:10,ITERATIONS:5}}},{}],921:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"./label_defaults\"),a=t(\"../../components/color\"),o=a.addOpacity,s=a.opacity,l=t(\"../../constants/filter_ops\"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,a,l,f){var h,p,d,g=e.contours,v=r(\"contours.operation\");(g._operation=c[v],function(t,e){var r;-1===u.indexOf(e.operation)?(t(\"contours.value\",[0,1]),Array.isArray(e.value)?e.value.length>2?e.value=e.value.slice(2):0===e.length?e.value=[0,1]:e.length<2?(r=parseFloat(e.value[0]),e.value=[r,r+1]):e.value=[parseFloat(e.value[0]),parseFloat(e.value[1])]:n(e.value)&&(r=parseFloat(e.value),e.value=[r,r+1])):(t(\"contours.value\",0),n(e.value)||(Array.isArray(e.value)?e.value=parseFloat(e.value[0]):e.value=0))}(r,g),\"=\"===v?h=g.showlines=!0:(h=r(\"contours.showlines\"),d=r(\"fillcolor\",o((t.line||{}).color||l,.5))),h)&&(p=r(\"line.color\",d&&s(d)?o(e.fillcolor,1):l),r(\"line.width\",2),r(\"line.dash\"));r(\"line.smoothing\"),i(r,a,p,f)}},{\"../../components/color\":570,\"../../constants/filter_ops\":669,\"./label_defaults\":931,\"fast-isnumeric\":214}],922:[function(t,e,r){\"use strict\";var n=t(\"../../constants/filter_ops\"),i=t(\"fast-isnumeric\");function a(t,e){var r,a=Array.isArray(e);function o(t){return i(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(a?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=a?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=a?e.map(o):[o(e)]),r}function o(t){return function(e){e=a(t,e);var r=Math.min(e[0],e[1]),n=Math.max(e[0],e[1]);return{start:r,end:n,size:n-r}}}function s(t){return function(e){return{start:e=a(t,e),end:1/0,size:1/0}}}e.exports={\"[]\":o(\"[]\"),\"][\":o(\"][\"),\">\":s(\">\"),\"<\":s(\"<\"),\"=\":s(\"=\")}},{\"../../constants/filter_ops\":669,\"fast-isnumeric\":214}],923:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var i=n(\"contours.start\"),a=n(\"contours.end\"),o=!1===i||!1===a,s=r(\"contours.size\");!(o?e.autocontour=!0:r(\"autocontour\",!1))&&s||r(\"ncontours\")}},{}],924:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");function i(t){return n.extendFlat({},t,{edgepaths:n.extendDeep([],t.edgepaths),paths:n.extendDeep([],t.paths)})}e.exports=function(t,e){var r,a,o,s=function(t){return t.reverse()},l=function(t){return t};switch(e){case\"=\":case\"<\":return t;case\">\":for(1!==t.length&&n.warn(\"Contour data invalid for the specified inequality operation.\"),a=t[0],r=0;r1e3){n.warn(\"Too many contours, clipping at 1000\",t);break}return l}},{\"../../lib\":696,\"./constraint_mapping\":922,\"./end_plus\":927}],927:[function(t,e,r){\"use strict\";e.exports=function(t){return t.end+t.size/1e6}},{}],928:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./constants\");function a(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:a=0===r[1]?1:-1:-1!==i.BOTTOMSTART.indexOf(t)?a=1:-1!==i.LEFTSTART.indexOf(t)?n=1:-1!==i.TOPSTART.indexOf(t)?a=-1:n=-1;return[n,a]}(h,r,e),d=[s(t,e,[-p[0],-p[1]])],g=p.join(\",\"),v=t.z.length,m=t.z[0].length;for(c=0;c<1e4;c++){if(h>20?(h=i.CHOOSESADDLE[h][(p[0]||p[1])<0?0:1],t.crossings[f]=i.SADDLEREMAINDER[h]):delete t.crossings[f],!(p=i.NEWDELTA[h])){n.log(\"Found bad marching index:\",h,e,t.level);break}d.push(s(t,e,p)),e[0]+=p[0],e[1]+=p[1],a(d[d.length-1],d[d.length-2],o,l)&&d.pop(),f=e.join(\",\");var y=p[0]&&(e[0]<0||e[0]>m-2)||p[1]&&(e[1]<0||e[1]>v-2);if(f===u&&p.join(\",\")===g||r&&y)break;h=t.crossings[f]}1e4===c&&n.log(\"Infinite loop in contour?\");var x,b,_,w,k,M,A,T,S,E,C,L,z,O,I,P=a(d[0],d[d.length-1],o,l),D=0,R=.2*t.smoothing,B=[],F=0;for(c=1;c=F;c--)if((x=B[c])=F&&x+B[b]T&&S--,t.edgepaths[S]=C.concat(d,E));break}U||(t.edgepaths[T]=d.concat(E))}for(T=0;Tt?0:1)+(e[0][1]>t?0:2)+(e[1][1]>t?0:4)+(e[1][0]>t?0:8);return 5===r||10===r?t>(e[0][0]+e[0][1]+e[1][0]+e[1][1])/4?5===r?713:1114:5===r?104:208:15===r?0:r}e.exports=function(t){var e,r,a,o,s,l,c,u,f,h=t[0].z,p=h.length,d=h[0].length,g=2===p||2===d;for(r=0;rt.level}return r?\"M\"+e.join(\"L\")+\"Z\":\"\"}(t,e),h=0,p=t.edgepaths.map(function(t,e){return e}),d=!0;function g(t){return Math.abs(t[1]-e[2][1])<.01}function v(t){return Math.abs(t[0]-e[0][0])<.01}function m(t){return Math.abs(t[0]-e[2][0])<.01}for(;p.length;){for(c=a.smoothopen(t.edgepaths[h],t.smoothing),f+=d?c:c.replace(/^M/,\"L\"),p.splice(p.indexOf(h),1),r=t.edgepaths[h][t.edgepaths[h].length-1],s=-1,o=0;o<4;o++){if(!r){i.log(\"Missing end?\",h,t);break}for(u=r,Math.abs(u[1]-e[0][1])<.01&&!m(r)?n=e[1]:v(r)?n=e[0]:g(r)?n=e[3]:m(r)&&(n=e[2]),l=0;l=0&&(n=y,s=l):Math.abs(r[1]-n[1])<.01?Math.abs(r[1]-y[1])<.01&&(y[0]-r[0])*(n[0]-y[0])>=0&&(n=y,s=l):i.log(\"endpt to newendpt is not vert. or horz.\",r,n,y)}if(r=n,s>=0)break;f+=\"L\"+n}if(s===t.edgepaths.length){i.log(\"unclosed perimeter path\");break}h=s,(d=-1===p.indexOf(h))&&(h=p[0],f+=\"Z\")}for(h=0;hn.center?n.right-s:s-n.left)/(u+Math.abs(Math.sin(c)*o)),p=(l>n.middle?n.bottom-l:l-n.top)/(Math.abs(f)+Math.cos(c)*o);if(h<1||p<1)return 1/0;var d=v.EDGECOST*(1/(h-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-f,y=s+u,x=l+f,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(h<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var i=e.width/2,a=e.height/2,o=t.x,s=t.y,l=t.theta,c=Math.sin(l),u=Math.cos(l),f=i*u,h=a*c,p=i*c,d=-a*u,g=[[o-f-h,s-p-d],[o+f-h,s+p-d],[o+f+h,s+p+d],[o-f+h,s-p+d]];r.push({text:e.text,x:o,y:s,dy:e.dy,theta:l,level:e.level,width:e.width,height:e.height}),n.push(g)},r.drawLabels=function(t,e,r,a,s){var l=t.selectAll(\"text\").data(e,function(t){return t.text+\",\"+t.x+\",\"+t.y+\",\"+t.theta});if(l.exit().remove(),l.enter().append(\"text\").attr({\"data-notex\":1,\"text-anchor\":\"middle\"}).each(function(t){var e=t.x+Math.sin(t.theta)*t.dy,i=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:i,transform:\"rotate(\"+180*t.theta/Math.PI+\" \"+e+\" \"+i+\")\"}).call(o.convertToTspans,r)}),s){for(var c=\"\",u=0;ue.end&&(e.start=e.end=(e.start+e.end)/2),t._input.contours||(t._input.contours={}),i.extendFlat(t._input.contours,{start:e.start,end:e.end,size:e.size}),t._input.autocontour=!0}else if(\"constraint\"!==e.type){var l,c=e.start,u=e.end,f=t._input.contours;if(c>u&&(e.start=f.start=u,u=e.end=f.end=c,c=e.start),!(e.size>0))l=c===u?1:a(c,u,t.ncontours).dtick,f.size=e.size=l}}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744}],936:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../components/drawing\"),a=t(\"../heatmap/style\"),o=t(\"./make_color_map\");e.exports=function(t){var e=n.select(t).selectAll(\"g.contour\");e.style(\"opacity\",function(t){return t[0].trace.opacity}),e.each(function(t){var e=n.select(this),r=t[0].trace,a=r.contours,s=r.line,l=a.size||1,c=a.start,u=\"constraint\"===a.type,f=!u&&\"lines\"===a.coloring,h=!u&&\"fill\"===a.coloring,p=f||h?o(r):null;e.selectAll(\"g.contourlevel\").each(function(t){n.select(this).selectAll(\"path\").call(i.lineGroupStyle,s.width,f?p(t.level):s.color,s.dash)});var d=a.labelfont;if(e.selectAll(\"g.contourlabels text\").each(function(t){i.font(n.select(this),{family:d.family,size:d.size,color:d.color||(f?p(t.level):s.color)})}),u)e.selectAll(\"g.contourfill path\").style(\"fill\",r.fillcolor);else if(h){var g;e.selectAll(\"g.contourfill path\").style(\"fill\",function(t){return void 0===g&&(g=t.level),p(t.level+.5*l)}),void 0===g&&(g=c),e.selectAll(\"g.contourbg path\").style(\"fill\",p(g-.5*l))}}),a(t)}},{\"../../components/drawing\":595,\"../heatmap/style\":958,\"./make_color_map\":932,d3:148}],937:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/defaults\"),i=t(\"./label_defaults\");e.exports=function(t,e,r,a,o){var s,l=r(\"contours.coloring\"),c=\"\";\"fill\"===l&&(s=r(\"contours.showlines\")),!1!==s&&(\"lines\"!==l&&(c=r(\"line.color\",\"#000\")),r(\"line.width\",.5),r(\"line.dash\")),\"none\"!==l&&(!0!==t.showlegend&&(e.showlegend=!1),e._dfltShowLegend=!1,n(t,e,a,r,{prefix:\"\",cLetter:\"z\"})),r(\"line.smoothing\"),i(r,a,c,o)}},{\"../../components/colorscale/defaults\":580,\"./label_defaults\":931}],938:[function(t,e,r){\"use strict\";var n=t(\"../heatmap/attributes\"),i=t(\"../contour/attributes\"),a=i.contours,o=t(\"../scatter/attributes\"),s=t(\"../../components/colorscale/attributes\"),l=t(\"../../components/colorbar/attributes\"),c=t(\"../../lib/extend\").extendFlat,u=o.line;e.exports=c({carpet:{valType:\"string\",editType:\"calc\"},z:n.z,a:n.x,a0:n.x0,da:n.dx,b:n.y,b0:n.y0,db:n.dy,text:n.text,transpose:n.transpose,atype:n.xtype,btype:n.ytype,fillcolor:i.fillcolor,autocontour:i.autocontour,ncontours:i.ncontours,contours:{type:a.type,start:a.start,end:a.end,size:a.size,coloring:{valType:\"enumerated\",values:[\"fill\",\"lines\",\"none\"],dflt:\"fill\",editType:\"calc\"},showlines:a.showlines,showlabels:a.showlabels,labelfont:a.labelfont,labelformat:a.labelformat,operation:a.operation,value:a.value,editType:\"calc\",impliedEdits:{autocontour:!1}},line:{color:c({},u.color,{}),width:u.width,dash:u.dash,smoothing:c({},u.smoothing,{}),editType:\"plot\"},transforms:void 0},s(\"\",{cLetter:\"z\",autoColorDflt:!1}),{colorbar:l})},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../contour/attributes\":916,\"../heatmap/attributes\":945,\"../scatter/attributes\":1043}],939:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\"),i=t(\"../../lib\").isArray1D,a=t(\"../heatmap/convert_column_xyz\"),o=t(\"../heatmap/clean_2d_array\"),s=t(\"../heatmap/max_row_length\"),l=t(\"../heatmap/interp2d\"),c=t(\"../heatmap/find_empties\"),u=t(\"../heatmap/make_bound_array\"),f=t(\"./defaults\"),h=t(\"../carpet/lookup_carpetid\"),p=t(\"../contour/set_contours\");e.exports=function(t,e){var r=e._carpetTrace=h(t,e);if(r&&r.visible&&\"legendonly\"!==r.visible){if(!e.a||!e.b){var d=t.data[r.index],g=t.data[e.index];g.a||(g.a=d.a),g.b||(g.b=d.b),f(g,e,e._defaultColor,t._fullLayout)}var v=function(t,e){var r,f,h,p,d,g,v,m=e._carpetTrace,y=m.aaxis,x=m.baxis;y._minDtick=0,x._minDtick=0,i(e.z)&&a(e,y,x,\"a\",\"b\",[\"z\"]);r=e._a=e._a||e.a,p=e._b=e._b||e.b,r=r?y.makeCalcdata(e,\"_a\"):[],p=p?x.makeCalcdata(e,\"_b\"):[],f=e.a0||0,h=e.da||1,d=e.b0||0,g=e.db||1,v=e._z=o(e._z||e.z,e.transpose),e._emptypoints=c(v),l(v,e._emptypoints);var b=s(v),_=\"scaled\"===e.xtype?\"\":r,w=u(e,_,f,h,b,y),k=\"scaled\"===e.ytype?\"\":p,M=u(e,k,d,g,v.length,x),A={a:w,b:M,z:v};\"levels\"===e.contours.type&&\"none\"!==e.contours.coloring&&n(e,v,\"\",\"z\");return[A]}(0,e);return p(e),v}}},{\"../../components/colorscale/calc\":578,\"../../lib\":696,\"../carpet/lookup_carpetid\":894,\"../contour/set_contours\":935,\"../heatmap/clean_2d_array\":947,\"../heatmap/convert_column_xyz\":949,\"../heatmap/find_empties\":951,\"../heatmap/interp2d\":954,\"../heatmap/make_bound_array\":955,\"../heatmap/max_row_length\":956,\"./defaults\":940}],940:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../heatmap/xyz_defaults\"),a=t(\"./attributes\"),o=t(\"../contour/constraint_defaults\"),s=t(\"../contour/contours_defaults\"),l=t(\"../contour/style_defaults\");e.exports=function(t,e,r,c){function u(r,i){return n.coerce(t,e,a,r,i)}if(u(\"carpet\"),t.a&&t.b){if(!i(t,e,u,c,\"a\",\"b\"))return void(e.visible=!1);u(\"text\"),\"constraint\"===u(\"contours.type\")?o(t,e,u,c,r,{hasHover:!1}):(s(t,e,u,function(r){return n.coerce2(t,e,a,r)}),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{\"../../lib\":696,\"../contour/constraint_defaults\":921,\"../contour/contours_defaults\":923,\"../contour/style_defaults\":937,\"../heatmap/xyz_defaults\":960,\"./attributes\":938}],941:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../contour/colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"../contour/style\"),n.moduleType=\"trace\",n.name=\"contourcarpet\",n.basePlotModule=t(\"../../plots/cartesian\"),n.categories=[\"cartesian\",\"svg\",\"carpet\",\"contour\",\"symbols\",\"showLegend\",\"hasLines\",\"carpetDependent\"],n.meta={},e.exports=n},{\"../../plots/cartesian\":756,\"../contour/colorbar\":919,\"../contour/style\":936,\"./attributes\":938,\"./calc\":939,\"./defaults\":940,\"./plot\":944}],942:[function(t,e,r){\"use strict\";var n=t(\"../../components/drawing\"),i=t(\"../carpet/axis_aligned_line\"),a=t(\"../../lib\");e.exports=function(t,e,r,o,s,l,c,u){var f,h,p,d,g,v,m,y=\"\",x=e.edgepaths.map(function(t,e){return e}),b=!0,_=1e-4*Math.abs(r[0][0]-r[2][0]),w=1e-4*Math.abs(r[0][1]-r[2][1]);function k(t){return Math.abs(t[1]-r[0][1])=0&&(p=C,g=v):Math.abs(h[1]-p[1])=0&&(p=C,g=v):a.log(\"endpt to newendpt is not vert. or horz.\",h,p,C)}if(g>=0)break;y+=S(h,p),h=p}if(g===e.edgepaths.length){a.log(\"unclosed perimeter path\");break}f=g,(b=-1===x.indexOf(f))&&(f=x[0],y+=S(h,p)+\"Z\",h=null)}for(f=0;f=0;V--)F=S.clipsegments[V],N=i([],F.x,w.c2p),j=i([],F.y,k.c2p),N.reverse(),j.reverse(),q.push(a(N,j,F.bicubic));var H=\"M\"+q.join(\"L\")+\"Z\";!function(t,e,r,n,o,l){var c,u,f,h,p=s.ensureSingle(t,\"g\",\"contourbg\").selectAll(\"path\").data(\"fill\"!==l||o?[]:[0]);p.enter().append(\"path\"),p.exit().remove();var d=[];for(h=0;hv&&(n.max=v);n.len=n.max-n.min}(this,r,t,n,c,e.height),!(n.len<(e.width+e.height)*f.LABELMIN)))for(var i=Math.min(Math.ceil(n.len/O),f.LABELMAX),a=0;az){C(\"x scale is not linear\");break}}if(v.length&&\"fast\"===S){var O=(v[v.length-1]-v[0])/(v.length-1),I=Math.abs(O/100);for(b=0;bI){C(\"y scale is not linear\");break}}}var P=c(x),D=\"scaled\"===e.xtype?\"\":r,R=p(e,D,d,g,P,w),B=\"scaled\"===e.ytype?\"\":v,F=p(e,B,m,y,x.length,k);T||(e._extremes[w._id]=a.findExtremes(w,R),e._extremes[k._id]=a.findExtremes(k,F));var N={x:R,y:F,z:x,text:e._text||e.text};if(D&&D.length===R.length-1&&(N.xCenter=D),B&&B.length===F.length-1&&(N.yCenter=B),A&&(N.xRanges=_.xRanges,N.yRanges=_.yRanges,N.pts=_.pts),M&&\"constraint\"===e.contours.type||s(e,x,\"\",\"z\"),M&&e.contours&&\"heatmap\"===e.contours.coloring){var j={type:\"contour\"===e.type?\"heatmap\":\"histogram2d\",xcalendar:e.xcalendar,ycalendar:e.ycalendar};N.xfill=p(j,D,d,g,P,w),N.yfill=p(j,B,m,y,x.length,k)}return[N]}},{\"../../components/colorscale/calc\":578,\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../../registry\":827,\"../histogram2d/calc\":977,\"./clean_2d_array\":947,\"./convert_column_xyz\":949,\"./find_empties\":951,\"./interp2d\":954,\"./make_bound_array\":955,\"./max_row_length\":956}],947:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\");e.exports=function(t,e){var r,i,a,o,s,l;function c(t){if(n(t))return+t}if(e){for(r=0,s=0;s=0;o--)(s=((f[[(r=(a=h[o])[0])-1,i=a[1]]]||g)[2]+(f[[r+1,i]]||g)[2]+(f[[r,i-1]]||g)[2]+(f[[r,i+1]]||g)[2])/20)&&(l[a]=[r,i,s],h.splice(o,1),c=!0);if(!c)throw\"findEmpties iterated with no new neighbors\";for(a in l)f[a]=l[a],u.push(l[a])}return u.sort(function(t,e){return e[2]-t[2]})}},{\"./max_row_length\":956}],952:[function(t,e,r){\"use strict\";var n=t(\"../../components/fx\"),i=t(\"../../lib\"),a=t(\"../../plots/cartesian/axes\");e.exports=function(t,e,r,o,s,l){var c,u,f,h,p=t.cd[0],d=p.trace,g=t.xa,v=t.ya,m=p.x,y=p.y,x=p.z,b=p.xCenter,_=p.yCenter,w=p.zmask,k=[d.zmin,d.zmax],M=d.zhoverformat,A=m,T=y;if(!1!==t.index){try{f=Math.round(t.index[1]),h=Math.round(t.index[0])}catch(e){return void i.error(\"Error hovering on heatmap, pointNumber must be [row,col], found:\",t.index)}if(f<0||f>=x[0].length||h<0||h>x.length)return}else{if(n.inbox(e-m[0],e-m[m.length-1],0)>0||n.inbox(r-y[0],r-y[y.length-1],0)>0)return;if(l){var S;for(A=[2*m[0]-m[1]],S=1;Sg&&(m=Math.max(m,Math.abs(t[a][o]-d)/(v-g))))}return m}e.exports=function(t,e){var r,i=1;for(o(t,e),r=0;r.01;r++)i=o(t,e,a(i));return i>.01&&n.log(\"interp2d didn't converge quickly\",i),t}},{\"../../lib\":696}],955:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\").isArrayOrTypedArray;e.exports=function(t,e,r,a,o,s){var l,c,u,f=[],h=n.traceIs(t,\"contour\"),p=n.traceIs(t,\"histogram\"),d=n.traceIs(t,\"gl2d\");if(i(e)&&e.length>1&&!p&&\"category\"!==s.type){var g=e.length;if(!(g<=o))return h?e.slice(0,o):e.slice(0,o+1);if(h||d)f=e.slice(0,o);else if(1===o)f=[e[0]-.5,e[0]+.5];else{for(f=[1.5*e[0]-.5*e[1]],u=1;u0;)p=d.c2p(M[x]),x--;for(p0;)y=g.c2p(A[x]),x--;if(y0&&(a=!0);for(var l=0;la){var o=a-r[t];return r[t]=a,o}}return 0},max:function(t,e,r,i){var a=i[e];if(n(a)){if(a=Number(a),!n(r[t]))return r[t]=a,a;if(r[t]c?t>o?t>1.1*i?i:t>1.1*a?a:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,a,s){if(n&&t>o){var l=d(e,a,s),c=d(r,a,s),u=t===i?0:1;return l[u]!==c[u]}return Math.floor(r/t)-Math.floor(e/t)>.1}function d(t,e,r){var n=e.c2d(t,i,r).split(\"-\");return\"\"===n[0]&&(n.unshift(),n[0]=\"-\"+n[0]),n}e.exports=function(t,e,r,n,a){var s,l,c=-1.1*e,h=-.1*e,p=t-h,d=r[0],g=r[1],v=Math.min(f(d+h,d+p,n,a),f(g+h,g+p,n,a)),m=Math.min(f(d+c,d+h,n,a),f(g+c,g+h,n,a));if(v>m&&mo){var y=s===i?1:6,x=s===i?\"M12\":\"M1\";return function(e,r){var o=n.c2d(e,i,a),s=o.indexOf(\"-\",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,a);if(cr.r2l(z)&&(I=a.tickIncrement(I,_.size,!0,h)),S.start=r.l2r(I),L||i.nestedProperty(e,v+\".start\").set(S.start)}var P=_.end,D=r.r2l(T.end),R=void 0!==D;if((_.endFound||R)&&D!==r.r2l(P)){var B=R?D:i.aggNums(Math.max,null,p);S.end=r.l2r(B),R||i.nestedProperty(e,v+\".start\").set(S.end)}var F=\"autobin\"+o;return!1===e._input[F]&&(e._input[v]=i.extendFlat({},e[v]||{}),delete e._input[F],delete e[F]),[S,p]}e.exports=function(t,e){if(!0===e.visible){var r,h,p,d,g=[],v=[],m=a.getFromId(t,\"h\"===e.orientation?e.yaxis||\"y\":e.xaxis||\"x\"),y=\"h\"===e.orientation?\"y\":\"x\",x={x:\"y\",y:\"x\"}[y],b=e[y+\"calendar\"],_=e.cumulative,w=f(t,e,m,y),k=w[0],M=w[1],A=\"string\"==typeof k.size,T=[],S=A?T:k,E=[],C=[],L=[],z=0,O=e.histnorm,I=e.histfunc,P=-1!==O.indexOf(\"density\");_.enabled&&P&&(O=O.replace(/ ?density$/,\"\"),P=!1);var D,R=\"max\"===I||\"min\"===I?null:0,B=s.count,F=l[O],N=!1,j=function(t){return m.r2c(t,0,b)};for(i.isArrayOrTypedArray(e[x])&&\"count\"!==I&&(D=e[x],N=\"avg\"===I,B=s[I]),r=j(k.start),p=j(k.end)+(r-a.tickIncrement(r,k.size,!1,b))/1e6;r=0&&d=0;n--)s(n);else if(\"increasing\"===e){for(n=1;n=0;n--)t[n]+=t[n+1];\"exclude\"===r&&(t.push(0),t.shift())}}(v,_.direction,_.currentbin);var X=Math.min(g.length,v.length),Z=[],$=0,J=X-1;for(r=0;r=$;r--)if(v[r]){J=r;break}for(r=$;r<=J;r++)if(n(g[r])&&n(v[r])){var K={p:g[r],s:v[r],b:0};_.enabled||(K.pts=L[r],q?K.ph0=K.ph1=L[r].length?M[L[r][0]]:g[r]:(K.ph0=V(T[r]),K.ph1=V(T[r+1],!0))),Z.push(K)}return 1===Z.length&&(Z[0].width1=a.tickIncrement(Z[0].p,k.size,!1,b)-Z[0].p),o(Z,e),i.isArrayOrTypedArray(e.selectedpoints)&&i.tagSelected(Z,e,W),Z}}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../bar/arrays_to_calcdata\":836,\"./average\":965,\"./bin_functions\":967,\"./bin_label_vals\":968,\"./norm_functions\":975,\"fast-isnumeric\":214}],970:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=n.nestedProperty,a=t(\"./attributes\"),o={x:[{aStr:\"xbins.start\",name:\"start\"},{aStr:\"xbins.end\",name:\"end\"},{aStr:\"xbins.size\",name:\"size\"},{aStr:\"nbinsx\",name:\"nbins\"}],y:[{aStr:\"ybins.start\",name:\"start\"},{aStr:\"ybins.end\",name:\"end\"},{aStr:\"ybins.size\",name:\"size\"},{aStr:\"nbinsy\",name:\"nbins\"}]};e.exports=function(t,e){var r,s,l,c,u,f,h,p=e._histogramBinOpts={},d=\"overlay\"===e.barmode;function g(t){return n.coerce(l._input,l,a,t)}for(r=0;rA&&v.splice(A,v.length-A),y.length>A&&y.splice(A,y.length-A),c(e,\"x\",v,g,_,k,x),c(e,\"y\",y,m,w,M,b);var T=[],S=[],E=[],C=\"string\"==typeof e.xbins.size,L=\"string\"==typeof e.ybins.size,z=[],O=[],I=C?z:e.xbins,P=L?O:e.ybins,D=0,R=[],B=[],F=e.histnorm,N=e.histfunc,j=-1!==F.indexOf(\"density\"),V=\"max\"===N||\"min\"===N?null:0,U=a.count,q=o[F],H=!1,G=[],W=[],Y=\"z\"in e?e.z:\"marker\"in e&&Array.isArray(e.marker.color)?e.marker.color:\"\";Y&&\"count\"!==N&&(H=\"avg\"===N,U=a[N]);var X=e.xbins,Z=_(X.start),$=_(X.end)+(Z-i.tickIncrement(Z,X.size,!1,x))/1e6;for(r=Z;r<$;r=i.tickIncrement(r,X.size,!1,x))S.push(V),z.push(r),H&&E.push(0);z.push(r);var J=S.length,K=_(e.xbins.start),Q=(r-K)/J,tt=k(K+Q/2);for(Z=w((X=e.ybins).start),$=w(X.end)+(Z-i.tickIncrement(Z,X.size,!1,b))/1e6,r=Z;r<$;r=i.tickIncrement(r,X.size,!1,b)){T.push(S.slice()),O.push(r);var et=new Array(J);for(l=0;l=0&&p=0&&d0?Number(d):p;else if(\"string\"!=typeof d)u.size=p;else{var g=d.charAt(0),v=d.substr(1);((v=n(v)?Number(v):0)<=0||\"date\"!==l||\"M\"!==g||v!==Math.round(v))&&(u.size=p)}}e.exports=function(t,e){var r,n,i,a;function u(t){return o.coerce(i._input,i,s,t)}for(r=0;r0)u=a(t.alphahull,f);else{var p=[\"x\",\"y\",\"z\"].indexOf(t.delaunayaxis);u=i(f.map(function(t){return[t[(p+1)%3],t[(p+2)%3]]}))}var d={positions:f,cells:u,lightPosition:[t.lightposition.x,t.lightposition.y,t.lightposition.z],ambient:t.lighting.ambient,diffuse:t.lighting.diffuse,specular:t.lighting.specular,roughness:t.lighting.roughness,fresnel:t.lighting.fresnel,vertexNormalsEpsilon:t.lighting.vertexnormalsepsilon,faceNormalsEpsilon:t.lighting.facenormalsepsilon,opacity:t.opacity,contourEnable:t.contour.show,contourColor:l(t.contour.color).slice(0,3),contourWidth:t.contour.width,useFacetNormals:t.flatshading};t.intensity?(this.color=\"#fff\",d.vertexIntensity=t.intensity,d.vertexIntensityBounds=[t.cmin,t.cmax],d.colormap=s(t.colorscale)):t.vertexcolor?(this.color=t.vertexcolor[0],d.vertexColors=h(t.vertexcolor)):t.facecolor?(this.color=t.facecolor[0],d.cellColors=h(t.facecolor)):(this.color=t.color,d.meshColor=l(t.color)),this.mesh.update(d)},f.dispose=function(){this.scene.glplot.remove(this.mesh),this.mesh.dispose()},e.exports=function(t,e){var r=t.glplot.gl,i=n({gl:r}),a=new u(t,i,e.uid);return i._trace=a,a.update(e),t.glplot.add(i),a}},{\"../../lib/gl_format_color\":692,\"../../lib/str2rgbarray\":719,\"../../plots/gl3d/zip3\":798,\"alpha-shape\":52,\"convex-hull\":118,\"delaunay-triangulate\":150,\"gl-mesh3d\":268}],989:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\"),a=t(\"../../components/colorscale/defaults\"),o=t(\"./attributes\");e.exports=function(t,e,r,s){function l(r,n){return i.coerce(t,e,o,r,n)}function c(t){var e=t.map(function(t){var e=l(t);return e&&i.isArrayOrTypedArray(e)?e:null});return e.every(function(t){return t&&t.length===e[0].length})&&e}var u=c([\"x\",\"y\",\"z\"]),f=c([\"i\",\"j\",\"k\"]);u?(f&&f.forEach(function(t){for(var e=0;ed):p=_>y,d=_;var w=s(y,x,b,_);w.pos=m,w.yc=(y+_)/2,w.i=v,w.dir=p?\"increasing\":\"decreasing\",h&&(w.tx=e.text[v]),g.push(w)}}return e._extremes[n._id]=a.findExtremes(n,u.concat(c),{padded:!0}),g.length&&(g[0].t={labels:{open:i(t,\"open:\")+\" \",high:i(t,\"high:\")+\" \",low:i(t,\"low:\")+\" \",close:i(t,\"close:\")+\" \"}}),g}e.exports={calc:function(t,e){var r=a.getFromId(t,e.xaxis),i=a.getFromId(t,e.yaxis),o=function(t,e,r){var i=r._minDiff;if(!i){var a,o=t._fullData,s=[];for(i=1/0,a=0;a\"+u.labels[x]+n.hoverLabelText(s,b):((y=i.extendFlat({},h)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=u.labels[x]+n.hoverLabelText(s,b),y.name=\"\",f.push(y),v[b]=y)}return f}function f(t,e,r,i){var a=t.cd,o=t.ya,u=a[0].trace,f=a[0].t,h=c(t,e,r,i);if(!h)return[];var p=a[h.index],d=h.index=p.i,g=p.dir;function v(t){return f.labels[t]+n.hoverLabelText(o,u[t][d])}var m=p.hi||u.hoverinfo,y=m.split(\"+\"),x=\"all\"===m,b=x||-1!==y.indexOf(\"y\"),_=x||-1!==y.indexOf(\"text\"),w=b?[v(\"open\"),v(\"high\"),v(\"low\"),v(\"close\")+\" \"+l[g]]:[];return _&&s(p,u,w),h.extraText=w.join(\"
\"),h.y0=h.y1=o.c2p(p.yc,!0),[h]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?u(t,e,r,n):f(t,e,r,n)},hoverSplit:u,hoverOnPoints:f}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../scatter/fill_hover_text\":1051}],995:[function(t,e,r){\"use strict\";e.exports={moduleType:\"trace\",name:\"ohlc\",basePlotModule:t(\"../../plots/cartesian\"),categories:[\"cartesian\",\"svg\",\"showLegend\"],meta:{},attributes:t(\"./attributes\"),supplyDefaults:t(\"./defaults\"),calc:t(\"./calc\").calc,plot:t(\"./plot\"),style:t(\"./style\"),hoverPoints:t(\"./hover\").hoverPoints,selectPoints:t(\"./select\")}},{\"../../plots/cartesian\":756,\"./attributes\":991,\"./calc\":992,\"./defaults\":993,\"./hover\":994,\"./plot\":997,\"./select\":998,\"./style\":999}],996:[function(t,e,r){\"use strict\";var n=t(\"../../registry\");e.exports=function(t,e,r,i){var a=r(\"x\"),o=r(\"open\"),s=r(\"high\"),l=r(\"low\"),c=r(\"close\");if(r(\"hoverlabel.split\"),n.getComponentMethod(\"calendars\",\"handleTraceDefaults\")(t,e,[\"x\"],i),o&&s&&l&&c){var u=Math.min(o.length,s.length,l.length,c.length);return a&&(u=Math.min(u,a.length)),e._length=u,u}}},{\"../../registry\":827}],997:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\");e.exports=function(t,e,r,a){var o=e.xaxis,s=e.yaxis;i.makeTraceGroups(a,r,\"trace ohlc\").each(function(t){var r=n.select(this),a=t[0],l=a.t,c=a.trace;if(e.isRangePlot||(a.node3=r),!0!==c.visible||l.empty)r.remove();else{var u=l.tickLen,f=r.selectAll(\"path\").data(i.identity);f.enter().append(\"path\"),f.exit().remove(),f.attr(\"d\",function(t){var e=o.c2p(t.pos,!0),r=o.c2p(t.pos-u,!0),n=o.c2p(t.pos+u,!0);return\"M\"+r+\",\"+s.c2p(t.o,!0)+\"H\"+e+\"M\"+e+\",\"+s.c2p(t.h,!0)+\"V\"+s.c2p(t.l,!0)+\"M\"+n+\",\"+s.c2p(t.c,!0)+\"H\"+e})}})}},{\"../../lib\":696,d3:148}],998:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[],s=n[0].t.bPos||0;if(!1===e)for(r=0;r=t.length)return!1;if(void 0!==e[t[r]])return!1;e[t[r]]=!0}return!0}(t.map(function(t){return t.displayindex})))for(e=0;e0;c&&(o=\"array\");var u=r(\"categoryorder\",o);\"array\"===u?(r(\"categoryarray\"),r(\"ticktext\")):(delete t.categoryarray,delete t.ticktext),c||\"array\"!==u||(e.categoryorder=\"trace\")}}e.exports=function(t,e,r,f){function h(r,i){return n.coerce(t,e,l,r,i)}var p=s(t,e,{name:\"dimensions\",handleItemDefaults:u}),d=function(t,e,r,o,s){s(\"line.shape\");var l=s(\"line.color\",o.colorway[0]);if(i(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),a(t,e,o,s,{prefix:\"line.\",cLetter:\"c\"}),l.length;e.line.color=r}return 1/0}(t,e,r,f,h);o(e,f,h),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,\"values\",d),h(\"hoveron\"),h(\"arrangement\"),h(\"bundlecolors\"),h(\"sortpaths\"),h(\"counts\");var g={family:f.font.family,size:Math.round(f.font.size),color:f.font.color};n.coerceFont(h,\"labelfont\",g);var v={family:f.font.family,size:Math.round(f.font.size/1.2),color:f.font.color};n.coerceFont(h,\"tickfont\",v)}},{\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"../../lib\":696,\"../../plots/array_container_defaults\":740,\"../../plots/domain\":770,\"../parcoords/merge_length\":1015,\"./attributes\":1e3}],1004:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.colorbar={container:\"line\",min:\"cmin\",max:\"cmax\"},n.moduleType=\"trace\",n.name=\"parcats\",n.basePlotModule=t(\"./base_plot\"),n.categories=[\"noOpacity\"],n.meta={},e.exports=n},{\"./attributes\":1e3,\"./base_plot\":1001,\"./calc\":1002,\"./defaults\":1003,\"./plot\":1006}],1005:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../plot_api/plot_api\"),a=t(\"../../components/fx\"),o=t(\"../../lib\"),s=t(\"../../components/drawing\"),l=t(\"tinycolor2\"),c=t(\"../../lib/svg_text_utils\");function u(t,e,r,i){var a=t.map(function(t,e,r){var n,i=r[0],a=e.margin||{l:80,r:80,t:100,b:80},o=i.trace,s=o.domain,l=e.width,c=e.height,u=Math.floor(l*(s.x[1]-s.x[0])),f=Math.floor(c*(s.y[1]-s.y[0])),h=s.x[0]*l+a.l,p=e.height-s.y[1]*e.height+a.t,d=o.line.shape;n=\"all\"===o.hoverinfo?[\"count\",\"probability\"]:o.hoverinfo.split(\"+\");var g={key:o.uid,model:i,x:h,y:p,width:u,height:f,hoveron:o.hoveron,hoverinfoItems:n,arrangement:o.arrangement,bundlecolors:o.bundlecolors,sortpaths:o.sortpaths,labelfont:o.labelfont,categorylabelfont:o.tickfont,pathShape:d,dragDimension:null,margin:a,paths:[],dimensions:[],graphDiv:t,traceSelection:null,pathSelection:null,dimensionSelection:null};i.dimensions&&(R(g),D(g));return g}.bind(0,e,r)),l=i.selectAll(\"g.parcatslayer\").data([null]);l.enter().append(\"g\").attr(\"class\",\"parcatslayer\").style(\"pointer-events\",\"all\");var u=l.selectAll(\"g.trace.parcats\").data(a,f),v=u.enter().append(\"g\").attr(\"class\",\"trace parcats\");u.attr(\"transform\",function(t){return\"translate(\"+t.x+\", \"+t.y+\")\"}),v.append(\"g\").attr(\"class\",\"paths\");var x=u.select(\"g.paths\").selectAll(\"path.path\").data(function(t){return t.paths},f);x.attr(\"fill\",function(t){return t.model.color});var w=x.enter().append(\"path\").attr(\"class\",\"path\").attr(\"stroke-opacity\",0).attr(\"fill\",function(t){return t.model.color}).attr(\"fill-opacity\",0);y(w),x.attr(\"d\",function(t){return t.svgD}),w.empty()||x.sort(p),x.exit().remove(),x.on(\"mouseover\",d).on(\"mouseout\",g).on(\"click\",m),v.append(\"g\").attr(\"class\",\"dimensions\");var k=u.select(\"g.dimensions\").selectAll(\"g.dimension\").data(function(t){return t.dimensions},f);k.enter().append(\"g\").attr(\"class\",\"dimension\"),k.attr(\"transform\",function(t){return\"translate(\"+t.x+\", 0)\"}),k.exit().remove();var M=k.selectAll(\"g.category\").data(function(t){return t.categories},f),A=M.enter().append(\"g\").attr(\"class\",\"category\");M.attr(\"transform\",function(t){return\"translate(0, \"+t.y+\")\"}),A.append(\"rect\").attr(\"class\",\"catrect\").attr(\"pointer-events\",\"none\"),M.select(\"rect.catrect\").attr(\"fill\",\"none\").attr(\"width\",function(t){return t.width}).attr(\"height\",function(t){return t.height}),b(A);var z=M.selectAll(\"rect.bandrect\").data(function(t){return t.bands},f);z.each(function(){o.raiseToTop(this)}),z.attr(\"fill\",function(t){return t.color});var O=z.enter().append(\"rect\").attr(\"class\",\"bandrect\").attr(\"stroke-opacity\",0).attr(\"fill\",function(t){return t.color}).attr(\"fill-opacity\",0);z.attr(\"fill\",function(t){return t.color}).attr(\"width\",function(t){return t.width}).attr(\"height\",function(t){return t.height}).attr(\"y\",function(t){return t.y}).attr(\"cursor\",function(t){return\"fixed\"===t.parcatsViewModel.arrangement?\"default\":\"perpendicular\"===t.parcatsViewModel.arrangement?\"ns-resize\":\"move\"}),_(O),z.exit().remove(),A.append(\"text\").attr(\"class\",\"catlabel\").attr(\"pointer-events\",\"none\");var I=e._fullLayout.paper_bgcolor;M.select(\"text.catlabel\").attr(\"text-anchor\",function(t){return h(t)?\"start\":\"end\"}).attr(\"alignment-baseline\",\"middle\").style(\"text-shadow\",I+\" -1px 1px 2px, \"+I+\" 1px 1px 2px, \"+I+\" 1px -1px 2px, \"+I+\" -1px -1px 2px\").style(\"fill\",\"rgb(0, 0, 0)\").attr(\"x\",function(t){return h(t)?t.width+5:-5}).attr(\"y\",function(t){return t.height/2}).text(function(t){return t.model.categoryLabel}).each(function(t){s.font(n.select(this),t.parcatsViewModel.categorylabelfont),c.convertToTspans(n.select(this),e)}),A.append(\"text\").attr(\"class\",\"dimlabel\"),M.select(\"text.dimlabel\").attr(\"text-anchor\",\"middle\").attr(\"alignment-baseline\",\"baseline\").attr(\"cursor\",function(t){return\"fixed\"===t.parcatsViewModel.arrangement?\"default\":\"ew-resize\"}).attr(\"x\",function(t){return t.width/2}).attr(\"y\",-5).text(function(t,e){return 0===e?t.parcatsViewModel.model.dimensions[t.model.dimensionInd].dimensionLabel:null}).each(function(t){s.font(n.select(this),t.parcatsViewModel.labelfont)}),M.selectAll(\"rect.bandrect\").on(\"mouseover\",T).on(\"mouseout\",S),M.exit().remove(),k.call(n.behavior.drag().origin(function(t){return{x:t.x,y:0}}).on(\"dragstart\",E).on(\"drag\",C).on(\"dragend\",L)),u.each(function(t){t.traceSelection=n.select(this),t.pathSelection=n.select(this).selectAll(\"g.paths\").selectAll(\"path.path\"),t.dimensionSelection=n.select(this).selectAll(\"g.dimensions\").selectAll(\"g.dimension\")}),u.exit().remove()}function f(t){return t.key}function h(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function p(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor\"),k=n.mouse(u)[0];a.loneHover({x:m-h.left+p.left,y:y-h.top+p.top,text:w,color:t.model.color,borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontSize:10,fontColor:b,idealAlign:k1&&c.displayInd===l.dimensions.length-1?(r=o.left,i=\"left\"):(r=o.left+o.width,i=\"right\");var f=[];-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&f.push([\"Count:\",s.model.count].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")&&f.push([\"P(\"+s.model.categoryLabel+\"):\",(s.model.count/s.parcatsViewModel.model.count).toFixed(3)].join(\" \"));var h=f.join(\"
\");return{x:r-t.left,y:u-t.top,text:h,color:\"lightgray\",borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontSize:12,fontColor:\"black\",idealAlign:i}}function T(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,i=r._fullLayout,s=i._paperdiv.node().getBoundingClientRect(),c=t.parcatsViewModel.hoveron;if(\"color\"===c?(!function(t){var e=n.select(t).datum(),r=w(e);x(r),r.each(function(){o.raiseToTop(this)}),n.select(t.parentNode).selectAll(\"rect.bandrect\").filter(function(t){return t.color===e.color}).each(function(){o.raiseToTop(this),n.select(this).attr(\"stroke\",\"black\").attr(\"stroke-width\",1.5)})}(this),M(this,\"plotly_hover\",n.event)):(!function(t){n.select(t.parentNode).selectAll(\"rect.bandrect\").each(function(t){var e=w(t);x(e),e.each(function(){o.raiseToTop(this)})}),n.select(t.parentNode).select(\"rect.catrect\").attr(\"stroke\",\"black\").attr(\"stroke-width\",2.5)}(this),k(this,\"plotly_hover\",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"none\"))\"category\"===c?e=A(s,this):\"color\"===c?e=function(t,e){var r,i,a=e.getBoundingClientRect(),o=n.select(e).datum(),s=o.categoryViewModel,c=s.parcatsViewModel,u=c.model.dimensions[s.model.dimensionInd],f=a.y+a.height/2;c.dimensions.length>1&&u.displayInd===c.dimensions.length-1?(r=a.left,i=\"left\"):(r=a.left+a.width,i=\"right\");var h=s.model.categoryLabel,p=o.parcatsViewModel.model.count,d=0;o.categoryViewModel.bands.forEach(function(t){t.color===o.color&&(d+=t.count)});var g=s.model.count,v=0;c.pathSelection.each(function(t){t.model.color===o.color&&(v+=t.model.count)});var m=[];if(-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&m.push([\"Count:\",d].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")){var y=\"P(color \\u2229 \"+h+\"): \"+(d/p).toFixed(3);m.push(y);var x=\"P(\"+h+\" | color): \"+(d/v).toFixed(3);m.push(x);var b=\"P(color | \"+h+\"): \"+(d/g).toFixed(3);m.push(b)}var _=m.join(\"
\"),w=l.mostReadable(o.color,[\"black\",\"white\"]);return{x:r-t.left,y:f-t.top,text:_,color:o.color,borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontColor:w,fontSize:10,idealAlign:i}}(s,this):\"dimension\"===c&&(e=function(t,e){var r=[];return n.select(e.parentNode.parentNode).selectAll(\"g.category\").select(\"rect.catrect\").each(function(){r.push(A(t,this))}),r}(s,this)),e&&a.multiHovers(e,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r})}}function S(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(y(e.pathSelection),b(e.dimensionSelection.selectAll(\"g.category\")),_(e.dimensionSelection.selectAll(\"g.category\").selectAll(\"rect.bandrect\")),a.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(p),-1===e.hoverinfoItems.indexOf(\"skip\"))){\"color\"===t.parcatsViewModel.hoveron?M(this,\"plotly_unhover\",n.event):k(this,\"plotly_unhover\",n.event)}}function E(t){\"fixed\"!==t.parcatsViewModel.arrangement&&(t.dragDimensionDisplayInd=t.model.displayInd,t.initialDragDimensionDisplayInds=t.parcatsViewModel.model.dimensions.map(function(t){return t.displayInd}),t.dragHasMoved=!1,t.dragCategoryDisplayInd=null,n.select(this).selectAll(\"g.category\").select(\"rect.catrect\").each(function(e){var r=n.mouse(this)[0],i=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=i&&i<=e.height+2&&(t.dragCategoryDisplayInd=e.model.displayInd,t.initialDragCategoryDisplayInds=t.model.categories.map(function(t){return t.displayInd}),e.model.dragY=e.y,o.raiseToTop(this.parentNode),n.select(this.parentNode).selectAll(\"rect.bandrect\").each(function(e){e.yf.y+f.height/2&&(o.model.displayInd=f.model.displayInd,f.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||\"freeform\"===t.parcatsViewModel.arrangement){a.model.dragX=n.event.x;var h=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[i];void 0!==h&&a.model.dragXp.x&&(a.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=a.model.displayInd}R(t.parcatsViewModel),D(t.parcatsViewModel),I(t.parcatsViewModel),O(t.parcatsViewModel)}}function L(t){if(\"fixed\"!==t.parcatsViewModel.arrangement&&null!==t.dragDimensionDisplayInd){n.select(this).selectAll(\"text\").attr(\"font-weight\",\"normal\");var e={},r=z(t.parcatsViewModel),a=t.parcatsViewModel.model.dimensions.map(function(t){return t.displayInd}),o=t.initialDragDimensionDisplayInds.some(function(t,e){return t!==a[e]});o&&a.forEach(function(r,n){var i=t.parcatsViewModel.model.dimensions[n].containerInd;e[\"dimensions[\"+i+\"].displayindex\"]=r});var s=!1;if(null!==t.dragCategoryDisplayInd){var l=t.model.categories.map(function(t){return t.displayInd});if(s=t.initialDragCategoryDisplayInds.some(function(t,e){return t!==l[e]})){var c=t.model.categories.slice().sort(function(t,e){return t.displayInd-e.displayInd}),u=c.map(function(t){return t.categoryValue}),f=c.map(function(t){return t.categoryLabel});e[\"dimensions[\"+t.model.containerInd+\"].categoryarray\"]=[u],e[\"dimensions[\"+t.model.containerInd+\"].ticktext\"]=[f],e[\"dimensions[\"+t.model.containerInd+\"].categoryorder\"]=\"array\"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")&&!t.dragHasMoved&&t.potentialClickBand&&(\"color\"===t.parcatsViewModel.hoveron?M(t.potentialClickBand,\"plotly_click\",n.event.sourceEvent):k(t.potentialClickBand,\"plotly_click\",n.event.sourceEvent)),t.model.dragX=null,null!==t.dragCategoryDisplayInd)t.parcatsViewModel.dimensions[t.dragDimensionDisplayInd].categories[t.dragCategoryDisplayInd].model.dragY=null,t.dragCategoryDisplayInd=null;t.dragDimensionDisplayInd=null,t.parcatsViewModel.dragDimension=null,t.dragHasMoved=null,t.potentialClickBand=null,R(t.parcatsViewModel),D(t.parcatsViewModel),n.transition().duration(300).ease(\"cubic-in-out\").each(function(){I(t.parcatsViewModel,!0),O(t.parcatsViewModel,!0)}).each(\"end\",function(){(o||s)&&i.restyle(t.parcatsViewModel.graphDiv,e,[r])})}}function z(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+=\"C\"+c[s]+\",\"+(e[s+1]+i)+\" \"+l[s]+\",\"+(e[s]+i)+\" \"+(t[s]+r[s])+\",\"+(e[s]+i),u+=\"l-\"+r[s]+\",0 \";return u+=\"Z\"}function D(t){var e=t.dimensions,r=t.model,n=e.map(function(t){return t.categories.map(function(t){return t.y})}),i=t.model.dimensions.map(function(t){return t.categories.map(function(t){return t.displayInd})}),a=t.model.dimensions.map(function(t){return t.displayInd}),o=t.dimensions.map(function(t){return t.model.dimensionInd}),s=e.map(function(t){return t.x}),l=e.map(function(t){return t.width}),c=[];for(var u in r.paths)r.paths.hasOwnProperty(u)&&c.push(r.paths[u]);function f(t){var e=t.categoryInds.map(function(t,e){return i[e][t]});return o.map(function(t){return e[t]})}c.sort(function(e,r){var n=f(e),i=f(r);return\"backward\"===t.sortpaths&&(n.reverse(),i.reverse()),n.push(e.valueInds[0]),i.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),i.unshift(r.rawColor)),ni?1:0});for(var h=new Array(c.length),p=e[0].model.count,d=e[0].categories.map(function(t){return t.height}).reduce(function(t,e){return t+e}),g=0;g0?d*(m.count/p):0;for(var y,x=new Array(n.length),b=0;b1?(t.width-80-16)/(n-1):0)*i;var a,o,s,l,c,u=[],f=t.model.maxCats,h=e.categories.length,p=e.count,d=t.height-8*(f-1),g=8*(f-h)/2,v=e.categories.map(function(t){return{displayInd:t.displayInd,categoryInd:t.categoryInd}});for(v.sort(function(t,e){return t.displayInd-e.displayInd}),c=0;c0?o.count/p*d:0,s={key:o.valueInds[0],model:o,width:16,height:a,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+a+8,u.push(s);return{key:e.dimensionInd,x:null!==e.dragX?e.dragX:r,y:0,width:16,model:e,categories:u,parcatsViewModel:t,dragCategoryDisplayInd:null,dragDimensionDisplayInd:null,initialDragDimensionDisplayInds:null,initialDragCategoryDisplayInds:null,dragHasMoved:null,potentialClickBand:null}}e.exports=function(t,e,r,n){u(r,t,n,e)}},{\"../../components/drawing\":595,\"../../components/fx\":612,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../plot_api/plot_api\":731,d3:148,tinycolor2:514}],1006:[function(t,e,r){\"use strict\";var n=t(\"./parcats\");e.exports=function(t,e,r,i){var a=t._fullLayout,o=a._paper,s=a._size;n(t,o,e,{width:s.w,height:s.h,margin:{t:s.t,r:s.r,b:s.b,l:s.l}},r,i)}},{\"./parcats\":1005}],1007:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),i=t(\"../../components/colorbar/attributes\"),a=t(\"../../plots/cartesian/layout_attributes\"),o=t(\"../../plots/font_attributes\"),s=t(\"../../plots/domain\").attributes,l=t(\"../../lib/extend\").extendFlat,c=t(\"../../plot_api/plot_template\").templatedArray;e.exports={domain:s({name:\"parcoords\",trace:!0,editType:\"calc\"}),hoverlabel:void 0,labelfont:o({editType:\"calc\"}),tickfont:o({editType:\"calc\"}),rangefont:o({editType:\"calc\"}),dimensions:c(\"dimension\",{label:{valType:\"string\",editType:\"calc\"},tickvals:l({},a.tickvals,{editType:\"calc\"}),ticktext:l({},a.ticktext,{editType:\"calc\"}),tickformat:{valType:\"string\",dflt:\"3s\",editType:\"calc\"},visible:{valType:\"boolean\",dflt:!0,editType:\"calc\"},range:{valType:\"info_array\",items:[{valType:\"number\",editType:\"calc\"},{valType:\"number\",editType:\"calc\"}],editType:\"calc\"},constraintrange:{valType:\"info_array\",freeLength:!0,dimensions:\"1-2\",items:[{valType:\"number\",editType:\"calc\"},{valType:\"number\",editType:\"calc\"}],editType:\"calc\"},multiselect:{valType:\"boolean\",dflt:!0,editType:\"calc\"},values:{valType:\"data_array\",editType:\"calc\"},editType:\"calc\"}),line:l(n(\"line\",{colorscaleDflt:\"Viridis\",autoColorDflt:!1,editTypeOverride:\"calc\"}),{colorbar:i,editType:\"calc\"})}},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plot_api/plot_template\":734,\"../../plots/cartesian/layout_attributes\":757,\"../../plots/domain\":770,\"../../plots/font_attributes\":771}],1008:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"d3\"),a=t(\"../../lib/gup\").keyFun,o=t(\"../../lib/gup\").repeat,s=t(\"../../lib\").sorterAsc,l=n.bar.snapRatio;function c(t,e){return t*(1-l)+e*l}var u=n.bar.snapClose;function f(t,e){return t*(1-u)+e*u}function h(t,e,r){if(d(e,r))return e;for(var n=t[0],i=n,a=1;a=0;a--){var o=t[a];if(e>f(n,o))return c(n,i);if(e>o||a===t.length-1)return c(o,n);i=n,n=o}}function d(t,e){for(var r=0;r=e[r][0]&&t<=e[r][1])return!0;return!1}function g(t){t.attr(\"x\",-n.bar.captureWidth/2).attr(\"width\",n.bar.captureWidth)}function v(t){t.attr(\"visibility\",\"visible\").style(\"visibility\",\"visible\").attr(\"fill\",\"yellow\").attr(\"opacity\",0)}function m(t){if(!t.brush.filterSpecified)return\"0,\"+t.height;for(var e,r,n,i=y(t.brush.filter.getConsolidated(),t.height),a=[0],o=i.length?i[0][0]:null,s=0;se){h=r;break}}if(a=u,isNaN(a)&&(a=isNaN(f)||isNaN(h)?isNaN(f)?h:f:e-c[f][1]t[1]+r||e=.9*t[1]+.1*t[0]?\"n\":e<=.9*t[0]+.1*t[1]?\"s\":\"ns\"}(d,e);g&&(o.interval=l[a],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var v=t.unitTickvals,m=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&m<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function k(t){t.on(\"mousemove\",function(t){if(i.event.preventDefault(),!t.parent.inBrushDrag){var e=w(t,t.height-i.mouse(this)[1]-2*n.verticalPadding),r=\"crosshair\";e.clickableOrdinalRange?r=\"pointer\":e.region&&(r=e.region+\"-resize\"),i.select(document.body).style(\"cursor\",r)}}).on(\"mouseleave\",function(t){t.parent.inBrushDrag||x()}).call(i.behavior.drag().on(\"dragstart\",function(t){i.event.sourceEvent.stopPropagation();var e=t.height-i.mouse(this)[1]-2*n.verticalPadding,r=t.unitToPaddedPx.invert(e),a=t.brush,o=w(t,e),s=o.interval,l=a.svgBrush;if(l.wasDragged=!1,l.grabbingBar=\"ns\"===o.region,l.grabbingBar){var c=s.map(t.unitToPaddedPx);l.grabPoint=e-c[0]-n.verticalPadding,l.barLength=c[1]-c[0]}l.clickableOrdinalRange=o.clickableOrdinalRange,l.stayingIntervals=t.multiselect&&a.filterSpecified?a.filter.getConsolidated():[],s&&(l.stayingIntervals=l.stayingIntervals.filter(function(t){return t[0]!==s[0]&&t[1]!==s[1]})),l.startExtent=o.region?s[\"s\"===o.region?1:0]:r,t.parent.inBrushDrag=!0,l.brushStartCallback()}).on(\"drag\",function(t){i.event.sourceEvent.stopPropagation();var e=t.height-i.mouse(this)[1]-2*n.verticalPadding,r=t.brush.svgBrush;r.wasDragged=!0,r.grabbingBar?r.newExtent=[e-r.grabPoint,e+r.barLength-r.grabPoint].map(t.unitToPaddedPx.invert):r.newExtent=[r.startExtent,t.unitToPaddedPx.invert(e)].sort(s);var a=Math.max(0,-r.newExtent[0]),o=Math.max(0,r.newExtent[1]-1);r.newExtent[0]+=a,r.newExtent[1]-=o,r.grabbingBar&&(r.newExtent[1]+=a,r.newExtent[0]-=o),t.brush.filterSpecified=!0,r.extent=r.stayingIntervals.concat([r.newExtent]),r.brushCallback(t),_(this.parentNode)}).on(\"dragend\",function(t){i.event.sourceEvent.stopPropagation();var e=t.brush,r=e.filter,n=e.svgBrush,a=n.grabbingBar;if(n.grabbingBar=!1,n.grabLocation=void 0,t.parent.inBrushDrag=!1,x(),!n.wasDragged)return n.wasDragged=void 0,n.clickableOrdinalRange?e.filterSpecified&&t.multiselect?n.extent.push(n.clickableOrdinalRange):(n.extent=[n.clickableOrdinalRange],e.filterSpecified=!0):a?(n.extent=n.stayingIntervals,0===n.extent.length&&A(e)):A(e),n.brushCallback(t),_(this.parentNode),void n.brushEndCallback(e.filterSpecified?r.getConsolidated():[]);var o=function(){r.set(r.getConsolidated())};if(t.ordinal){var s=t.unitTickvals;s[s.length-1]n.newExtent[0];n.extent=n.stayingIntervals.concat(l?[n.newExtent]:[]),n.extent.length||A(e),n.brushCallback(t),l?_(this.parentNode,o):(o(),_(this.parentNode))}else o();n.brushEndCallback(e.filterSpecified?r.getConsolidated():[])}))}function M(t,e){return t[0]-e[0]}function A(t){t.filterSpecified=!1,t.svgBrush.extent=[[0,1]]}function T(t){for(var e,r=t.slice(),n=[],i=r.shift();i;){for(e=i.slice();(i=r.shift())&&i[0]<=e[1];)e[1]=Math.max(e[1],i[1]);n.push(e)}return n}e.exports={makeBrush:function(t,e,r,n,i,a){var o,l=function(){var t,e,r=[];return{set:function(n){r=n.map(function(t){return t.slice().sort(s)}).sort(M),t=T(r),e=r.reduce(function(t,e){return[Math.min(t[0],e[0]),Math.max(t[1],e[1])]},[1/0,-1/0])},get:function(){return r.slice()},getConsolidated:function(){return t},getBounds:function(){return e}}}();return l.set(r),{filter:l,filterSpecified:e,svgBrush:{extent:[],brushStartCallback:n,brushCallback:(o=i,function(t){var e=t.brush,r=function(t){return t.svgBrush.extent.map(function(t){return t.slice()})}(e).slice();e.filter.set(r),o()}),brushEndCallback:a}}},ensureAxisBrush:function(t){var e=t.selectAll(\".\"+n.cn.axisBrush).data(o,a);e.enter().append(\"g\").classed(n.cn.axisBrush,!0),function(t){var e=t.selectAll(\".background\").data(o);e.enter().append(\"rect\").classed(\"background\",!0).call(g).call(v).style(\"pointer-events\",\"auto\").attr(\"transform\",\"translate(0 \"+n.verticalPadding+\")\"),e.call(k).attr(\"height\",function(t){return t.height-n.verticalPadding});var r=t.selectAll(\".highlight-shadow\").data(o);r.enter().append(\"line\").classed(\"highlight-shadow\",!0).attr(\"x\",-n.bar.width/2).attr(\"stroke-width\",n.bar.width+n.bar.strokeWidth).attr(\"stroke\",n.bar.strokeColor).attr(\"opacity\",n.bar.strokeOpacity).attr(\"stroke-linecap\",\"butt\"),r.attr(\"y1\",function(t){return t.height}).call(b);var i=t.selectAll(\".highlight\").data(o);i.enter().append(\"line\").classed(\"highlight\",!0).attr(\"x\",-n.bar.width/2).attr(\"stroke-width\",n.bar.width-n.bar.strokeWidth).attr(\"stroke\",n.bar.fillColor).attr(\"opacity\",n.bar.fillOpacity).attr(\"stroke-linecap\",\"butt\"),i.attr(\"y1\",function(t){return t.height}).call(b)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map(function(t){return t.sort(s)}),t=e.multiselect?T(t.sort(M)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map(function(t){var e=[h(r,t[0],[]),p(r,t[1],[])];if(e[1]>e[0])return e}).filter(function(t){return t})).length)return}return t.length>1?t:t[0]}}},{\"../../lib\":696,\"../../lib/gup\":693,\"./constants\":1011,d3:148}],1009:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../plots/get_data\").getModuleCalcData,a=t(\"./plot\"),o=t(\"../../constants/xmlns_namespaces\");r.name=\"parcoords\",r.plot=function(t){var e=i(t.calcdata,\"parcoords\")[0];e.length&&a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has(\"parcoords\"),a=e._has&&e._has(\"parcoords\");i&&!a&&(n._paperdiv.selectAll(\".parcoords\").remove(),n._glimages.selectAll(\"*\").remove())},r.toSVG=function(t){var e=t._fullLayout._glimages,r=n.select(t).selectAll(\".svg-container\");r.filter(function(t,e){return e===r.size()-1}).selectAll(\".gl-canvas-context, .gl-canvas-focus\").each(function(){var t=this.toDataURL(\"image/png\");e.append(\"svg:image\").attr({xmlns:o.svg,\"xlink:href\":t,preserveAspectRatio:\"none\",x:0,y:0,width:this.width,height:this.height})}),window.setTimeout(function(){n.selectAll(\"#filterBarPattern\").attr(\"id\",\"filterBarPattern\")},60)}},{\"../../constants/xmlns_namespaces\":674,\"../../plots/get_data\":781,\"./plot\":1017,d3:148}],1010:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/has_colorscale\"),i=t(\"../../components/colorscale/calc\"),a=t(\"../../lib\"),o=t(\"../../lib/gup\").wrap;e.exports=function(t,e){var r=!!e.line.colorscale&&a.isArrayOrTypedArray(e.line.color),s=r?e.line.color:function(t){for(var e=new Array(t),r=0;ru&&(n.log(\"parcoords traces support up to \"+u+\" dimensions at the moment\"),d.splice(u));var g=s(t,e,{name:\"dimensions\",handleItemDefaults:h}),v=function(t,e,r,o,s){var l=s(\"line.color\",r);if(i(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),a(t,e,o,s,{prefix:\"line.\",cLetter:\"c\"}),l.length;e.line.color=r}return 1/0}(t,e,r,c,p);o(e,c,p),Array.isArray(g)&&g.length||(e.visible=!1),f(e,g,\"values\",v);var m={family:c.font.family,size:Math.round(c.font.size/1.2),color:c.font.color};n.coerceFont(p,\"labelfont\",m),n.coerceFont(p,\"tickfont\",m),n.coerceFont(p,\"rangefont\",m)}},{\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"../../lib\":696,\"../../plots/array_container_defaults\":740,\"../../plots/domain\":770,\"./attributes\":1007,\"./axisbrush\":1008,\"./constants\":1011,\"./merge_length\":1015}],1013:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.colorbar={container:\"line\",min:\"cmin\",max:\"cmax\"},n.moduleType=\"trace\",n.name=\"parcoords\",n.basePlotModule=t(\"./base_plot\"),n.categories=[\"gl\",\"regl\",\"noOpacity\"],n.meta={},e.exports=n},{\"./attributes\":1007,\"./base_plot\":1009,\"./calc\":1010,\"./defaults\":1012,\"./plot\":1017}],1014:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),i=n([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec4 p0, p1, p2, p3,\\n p4, p5, p6, p7,\\n p8, p9, pa, pb,\\n pc, pd, pe;\\n\\nattribute vec4 pf;\\n\\nuniform mat4 dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\\n\\nuniform vec2 resolution,\\n viewBoxPosition,\\n viewBoxSize;\\n\\nuniform sampler2D palette;\\nuniform sampler2D mask;\\nuniform float maskHeight;\\n\\nuniform vec2 colorClamp;\\n\\nvarying vec4 fragColor;\\n\\nvec4 unit_1 = vec4(1, 1, 1, 1);\\n\\nfloat val(mat4 p, mat4 v) {\\n return dot(matrixCompMult(p, v) * unit_1, unit_1);\\n}\\n\\nfloat axisY(\\n float x,\\n mat4 d[4],\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float y1 = val(d[0], dim1A) + val(d[1], dim1B) + val(d[2], dim1C) + val(d[3], dim1D);\\n float y2 = val(d[0], dim2A) + val(d[1], dim2B) + val(d[2], dim2C) + val(d[3], dim2D);\\n return y1 * (1.0 - x) + y2 * x;\\n}\\n\\nconst int bitsPerByte = 8;\\n\\nint mod2(int a) {\\n return a - 2 * (a / 2);\\n}\\n\\nint mod8(int a) {\\n return a - 8 * (a / 8);\\n}\\n\\nvec4 zero = vec4(0, 0, 0, 0);\\nvec4 unit_0 = vec4(1, 1, 1, 1);\\nvec2 xyProjection = vec2(1, 1);\\n\\nmat4 mclamp(mat4 m, mat4 lo, mat4 hi) {\\n return mat4(clamp(m[0], lo[0], hi[0]),\\n clamp(m[1], lo[1], hi[1]),\\n clamp(m[2], lo[2], hi[2]),\\n clamp(m[3], lo[3], hi[3]));\\n}\\n\\nbool mshow(mat4 p, mat4 lo, mat4 hi) {\\n return mclamp(p, lo, hi) == p;\\n}\\n\\nbool withinBoundingBox(\\n mat4 d[4],\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD\\n ) {\\n\\n return mshow(d[0], loA, hiA) &&\\n mshow(d[1], loB, hiB) &&\\n mshow(d[2], loC, hiC) &&\\n mshow(d[3], loD, hiD);\\n}\\n\\nbool withinRasterMask(mat4 d[4], sampler2D mask, float height) {\\n bool result = true;\\n int bitInByteStepper;\\n float valY, valueY, scaleX;\\n int hit, bitmask, valX;\\n for(int i = 0; i < 4; i++) {\\n for(int j = 0; j < 4; j++) {\\n for(int k = 0; k < 4; k++) {\\n bitInByteStepper = mod8(j * 4 + k);\\n valX = i * 2 + j / 2;\\n valY = d[i][j][k];\\n valueY = valY * (height - 1.0) + 0.5;\\n scaleX = (float(valX) + 0.5) / 8.0;\\n hit = int(texture2D(mask, vec2(scaleX, (valueY + 0.5) / height))[3] * 255.0) / int(pow(2.0, float(bitInByteStepper)));\\n result = result && mod2(hit) == 1;\\n }\\n }\\n }\\n return result;\\n}\\n\\nvec4 position(\\n float depth,\\n vec2 resolution, vec2 viewBoxPosition, vec2 viewBoxSize,\\n mat4 dims[4],\\n float signum,\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D,\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD,\\n sampler2D mask, float maskHeight\\n ) {\\n\\n float x = 0.5 * signum + 0.5;\\n float y = axisY(x, dims, dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D);\\n\\n float show = float(\\n withinBoundingBox(dims, loA, hiA, loB, hiB, loC, hiC, loD, hiD)\\n && withinRasterMask(dims, mask, maskHeight)\\n );\\n\\n vec2 viewBoxXY = viewBoxPosition + viewBoxSize * vec2(x, y);\\n float depthOrHide = depth + 2.0 * (1.0 - show);\\n\\n return vec4(\\n xyProjection * (2.0 * viewBoxXY / resolution - 1.0),\\n depthOrHide,\\n 1.0\\n );\\n}\\n\\nvoid main() {\\n\\n float prominence = abs(pf[3]);\\n\\n mat4 p[4];\\n p[0] = mat4(p0, p1, p2, p3);\\n p[1] = mat4(p4, p5, p6, p7);\\n p[2] = mat4(p8, p9, pa, pb);\\n p[3] = mat4(pc, pd, pe, abs(pf));\\n\\n gl_Position = position(\\n 1.0 - prominence,\\n resolution, viewBoxPosition, viewBoxSize,\\n p,\\n sign(pf[3]),\\n dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD,\\n mask, maskHeight\\n );\\n\\n float clampedColorIndex = clamp((prominence - colorClamp[0]) / (colorClamp[1] - colorClamp[0]), 0.0, 1.0);\\n fragColor = texture2D(palette, vec2((clampedColorIndex * 255.0 + 0.5) / 256.0, 0.5));\\n}\\n\"]),a=n([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec4 p0, p1, p2, p3,\\n p4, p5, p6, p7,\\n p8, p9, pa, pb,\\n pc, pd, pe;\\n\\nattribute vec4 pf;\\n\\nuniform mat4 dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D;\\n\\nuniform vec2 resolution,\\n viewBoxPosition,\\n viewBoxSize;\\n\\nuniform sampler2D palette;\\n\\nuniform vec2 colorClamp;\\n\\nvarying vec4 fragColor;\\n\\nvec2 xyProjection = vec2(1, 1);\\n\\nvec4 unit = vec4(1, 1, 1, 1);\\n\\nfloat val(mat4 p, mat4 v) {\\n return dot(matrixCompMult(p, v) * unit, unit);\\n}\\n\\nfloat axisY(\\n float x,\\n mat4 d[4],\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float y1 = val(d[0], dim1A) + val(d[1], dim1B) + val(d[2], dim1C) + val(d[3], dim1D);\\n float y2 = val(d[0], dim2A) + val(d[1], dim2B) + val(d[2], dim2C) + val(d[3], dim2D);\\n return y1 * (1.0 - x) + y2 * x;\\n}\\n\\nvec4 position(\\n float depth,\\n vec2 resolution, vec2 viewBoxPosition, vec2 viewBoxSize,\\n mat4 dims[4],\\n float signum,\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float x = 0.5 * signum + 0.5;\\n float y = axisY(x, dims, dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D);\\n\\n vec2 viewBoxXY = viewBoxPosition + viewBoxSize * vec2(x, y);\\n\\n return vec4(\\n xyProjection * (2.0 * viewBoxXY / resolution - 1.0),\\n depth,\\n 1.0\\n );\\n}\\n\\nvoid main() {\\n\\n float prominence = abs(pf[3]);\\n\\n mat4 p[4];\\n p[0] = mat4(p0, p1, p2, p3);\\n p[1] = mat4(p4, p5, p6, p7);\\n p[2] = mat4(p8, p9, pa, pb);\\n p[3] = mat4(pc, pd, pe, abs(pf));\\n\\n gl_Position = position(\\n 1.0 - prominence,\\n resolution, viewBoxPosition, viewBoxSize,\\n p,\\n sign(pf[3]),\\n dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D\\n );\\n\\n float clampedColorIndex = clamp((prominence - colorClamp[0]) / (colorClamp[1] - colorClamp[0]), 0.0, 1.0);\\n fragColor = texture2D(palette, vec2((clampedColorIndex * 255.0 + 0.5) / 256.0, 0.5));\\n}\\n\"]),o=n([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec4 p0, p1, p2, p3,\\n p4, p5, p6, p7,\\n p8, p9, pa, pb,\\n pc, pd, pe;\\n\\nattribute vec4 pf;\\n\\nuniform mat4 dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\\n\\nuniform vec2 resolution,\\n viewBoxPosition,\\n viewBoxSize;\\n\\nuniform sampler2D mask;\\nuniform float maskHeight;\\n\\nuniform vec2 colorClamp;\\n\\nvarying vec4 fragColor;\\n\\nvec4 unit_1 = vec4(1, 1, 1, 1);\\n\\nfloat val(mat4 p, mat4 v) {\\n return dot(matrixCompMult(p, v) * unit_1, unit_1);\\n}\\n\\nfloat axisY(\\n float x,\\n mat4 d[4],\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float y1 = val(d[0], dim1A) + val(d[1], dim1B) + val(d[2], dim1C) + val(d[3], dim1D);\\n float y2 = val(d[0], dim2A) + val(d[1], dim2B) + val(d[2], dim2C) + val(d[3], dim2D);\\n return y1 * (1.0 - x) + y2 * x;\\n}\\n\\nconst int bitsPerByte = 8;\\n\\nint mod2(int a) {\\n return a - 2 * (a / 2);\\n}\\n\\nint mod8(int a) {\\n return a - 8 * (a / 8);\\n}\\n\\nvec4 zero = vec4(0, 0, 0, 0);\\nvec4 unit_0 = vec4(1, 1, 1, 1);\\nvec2 xyProjection = vec2(1, 1);\\n\\nmat4 mclamp(mat4 m, mat4 lo, mat4 hi) {\\n return mat4(clamp(m[0], lo[0], hi[0]),\\n clamp(m[1], lo[1], hi[1]),\\n clamp(m[2], lo[2], hi[2]),\\n clamp(m[3], lo[3], hi[3]));\\n}\\n\\nbool mshow(mat4 p, mat4 lo, mat4 hi) {\\n return mclamp(p, lo, hi) == p;\\n}\\n\\nbool withinBoundingBox(\\n mat4 d[4],\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD\\n ) {\\n\\n return mshow(d[0], loA, hiA) &&\\n mshow(d[1], loB, hiB) &&\\n mshow(d[2], loC, hiC) &&\\n mshow(d[3], loD, hiD);\\n}\\n\\nbool withinRasterMask(mat4 d[4], sampler2D mask, float height) {\\n bool result = true;\\n int bitInByteStepper;\\n float valY, valueY, scaleX;\\n int hit, bitmask, valX;\\n for(int i = 0; i < 4; i++) {\\n for(int j = 0; j < 4; j++) {\\n for(int k = 0; k < 4; k++) {\\n bitInByteStepper = mod8(j * 4 + k);\\n valX = i * 2 + j / 2;\\n valY = d[i][j][k];\\n valueY = valY * (height - 1.0) + 0.5;\\n scaleX = (float(valX) + 0.5) / 8.0;\\n hit = int(texture2D(mask, vec2(scaleX, (valueY + 0.5) / height))[3] * 255.0) / int(pow(2.0, float(bitInByteStepper)));\\n result = result && mod2(hit) == 1;\\n }\\n }\\n }\\n return result;\\n}\\n\\nvec4 position(\\n float depth,\\n vec2 resolution, vec2 viewBoxPosition, vec2 viewBoxSize,\\n mat4 dims[4],\\n float signum,\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D,\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD,\\n sampler2D mask, float maskHeight\\n ) {\\n\\n float x = 0.5 * signum + 0.5;\\n float y = axisY(x, dims, dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D);\\n\\n float show = float(\\n withinBoundingBox(dims, loA, hiA, loB, hiB, loC, hiC, loD, hiD)\\n && withinRasterMask(dims, mask, maskHeight)\\n );\\n\\n vec2 viewBoxXY = viewBoxPosition + viewBoxSize * vec2(x, y);\\n float depthOrHide = depth + 2.0 * (1.0 - show);\\n\\n return vec4(\\n xyProjection * (2.0 * viewBoxXY / resolution - 1.0),\\n depthOrHide,\\n 1.0\\n );\\n}\\n\\nvoid main() {\\n\\n float prominence = abs(pf[3]);\\n\\n mat4 p[4];\\n p[0] = mat4(p0, p1, p2, p3);\\n p[1] = mat4(p4, p5, p6, p7);\\n p[2] = mat4(p8, p9, pa, pb);\\n p[3] = mat4(pc, pd, pe, abs(pf));\\n\\n gl_Position = position(\\n 1.0 - prominence,\\n resolution, viewBoxPosition, viewBoxSize,\\n p,\\n sign(pf[3]),\\n dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD,\\n mask, maskHeight\\n );\\n\\n fragColor = vec4(pf.rgb, 1.0);\\n}\\n\"]),s=n([\"precision lowp float;\\n#define GLSLIFY 1\\n\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n gl_FragColor = fragColor;\\n}\\n\"]),l=t(\"../../lib\"),c=1e-6,u=1e-7,f=2048,h=64,p=2,d=4,g=8,v=h/g,m=[119,119,119],y=new Uint8Array(4),x=new Uint8Array(4),b={shape:[256,1],format:\"rgba\",type:\"uint8\",mag:\"nearest\",min:\"nearest\"};function _(t,e,r,n,i){var a=t._gl;a.enable(a.SCISSOR_TEST),a.scissor(e,r,n,i),t.clear({color:[0,0,0,0],depth:1})}function w(t,e,r,n,i,a){var o=a.key;r.drawCompleted||(!function(t){t.read({x:0,y:0,width:1,height:1,data:y})}(t),r.drawCompleted=!0),function s(l){var c;c=Math.min(n,i-l*n),a.offset=p*l*n,a.count=p*c,0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],_(t,a.scissorX,a.scissorY,a.scissorWidth,a.viewBoxSize[1])),r.clearOnly||(e(a),l*n+c>>8*e)%256/255}function M(t,e,r){var n,i,a,o=[];for(i=0;i=h-4?k(o,h-2-s):.5);return a}(d,p,i);!function(t,e,r){for(var n=0;n<16;n++)t[\"p\"+n.toString(16)](M(e,r,n))}(C,d,o),L=S.texture(l.extendFlat({data:function(t,e,r){for(var n=[],i=0;i<256;i++){var a=t(i/255);n.push((e?m:a).concat(r))}return n}(r.unitToColor,A,Math.round(255*(A?a:1)))},b))}var I=[0,1];var P=[];function D(t,e,n,i,a,o,s,c,u,f,h){var p,d,g,v,m=[t,e],y=[0,1].map(function(){return[0,1,2,3].map(function(){return new Float32Array(16)})});for(p=0;p<2;p++)for(v=m[p],d=0;d<4;d++)for(g=0;g<16;g++)y[p][d][g]=g+16*d===v?1:0;var x=r.lines.canvasOverdrag,b=r.domain,_=r.canvasWidth,w=r.canvasHeight;return l.extendFlat({key:s,resolution:[_,w],viewBoxPosition:[n+x,i],viewBoxSize:[a,o],i:t,ii:e,dim1A:y[0][0],dim1B:y[0][1],dim1C:y[0][2],dim1D:y[0][3],dim2A:y[1][0],dim2B:y[1][1],dim2C:y[1][2],dim2D:y[1][3],colorClamp:I,scissorX:(c===u?0:n+x)+(r.pad.l-x)+r.layoutWidth*b.x[0],scissorWidth:(c===f?_-n+x:a+.5)+(c===u?n+x:0),scissorY:i+r.pad.b+r.layoutHeight*b.y[0],scissorHeight:o,viewportX:r.pad.l-x+r.layoutWidth*b.x[0],viewportY:r.pad.b+r.layoutHeight*b.y[0],viewportWidth:_,viewportHeight:w},h)}return{setColorDomain:function(t){I[0]=t[0],I[1]=t[1]},render:function(t,e,n){var i,a,o,s=t.length,l=1/0,c=-1/0;for(i=0;ic&&(c=t[i].dim2.canvasX,o=i),t[i].dim1.canvasXn._length&&(M=M.slice(0,n._length));var A,T=n.tickvals;function S(t,e){return{val:t,text:A[e]}}function E(t,e){return t.val-e.val}if(Array.isArray(T)&&T.length){A=n.ticktext,Array.isArray(A)&&A.length?A.length>T.length?A=A.slice(0,T.length):T.length>A.length&&(T=T.slice(0,A.length)):A=T.map(o.format(n.tickformat));for(var C=1;C=r||s>=n)return;var l=t.lineLayer.readPixel(a,n-1-s),c=0!==l[3],u=c?l[2]+256*(l[1]+256*l[0]):null,f={x:a,y:s,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:u};u!==M&&(c?d.hover(f):d.unhover&&d.unhover(f),M=u)}}),k.style(\"opacity\",function(t){return t.pick?.01:1}),e.style(\"background\",\"rgba(255, 255, 255, 0)\");var A=e.selectAll(\".\"+i.cn.parcoords).data(w,c);A.exit().remove(),A.enter().append(\"g\").classed(i.cn.parcoords,!0).style(\"shape-rendering\",\"crispEdges\").style(\"pointer-events\",\"none\"),A.attr(\"transform\",function(t){return\"translate(\"+t.model.translateX+\",\"+t.model.translateY+\")\"});var T=A.selectAll(\".\"+i.cn.parcoordsControlView).data(u,c);T.enter().append(\"g\").classed(i.cn.parcoordsControlView,!0),T.attr(\"transform\",function(t){return\"translate(\"+t.model.pad.l+\",\"+t.model.pad.t+\")\"});var S=T.selectAll(\".\"+i.cn.yAxis).data(function(t){return t.dimensions},c);function E(t,e){for(var r=e.panels||(e.panels=[]),n=t.data(),i=n.length-1,a=0;aline\").attr(\"fill\",\"none\").attr(\"stroke\",\"black\").attr(\"stroke-opacity\",.25).attr(\"stroke-width\",\"1px\"),L.selectAll(\"text\").style(\"text-shadow\",\"1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff\").style(\"cursor\",\"default\").style(\"user-select\",\"none\");var z=C.selectAll(\".\"+i.cn.axisHeading).data(u,c);z.enter().append(\"g\").classed(i.cn.axisHeading,!0);var O=z.selectAll(\".\"+i.cn.axisTitle).data(u,c);O.enter().append(\"text\").classed(i.cn.axisTitle,!0).attr(\"text-anchor\",\"middle\").style(\"cursor\",\"ew-resize\").style(\"user-select\",\"none\").style(\"pointer-events\",\"auto\"),O.attr(\"transform\",\"translate(0,\"+-i.axisTitleOffset+\")\").text(function(t){return t.label}).each(function(t){s.font(o.select(this),t.model.labelFont)});var I=C.selectAll(\".\"+i.cn.axisExtent).data(u,c);I.enter().append(\"g\").classed(i.cn.axisExtent,!0);var P=I.selectAll(\".\"+i.cn.axisExtentTop).data(u,c);P.enter().append(\"g\").classed(i.cn.axisExtentTop,!0),P.attr(\"transform\",\"translate(0,\"+-i.axisExtentOffset+\")\");var D=P.selectAll(\".\"+i.cn.axisExtentTopText).data(u,c);function R(t,e){if(t.ordinal)return\"\";var r=t.domainScale.domain();return o.format(t.tickFormat)(r[e?r.length-1:0])}D.enter().append(\"text\").classed(i.cn.axisExtentTopText,!0).call(y),D.text(function(t){return R(t,!0)}).each(function(t){s.font(o.select(this),t.model.rangeFont)});var B=I.selectAll(\".\"+i.cn.axisExtentBottom).data(u,c);B.enter().append(\"g\").classed(i.cn.axisExtentBottom,!0),B.attr(\"transform\",function(t){return\"translate(0,\"+(t.model.height+i.axisExtentOffset)+\")\"});var F=B.selectAll(\".\"+i.cn.axisExtentBottomText).data(u,c);F.enter().append(\"text\").classed(i.cn.axisExtentBottomText,!0).attr(\"dy\",\"0.75em\").call(y),F.text(function(t){return R(t)}).each(function(t){s.font(o.select(this),t.model.rangeFont)}),h.ensureAxisBrush(C)}},{\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/gup\":693,\"./axisbrush\":1008,\"./constants\":1011,\"./lines\":1014,d3:148}],1017:[function(t,e,r){\"use strict\";var n=t(\"./parcoords\"),i=t(\"../../lib/prepare_regl\");e.exports=function(t,e){var r=t._fullLayout,a=r._toppaper,o=r._paperdiv,s=r._glcontainer;if(i(t)){var l={},c={},u=r._size;e.forEach(function(e,r){l[r]=t.data[r].dimensions,c[r]=t.data[r].dimensions.slice()});n(o,a,s,e,{width:u.w,height:u.h,margin:{t:u.t,r:u.r,b:u.b,l:u.l}},{filterChanged:function(e,r,n){var i=c[e][r],a=n.map(function(t){return t.slice()});a.length?(1===a.length&&(a=a[0]),i.constraintrange=a,a=[a]):(delete i.constraintrange,a=null);var o={};o[\"dimensions[\"+r+\"].constraintrange\"]=a,t.emit(\"plotly_restyle\",[o,[e]])},hover:function(e){t.emit(\"plotly_hover\",e)},unhover:function(e){t.emit(\"plotly_unhover\",e)},axesMoved:function(e,r){function n(t){return!(\"visible\"in t)||t.visible}function i(t,e,r){var n=e.indexOf(r),i=t.indexOf(n);return-1===i&&(i+=e.length),i}var a=function(t){return function(e,n){return i(r,t,e)-i(r,t,n)}}(c[e].filter(n));l[e].sort(a),c[e].filter(function(t){return!n(t)}).sort(function(t){return c[e].indexOf(t)}).forEach(function(t){l[e].splice(l[e].indexOf(t),1),l[e].splice(c[e].indexOf(t),0,t)}),t.emit(\"plotly_restyle\")}})}}},{\"../../lib/prepare_regl\":709,\"./parcoords\":1016}],1018:[function(t,e,r){\"use strict\";var n=t(\"../../components/color/attributes\"),i=t(\"../../plots/font_attributes\"),a=t(\"../../plots/attributes\"),o=t(\"../../plots/domain\").attributes,s=t(\"../../lib/extend\").extendFlat,l=i({editType:\"calc\",arrayOk:!0,colorEditType:\"plot\"});e.exports={labels:{valType:\"data_array\",editType:\"calc\"},label0:{valType:\"number\",dflt:0,editType:\"calc\"},dlabel:{valType:\"number\",dflt:1,editType:\"calc\"},values:{valType:\"data_array\",editType:\"calc\"},marker:{colors:{valType:\"data_array\",editType:\"calc\"},line:{color:{valType:\"color\",dflt:n.defaultLine,arrayOk:!0,editType:\"style\"},width:{valType:\"number\",min:0,dflt:0,arrayOk:!0,editType:\"style\"},editType:\"calc\"},editType:\"calc\"},text:{valType:\"data_array\",editType:\"calc\"},hovertext:{valType:\"string\",dflt:\"\",arrayOk:!0,editType:\"style\"},scalegroup:{valType:\"string\",dflt:\"\",editType:\"calc\"},textinfo:{valType:\"flaglist\",flags:[\"label\",\"text\",\"value\",\"percent\"],extras:[\"none\"],editType:\"calc\"},hoverinfo:s({},a.hoverinfo,{flags:[\"label\",\"text\",\"value\",\"percent\",\"name\"]}),textposition:{valType:\"enumerated\",values:[\"inside\",\"outside\",\"auto\",\"none\"],dflt:\"auto\",arrayOk:!0,editType:\"calc\"},textfont:s({},l,{}),insidetextfont:s({},l,{}),outsidetextfont:s({},l,{}),title:{valType:\"string\",dflt:\"\",editType:\"calc\"},titleposition:{valType:\"enumerated\",values:[\"top left\",\"top center\",\"top right\",\"middle center\",\"bottom left\",\"bottom center\",\"bottom right\"],editType:\"calc\"},titlefont:s({},l,{}),domain:o({name:\"pie\",trace:!0,editType:\"calc\"}),hole:{valType:\"number\",min:0,max:1,dflt:0,editType:\"calc\"},sort:{valType:\"boolean\",dflt:!0,editType:\"calc\"},direction:{valType:\"enumerated\",values:[\"clockwise\",\"counterclockwise\"],dflt:\"counterclockwise\",editType:\"calc\"},rotation:{valType:\"number\",min:-360,max:360,dflt:0,editType:\"calc\"},pull:{valType:\"number\",min:0,max:1,dflt:0,arrayOk:!0,editType:\"calc\"}}},{\"../../components/color/attributes\":569,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../../plots/domain\":770,\"../../plots/font_attributes\":771}],1019:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../plots/get_data\").getModuleCalcData;r.name=\"pie\",r.plot=function(t){var e=n.getModule(\"pie\"),r=i(t.calcdata,e)[0];r.length&&e.plot(t,r)},r.clean=function(t,e,r,n){var i=n._has&&n._has(\"pie\"),a=e._has&&e._has(\"pie\");i&&!a&&n._pielayer.selectAll(\"g.trace\").remove()}},{\"../../plots/get_data\":781,\"../../registry\":827}],1020:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\").isArrayOrTypedArray,a=t(\"tinycolor2\"),o=t(\"../../components/color\"),s=t(\"./helpers\");r.calc=function(t,e){var r,l,c,u,f,h=e.values,p=i(h)&&h.length,d=e.labels,g=e.marker.colors||[],v=[],m=t._fullLayout,y=m._piecolormap,x={},b=0,_=m.hiddenlabels||[];if(e.dlabel)for(d=new Array(h.length),r=0;r\")}}return v},r.crossTraceCalc=function(t){var e=t._fullLayout,r=t.calcdata,n=e.piecolorway,i=e._piecolormap;e.extendpiecolors&&(n=function(t){var e,r=JSON.stringify(t),n=l[r];if(!n){for(n=t.slice(),e=0;e0?1:-1)/2,y:a/(1+r*r/(n*n)),outside:!0}}function p(t,e){var r=t.trace,n=e.h*(r.domain.y[1]-r.domain.y[0]);return Math.min(t.titleBox.height,n/2)}function d(t){var e,r=t.pull;if(Array.isArray(r))for(r=0,e=0;er&&(r=t.pull[e]);return r}e.exports=function(t,e){var r=t._fullLayout;!function(t,e){for(var r,n,i=0;ii.vTotal/2?1:0)}(e),g.attr(\"stroke-linejoin\",\"round\"),g.each(function(){var g=n.select(this).selectAll(\"g.slice\").data(e);g.enter().append(\"g\").classed(\"slice\",!0),g.exit().remove();var y=[[[],[]],[[],[]]],x=!1;g.each(function(e){if(e.hidden)n.select(this).selectAll(\"path,g\").remove();else{e.pointNumber=e.i,e.curveNumber=m.index,y[e.pxmid[1]<0?0:1][e.pxmid[0]<0?0:1].push(e);var p=v.cx,d=v.cy,g=n.select(this),b=g.selectAll(\"path.surface\").data([e]),_=!1,w=!1;if(b.enter().append(\"path\").classed(\"surface\",!0).style({\"pointer-events\":\"all\"}),g.select(\"path.textline\").remove(),g.on(\"mouseover\",function(){var a=t._fullLayout,o=t._fullData[m.index];if(!t._dragging&&!1!==a.hovermode){var s=o.hoverinfo;if(Array.isArray(s)&&(s=i.castHoverinfo({hoverinfo:[c.castOption(s,e.pts)],_module:m._module},a,0)),\"all\"===s&&(s=\"label+text+value+percent+name\"),\"none\"!==s&&\"skip\"!==s&&s){var l=f(e,v),h=p+e.pxmid[0]*(1-l),g=d+e.pxmid[1]*(1-l),y=r.separators,x=[];if(-1!==s.indexOf(\"label\")&&x.push(e.label),-1!==s.indexOf(\"text\")){var b=c.castOption(o.hovertext||o.text,e.pts);b&&x.push(b)}-1!==s.indexOf(\"value\")&&x.push(c.formatPieValue(e.v,y)),-1!==s.indexOf(\"percent\")&&x.push(c.formatPiePercent(e.v/v.vTotal,y));var k=m.hoverlabel,M=k.font;i.loneHover({x0:h-l*v.r,x1:h+l*v.r,y:g,text:x.join(\"
\"),name:-1!==s.indexOf(\"name\")?o.name:void 0,idealAlign:e.pxmid[0]<0?\"left\":\"right\",color:c.castOption(k.bgcolor,e.pts)||e.color,borderColor:c.castOption(k.bordercolor,e.pts),fontFamily:c.castOption(M.family,e.pts),fontSize:c.castOption(M.size,e.pts),fontColor:c.castOption(M.color,e.pts)},{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:t}),_=!0}t.emit(\"plotly_hover\",{points:[u(e,o)],event:n.event}),w=!0}}).on(\"mouseout\",function(r){var a=t._fullLayout,o=t._fullData[m.index];w&&(r.originalEvent=n.event,t.emit(\"plotly_unhover\",{points:[u(e,o)],event:n.event}),w=!1),_&&(i.loneUnhover(a._hoverlayer.node()),_=!1)}).on(\"click\",function(){var r=t._fullLayout,a=t._fullData[m.index];t._dragging||!1===r.hovermode||(t._hoverdata=[u(e,a)],i.click(t,n.event))}),m.pull){var k=+c.castOption(m.pull,e.pts)||0;k>0&&(p+=k*e.pxmid[0],d+=k*e.pxmid[1])}e.cxFinal=p,e.cyFinal=d;var M=m.hole;if(e.v===v.vTotal){var A=\"M\"+(p+e.px0[0])+\",\"+(d+e.px0[1])+L(e.px0,e.pxmid,!0,1)+L(e.pxmid,e.px0,!0,1)+\"Z\";M?b.attr(\"d\",\"M\"+(p+M*e.px0[0])+\",\"+(d+M*e.px0[1])+L(e.px0,e.pxmid,!1,M)+L(e.pxmid,e.px0,!1,M)+\"Z\"+A):b.attr(\"d\",A)}else{var T=L(e.px0,e.px1,!0,1);if(M){var S=1-M;b.attr(\"d\",\"M\"+(p+M*e.px1[0])+\",\"+(d+M*e.px1[1])+L(e.px1,e.px0,!1,M)+\"l\"+S*e.px0[0]+\",\"+S*e.px0[1]+T+\"Z\")}else b.attr(\"d\",\"M\"+p+\",\"+d+\"l\"+e.px0[0]+\",\"+e.px0[1]+T+\"Z\")}var E=c.castOption(m.textposition,e.pts),C=g.selectAll(\"g.slicetext\").data(e.text&&\"none\"!==E?[0]:[]);C.enter().append(\"g\").classed(\"slicetext\",!0),C.exit().remove(),C.each(function(){var r=s.ensureSingle(n.select(this),\"text\",\"\",function(t){t.attr(\"data-notex\",1)});r.text(e.text).attr({class:\"slicetext\",transform:\"\",\"text-anchor\":\"middle\"}).call(o.font,\"outside\"===E?function(t,e,r){var n=c.castOption(t.outsidetextfont.color,e.pts)||c.castOption(t.textfont.color,e.pts)||r.color,i=c.castOption(t.outsidetextfont.family,e.pts)||c.castOption(t.textfont.family,e.pts)||r.family,a=c.castOption(t.outsidetextfont.size,e.pts)||c.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:i,size:a}}(m,e,t._fullLayout.font):function(t,e,r){var n=c.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=c.castOption(t._input.textfont.color,e.pts));var i=c.castOption(t.insidetextfont.family,e.pts)||c.castOption(t.textfont.family,e.pts)||r.family,o=c.castOption(t.insidetextfont.size,e.pts)||c.castOption(t.textfont.size,e.pts)||r.size;return{color:n||a.contrast(e.color),family:i,size:o}}(m,e,t._fullLayout.font)).call(l.convertToTspans,t);var i,u=o.bBox(r.node());\"outside\"===E?i=h(u,e):(i=function(t,e,r){var n=Math.sqrt(t.width*t.width+t.height*t.height),i=t.width/t.height,a=Math.PI*Math.min(e.v/r.vTotal,.5),o=1-r.trace.hole,s=f(e,r),l={scale:s*r.r*2/n,rCenter:1-s,rotate:0};if(l.scale>=1)return l;var c=i+1/(2*Math.tan(a)),u=r.r*Math.min(1/(Math.sqrt(c*c+.5)+c),o/(Math.sqrt(i*i+o/2)+i)),h={scale:2*u/t.height,rCenter:Math.cos(u/r.r)-u*i/r.r,rotate:(180/Math.PI*e.midangle+720)%180-90},p=1/i,d=p+1/(2*Math.tan(a)),g=r.r*Math.min(1/(Math.sqrt(d*d+.5)+d),o/(Math.sqrt(p*p+o/2)+p)),v={scale:2*g/t.width,rCenter:Math.cos(g/r.r)-g/i/r.r,rotate:(180/Math.PI*e.midangle+810)%180-90},m=v.scale>h.scale?v:h;return l.scale<1&&m.scale>l.scale?m:l}(u,e,v),\"auto\"===E&&i.scale<1&&(r.call(o.font,m.outsidetextfont),m.outsidetextfont.family===m.insidetextfont.family&&m.outsidetextfont.size===m.insidetextfont.size||(u=o.bBox(r.node())),i=h(u,e)));var g=p+e.pxmid[0]*i.rCenter+(i.x||0),y=d+e.pxmid[1]*i.rCenter+(i.y||0);i.outside&&(e.yLabelMin=y-u.height/2,e.yLabelMid=y,e.yLabelMax=y+u.height/2,e.labelExtraX=0,e.labelExtraY=0,x=!0),r.attr(\"transform\",\"translate(\"+g+\",\"+y+\")\"+(i.scale<1?\"scale(\"+i.scale+\")\":\"\")+(i.rotate?\"rotate(\"+i.rotate+\")\":\"\")+\"translate(\"+-(u.left+u.right)/2+\",\"+-(u.top+u.bottom)/2+\")\")})}function L(t,r,n,i){return\"a\"+i*v.r+\",\"+i*v.r+\" 0 \"+e.largeArc+(n?\" 1 \":\" 0 \")+i*(r[0]-t[0])+\",\"+i*(r[1]-t[1])}});var b=n.select(this).selectAll(\"g.titletext\").data(m.title?[0]:[]);b.enter().append(\"g\").classed(\"titletext\",!0),b.exit().remove(),b.each(function(){var e,i=s.ensureSingle(n.select(this),\"text\",\"\",function(t){t.attr(\"data-notex\",1)});i.text(m.title).attr({class:\"titletext\",transform:\"\",\"text-anchor\":\"middle\"}).call(o.font,m.titlefont).call(l.convertToTspans,t),e=\"middle center\"===m.titleposition?function(t){var e=Math.sqrt(t.titleBox.width*t.titleBox.width+t.titleBox.height*t.titleBox.height);return{x:t.cx,y:t.cy,scale:t.trace.hole*t.r*2/e,tx:0,ty:-t.titleBox.height/2+t.trace.titlefont.size}}(v):function(t,e){var r,n,i=1,a=1,o=t.trace,s={x:t.cx,y:t.cy},l={tx:0,ty:0};l.ty+=o.titlefont.size,n=d(o),-1!==o.titleposition.indexOf(\"top\")?(s.y-=(1+n)*t.r,l.ty-=t.titleBox.height):-1!==o.titleposition.indexOf(\"bottom\")&&(s.y+=(1+n)*t.r);-1!==o.titleposition.indexOf(\"left\")?(r=e.w*(o.domain.x[1]-o.domain.x[0])/2+t.r,s.x-=(1+n)*t.r,l.tx+=t.titleBox.width/2):-1!==o.titleposition.indexOf(\"center\")?r=e.w*(o.domain.x[1]-o.domain.x[0]):-1!==o.titleposition.indexOf(\"right\")&&(r=e.w*(o.domain.x[1]-o.domain.x[0])/2+t.r,s.x+=(1+n)*t.r,l.tx-=t.titleBox.width/2);return i=r/t.titleBox.width,a=p(t,e)/t.titleBox.height,{x:s.x,y:s.y,scale:Math.min(i,a),tx:l.tx,ty:l.ty}}(v,r._size),i.attr(\"transform\",\"translate(\"+e.x+\",\"+e.y+\")\"+(e.scale<1?\"scale(\"+e.scale+\")\":\"\")+\"translate(\"+e.tx+\",\"+e.ty+\")\")}),x&&function(t,e){var r,n,i,a,o,s,l,u,f,h,p,d,g;function v(t,e){return t.pxmid[1]-e.pxmid[1]}function m(t,e){return e.pxmid[1]-t.pxmid[1]}function y(t,r){r||(r={});var i,u,f,p,d,g,v=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),m=n?t.yLabelMin:t.yLabelMax,y=n?t.yLabelMax:t.yLabelMin,x=t.cyFinal+o(t.px0[1],t.px1[1]),b=v-m;if(b*l>0&&(t.labelExtraY=b),Array.isArray(e.pull))for(u=0;u=(c.castOption(e.pull,f.pts)||0)||((t.pxmid[1]-f.pxmid[1])*l>0?(p=f.cyFinal+o(f.px0[1],f.px1[1]),(b=p-m-t.labelExtraY)*l>0&&(t.labelExtraY+=b)):(y+t.labelExtraY-x)*l>0&&(i=3*s*Math.abs(u-h.indexOf(t)),d=f.cxFinal+a(f.px0[0],f.px1[0]),(g=d+i-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=g)))}for(n=0;n<2;n++)for(i=n?v:m,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(a=r?Math.max:Math.min,s=r?1:-1,(u=t[n][r]).sort(i),f=t[1-n][r],h=f.concat(u),d=[],p=0;pMath.abs(c)?o+=\"l\"+c*t.pxmid[0]/t.pxmid[1]+\",\"+c+\"H\"+(i+t.labelExtraX+s):o+=\"l\"+t.labelExtraX+\",\"+l+\"v\"+(c-l)+\"h\"+s}else o+=\"V\"+(t.yLabelMid+t.labelExtraY)+\"h\"+s;e.append(\"path\").classed(\"textline\",!0).call(a.stroke,m.outsidetextfont.color).attr({\"stroke-width\":Math.min(2,m.outsidetextfont.size/8),d:o,fill:\"none\"})}})})});setTimeout(function(){g.selectAll(\"tspan\").each(function(){var t=n.select(this);t.attr(\"dy\")&&t.attr(\"dy\",t.attr(\"dy\"))})},0)}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../components/fx\":612,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"./event_data\":1022,\"./helpers\":1023,d3:148}],1028:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"./style_one\");e.exports=function(t){t._fullLayout._pielayer.selectAll(\".trace\").each(function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll(\"path.surface\").each(function(t){n.select(this).call(i,t,e)})})}},{\"./style_one\":1029,d3:148}],1029:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),i=t(\"./helpers\").castOption;e.exports=function(t,e,r){var a=r.marker.line,o=i(a.color,e.pts)||n.defaultLine,s=i(a.width,e.pts)||0;t.style({\"stroke-width\":s}).call(n.fill,e.color).call(n.stroke,o)}},{\"../../components/color\":570,\"./helpers\":1023}],1030:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\");e.exports={x:n.x,y:n.y,xy:{valType:\"data_array\",editType:\"calc\"},indices:{valType:\"data_array\",editType:\"calc\"},xbounds:{valType:\"data_array\",editType:\"calc\"},ybounds:{valType:\"data_array\",editType:\"calc\"},text:n.text,marker:{color:{valType:\"color\",arrayOk:!1,editType:\"calc\"},opacity:{valType:\"number\",min:0,max:1,dflt:1,arrayOk:!1,editType:\"calc\"},blend:{valType:\"boolean\",dflt:null,editType:\"calc\"},sizemin:{valType:\"number\",min:.1,max:2,dflt:.5,editType:\"calc\"},sizemax:{valType:\"number\",min:.1,dflt:20,editType:\"calc\"},border:{color:{valType:\"color\",arrayOk:!1,editType:\"calc\"},arearatio:{valType:\"number\",min:0,max:1,dflt:0,editType:\"calc\"},editType:\"calc\"},editType:\"calc\"},transforms:void 0}},{\"../scatter/attributes\":1043}],1031:[function(t,e,r){\"use strict\";var n=t(\"gl-pointcloud2d\"),i=t(\"../../lib/str2rgbarray\"),a=t(\"../../plots/cartesian/autorange\").findExtremes,o=t(\"../scatter/get_trace_color\");function s(t,e){this.scene=t,this.uid=e,this.type=\"pointcloud\",this.pickXData=[],this.pickYData=[],this.xData=[],this.yData=[],this.textLabels=[],this.color=\"rgb(0, 0, 0)\",this.name=\"\",this.hoverinfo=\"all\",this.idToIndex=new Int32Array(0),this.bounds=[0,0,0,0],this.pointcloudOptions={positions:new Float32Array(0),idToIndex:this.idToIndex,sizemin:.5,sizemax:12,color:[0,0,0,1],areaRatio:1,borderColor:[0,0,0,1]},this.pointcloud=n(t.glplot,this.pointcloudOptions),this.pointcloud._trace=this}var l=s.prototype;l.handlePick=function(t){var e=this.idToIndex[t.pointId];return{trace:this,dataCoord:t.dataCoord,traceCoord:this.pickXYData?[this.pickXYData[2*e],this.pickXYData[2*e+1]]:[this.pickXData[e],this.pickYData[e]],textLabel:Array.isArray(this.textLabels)?this.textLabels[e]:this.textLabels,color:this.color,name:this.name,pointIndex:e,hoverinfo:this.hoverinfo}},l.update=function(t){this.index=t.index,this.textLabels=t.text,this.name=t.name,this.hoverinfo=t.hoverinfo,this.bounds=[1/0,1/0,-1/0,-1/0],this.updateFast(t),this.color=o(t,{})},l.updateFast=function(t){var e,r,n,o,s,l,c=this.xData=this.pickXData=t.x,u=this.yData=this.pickYData=t.y,f=this.pickXYData=t.xy,h=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(f){if(n=f,e=f.length>>>1,h)d[0]=t.xbounds[0],d[2]=t.xbounds[1],d[1]=t.ybounds[0],d[3]=t.ybounds[1];else for(l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);if(p)r=p;else for(r=new Int32Array(e),l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);this.idToIndex=r,this.pointcloudOptions.idToIndex=r,this.pointcloudOptions.positions=n;var g=i(t.marker.color),v=i(t.marker.border.color),m=t.opacity*t.marker.opacity;g[3]*=m,this.pointcloudOptions.color=g;var y=t.marker.blend;if(null===y){y=c.length<100||u.length<100}this.pointcloudOptions.blend=y,v[3]*=m,this.pointcloudOptions.borderColor=v;var x=t.marker.sizemin,b=Math.max(t.marker.sizemax,t.marker.sizemin);this.pointcloudOptions.sizeMin=x,this.pointcloudOptions.sizeMax=b,this.pointcloudOptions.areaRatio=t.marker.border.arearatio,this.pointcloud.update(this.pointcloudOptions);var _=this.scene.xaxis,w=this.scene.yaxis,k=b/2||.5;t._extremes[_._id]=a(_,[d[0],d[2]],{ppad:k}),t._extremes[w._id]=a(w,[d[1],d[3]],{ppad:k})},l.dispose=function(){this.pointcloud.dispose()},e.exports=function(t,e){var r=new s(t,e.uid);return r.update(e),r}},{\"../../lib/str2rgbarray\":719,\"../../plots/cartesian/autorange\":743,\"../scatter/get_trace_color\":1053,\"gl-pointcloud2d\":279}],1032:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./attributes\");e.exports=function(t,e,r){function a(r,a){return n.coerce(t,e,i,r,a)}a(\"x\"),a(\"y\"),a(\"xbounds\"),a(\"ybounds\"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),a(\"text\"),a(\"marker.color\",r),a(\"marker.opacity\"),a(\"marker.blend\"),a(\"marker.sizemin\"),a(\"marker.sizemax\"),a(\"marker.border.color\",r),a(\"marker.border.arearatio\"),e._length=null}},{\"../../lib\":696,\"./attributes\":1030}],1033:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"../scatter3d/calc\"),n.plot=t(\"./convert\"),n.moduleType=\"trace\",n.name=\"pointcloud\",n.basePlotModule=t(\"../../plots/gl2d\"),n.categories=[\"gl\",\"gl2d\",\"showLegend\"],n.meta={},e.exports=n},{\"../../plots/gl2d\":784,\"../scatter3d/calc\":1071,\"./attributes\":1030,\"./convert\":1031,\"./defaults\":1032}],1034:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),i=t(\"../../plots/attributes\"),a=t(\"../../components/color/attributes\"),o=t(\"../../components/fx/attributes\"),s=t(\"../../plots/domain\").attributes,l=t(\"../../lib/extend\").extendFlat,c=t(\"../../plot_api/edit_types\").overrideAll;(e.exports=c({hoverinfo:l({},i.hoverinfo,{flags:[],arrayOk:!1}),hoverlabel:o.hoverlabel,domain:s({name:\"sankey\",trace:!0}),orientation:{valType:\"enumerated\",values:[\"v\",\"h\"],dflt:\"h\"},valueformat:{valType:\"string\",dflt:\".3s\"},valuesuffix:{valType:\"string\",dflt:\"\"},arrangement:{valType:\"enumerated\",values:[\"snap\",\"perpendicular\",\"freeform\",\"fixed\"],dflt:\"snap\"},textfont:n({}),node:{label:{valType:\"data_array\",dflt:[]},color:{valType:\"color\",arrayOk:!0},line:{color:{valType:\"color\",dflt:a.defaultLine,arrayOk:!0},width:{valType:\"number\",min:0,dflt:.5,arrayOk:!0}},pad:{valType:\"number\",arrayOk:!1,min:0,dflt:20},thickness:{valType:\"number\",arrayOk:!1,min:1,dflt:20},hoverinfo:{valType:\"enumerated\",values:[\"all\",\"none\",\"skip\"],dflt:\"all\"},hoverlabel:o.hoverlabel},link:{label:{valType:\"data_array\",dflt:[]},color:{valType:\"color\",arrayOk:!0},line:{color:{valType:\"color\",dflt:a.defaultLine,arrayOk:!0},width:{valType:\"number\",min:0,dflt:0,arrayOk:!0}},source:{valType:\"data_array\",dflt:[]},target:{valType:\"data_array\",dflt:[]},value:{valType:\"data_array\",dflt:[]},hoverinfo:{valType:\"enumerated\",values:[\"all\",\"none\",\"skip\"],dflt:\"all\"},hoverlabel:o.hoverlabel}},\"calc\",\"nested\")).transforms=void 0},{\"../../components/color/attributes\":569,\"../../components/fx/attributes\":604,\"../../lib/extend\":685,\"../../plot_api/edit_types\":727,\"../../plots/attributes\":741,\"../../plots/domain\":770,\"../../plots/font_attributes\":771}],1035:[function(t,e,r){\"use strict\";var n=t(\"../../plot_api/edit_types\").overrideAll,i=t(\"../../plots/get_data\").getModuleCalcData,a=t(\"./plot\"),o=t(\"../../components/fx/layout_attributes\");r.name=\"sankey\",r.baseLayoutAttrOverrides=n({hoverlabel:o.hoverlabel},\"plot\",\"nested\"),r.plot=function(t){var e=i(t.calcdata,\"sankey\")[0];a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has(\"sankey\"),a=e._has&&e._has(\"sankey\");i&&!a&&n._paperdiv.selectAll(\".sankey\").remove()}},{\"../../components/fx/layout_attributes\":613,\"../../plot_api/edit_types\":727,\"../../plots/get_data\":781,\"./plot\":1040}],1036:[function(t,e,r){\"use strict\";var n=t(\"strongly-connected-components\"),i=t(\"../../lib\"),a=t(\"../../lib/gup\").wrap;e.exports=function(t,e){return function(t,e,r){for(var a=t.length,o=i.init2dArray(a,0),s=0;s1})}(e.node.label,e.link.source,e.link.target)&&(i.error(\"Circularity is present in the Sankey data. Removing all nodes and links.\"),e.link.label=[],e.link.source=[],e.link.target=[],e.link.value=[],e.link.color=[],e.node.label=[],e.node.color=[]),a({link:e.link,node:e.node})}},{\"../../lib\":696,\"../../lib/gup\":693,\"strongly-connected-components\":506}],1037:[function(t,e,r){\"use strict\";e.exports={nodeTextOffsetHorizontal:4,nodeTextOffsetVertical:3,nodePadAcross:10,sankeyIterations:50,forceIterations:5,forceTicksPerFrame:10,duration:500,ease:\"cubic-in-out\",cn:{sankey:\"sankey\",sankeyLinks:\"sankey-links\",sankeyLink:\"sankey-link\",sankeyNodeSet:\"sankey-node-set\",sankeyNode:\"sankey-node\",nodeRect:\"node-rect\",nodeCapture:\"node-capture\",nodeCentered:\"node-entered\",nodeLabelGuide:\"node-label-guide\",nodeLabel:\"node-label\",nodeLabelTextPath:\"node-label-text-path\"}}},{}],1038:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./attributes\"),a=t(\"../../components/color\"),o=t(\"tinycolor2\"),s=t(\"../../plots/domain\").defaults,l=t(\"../../components/fx/hoverlabel_defaults\"),c=t(\"../../plot_api/plot_template\");e.exports=function(t,e,r,u){function f(r,a){return n.coerce(t,e,i,r,a)}var h=n.extendDeep(u.hoverlabel,t.hoverlabel),p=t.node,d=c.newContainer(e,\"node\");function g(t,e){return n.coerce(p,d,i.node,t,e)}g(\"label\"),g(\"pad\"),g(\"thickness\"),g(\"line.color\"),g(\"line.width\"),g(\"hoverinfo\",t.hoverinfo),l(p,d,g,h);var v=u.colorway;g(\"color\",d.label.map(function(t,e){return a.addOpacity(function(t){return v[t%v.length]}(e),.8)}));var m=t.link,y=c.newContainer(e,\"link\");function x(t,e){return n.coerce(m,y,i.link,t,e)}x(\"label\"),x(\"source\"),x(\"target\"),x(\"value\"),x(\"line.color\"),x(\"line.width\"),x(\"hoverinfo\",t.hoverinfo),l(m,y,x,h);var b=o(u.paper_bgcolor).getLuminance()<.333?\"rgba(255, 255, 255, 0.6)\":\"rgba(0, 0, 0, 0.2)\";x(\"color\",n.repeat(b,y.value.length)),s(e,u,f),f(\"orientation\"),f(\"valueformat\"),f(\"valuesuffix\"),f(\"arrangement\"),n.coerceFont(f,\"textfont\",n.extendFlat({},u.font)),e._length=null}},{\"../../components/color\":570,\"../../components/fx/hoverlabel_defaults\":611,\"../../lib\":696,\"../../plot_api/plot_template\":734,\"../../plots/domain\":770,\"./attributes\":1034,tinycolor2:514}],1039:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.moduleType=\"trace\",n.name=\"sankey\",n.basePlotModule=t(\"./base_plot\"),n.categories=[\"noOpacity\"],n.meta={},e.exports=n},{\"./attributes\":1034,\"./base_plot\":1035,\"./calc\":1036,\"./defaults\":1038,\"./plot\":1040}],1040:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"./render\"),a=t(\"../../components/fx\"),o=t(\"../../components/color\"),s=t(\"../../lib\"),l=t(\"./constants\").cn,c=s._;function u(t){return\"\"!==t}function f(t,e){return t.filter(function(t){return t.key===e.traceId})}function h(t,e){n.select(t).select(\"path\").style(\"fill-opacity\",e),n.select(t).select(\"rect\").style(\"fill-opacity\",e)}function p(t){n.select(t).select(\"text.name\").style(\"fill\",\"black\")}function d(t){return function(e){return-1!==t.node.sourceLinks.indexOf(e.link)||-1!==t.node.targetLinks.indexOf(e.link)}}function g(t){return function(e){return-1!==e.node.sourceLinks.indexOf(t.link)||-1!==e.node.targetLinks.indexOf(t.link)}}function v(t,e,r){e&&r&&f(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function m(t,e,r){e&&r&&f(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var i=n.datum().link.label;n.style(\"fill-opacity\",.4),i&&f(e,t).selectAll(\".\"+l.sankeyLink).filter(function(t){return t.link.label===i}).style(\"fill-opacity\",.4),r&&f(e,t).selectAll(\".\"+l.sankeyNode).filter(g(t)).call(v)}function x(t,e,r,n){var i=n.datum().link.label;n.style(\"fill-opacity\",function(t){return t.tinyColorAlpha}),i&&f(e,t).selectAll(\".\"+l.sankeyLink).filter(function(t){return t.link.label===i}).style(\"fill-opacity\",function(t){return t.tinyColorAlpha}),r&&f(e,t).selectAll(l.sankeyNode).filter(g(t)).call(m)}function b(t,e){var r=t.hoverlabel||{},n=s.nestedProperty(r,e).get();return!Array.isArray(n)&&n}e.exports=function(t,e){var r=t._fullLayout,s=r._paper,f=r._size,d=c(t,\"source:\")+\" \",g=c(t,\"target:\")+\" \",_=c(t,\"incoming flow count:\")+\" \",w=c(t,\"outgoing flow count:\")+\" \";i(s,e,{width:f.w,height:f.h,margin:{t:f.t,r:f.r,b:f.b,l:f.l}},{linkEvents:{hover:function(e,r,i){!1!==t._fullLayout.hovermode&&(n.select(e).call(y.bind(0,r,i,!0)),\"skip\"!==r.link.trace.link.hoverinfo&&t.emit(\"plotly_hover\",{event:n.event,points:[r.link]}))},follow:function(e,i){if(!1!==t._fullLayout.hovermode){var s=i.link.trace.link;if(\"none\"!==s.hoverinfo&&\"skip\"!==s.hoverinfo){var l=t._fullLayout._paperdiv.node().getBoundingClientRect(),c=e.getBoundingClientRect(),f=c.left+c.width/2,v=c.top+c.height/2,m=a.loneHover({x:f-l.left,y:v-l.top,name:n.format(i.valueFormat)(i.link.value)+i.valueSuffix,text:[i.link.label||\"\",d+i.link.source.label,g+i.link.target.label].filter(u).join(\"
\"),color:b(s,\"bgcolor\")||o.addOpacity(i.tinyColorHue,1),borderColor:b(s,\"bordercolor\"),fontFamily:b(s,\"font.family\"),fontSize:b(s,\"font.size\"),fontColor:b(s,\"font.color\"),idealAlign:n.event.x\"),color:b(o,\"bgcolor\")||i.tinyColorHue,borderColor:b(o,\"bordercolor\"),fontFamily:b(o,\"font.family\"),fontSize:b(o,\"font.size\"),fontColor:b(o,\"font.color\"),idealAlign:\"left\"},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});h(m,.85),p(m)}}},unhover:function(e,i,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(m,i,o),\"skip\"!==i.node.trace.node.hoverinfo&&t.emit(\"plotly_unhover\",{event:n.event,points:[i.node]}),a.loneUnhover(r._hoverlayer.node()))},select:function(e,r,i){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(m,r,i),a.click(t,{target:!0})}}})}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../lib\":696,\"./constants\":1037,\"./render\":1041,d3:148}],1041:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"d3\"),a=t(\"tinycolor2\"),o=t(\"../../components/color\"),s=t(\"../../components/drawing\"),l=t(\"@plotly/d3-sankey\").sankey,c=t(\"d3-force\"),u=t(\"../../lib\"),f=u.isArrayOrTypedArray,h=u.isIndex,p=t(\"../../lib/gup\"),d=p.keyFun,g=p.repeat,v=p.unwrap;function m(t){t.lastDraggedX=t.x,t.lastDraggedY=t.y}function y(t){return function(e){return e.node.originalX===t.node.originalX}}function x(t){for(var e=0;e1||t.linkLineWidth>0}function T(t){return\"translate(\"+t.translateX+\",\"+t.translateY+\")\"+(t.horizontal?\"matrix(1 0 0 1 0 0)\":\"matrix(0 1 1 0 0 0)\")}function S(t){return\"translate(\"+(t.horizontal?0:t.labelY)+\" \"+(t.horizontal?t.labelY:0)+\")\"}function E(t){return i.svg.line()([[t.horizontal?t.left?-t.sizeAcross:t.visibleWidth+n.nodeTextOffsetHorizontal:n.nodeTextOffsetHorizontal,0],[t.horizontal?t.left?-n.nodeTextOffsetHorizontal:t.sizeAcross:t.visibleHeight-n.nodeTextOffsetHorizontal,0]])}function C(t){return t.horizontal?\"matrix(1 0 0 1 0 0)\":\"matrix(0 1 1 0 0 0)\"}function L(t){return t.horizontal?\"scale(1 1)\":\"scale(-1 1)\"}function z(t){return t.darkBackground&&!t.horizontal?\"rgb(255,255,255)\":\"rgb(0,0,0)\"}function O(t){return t.horizontal&&t.left?\"100%\":\"0%\"}function I(t,e,r){t.on(\".basic\",null).on(\"mouseover.basic\",function(t){t.interactionState.dragInProgress||(r.hover(this,t,e),t.interactionState.hovered=[this,t])}).on(\"mousemove.basic\",function(t){t.interactionState.dragInProgress||(r.follow(this,t),t.interactionState.hovered=[this,t])}).on(\"mouseout.basic\",function(t){t.interactionState.dragInProgress||(r.unhover(this,t,e),t.interactionState.hovered=!1)}).on(\"click.basic\",function(t){t.interactionState.hovered&&(r.unhover(this,t,e),t.interactionState.hovered=!1),t.interactionState.dragInProgress||r.select(this,t,e)})}function P(t,e,r){var a=i.behavior.drag().origin(function(t){return t.node}).on(\"dragstart\",function(i){if(\"fixed\"!==i.arrangement&&(u.raiseToTop(this),i.interactionState.dragInProgress=i.node,m(i.node),i.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,i.interactionState.hovered),i.interactionState.hovered=!1),\"snap\"===i.arrangement)){var a=i.traceId+\"|\"+Math.floor(i.node.originalX);i.forceLayouts[a]?i.forceLayouts[a].alpha(1):function(t,e,r){var i=r.sankey.nodes().filter(function(t){return t.originalX===r.node.originalX});r.forceLayouts[e]=c.forceSimulation(i).alphaDecay(0).force(\"collide\",c.forceCollide().radius(function(t){return t.dy/2+r.nodePad/2}).strength(1).iterations(n.forceIterations)).force(\"constrain\",function(t,e,r,i){return function(){for(var t=0,a=0;a0&&i.forceLayouts[e].alpha(0)}}(0,e,i,r)).stop()}(0,a,i),function(t,e,r,i){window.requestAnimationFrame(function a(){for(var o=0;o0&&window.requestAnimationFrame(a)})}(t,e,i,a)}}).on(\"drag\",function(r){if(\"fixed\"!==r.arrangement){var n=i.event.x,a=i.event.y;\"snap\"===r.arrangement?(r.node.x=n,r.node.y=a):(\"freeform\"===r.arrangement&&(r.node.x=n),r.node.y=Math.max(r.node.dy/2,Math.min(r.size-r.node.dy/2,a))),m(r.node),\"snap\"!==r.arrangement&&(r.sankey.relayout(),k(t.filter(y(r)),e))}}).on(\"dragend\",function(t){t.interactionState.dragInProgress=!1});t.on(\".drag\",null).call(a)}e.exports=function(t,e,r,i){var c=t.selectAll(\".\"+n.cn.sankey).data(e.filter(function(t){return v(t).trace.visible}).map(function(t,e,r){var i,a=v(e).trace,o=a.domain,s=a.node,c=a.link,p=a.arrangement,d=\"h\"===a.orientation,g=a.node.pad,m=a.node.thickness,y=a.node.line.color,b=a.node.line.width,_=a.link.line.color,w=a.link.line.width,k=a.valueformat,M=a.valuesuffix,A=a.textfont,T=t.width*(o.x[1]-o.x[0]),S=t.height*(o.y[1]-o.y[0]),E=[],C=f(c.color),L={},z=s.label.length;for(i=0;i0&&h(I,z)&&h(P,z)&&(P=+P,L[I=+I]=L[P]=!0,E.push({pointNumber:i,label:c.label[i],color:C?c.color[i]:c.color,source:I,target:P,value:+O}))}var D=f(s.color),R=[],B=!1,F={};for(i=0;i5?t.node.label:\"\"}).attr(\"text-anchor\",function(t){return t.horizontal&&t.left?\"end\":\"start\"}),N.transition().ease(n.ease).duration(n.duration).attr(\"startOffset\",O).style(\"fill\",z)}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/gup\":693,\"./constants\":1037,\"@plotly/d3-sankey\":46,d3:148,\"d3-force\":144,tinycolor2:514}],1042:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e){for(var r=0;rs&&A[v].gap;)v--;for(y=A[v].s,d=A.length-1;d>v;d--)A[d].s=y;for(;sT[u]&&u=0;i--){var a=t[i];if(\"scatter\"===a.type&&a.xaxis===r.xaxis&&a.yaxis===r.yaxis){a.opacity=void 0;break}}}}}},{}],1050:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\"),a=t(\"./attributes\"),o=t(\"./constants\"),s=t(\"./subtypes\"),l=t(\"./xy_defaults\"),c=t(\"./stack_defaults\"),u=t(\"./marker_defaults\"),f=t(\"./line_defaults\"),h=t(\"./line_shape_defaults\"),p=t(\"./text_defaults\"),d=t(\"./fillcolor_defaults\");e.exports=function(t,e,r,g){function v(r,i){return n.coerce(t,e,a,r,i)}var m=l(t,e,g,v);if(m||(e.visible=!1),e.visible){var y=c(t,e,g,v),x=!y&&mG!=(B=O[L][1])>=G&&(P=O[L-1][0],D=O[L][0],B-R&&(I=P+(D-P)*(G-R)/(B-R),V=Math.min(V,I),U=Math.max(U,I)));V=Math.max(V,0),U=Math.min(U,h._length);var W=s.defaultLine;return s.opacity(f.fillcolor)?W=f.fillcolor:s.opacity((f.line||{}).color)&&(W=f.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:V,x1:U,y0:G,y1:G,color:W}),delete t.index,f.text&&!Array.isArray(f.text)?t.text=String(f.text):t.text=f.name,[t]}}}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../lib\":696,\"../../registry\":827,\"./fill_hover_text\":1051,\"./get_trace_color\":1053}],1055:[function(t,e,r){\"use strict\";var n={},i=t(\"./subtypes\");n.hasLines=i.hasLines,n.hasMarkers=i.hasMarkers,n.hasText=i.hasText,n.isBubble=i.isBubble,n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.crossTraceDefaults=t(\"./cross_trace_defaults\"),n.calc=t(\"./calc\").calc,n.crossTraceCalc=t(\"./cross_trace_calc\"),n.arraysToCalcdata=t(\"./arrays_to_calcdata\"),n.plot=t(\"./plot\"),n.colorbar=t(\"./marker_colorbar\"),n.style=t(\"./style\").style,n.styleOnSelect=t(\"./style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.selectPoints=t(\"./select\"),n.animatable=!0,n.moduleType=\"trace\",n.name=\"scatter\",n.basePlotModule=t(\"../../plots/cartesian\"),n.categories=[\"cartesian\",\"svg\",\"symbols\",\"errorBarsOK\",\"showLegend\",\"scatter-like\",\"zoomScale\"],n.meta={},e.exports=n},{\"../../plots/cartesian\":756,\"./arrays_to_calcdata\":1042,\"./attributes\":1043,\"./calc\":1044,\"./cross_trace_calc\":1048,\"./cross_trace_defaults\":1049,\"./defaults\":1050,\"./hover\":1054,\"./marker_colorbar\":1061,\"./plot\":1063,\"./select\":1064,\"./style\":1066,\"./subtypes\":1067}],1056:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArrayOrTypedArray,i=t(\"../../components/colorscale/has_colorscale\"),a=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s(\"line.color\",r),i(t,\"line\"))?a(t,e,o,s,{prefix:\"line.\",cLetter:\"c\",noScale:!0}):s(\"line.color\",!n(c)&&c||r);s(\"line.width\"),(l||{}).noDash||s(\"line.dash\")}},{\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"../../lib\":696}],1057:[function(t,e,r){\"use strict\";var n=t(\"../../constants/numerical\"),i=n.BADNUM,a=n.LOG_CLIP,o=a+.5,s=a-.5,l=t(\"../../lib\"),c=l.segmentsIntersect,u=l.constrain,f=t(\"./constants\");e.exports=function(t,e){var r,n,a,h,p,d,g,v,m,y,x,b,_,w,k,M,A,T,S=e.xaxis,E=e.yaxis,C=\"log\"===S.type,L=\"log\"===E.type,z=S._length,O=E._length,I=e.connectGaps,P=e.baseTolerance,D=e.shape,R=\"linear\"===D,B=[],F=f.minTolerance,N=new Array(t.length),j=0;function V(e){var r=t[e];if(!r)return!1;var n=S.c2p(r.x),a=E.c2p(r.y);if(n===i){if(C&&(n=S.c2p(r.x,!0)),n===i)return!1;L&&a===i&&(n*=Math.abs(S._m*O*(S._m>0?o:s)/(E._m*z*(E._m>0?o:s)))),n*=1e3}if(a===i){if(L&&(a=E.c2p(r.y,!0)),a===i)return!1;a*=1e3}return[n,a]}function U(t,e,r,n){var i=r-t,a=n-e,o=.5-t,s=.5-e,l=i*i+a*a,c=i*o+a*s;if(c>0&&ctt||t[1]rt)return[u(t[0],Q,tt),u(t[1],et,rt)]}function at(t,e){return t[0]===e[0]&&(t[0]===Q||t[0]===tt)||(t[1]===e[1]&&(t[1]===et||t[1]===rt)||void 0)}function ot(t,e,r){return function(n,i){var a=it(n),o=it(i),s=[];if(a&&o&&at(a,o))return s;a&&s.push(a),o&&s.push(o);var c=2*l.constrain((n[t]+i[t])/2,e,r)-((a||n)[t]+(o||i)[t]);c&&((a&&o?c>0==a[t]>o[t]?a:o:a||o)[t]+=c);return s}}function st(t){var e=t[0],r=t[1],n=e===N[j-1][0],i=r===N[j-1][1];if(!n||!i)if(j>1){var a=e===N[j-2][0],o=r===N[j-2][1];n&&(e===Q||e===tt)&&a?o?j--:N[j-1]=t:i&&(r===et||r===rt)&&o?a?j--:N[j-1]=t:N[j++]=t}else N[j++]=t}function lt(t){N[j-1][0]!==t[0]&&N[j-1][1]!==t[1]&&st([Y,X]),st(t),Z=null,Y=X=0}function ct(t){if(A=t[0]/z,T=t[1]/O,G=t[0]tt?tt:0,W=t[1]rt?rt:0,G||W){if(j)if(Z){var e=J(Z,t);e.length>1&&(lt(e[0]),N[j++]=e[1])}else $=J(N[j-1],t)[0],N[j++]=$;else N[j++]=[G||t[0],W||t[1]];var r=N[j-1];G&&W&&(r[0]!==G||r[1]!==W)?(Z&&(Y!==G&&X!==W?st(Y&&X?(n=Z,a=(i=t)[0]-n[0],o=(i[1]-n[1])/a,(n[1]*i[0]-i[1]*n[0])/a>0?[o>0?Q:tt,rt]:[o>0?tt:Q,et]):[Y||G,X||W]):Y&&X&&st([Y,X])),st([G,W])):Y-G&&X-W&&st([G||Y,W||X]),Z=t,Y=G,X=W}else Z&<(J(Z,t)[0]),N[j++]=t;var n,i,a,o}for(\"linear\"===D||\"spline\"===D?J=function(t,e){for(var r=[],n=0,i=0;i<4;i++){var a=nt[i],o=c(t[0],t[1],e[0],e[1],a[0],a[1],a[2],a[3]);o&&(!n||Math.abs(o.x-r[0][0])>1||Math.abs(o.y-r[0][1])>1)&&(o=[o.x,o.y],n&&H(o,t)q(d,ut))break;a=d,(_=m[0]*v[0]+m[1]*v[1])>x?(x=_,h=d,g=!1):_=t.length||!d)break;ct(d),n=d}}else ct(h)}Z&&st([Y||Z[0],X||Z[1]]),B.push(N.slice(0,j))}return B}},{\"../../constants/numerical\":673,\"../../lib\":696,\"./constants\":1047}],1058:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){\"spline\"===r(\"line.shape\")&&r(\"line.smoothing\")}},{}],1059:[function(t,e,r){\"use strict\";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var i,a,o,s,l,c={},u=!1,f=-1,h=0,p=-1;for(a=0;a=0?l=p:(l=p=h,h++),l0?Math.max(e,i):0}}},{\"fast-isnumeric\":214}],1061:[function(t,e,r){\"use strict\";e.exports={container:\"marker\",min:\"cmin\",max:\"cmax\"}},{}],1062:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),i=t(\"../../components/colorscale/has_colorscale\"),a=t(\"../../components/colorscale/defaults\"),o=t(\"./subtypes\");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),f=(t.line||{}).color;(c=c||{},f&&(r=f),l(\"marker.symbol\"),l(\"marker.opacity\",u?.7:1),l(\"marker.size\"),l(\"marker.color\",r),i(t,\"marker\")&&a(t,e,s,l,{prefix:\"marker.\",cLetter:\"c\"}),c.noSelect||(l(\"selected.marker.color\"),l(\"unselected.marker.color\"),l(\"selected.marker.size\"),l(\"unselected.marker.size\")),c.noLine||(l(\"marker.line.color\",f&&!Array.isArray(f)&&e.marker.color!==f?f:u?n.background:n.defaultLine),i(t,\"marker.line\")&&a(t,e,s,l,{prefix:\"marker.line.\",cLetter:\"c\"}),l(\"marker.line.width\",u?1:0)),u&&(l(\"marker.sizeref\"),l(\"marker.sizemin\"),l(\"marker.sizemode\")),c.gradient)&&(\"none\"!==l(\"marker.gradient.type\")&&l(\"marker.gradient.color\"))}},{\"../../components/color\":570,\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"./subtypes\":1067}],1063:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../registry\"),a=t(\"../../lib\"),o=a.ensureSingle,s=a.identity,l=t(\"../../components/drawing\"),c=t(\"./subtypes\"),u=t(\"./line_points\"),f=t(\"./link_traces\"),h=t(\"../../lib/polygon\").tester;function p(t,e,r,f,p,d,g){var v;!function(t,e,r,i,o){var s=r.xaxis,l=r.yaxis,u=n.extent(a.simpleMap(s.range,s.r2c)),f=n.extent(a.simpleMap(l.range,l.r2c)),h=i[0].trace;if(!c.hasMarkers(h))return;var p=h.marker.maxdisplayed;if(0===p)return;var d=i.filter(function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=f[0]&&t.y<=f[1]}),g=Math.ceil(d.length/p),v=0;o.forEach(function(t,r){var n=t[0].trace;c.hasMarkers(n)&&n.marker.maxdisplayed>0&&r0;function y(t){return m?t.transition():t}var x=r.xaxis,b=r.yaxis,_=f[0].trace,w=_.line,k=n.select(d),M=o(k,\"g\",\"errorbars\"),A=o(k,\"g\",\"lines\"),T=o(k,\"g\",\"points\"),S=o(k,\"g\",\"text\");if(i.getComponentMethod(\"errorbars\",\"plot\")(M,r,g),!0===_.visible){var E,C;y(k).style(\"opacity\",_.opacity);var L=_.fill.charAt(_.fill.length-1);\"x\"!==L&&\"y\"!==L&&(L=\"\"),r.isRangePlot||(f[0].node3=k);var z=\"\",O=[],I=_._prevtrace;I&&(z=I._prevRevpath||\"\",C=I._nextFill,O=I._polygons);var P,D,R,B,F,N,j,V,U,q=\"\",H=\"\",G=[],W=a.noop;if(E=_._ownFill,c.hasLines(_)||\"none\"!==_.fill){for(C&&C.datum(f),-1!==[\"hv\",\"vh\",\"hvh\",\"vhv\"].indexOf(w.shape)?(R=l.steps(w.shape),B=l.steps(w.shape.split(\"\").reverse().join(\"\"))):R=B=\"spline\"===w.shape?function(t){var e=t[t.length-1];return t.length>1&&t[0][0]===e[0]&&t[0][1]===e[1]?l.smoothclosed(t.slice(1),w.smoothing):l.smoothopen(t,w.smoothing)}:function(t){return\"M\"+t.join(\"L\")},F=function(t){return B(t.reverse())},G=u(f,{xaxis:x,yaxis:b,connectGaps:_.connectgaps,baseTolerance:Math.max(w.width||1,3)/4,shape:w.shape,simplify:w.simplify}),U=_._polygons=new Array(G.length),v=0;v1){var r=n.select(this);if(r.datum(f),t)y(r.style(\"opacity\",0).attr(\"d\",P).call(l.lineGroupStyle)).style(\"opacity\",1);else{var i=y(r);i.attr(\"d\",P),l.singleLineStyle(f,i)}}}}}var Y=A.selectAll(\".js-line\").data(G);y(Y.exit()).style(\"opacity\",0).remove(),Y.each(W(!1)),Y.enter().append(\"path\").classed(\"js-line\",!0).style(\"vector-effect\",\"non-scaling-stroke\").call(l.lineGroupStyle).each(W(!0)),l.setClipUrl(Y,r.layerClipId),G.length?(E?(E.datum(f),N&&V&&(L?(\"y\"===L?N[1]=V[1]=b.c2p(0,!0):\"x\"===L&&(N[0]=V[0]=x.c2p(0,!0)),y(E).attr(\"d\",\"M\"+V+\"L\"+N+\"L\"+q.substr(1)).call(l.singleFillStyle)):y(E).attr(\"d\",q+\"Z\").call(l.singleFillStyle))):C&&(\"tonext\"===_.fill.substr(0,6)&&q&&z?(\"tonext\"===_.fill?y(C).attr(\"d\",q+\"Z\"+z+\"Z\").call(l.singleFillStyle):y(C).attr(\"d\",q+\"L\"+z.substr(1)+\"Z\").call(l.singleFillStyle),_._polygons=_._polygons.concat(O)):(Z(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=U):(E?Z(E):C&&Z(C),_._polygons=_._prevRevpath=_._prevPolygons=null),T.datum(f),S.datum(f),function(e,i,a){var o,u=a[0].trace,f=c.hasMarkers(u),h=c.hasText(u),p=tt(u),d=et,g=et;if(f||h){var v=s,_=u.stackgroup,w=_&&\"infer zero\"===t._fullLayout._scatterStackOpts[x._id+b._id][_].stackgaps;u.marker.maxdisplayed||u._needsCull?v=w?J:$:_&&!w&&(v=K),f&&(d=v),h&&(g=v)}var k,M=(o=e.selectAll(\"path.point\").data(d,p)).enter().append(\"path\").classed(\"point\",!0);m&&M.call(l.pointStyle,u,t).call(l.translatePoints,x,b).style(\"opacity\",0).transition().style(\"opacity\",1),o.order(),f&&(k=l.makePointStyleFns(u)),o.each(function(e){var i=n.select(this),a=y(i);l.translatePoint(e,a,x,b)?(l.singlePointStyle(e,a,u,k,t),r.layerClipId&&l.hideOutsideRangePoint(e,a,x,b,u.xcalendar,u.ycalendar),u.customdata&&i.classed(\"plotly-customdata\",null!==e.data&&void 0!==e.data)):a.remove()}),m?o.exit().transition().style(\"opacity\",0).remove():o.exit().remove(),(o=i.selectAll(\"g\").data(g,p)).enter().append(\"g\").classed(\"textpoint\",!0).append(\"text\"),o.order(),o.each(function(t){var e=n.select(this),i=y(e.select(\"text\"));l.translatePoint(t,i,x,b)?r.layerClipId&&l.hideOutsideRangePoint(t,e,x,b,u.xcalendar,u.ycalendar):e.remove()}),o.selectAll(\"text\").call(l.textPointStyle,u,t).each(function(t){var e=x.c2p(t.x),r=b.c2p(t.y);n.select(this).selectAll(\"tspan.line\").each(function(){y(n.select(this)).attr({x:e,y:r})})}),o.exit().remove()}(T,S,f);var X=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(T,X),l.setClipUrl(S,X)}function Z(t){y(t).attr(\"d\",\"M0,0Z\")}function $(t){return t.filter(function(t){return!t.gap&&t.vis})}function J(t){return t.filter(function(t){return t.vis})}function K(t){return t.filter(function(t){return!t.gap})}function Q(t){return t.id}function tt(t){if(t.ids)return Q}function et(){return!1}}e.exports=function(t,e,r,i,a,c){var u,h,d=!a,g=!!a&&a.duration>0,v=f(t,e,r);((u=i.selectAll(\"g.trace\").data(v,function(t){return t[0].trace.uid})).enter().append(\"g\").attr(\"class\",function(t){return\"trace scatter trace\"+t[0].trace.uid}).style(\"stroke-miterlimit\",2),u.order(),function(t,e,r){e.each(function(t){var e=o(n.select(this),\"g\",\"fills\");l.setClipUrl(e,r.layerClipId);var i=t[0].trace,a=[];i._ownfill&&a.push(\"_ownFill\"),i._nexttrace&&a.push(\"_nextFill\");var c=e.selectAll(\"g\").data(a,s);c.enter().append(\"g\"),c.exit().each(function(t){i[t]=null}).remove(),c.order().each(function(t){i[t]=o(n.select(this),\"path\",\"js-fill\")})})}(0,u,e),g)?(c&&(h=c()),n.transition().duration(a.duration).ease(a.easing).each(\"end\",function(){h&&h()}).each(\"interrupt\",function(){h&&h()}).each(function(){i.selectAll(\"g.trace\").each(function(r,n){p(t,n,e,r,v,this,a)})})):u.each(function(r,n){p(t,n,e,r,v,this,a)});d&&u.exit().remove(),i.selectAll(\"path:not([d])\").remove()}},{\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/polygon\":708,\"../../registry\":827,\"./line_points\":1057,\"./link_traces\":1059,\"./subtypes\":1067,d3:148}],1064:[function(t,e,r){\"use strict\";var n=t(\"./subtypes\");e.exports=function(t,e){var r,i,a,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],f=s[0].trace;if(!n.hasMarkers(f)&&!n.hasText(f))return[];if(!1===e)for(r=0;r0){var h=i.c2l(u);i._lowerLogErrorBound||(i._lowerLogErrorBound=h),i._lowerErrorBound=Math.min(i._lowerLogErrorBound,h)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[i(t.x,t.error_x,e[0],r.xaxis),i(t.y,t.error_y,e[1],r.yaxis),i(t.z,t.error_z,e[2],r.zaxis)],a=function(t){for(var e=0;e=0&&(p[1]+=1),h.indexOf(\"top\")>=0&&(p[1]-=1),h.indexOf(\"left\")>=0&&(p[0]-=1),h.indexOf(\"right\")>=0&&(p[0]+=1),p)),r.textColor=u(e.textfont,1,C),r.textSize=x(e.textfont.size,C,l.identity,12),r.textFont=e.textfont.family,r.textAngle=0);var P=[\"x\",\"y\",\"z\"];for(r.project=[!1,!1,!1],r.projectScale=[1,1,1],r.projectOpacity=[1,1,1],n=0;n<3;++n){var D=e.projection[P[n]];(r.project[n]=D.show)&&(r.projectOpacity[n]=D.opacity,r.projectScale[n]=D.scale)}r.errorBounds=d(e,b,v);var R=function(t){for(var e=[0,0,0],r=[[0,0,0],[0,0,0],[0,0,0]],n=[1,1,1],i=0;i<3;i++){var a=t[i];a&&!1!==a.copy_zstyle&&!1!==t[2].visible&&(a=t[2]),a&&a.visible&&(e[i]=a.width/2,r[i]=c(a.color),n[i]=a.thickness)}return{capSize:e,color:r,lineWidth:n}}([e.error_x,e.error_y,e.error_z]);return r.errorColor=R.color,r.errorLineWidth=R.lineWidth,r.errorCapSize=R.capSize,r.delaunayAxis=e.surfaceaxis,r.delaunayColor=c(e.surfacecolor),r}function _(t){if(Array.isArray(t)){var e=t[0];return Array.isArray(e)&&(t=e),\"rgb(\"+t.slice(0,3).map(function(t){return Math.round(255*t)})+\")\"}return null}v.handlePick=function(t){if(t.object&&(t.object===this.linePlot||t.object===this.delaunayMesh||t.object===this.textMarkers||t.object===this.scatterPlot)){var e=t.index=t.data.index;return t.object.highlight&&t.object.highlight(null),this.scatterPlot&&(t.object=this.scatterPlot,this.scatterPlot.highlight(t.data)),t.textLabel=\"\",this.textLabels&&(Array.isArray(this.textLabels)?(this.textLabels[e]||0===this.textLabels[e])&&(t.textLabel=this.textLabels[e]):t.textLabel=this.textLabels),t.traceCoordinate=[this.data.x[e],this.data.y[e],this.data.z[e]],!0}},v.update=function(t){var e,r,l,c,u=this.scene.glplot.gl,f=h.solid;this.data=t;var p=b(this.scene,t);\"mode\"in p&&(this.mode=p.mode),\"lineDashes\"in p&&p.lineDashes in h&&(f=h[p.lineDashes]),this.color=_(p.scatterColor)||_(p.lineColor),this.dataPoints=p.position,e={gl:u,position:p.position,color:p.lineColor,lineWidth:p.lineWidth||1,dashes:f[0],dashScale:f[1],opacity:t.opacity,connectGaps:t.connectgaps},-1!==this.mode.indexOf(\"lines\")?this.linePlot?this.linePlot.update(e):(this.linePlot=n(e),this.linePlot._trace=this,this.scene.glplot.add(this.linePlot)):this.linePlot&&(this.scene.glplot.remove(this.linePlot),this.linePlot.dispose(),this.linePlot=null);var d=t.opacity;if(t.marker&&t.marker.opacity&&(d*=t.marker.opacity),r={gl:u,position:p.position,color:p.scatterColor,size:p.scatterSize,glyph:p.scatterMarker,opacity:d,orthographic:!0,lineWidth:p.scatterLineWidth,lineColor:p.scatterLineColor,project:p.project,projectScale:p.projectScale,projectOpacity:p.projectOpacity},-1!==this.mode.indexOf(\"markers\")?this.scatterPlot?this.scatterPlot.update(r):(this.scatterPlot=i(r),this.scatterPlot._trace=this,this.scatterPlot.highlightScale=1,this.scene.glplot.add(this.scatterPlot)):this.scatterPlot&&(this.scene.glplot.remove(this.scatterPlot),this.scatterPlot.dispose(),this.scatterPlot=null),c={gl:u,position:p.position,glyph:p.text,color:p.textColor,size:p.textSize,angle:p.textAngle,alignment:p.textOffset,font:p.textFont,orthographic:!0,lineWidth:0,project:!1,opacity:t.opacity},this.textLabels=t.hovertext||t.text,-1!==this.mode.indexOf(\"text\")?this.textMarkers?this.textMarkers.update(c):(this.textMarkers=i(c),this.textMarkers._trace=this,this.textMarkers.highlightScale=1,this.scene.glplot.add(this.textMarkers)):this.textMarkers&&(this.scene.glplot.remove(this.textMarkers),this.textMarkers.dispose(),this.textMarkers=null),l={gl:u,position:p.position,color:p.errorColor,error:p.errorBounds,lineWidth:p.errorLineWidth,capSize:p.errorCapSize,opacity:t.opacity},this.errorBars?p.errorBounds?this.errorBars.update(l):(this.scene.glplot.remove(this.errorBars),this.errorBars.dispose(),this.errorBars=null):p.errorBounds&&(this.errorBars=a(l),this.errorBars._trace=this,this.scene.glplot.add(this.errorBars)),p.delaunayAxis>=0){var g=function(t,e,r){var n,i=(r+1)%3,a=(r+2)%3,o=[],l=[];for(n=0;n=0&&f(\"surfacecolor\",h||p);for(var d=[\"x\",\"y\",\"z\"],g=0;g<3;++g){var v=\"projection.\"+d[g];f(v+\".show\")&&(f(v+\".opacity\"),f(v+\".scale\"))}var m=n.getComponentMethod(\"errorbars\",\"supplyDefaults\");m(t,e,r,{axis:\"z\"}),m(t,e,r,{axis:\"y\",inherit:\"z\"}),m(t,e,r,{axis:\"x\",inherit:\"z\"})}else e.visible=!1}},{\"../../lib\":696,\"../../registry\":827,\"../scatter/line_defaults\":1056,\"../scatter/marker_defaults\":1062,\"../scatter/subtypes\":1067,\"../scatter/text_defaults\":1068,\"./attributes\":1070}],1075:[function(t,e,r){\"use strict\";var n={};n.plot=t(\"./convert\"),n.attributes=t(\"./attributes\"),n.markerSymbols=t(\"../../constants/gl3d_markers\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.moduleType=\"trace\",n.name=\"scatter3d\",n.basePlotModule=t(\"../../plots/gl3d\"),n.categories=[\"gl3d\",\"symbols\",\"showLegend\"],n.meta={},e.exports=n},{\"../../constants/gl3d_markers\":671,\"../../plots/gl3d\":787,\"../scatter/marker_colorbar\":1061,\"./attributes\":1070,\"./calc\":1071,\"./convert\":1073,\"./defaults\":1074}],1076:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../plots/attributes\"),a=t(\"../../components/colorscale/attributes\"),o=t(\"../../components/colorbar/attributes\"),s=t(\"../../lib/extend\").extendFlat,l=n.marker,c=n.line,u=l.line;e.exports={carpet:{valType:\"string\",editType:\"calc\"},a:{valType:\"data_array\",editType:\"calc\"},b:{valType:\"data_array\",editType:\"calc\"},mode:s({},n.mode,{dflt:\"markers\"}),text:s({},n.text,{}),line:{color:c.color,width:c.width,dash:c.dash,shape:s({},c.shape,{values:[\"linear\",\"spline\"]}),smoothing:c.smoothing,editType:\"calc\"},connectgaps:n.connectgaps,fill:s({},n.fill,{values:[\"none\",\"toself\",\"tonext\"],dflt:\"none\"}),fillcolor:n.fillcolor,marker:s({symbol:l.symbol,opacity:l.opacity,maxdisplayed:l.maxdisplayed,size:l.size,sizeref:l.sizeref,sizemin:l.sizemin,sizemode:l.sizemode,line:s({width:u.width,editType:\"calc\"},a(\"marker.line\")),gradient:l.gradient,editType:\"calc\"},a(\"marker\"),{colorbar:o}),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:s({},i.hoverinfo,{flags:[\"a\",\"b\",\"text\",\"name\"]}),hoveron:n.hoveron}},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../scatter/attributes\":1043}],1077:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../scatter/colorscale_calc\"),a=t(\"../scatter/arrays_to_calcdata\"),o=t(\"../scatter/calc_selection\"),s=t(\"../scatter/calc\").calcMarkerSize,l=t(\"../carpet/lookup_carpetid\");e.exports=function(t,e){var r=e._carpetTrace=l(t,e);if(r&&r.visible&&\"legendonly\"!==r.visible){var c;e.xaxis=r.xaxis,e.yaxis=r.yaxis;var u,f,h=e._length,p=new Array(h),d=!1;for(c=0;c\"),a}function w(t,e){var r;r=t.labelprefix&&t.labelprefix.length>0?t.labelprefix.replace(/ = $/,\"\"):t._hovertitle,g.push(r+\": \"+e.toFixed(3)+t.labelsuffix)}}},{\"../scatter/hover\":1054}],1081:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"../scatter/style\").style,n.styleOnSelect=t(\"../scatter/style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.selectPoints=t(\"../scatter/select\"),n.eventData=t(\"./event_data\"),n.moduleType=\"trace\",n.name=\"scattercarpet\",n.basePlotModule=t(\"../../plots/cartesian\"),n.categories=[\"svg\",\"carpet\",\"symbols\",\"showLegend\",\"carpetDependent\",\"zoomScale\"],n.meta={},e.exports=n},{\"../../plots/cartesian\":756,\"../scatter/marker_colorbar\":1061,\"../scatter/select\":1064,\"../scatter/style\":1066,\"./attributes\":1076,\"./calc\":1077,\"./defaults\":1078,\"./event_data\":1079,\"./hover\":1080,\"./plot\":1082}],1082:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),i=t(\"../../plots/cartesian/axes\"),a=t(\"../../components/drawing\");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,f={xaxis:i.getFromId(t,u.xaxis||\"x\"),yaxis:i.getFromId(t,u.yaxis||\"y\"),plot:e.plot};for(n(t,f,r,o),s=0;s\")}(u,v,p.mockAxis,c[0].t.labels),[t]}}},{\"../../components/fx\":612,\"../../constants/numerical\":673,\"../../plots/cartesian/axes\":744,\"../scatter/fill_hover_text\":1051,\"../scatter/get_trace_color\":1053,\"./attributes\":1083}],1088:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"./style\"),n.styleOnSelect=t(\"../scatter/style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.eventData=t(\"./event_data\"),n.selectPoints=t(\"./select\"),n.moduleType=\"trace\",n.name=\"scattergeo\",n.basePlotModule=t(\"../../plots/geo\"),n.categories=[\"geo\",\"symbols\",\"showLegend\",\"scatter-like\"],n.meta={},e.exports=n},{\"../../plots/geo\":775,\"../scatter/marker_colorbar\":1061,\"../scatter/style\":1066,\"./attributes\":1083,\"./calc\":1084,\"./defaults\":1085,\"./event_data\":1086,\"./hover\":1087,\"./plot\":1089,\"./select\":1090,\"./style\":1091}],1089:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../constants/numerical\").BADNUM,o=t(\"../../lib/topojson_utils\").getTopojsonFeatures,s=t(\"../../lib/geo_location_utils\").locationToFeature,l=t(\"../../lib/geojson_utils\"),c=t(\"../scatter/subtypes\"),u=t(\"./style\");function f(t,e){var r=t[0].trace;if(Array.isArray(r.locations))for(var n=o(r,e),i=r.locationmode,l=0;lp.TOO_MANY_POINTS?\"rect\":f.hasMarkers(e)?\"rect\":\"round\";if(c&&e.connectgaps){var h=n[0],d=n[1];for(i=0;i1?l[i]:l[0]:l,d=Array.isArray(c)?c.length>1?c[i]:c[0]:c,v=g[p],m=g[d],y=u?u/.8+1:0,x=-m*y-.5*m;o.offset[i]=[v*y/h,x/h]}}return o}}},{\"../../components/drawing\":595,\"../../constants/interactions\":672,\"../../lib\":696,\"../../lib/gl_format_color\":692,\"../../plots/cartesian/axis_ids\":747,\"../../registry\":827,\"../scatter/make_bubble_size_func\":1060,\"../scatter/subtypes\":1067,\"./constants\":1093,\"color-normalize\":108,\"fast-isnumeric\":214,\"svg-path-sdf\":512}],1095:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\"),a=t(\"./attributes\"),o=t(\"../scatter/constants\"),s=t(\"../scatter/subtypes\"),l=t(\"../scatter/xy_defaults\"),c=t(\"../scatter/marker_defaults\"),u=t(\"../scatter/line_defaults\"),f=t(\"../scatter/fillcolor_defaults\"),h=t(\"../scatter/text_defaults\");e.exports=function(t,e,r,p){function d(r,i){return n.coerce(t,e,a,r,i)}var g=!!t.marker&&/-open/.test(t.marker.symbol),v=s.isBubble(t),m=l(t,e,p,d);if(m){var y=m1&&u.extendFlat(o.line,M.linePositions(t,r,n)),o.errorX||o.errorY){var s=M.errorBarPositions(t,r,n,i,a);o.errorX&&u.extendFlat(o.errorX,s.x),o.errorY&&u.extendFlat(o.errorY,s.y)}return o.text&&(u.extendFlat(o.text,{positions:n},M.textPosition(t,r,o.text,o.marker)),u.extendFlat(o.textSel,{positions:n},M.textPosition(t,r,o.text,o.markerSel)),u.extendFlat(o.textUnsel,{positions:n},M.textPosition(t,r,o.text,o.markerUnsel))),o}(t,0,e,_,g,v),L=C(0,c);return x(a,e),f=T&&(S.marker.cluster=d.tree),L.lineOptions.push(S.line),L.errorXOptions.push(S.errorX),L.errorYOptions.push(S.errorY),L.fillOptions.push(S.fill),L.markerOptions.push(S.marker),L.markerSelectedOptions.push(S.markerSel),L.markerUnselectedOptions.push(S.markerUnsel),L.textOptions.push(S.text),L.textSelectedOptions.push(S.textSel),L.textUnselectedOptions.push(S.textUnsel),d._scene=L,d.index=L.count,d.x=g,d.y=v,d.positions=_,L.count++,[{x:!1,y:!1,t:d,trace:e}]},plot:function(t,e,r){if(r.length){var o,s,c=t._fullLayout,h=e._scene,p=e.xaxis,d=e.yaxis;if(h)if(f(t,[\"ANGLE_instanced_arrays\",\"OES_element_index_uint\"])){var g=c._glcanvas.data()[0].regl;if(_(t,e,r),h.dirty){if(!0===h.error2d&&(h.error2d=a(g)),!0===h.line2d&&(h.line2d=i(g)),!0===h.scatter2d&&(h.scatter2d=n(g)),!0===h.fill2d&&(h.fill2d=i(g)),!0===h.glText)for(h.glText=new Array(h.count),o=0;or&&(isNaN(e[n])||isNaN(e[n+1]));)n-=2;t.positions=e.slice(r,n+2)}return t}),h.line2d.update(h.lineOptions)),h.error2d){var v=(h.errorXOptions||[]).concat(h.errorYOptions||[]);h.error2d.update(v)}h.scatter2d&&h.scatter2d.update(h.markerOptions),h.fillOrder=u.repeat(null,h.count),h.fill2d&&(h.fillOptions=h.fillOptions.map(function(t,e){var n=r[e];if(t&&n&&n[0]&&n[0].trace){var i,a,o=n[0],s=o.trace,l=o.t,c=h.lineOptions[e],u=[];s._ownfill&&u.push(e),s._nexttrace&&u.push(e+1),u.length&&(h.fillOrder[e]=u);var f,p,d=[],g=c&&c.positions||l.positions;if(\"tozeroy\"===s.fill){for(f=0;ff&&isNaN(g[p+1]);)p-=2;0!==g[f+1]&&(d=[g[f],0]),d=d.concat(g.slice(f,p+2)),0!==g[p+1]&&(d=d.concat([g[p],0]))}else if(\"tozerox\"===s.fill){for(f=0;ff&&isNaN(g[p]);)p-=2;0!==g[f]&&(d=[0,g[f+1]]),d=d.concat(g.slice(f,p+2)),0!==g[p]&&(d=d.concat([0,g[p+1]]))}else if(\"toself\"===s.fill||\"tonext\"===s.fill){for(d=[],i=0,a=0;a-1;for(o=0;o=0?Math.floor((e+180)/360):Math.ceil((e-180)/360)),d=e-p;if(n.getClosest(l,function(t){var e=t.lonlat;if(e[0]===s)return 1/0;var n=i.modHalf(e[0],360),a=e[1],o=h.project([n,a]),l=o.x-u.c2p([d,a]),c=o.y-f.c2p([n,r]),p=Math.max(3,t.mrc||0);return Math.max(Math.sqrt(l*l+c*c)-p,1-3/p)},t),!1!==t.index){var g=l[t.index],v=g.lonlat,m=[i.modHalf(v[0],360)+p,v[1]],y=u.c2p(m),x=f.c2p(m),b=g.mrc||1;return t.x0=y-b,t.x1=y+b,t.y0=x-b,t.y1=x+b,t.color=a(c,g),t.extraText=function(t,e,r){var n=(e.hi||t.hoverinfo).split(\"+\"),i=-1!==n.indexOf(\"all\"),a=-1!==n.indexOf(\"lon\"),s=-1!==n.indexOf(\"lat\"),l=e.lonlat,c=[];function u(t){return t+\"\\xb0\"}i||a&&s?c.push(\"(\"+u(l[0])+\", \"+u(l[1])+\")\"):a?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(i||-1!==n.indexOf(\"text\"))&&o(e,t,c);return c.join(\"
\")}(c,g,l[0].t.labels),[t]}}},{\"../../components/fx\":612,\"../../constants/numerical\":673,\"../../lib\":696,\"../scatter/fill_hover_text\":1051,\"../scatter/get_trace_color\":1053}],1102:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"../scattergeo/calc\"),n.plot=t(\"./plot\"),n.hoverPoints=t(\"./hover\"),n.eventData=t(\"./event_data\"),n.selectPoints=t(\"./select\"),n.style=function(t,e){e&&e[0].trace._glTrace.update(e)},n.moduleType=\"trace\",n.name=\"scattermapbox\",n.basePlotModule=t(\"../../plots/mapbox\"),n.categories=[\"mapbox\",\"gl\",\"symbols\",\"showLegend\",\"scatterlike\"],n.meta={},e.exports=n},{\"../../plots/mapbox\":802,\"../scatter/marker_colorbar\":1061,\"../scattergeo/calc\":1084,\"./attributes\":1097,\"./defaults\":1099,\"./event_data\":1100,\"./hover\":1101,\"./plot\":1103,\"./select\":1104}],1103:[function(t,e,r){\"use strict\";var n=t(\"./convert\");function i(t,e){this.subplot=t,this.uid=e,this.sourceIds={fill:e+\"-source-fill\",line:e+\"-source-line\",circle:e+\"-source-circle\",symbol:e+\"-source-symbol\"},this.layerIds={fill:e+\"-layer-fill\",line:e+\"-layer-line\",circle:e+\"-layer-circle\",symbol:e+\"-layer-symbol\"},this.order=[\"fill\",\"line\",\"circle\",\"symbol\"]}var a=i.prototype;a.addSource=function(t,e){this.subplot.map.addSource(this.sourceIds[t],{type:\"geojson\",data:e.geojson})},a.setSourceData=function(t,e){this.subplot.map.getSource(this.sourceIds[t]).setData(e.geojson)},a.addLayer=function(t,e){this.subplot.map.addLayer({type:t,id:this.layerIds[t],source:this.sourceIds[t],layout:e.layout,paint:e.paint})},a.update=function(t){for(var e=this.subplot,r=n(t),i=0;i\")}e.exports={hoverPoints:function(t,e,r,i){var a=n(t,e,r,i);if(a&&!1!==a[0].index){var s=a[0];if(void 0===s.index)return a;var l=t.subplot,c=s.cd[s.index],u=s.trace;if(l.isPtInside(c))return s.xLabelVal=void 0,s.yLabelVal=void 0,o(c,u,l,s),a}},makeHoverPointText:o}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../scatter/hover\":1054}],1109:[function(t,e,r){\"use strict\";e.exports={moduleType:\"trace\",name:\"scatterpolar\",basePlotModule:t(\"../../plots/polar\"),categories:[\"polar\",\"symbols\",\"showLegend\",\"scatter-like\"],attributes:t(\"./attributes\"),supplyDefaults:t(\"./defaults\").supplyDefaults,colorbar:t(\"../scatter/marker_colorbar\"),calc:t(\"./calc\"),plot:t(\"./plot\"),style:t(\"../scatter/style\").style,hoverPoints:t(\"./hover\").hoverPoints,selectPoints:t(\"../scatter/select\"),meta:{}}},{\"../../plots/polar\":811,\"../scatter/marker_colorbar\":1061,\"../scatter/select\":1064,\"../scatter/style\":1066,\"./attributes\":1105,\"./calc\":1106,\"./defaults\":1107,\"./hover\":1108,\"./plot\":1110}],1110:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),i=t(\"../../constants/numerical\").BADNUM;e.exports=function(t,e,r){for(var a=e.layers.frontplot.select(\"g.scatterlayer\"),o={xaxis:e.xaxis,yaxis:e.yaxis,plot:e.framework,layerClipId:e._hasClipOnAxisFalse?e.clipIds.forTraces:null},s=e.radialAxis,l=e.angularAxis,c=0;c=h&&(y.marker.cluster=d.tree),y.marker&&(y.markerSel.positions=y.markerUnsel.positions=y.marker.positions=_),y.line&&_.length>1&&c.extendFlat(y.line,l.linePositions(t,p,_)),y.text&&(c.extendFlat(y.text,{positions:_},l.textPosition(t,p,y.text,y.marker)),c.extendFlat(y.textSel,{positions:_},l.textPosition(t,p,y.text,y.markerSel)),c.extendFlat(y.textUnsel,{positions:_},l.textPosition(t,p,y.text,y.markerUnsel))),y.fill&&!u.fill2d&&(u.fill2d=!0),y.marker&&!u.scatter2d&&(u.scatter2d=!0),y.line&&!u.line2d&&(u.line2d=!0),y.text&&!u.glText&&(u.glText=!0),u.lineOptions.push(y.line),u.fillOptions.push(y.fill),u.markerOptions.push(y.marker),u.markerSelectedOptions.push(y.markerSel),u.markerUnselectedOptions.push(y.markerUnsel),u.textOptions.push(y.text),u.textSelectedOptions.push(y.textSel),u.textUnselectedOptions.push(y.textUnsel),d.x=w,d.y=k,d.rawx=w,d.rawy=k,d.r=v,d.theta=m,d.positions=_,d._scene=u,d.index=u.count,u.count++}}),a.plot(t,e,r)}},hoverPoints:function(t,e,r,n){var i=t.cd[0].t,o=i.r,s=i.theta,l=a.hoverPoints(t,e,r,n);if(l&&!1!==l[0].index){var c=l[0];if(void 0===c.index)return l;var u=t.subplot,h=c.cd[c.index],p=c.trace;if(h.r=o[c.index],h.theta=s[c.index],u.isPtInside(h))return c.xLabelVal=void 0,c.yLabelVal=void 0,f(h,p,u,c),l}},selectPoints:a.selectPoints,meta:{}}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../../plots/polar\":811,\"../scatter/calc\":1044,\"../scatter/colorscale_calc\":1046,\"../scatter/marker_colorbar\":1061,\"../scattergl\":1096,\"../scattergl/constants\":1093,\"../scattergl/convert\":1094,\"../scatterpolar/hover\":1108,\"./attributes\":1111,\"./defaults\":1112,\"fast-isnumeric\":214,\"point-cluster\":452}],1114:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../plots/attributes\"),a=t(\"../../components/colorscale/attributes\"),o=t(\"../../components/colorbar/attributes\"),s=t(\"../../components/drawing/attributes\").dash,l=t(\"../../lib/extend\").extendFlat,c=n.marker,u=n.line,f=c.line;e.exports={a:{valType:\"data_array\",editType:\"calc\"},b:{valType:\"data_array\",editType:\"calc\"},c:{valType:\"data_array\",editType:\"calc\"},sum:{valType:\"number\",dflt:0,min:0,editType:\"calc\"},mode:l({},n.mode,{dflt:\"markers\"}),text:l({},n.text,{}),hovertext:l({},n.hovertext,{}),line:{color:u.color,width:u.width,dash:s,shape:l({},u.shape,{values:[\"linear\",\"spline\"]}),smoothing:u.smoothing,editType:\"calc\"},connectgaps:n.connectgaps,cliponaxis:n.cliponaxis,fill:l({},n.fill,{values:[\"none\",\"toself\",\"tonext\"],dflt:\"none\"}),fillcolor:n.fillcolor,marker:l({symbol:c.symbol,opacity:c.opacity,maxdisplayed:c.maxdisplayed,size:c.size,sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,line:l({width:f.width,editType:\"calc\"},a(\"marker.line\")),gradient:c.gradient,editType:\"calc\"},a(\"marker\"),{colorbar:o}),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:l({},i.hoverinfo,{flags:[\"a\",\"b\",\"c\",\"text\",\"name\"]}),hoveron:n.hoveron}},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../components/drawing/attributes\":594,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../scatter/attributes\":1043}],1115:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../scatter/colorscale_calc\"),a=t(\"../scatter/arrays_to_calcdata\"),o=t(\"../scatter/calc_selection\"),s=t(\"../scatter/calc\").calcMarkerSize,l=[\"a\",\"b\",\"c\"],c={a:[\"b\",\"c\"],b:[\"a\",\"c\"],c:[\"a\",\"b\"]};e.exports=function(t,e){var r,u,f,h,p,d,g=t._fullLayout[e.subplot].sum,v=e.sum||g,m={a:e.a,b:e.b,c:e.c};for(r=0;r\"),o}function m(t,e){v.push(t._hovertitle+\": \"+i.tickText(t,e,\"hover\").text)}}},{\"../../plots/cartesian/axes\":744,\"../scatter/hover\":1054}],1119:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"../scatter/style\").style,n.styleOnSelect=t(\"../scatter/style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.selectPoints=t(\"../scatter/select\"),n.eventData=t(\"./event_data\"),n.moduleType=\"trace\",n.name=\"scatterternary\",n.basePlotModule=t(\"../../plots/ternary\"),n.categories=[\"ternary\",\"symbols\",\"showLegend\",\"scatter-like\"],n.meta={},e.exports=n},{\"../../plots/ternary\":823,\"../scatter/marker_colorbar\":1061,\"../scatter/select\":1064,\"../scatter/style\":1066,\"./attributes\":1114,\"./calc\":1115,\"./defaults\":1116,\"./event_data\":1117,\"./hover\":1118,\"./plot\":1120}],1120:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\");e.exports=function(t,e,r){var i=e.plotContainer;i.select(\".scatterlayer\").selectAll(\"*\").remove();var a={xaxis:e.xaxis,yaxis:e.yaxis,plot:i,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select(\"g.scatterlayer\");n(t,a,r,o)}},{\"../scatter/plot\":1063}],1121:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../components/colorscale/attributes\"),a=t(\"../scattergl/attributes\"),o=t(\"../../plots/cartesian/constants\").idRegex,s=t(\"../../plot_api/plot_template\").templatedArray,l=t(\"../../lib/extend\").extendFlat,c=n.marker,u=c.line,f=l(i(\"marker.line\",{editTypeOverride:\"calc\"}),{width:l({},u.width,{editType:\"calc\"}),editType:\"calc\"}),h=l(i(\"marker\"),{symbol:c.symbol,size:l({},c.size,{editType:\"markerSize\"}),sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,opacity:c.opacity,colorbar:c.colorbar,line:f,editType:\"calc\"});function p(t){return{valType:\"info_array\",freeLength:!0,editType:\"calc\",items:{valType:\"subplotid\",regex:o[t],editType:\"plot\"}}}h.color.editType=h.cmin.editType=h.cmax.editType=\"style\",e.exports={dimensions:s(\"dimension\",{visible:{valType:\"boolean\",dflt:!0,editType:\"calc\"},label:{valType:\"string\",editType:\"calc\"},values:{valType:\"data_array\",editType:\"calc+clearAxisTypes\"},axis:{type:{valType:\"enumerated\",values:[\"linear\",\"log\",\"date\",\"category\"],editType:\"calc+clearAxisTypes\"},editType:\"calc+clearAxisTypes\"},editType:\"calc+clearAxisTypes\"}),text:l({},a.text,{}),marker:h,xaxes:p(\"x\"),yaxes:p(\"y\"),diagonal:{visible:{valType:\"boolean\",dflt:!0,editType:\"calc\"},editType:\"calc\"},showupperhalf:{valType:\"boolean\",dflt:!0,editType:\"calc\"},showlowerhalf:{valType:\"boolean\",dflt:!0,editType:\"calc\"},selected:{marker:a.selected.marker,editType:\"calc\"},unselected:{marker:a.unselected.marker,editType:\"calc\"},opacity:a.opacity}},{\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plot_api/plot_template\":734,\"../../plots/cartesian/constants\":750,\"../scatter/attributes\":1043,\"../scattergl/attributes\":1092}],1122:[function(t,e,r){\"use strict\";var n=t(\"regl-line2d\"),i=t(\"../../registry\"),a=t(\"../../lib/prepare_regl\"),o=t(\"../../plots/get_data\").getModuleCalcData,s=t(\"../../plots/cartesian\"),l=t(\"../../plots/cartesian/axis_ids\").getFromId,c=t(\"../../plots/cartesian/axes\").shouldShowZeroLine,u=\"splom\";function f(t,e,r){for(var n=r.matrixOptions.data.length,i=e._visibleDims,a=r.viewOpts.ranges=new Array(n),o=0;oa&&l?r._splomSubplots[S]=1:i-1,A=\"lasso\"===y||\"select\"===y||!!h.selectedpoints||M;if(d.selectBatch=null,d.unselectBatch=null,A){var T=h._length;if(d.selectBatch||(d.selectBatch=[],d.unselectBatch=[]),h.selectedpoints){d.selectBatch=h.selectedpoints;var S=h.selectedpoints,E={};for(a=0;am?2*(x.sizeAvg||Math.max(x.size,3)):u(e,y),n=0;n2?t.slice(1,e-1):2===e?[(t[0]+t[1])/2]:t}function p(t){var e=t.length;return 1===e?[.5,.5]:[t[1]-t[0],t[e-1]-t[e-2]]}function d(t,e){var r=t.fullSceneLayout,i=t.dataScale,c=e._len,u={};function d(t,e){var n=r[e],o=i[l[e]];return a.simpleMap(t,function(t){return n.d2l(t)*o})}u.vectors=s(d(e.u,\"xaxis\"),d(e.v,\"yaxis\"),d(e.w,\"zaxis\"),c);var g=f(e.x.slice(0,c)),v=f(e.y.slice(0,c)),m=f(e.z.slice(0,c));if(g.length*v.length*m.length>c)return{positions:[],cells:[]};var y=d(g,\"xaxis\"),x=d(v,\"yaxis\"),b=d(m,\"zaxis\");if(u.meshgrid=[y,x,b],e.starts){var _=e._slen;u.startingPositions=s(d(e.starts.x.slice(0,_),\"xaxis\"),d(e.starts.y.slice(0,_),\"yaxis\"),d(e.starts.z.slice(0,_),\"zaxis\"))}else{for(var w=x[0],k=h(y),M=h(b),A=new Array(k.length*M.length),T=0,S=0;S\",maxDimensionCount:60,overdrag:45,releaseTransitionDuration:120,releaseTransitionEase:\"cubic-out\",scrollbarCaptureWidth:18,scrollbarHideDelay:1e3,scrollbarHideDuration:1e3,scrollbarOffset:5,scrollbarWidth:8,transitionDuration:100,transitionEase:\"cubic-out\",uplift:5,wrapSpacer:\" \",wrapSplitCharacter:\" \",cn:{table:\"table\",tableControlView:\"table-control-view\",scrollBackground:\"scroll-background\",yColumn:\"y-column\",columnBlock:\"column-block\",scrollAreaClip:\"scroll-area-clip\",scrollAreaClipRect:\"scroll-area-clip-rect\",columnBoundary:\"column-boundary\",columnBoundaryClippath:\"column-boundary-clippath\",columnBoundaryRect:\"column-boundary-rect\",columnCells:\"column-cells\",columnCell:\"column-cell\",cellRect:\"cell-rect\",cellText:\"cell-text\",cellTextHolder:\"cell-text-holder\",scrollbarKit:\"scrollbar-kit\",scrollbar:\"scrollbar\",scrollbarSlider:\"scrollbar-slider\",scrollbarGlyph:\"scrollbar-glyph\",scrollbarCaptureZone:\"scrollbar-capture-zone\"}}},{}],1139:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"../../lib/extend\").extendFlat,a=t(\"fast-isnumeric\");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[i]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},i+=a,s=c+1,a=0);return n}e.exports=function(t,e){var r=l(e.cells.values),p=function(t){return t.slice(e.header.values.length,t.length)},d=l(e.header.values);d.length&&!d[0].length&&(d[0]=[\"\"],d=l(d));var g=d.concat(p(r).map(function(){return c((d[0]||[\"\"]).length)})),v=e.domain,m=Math.floor(t._fullLayout._size.w*(v.x[1]-v.x[0])),y=Math.floor(t._fullLayout._size.h*(v.y[1]-v.y[0])),x=e.header.values.length?g[0].map(function(){return e.header.height}):[n.emptyHeaderHeight],b=r.length?r[0].map(function(){return e.cells.height}):[],_=x.reduce(s,0),w=h(b,y-_+n.uplift),k=f(h(x,_),[]),M=f(w,k),A={},T=e._fullInput.columnorder.concat(p(r.map(function(t,e){return e}))),S=g.map(function(t,r){var n=Array.isArray(e.columnwidth)?e.columnwidth[Math.min(r,e.columnwidth.length-1)]:e.columnwidth;return a(n)?Number(n):1}),E=S.reduce(s,0);S=S.map(function(t){return t/E*m});var C=Math.max(o(e.header.line.width),o(e.cells.line.width)),L={key:e.index,translateX:v.x[0]*t._fullLayout._size.w,translateY:t._fullLayout._size.h*(1-v.y[1]),size:t._fullLayout._size,width:m,maxLineWidth:C,height:y,columnOrder:T,groupHeight:y,rowBlocks:M,headerRowBlocks:k,scrollY:0,cells:i({},e.cells,{values:r}),headerCells:i({},e.header,{values:g}),gdColumns:g.map(function(t){return t[0]}),gdColumnsOriginalOrder:g.map(function(t){return t[0]}),prevPages:[0,0],scrollbarState:{scrollbarScrollInProgress:!1},columns:g.map(function(t,e){var r=A[t];return A[t]=(r||0)+1,{key:t+\"__\"+A[t],label:t,specIndex:e,xIndex:T[e],xScale:u,x:void 0,calcdata:void 0,columnWidth:S[e]}})};return L.columns.forEach(function(t){t.calcdata=L,t.x=u(t)}),L}},{\"../../lib/extend\":685,\"./constants\":1138,\"fast-isnumeric\":214}],1140:[function(t,e,r){\"use strict\";var n=t(\"../../lib/extend\").extendFlat;r.splitToPanels=function(t){var e=[0,0],r=n({},t,{key:\"header\",type:\"header\",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!0,values:t.calcdata.headerCells.values[t.specIndex],rowBlocks:t.calcdata.headerRowBlocks,calcdata:n({},t.calcdata,{cells:t.calcdata.headerCells})});return[n({},t,{key:\"cells1\",type:\"cells\",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),n({},t,{key:\"cells2\",type:\"cells\",page:1,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),r]},r.splitToCells=function(t){var e=function(t){var e=t.rowBlocks[t.page],r=e?e.rows[0].rowIndex:0,n=e?r+e.rows.length:0;return[r,n]}(t);return(t.values||[]).slice(e[0],e[1]).map(function(r,n){return{keyWithinBlock:n+(\"string\"==typeof r&&r.match(/[<$&> ]/)?\"_keybuster_\"+Math.random():\"\"),key:e[0]+n,column:t,calcdata:t.calcdata,page:t.page,rowBlocks:t.rowBlocks,value:r}})}},{\"../../lib/extend\":685}],1141:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./attributes\"),a=t(\"../../plots/domain\").defaults;e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}a(e,o,s),s(\"columnwidth\"),s(\"header.values\"),s(\"header.format\"),s(\"header.align\"),s(\"header.prefix\"),s(\"header.suffix\"),s(\"header.height\"),s(\"header.line.width\"),s(\"header.line.color\"),s(\"header.fill.color\"),n.coerceFont(s,\"header.font\",n.extendFlat({},o.font)),function(t,e){for(var r=t.columnorder||[],n=t.header.values.length,i=r.slice(0,n),a=i.slice().sort(function(t,e){return t-e}),o=i.map(function(t){return a.indexOf(t)}),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&a.match(/[<&>]/);var c,u=\"string\"==typeof(c=a)&&c.match(n.latexCheck);t.latex=u;var f,h,p=u?\"\":_(t.calcdata.cells.prefix,e,r)||\"\",d=u?\"\":_(t.calcdata.cells.suffix,e,r)||\"\",g=u?null:_(t.calcdata.cells.format,e,r)||null,v=p+(g?i.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(f=b(v)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===f?b(v):f),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var m=(\" \"===n.wrapSplitCharacter?v.replace(/
i&&n.push(a),i+=l}return n}(i,l,s);1===c.length&&(c[0]===i.length-1?c.unshift(c[0]-1):c.push(c[0]+1)),c[0]%2&&c.reverse(),e.each(function(t,e){t.page=c[e],t.scrollY=l}),e.attr(\"transform\",function(t){return\"translate(0 \"+(I(t.rowBlocks,t.page)-t.scrollY)+\")\"}),t&&(E(t,r,e,c,n.prevPages,n,0),E(t,r,e,c,n.prevPages,n,1),m(r,t))}}function S(t,e,r,a){return function(o){var s=o.calcdata?o.calcdata:o,l=e.filter(function(t){return s.key===t.key}),c=r||s.scrollbarState.dragMultiplier;s.scrollY=void 0===a?s.scrollY+c*i.event.dy:a;var u=l.selectAll(\".\"+n.cn.yColumn).selectAll(\".\"+n.cn.columnBlock).filter(k);T(t,u,l)}}function E(t,e,r,n,i,a,o){n[o]!==i[o]&&(clearTimeout(a.currentRepaint[o]),a.currentRepaint[o]=setTimeout(function(){var a=r.filter(function(t,e){return e===o&&n[e]!==i[e]});y(t,e,a,r),i[o]=n[o]}))}function C(t,e,r,a){return function(){var o=i.select(e.parentNode);o.each(function(t){var e=t.fragments;o.selectAll(\"tspan.line\").each(function(t,r){e[r].width=this.getComputedTextLength()});var r,i,a=e[e.length-1].width,s=e.slice(0,-1),l=[],c=0,u=t.column.columnWidth-2*n.cellPad;for(t.value=\"\";s.length;)c+(i=(r=s.shift()).width+a)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=i;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0}),o.selectAll(\"tspan.line\").remove(),x(o.select(\".\"+n.cn.cellText),r,t,a),i.select(e.parentNode.parentNode).call(O)}}function L(t,e,r,a,o){return function(){if(!o.settledY){var s=i.select(e.parentNode),l=R(o),c=o.key-l.firstRowIndex,u=l.rows[c].rowHeight,f=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:u,h=Math.max(f,u);h-l.rows[c].rowHeight&&(l.rows[c].rowHeight=h,t.selectAll(\".\"+n.cn.columnCell).call(O),T(null,t.filter(k),0),m(r,a,!0)),s.attr(\"transform\",function(){var t=this.parentNode.getBoundingClientRect(),e=i.select(this.parentNode).select(\".\"+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),a=e.top-t.top+(r?r.matrix.f:n.cellPad);return\"translate(\"+z(o,i.select(this.parentNode).select(\".\"+n.cn.cellTextHolder).node().getBoundingClientRect().width)+\" \"+a+\")\"}),o.settledY=!0}}}function z(t,e){switch(t.align){case\"left\":return n.cellPad;case\"right\":return t.column.columnWidth-(e||0)-n.cellPad;case\"center\":return(t.column.columnWidth-(e||0))/2;default:return n.cellPad}}function O(t){t.attr(\"transform\",function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce(function(t,e){return t+P(e,1/0)},0);return\"translate(0 \"+(P(R(t),t.key)+e)+\")\"}).selectAll(\".\"+n.cn.cellRect).attr(\"height\",function(t){return(e=R(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r})}function I(t,e){for(var r=0,n=e-1;n>=0;n--)r+=D(t[n]);return r}function P(t,e){for(var r=0,n=0;n0){var y,x,b,_,w,k=t.xa,M=t.ya;\"h\"===h.orientation?(w=e,y=\"y\",b=M,x=\"x\",_=k):(w=r,y=\"x\",b=k,x=\"y\",_=M);var A=f[t.index];if(w>=A.span[0]&&w<=A.span[1]){var T=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(A,h,w),C=o.getPositionOnKdePath(A,h,S),L=b._offset,z=b._length;T[y+\"0\"]=C[0],T[y+\"1\"]=C[1],T[x+\"0\"]=T[x+\"1\"]=S,T[x+\"Label\"]=x+\": \"+i.hoverLabelText(_,w)+\", \"+f[0].t.labels.kde+\" \"+E.toFixed(3),T.spikeDistance=m[0].spikeDistance;var O=y+\"Spike\";T[O]=m[0][O],m[0].spikeDistance=void 0,m[0][O]=void 0,v.push(T),(u={stroke:t.color})[y+\"1\"]=n.constrain(L+C[0],L,L+z),u[y+\"2\"]=n.constrain(L+C[1],L,L+z),u[x+\"1\"]=u[x+\"2\"]=_._offset+S}}}-1!==p.indexOf(\"points\")&&(c=a.hoverOnPoints(t,e,r));var I=l.selectAll(\".violinline-\"+h.uid).data(u?[0]:[]);return I.enter().append(\"line\").classed(\"violinline-\"+h.uid,!0).attr(\"stroke-width\",1.5),I.exit().remove(),I.attr(u),\"closest\"===s?c?[c]:v:c?(v.push(c),v):v}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../box/hover\":864,\"./helpers\":1148}],1150:[function(t,e,r){\"use strict\";e.exports={attributes:t(\"./attributes\"),layoutAttributes:t(\"./layout_attributes\"),supplyDefaults:t(\"./defaults\"),supplyLayoutDefaults:t(\"./layout_defaults\"),calc:t(\"./calc\"),crossTraceCalc:t(\"./cross_trace_calc\"),plot:t(\"./plot\"),style:t(\"./style\"),styleOnSelect:t(\"../scatter/style\").styleOnSelect,hoverPoints:t(\"./hover\"),selectPoints:t(\"../box/select\"),moduleType:\"trace\",name:\"violin\",basePlotModule:t(\"../../plots/cartesian\"),categories:[\"cartesian\",\"svg\",\"symbols\",\"oriented\",\"box-violin\",\"showLegend\",\"violinLayout\",\"zoomScale\"],meta:{}}},{\"../../plots/cartesian\":756,\"../box/select\":869,\"../scatter/style\":1066,\"./attributes\":1144,\"./calc\":1145,\"./cross_trace_calc\":1146,\"./defaults\":1147,\"./hover\":1149,\"./layout_attributes\":1151,\"./layout_defaults\":1152,\"./plot\":1153,\"./style\":1154}],1151:[function(t,e,r){\"use strict\";var n=t(\"../box/layout_attributes\"),i=t(\"../../lib\").extendFlat;e.exports={violinmode:i({},n.boxmode,{}),violingap:i({},n.boxgap,{}),violingroupgap:i({},n.boxgroupgap,{})}},{\"../../lib\":696,\"../box/layout_attributes\":866}],1152:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./layout_attributes\"),a=t(\"../box/layout_defaults\");e.exports=function(t,e,r){a._supply(t,e,r,function(r,a){return n.coerce(t,e,i,r,a)},\"violin\")}},{\"../../lib\":696,\"../box/layout_defaults\":867,\"./layout_attributes\":1151}],1153:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../components/drawing\"),o=t(\"../box/plot\"),s=t(\"../scatter/line_points\"),l=t(\"./helpers\");e.exports=function(t,e,r,c){var u=t._fullLayout,f=e.xaxis,h=e.yaxis;function p(t){var e=s(t,{xaxis:f,yaxis:h,connectGaps:!0,baseTolerance:.75,shape:\"spline\",simplify:!0});return a.smoothopen(e[0],1)}i.makeTraceGroups(c,r,\"trace violins\").each(function(t){var r=n.select(this),a=t[0],s=a.t,c=a.trace;e.isRangePlot||(a.node3=r);var d=u._numViolins,g=\"group\"===u.violinmode&&d>1,v=1-u.violingap,m=s.bdPos=s.dPos*v*(1-u.violingroupgap)/(g?d:1),y=s.bPos=g?2*s.dPos*((s.num+.5)/d-.5)*v:0;if(s.wHover=s.dPos*(g?v/d:1),!0!==c.visible||s.empty)r.remove();else{var x=e[s.valLetter+\"axis\"],b=e[s.posLetter+\"axis\"],_=\"both\"===c.side,w=_||\"positive\"===c.side,k=_||\"negative\"===c.side,M=u._violinScaleGroupStats[c.scalegroup],A=r.selectAll(\"path.violin\").data(i.identity);A.enter().append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").attr(\"class\",\"violin\"),A.exit().remove(),A.each(function(t){var e,r,i,a,o,l,u,f,h=n.select(this),d=t.density,g=d.length,v=t.pos+y,A=b.c2p(v);switch(c.scalemode){case\"width\":e=M.maxWidth/m;break;case\"count\":e=M.maxWidth/m*(M.maxCount/t.pts.length)}if(w){for(u=new Array(g),o=0;oa&&(a=u,o=c)}}return a?i(o):s};case\"rms\":return function(t,e){for(var r=0,a=0,o=0;o\":return function(t){return h(t)>s};case\">=\":return function(t){return h(t)>=s};case\"[]\":return function(t){var e=h(t);return e>=s[0]&&e<=s[1]};case\"()\":return function(t){var e=h(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case\"][\":return function(t){var e=h(t);return e<=s[0]||e>=s[1]};case\")(\":return function(t){var e=h(t);return es[1]};case\"](\":return function(t){var e=h(t);return e<=s[0]||e>s[1]};case\")[\":return function(t){var e=h(t);return e=s[1]};case\"{}\":return function(t){return-1!==s.indexOf(h(t))};case\"}{\":return function(t){return-1===s.indexOf(h(t))}}}(r,a.getDataToCoordFunc(t,e,s,i),h),x={},b={},_=0;d?(v=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(f))},m=function(t,e){var r=x[t.astr][e];t.get()[e]=r}):(v=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set([])},m=function(t,e){var r=x[t.astr][e];t.get().push(r)}),M(v);for(var w=o(e.transforms,r),k=0;k1?\"%{group} (%{trace})\":\"%{group}\");var l=t.styles,c=o.styles=[];if(l)for(a=0;a" ], "text/vnd.plotly.v1+html": [ - "" + "!function(t){if(\"object\"==typeof exports&&\"undefined\"!=typeof module)module.exports=t();else if(\"function\"==typeof define&&define.amd)define([],t);else{(\"undefined\"!=typeof window?window:\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:this).Plotly=t()}}(function(){return function(){return function t(e,r,n){function i(o,s){if(!r[o]){if(!e[o]){var l=\"function\"==typeof require&&require;if(!s&&l)return l(o,!0);if(a)return a(o,!0);var c=new Error(\"Cannot find module '\"+o+\"'\");throw c.code=\"MODULE_NOT_FOUND\",c}var u=r[o]={exports:{}};e[o][0].call(u.exports,function(t){return i(e[o][1][t]||t)},u,u.exports,t,e,r,n)}return r[o].exports}for(var a=\"function\"==typeof require&&require,o=0;oplotly-logomark\"}}},{}],3:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/aggregate\")},{\"../src/transforms/aggregate\":1155}],4:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/bar\")},{\"../src/traces/bar\":843}],5:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/barpolar\")},{\"../src/traces/barpolar\":855}],6:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/box\")},{\"../src/traces/box\":865}],7:[function(t,e,r){\"use strict\";e.exports=t(\"../src/components/calendars\")},{\"../src/components/calendars\":568}],8:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/candlestick\")},{\"../src/traces/candlestick\":874}],9:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/carpet\")},{\"../src/traces/carpet\":893}],10:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/choropleth\")},{\"../src/traces/choropleth\":907}],11:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/cone\")},{\"../src/traces/cone\":915}],12:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contour\")},{\"../src/traces/contour\":930}],13:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/contourcarpet\")},{\"../src/traces/contourcarpet\":941}],14:[function(t,e,r){\"use strict\";e.exports=t(\"../src/core\")},{\"../src/core\":675}],15:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/filter\")},{\"../src/transforms/filter\":1156}],16:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/groupby\")},{\"../src/transforms/groupby\":1157}],17:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmap\")},{\"../src/traces/heatmap\":953}],18:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/heatmapgl\")},{\"../src/traces/heatmapgl\":963}],19:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram\")},{\"../src/traces/histogram\":974}],20:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2d\")},{\"../src/traces/histogram2d\":981}],21:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/histogram2dcontour\")},{\"../src/traces/histogram2dcontour\":985}],22:[function(t,e,r){\"use strict\";var n=t(\"./core\");n.register([t(\"./bar\"),t(\"./box\"),t(\"./heatmap\"),t(\"./histogram\"),t(\"./histogram2d\"),t(\"./histogram2dcontour\"),t(\"./pie\"),t(\"./contour\"),t(\"./scatterternary\"),t(\"./violin\"),t(\"./scatter3d\"),t(\"./surface\"),t(\"./mesh3d\"),t(\"./cone\"),t(\"./streamtube\"),t(\"./scattergeo\"),t(\"./choropleth\"),t(\"./scattergl\"),t(\"./splom\"),t(\"./pointcloud\"),t(\"./heatmapgl\"),t(\"./parcoords\"),t(\"./parcats\"),t(\"./scattermapbox\"),t(\"./sankey\"),t(\"./table\"),t(\"./carpet\"),t(\"./scattercarpet\"),t(\"./contourcarpet\"),t(\"./ohlc\"),t(\"./candlestick\"),t(\"./scatterpolar\"),t(\"./scatterpolargl\"),t(\"./barpolar\")]),n.register([t(\"./aggregate\"),t(\"./filter\"),t(\"./groupby\"),t(\"./sort\")]),n.register([t(\"./calendars\")]),e.exports=n},{\"./aggregate\":3,\"./bar\":4,\"./barpolar\":5,\"./box\":6,\"./calendars\":7,\"./candlestick\":8,\"./carpet\":9,\"./choropleth\":10,\"./cone\":11,\"./contour\":12,\"./contourcarpet\":13,\"./core\":14,\"./filter\":15,\"./groupby\":16,\"./heatmap\":17,\"./heatmapgl\":18,\"./histogram\":19,\"./histogram2d\":20,\"./histogram2dcontour\":21,\"./mesh3d\":23,\"./ohlc\":24,\"./parcats\":25,\"./parcoords\":26,\"./pie\":27,\"./pointcloud\":28,\"./sankey\":29,\"./scatter3d\":30,\"./scattercarpet\":31,\"./scattergeo\":32,\"./scattergl\":33,\"./scattermapbox\":34,\"./scatterpolar\":35,\"./scatterpolargl\":36,\"./scatterternary\":37,\"./sort\":38,\"./splom\":39,\"./streamtube\":40,\"./surface\":41,\"./table\":42,\"./violin\":43}],23:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/mesh3d\")},{\"../src/traces/mesh3d\":990}],24:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/ohlc\")},{\"../src/traces/ohlc\":995}],25:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcats\")},{\"../src/traces/parcats\":1004}],26:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/parcoords\")},{\"../src/traces/parcoords\":1013}],27:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pie\")},{\"../src/traces/pie\":1024}],28:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/pointcloud\")},{\"../src/traces/pointcloud\":1033}],29:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/sankey\")},{\"../src/traces/sankey\":1039}],30:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatter3d\")},{\"../src/traces/scatter3d\":1075}],31:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattercarpet\")},{\"../src/traces/scattercarpet\":1081}],32:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergeo\")},{\"../src/traces/scattergeo\":1088}],33:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattergl\")},{\"../src/traces/scattergl\":1096}],34:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scattermapbox\")},{\"../src/traces/scattermapbox\":1102}],35:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolar\")},{\"../src/traces/scatterpolar\":1109}],36:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterpolargl\")},{\"../src/traces/scatterpolargl\":1113}],37:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/scatterternary\")},{\"../src/traces/scatterternary\":1119}],38:[function(t,e,r){\"use strict\";e.exports=t(\"../src/transforms/sort\")},{\"../src/transforms/sort\":1159}],39:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/splom\")},{\"../src/traces/splom\":1124}],40:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/streamtube\")},{\"../src/traces/streamtube\":1129}],41:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/surface\")},{\"../src/traces/surface\":1134}],42:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/table\")},{\"../src/traces/table\":1142}],43:[function(t,e,r){\"use strict\";e.exports=t(\"../src/traces/violin\")},{\"../src/traces/violin\":1150}],44:[function(t,e,r){\"use strict\";e.exports=function(t,e){t=t||document.body,e=e||{};var r=[.01,1/0];\"distanceLimits\"in e&&(r[0]=e.distanceLimits[0],r[1]=e.distanceLimits[1]);\"zoomMin\"in e&&(r[0]=e.zoomMin);\"zoomMax\"in e&&(r[1]=e.zoomMax);var c=i({center:e.center||[0,0,0],up:e.up||[0,1,0],eye:e.eye||[0,0,10],mode:e.mode||\"orbit\",distanceLimits:r}),u=[0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],f=0,h=t.clientWidth,p=t.clientHeight,d={view:c,element:t,delay:e.delay||16,rotateSpeed:e.rotateSpeed||1,zoomSpeed:e.zoomSpeed||1,translateSpeed:e.translateSpeed||1,flipX:!!e.flipX,flipY:!!e.flipY,modes:c.modes,tick:function(){var e=n(),r=this.delay;c.idle(e-r),c.flush(e-(100+2*r));var i=e-2*r;c.recalcMatrix(i);for(var a=!0,o=c.computedMatrix,s=0;s<16;++s)a=a&&u[s]===o[s],u[s]=o[s];var l=t.clientWidth===h&&t.clientHeight===p;return h=t.clientWidth,p=t.clientHeight,a?!l:(f=Math.exp(c.computedRadius[0]),!0)},lookAt:function(t,e,r){c.lookAt(c.lastT(),t,e,r)},rotate:function(t,e,r){c.rotate(c.lastT(),t,e,r)},pan:function(t,e,r){c.pan(c.lastT(),t,e,r)},translate:function(t,e,r){c.translate(c.lastT(),t,e,r)}};Object.defineProperties(d,{matrix:{get:function(){return c.computedMatrix},set:function(t){return c.setMatrix(c.lastT(),t),c.computedMatrix},enumerable:!0},mode:{get:function(){return c.getMode()},set:function(t){return c.setMode(t),c.getMode()},enumerable:!0},center:{get:function(){return c.computedCenter},set:function(t){return c.lookAt(c.lastT(),t),c.computedCenter},enumerable:!0},eye:{get:function(){return c.computedEye},set:function(t){return c.lookAt(c.lastT(),null,t),c.computedEye},enumerable:!0},up:{get:function(){return c.computedUp},set:function(t){return c.lookAt(c.lastT(),null,null,t),c.computedUp},enumerable:!0},distance:{get:function(){return f},set:function(t){return c.setDistance(c.lastT(),t),t},enumerable:!0},distanceLimits:{get:function(){return c.getDistanceLimits(r)},set:function(t){return c.setDistanceLimits(t),t},enumerable:!0}}),t.addEventListener(\"contextmenu\",function(t){return t.preventDefault(),!1});var g=0,v=0,m={shift:!1,control:!1,alt:!1,meta:!1};function y(e,r,i,a){var o=1/t.clientHeight,s=o*(r-g),l=o*(i-v),u=d.flipX?1:-1,h=d.flipY?1:-1,p=Math.PI*d.rotateSpeed,y=n();if(1&e)a.shift?c.rotate(y,0,0,-s*p):c.rotate(y,u*p*s,-h*p*l,0);else if(2&e)c.pan(y,-d.translateSpeed*s*f,d.translateSpeed*l*f,0);else if(4&e){var x=d.zoomSpeed*l/window.innerHeight*(y-c.lastT())*50;c.pan(y,0,0,f*(Math.exp(x)-1))}g=r,v=i,m=a}return a(t,y),t.addEventListener(\"touchstart\",function(e){var r=s(e.changedTouches[0],t);y(0,r[0],r[1],m),y(1,r[0],r[1],m),e.preventDefault()},!!l&&{passive:!1}),t.addEventListener(\"touchmove\",function(e){var r=s(e.changedTouches[0],t);y(1,r[0],r[1],m),e.preventDefault()},!!l&&{passive:!1}),t.addEventListener(\"touchend\",function(e){s(e.changedTouches[0],t),y(0,g,v,m),e.preventDefault()},!!l&&{passive:!1}),o(t,function(t,e,r){var i=d.flipX?1:-1,a=d.flipY?1:-1,o=n();if(Math.abs(t)>Math.abs(e))c.rotate(o,0,0,-t*i*Math.PI*d.rotateSpeed/window.innerWidth);else{var s=d.zoomSpeed*a*e/window.innerHeight*(o-c.lastT())/100;c.pan(o,0,0,f*(Math.exp(s)-1))}},!0),d};var n=t(\"right-now\"),i=t(\"3d-view\"),a=t(\"mouse-change\"),o=t(\"mouse-wheel\"),s=t(\"mouse-event-offset\"),l=t(\"has-passive-events\")},{\"3d-view\":45,\"has-passive-events\":394,\"mouse-change\":418,\"mouse-event-offset\":419,\"mouse-wheel\":421,\"right-now\":480}],45:[function(t,e,r){\"use strict\";e.exports=function(t){var e=(t=t||{}).eye||[0,0,1],r=t.center||[0,0,0],s=t.up||[0,1,0],l=t.distanceLimits||[0,1/0],c=t.mode||\"turntable\",u=n(),f=i(),h=a();return u.setDistanceLimits(l[0],l[1]),u.lookAt(0,e,r,s),f.setDistanceLimits(l[0],l[1]),f.lookAt(0,e,r,s),h.setDistanceLimits(l[0],l[1]),h.lookAt(0,e,r,s),new o({turntable:u,orbit:f,matrix:h},c)};var n=t(\"turntable-camera-controller\"),i=t(\"orbit-camera-controller\"),a=t(\"matrix-camera-controller\");function o(t,e){this._controllerNames=Object.keys(t),this._controllerList=this._controllerNames.map(function(e){return t[e]}),this._mode=e,this._active=t[e],this._active||(this._mode=\"turntable\",this._active=t.turntable),this.modes=this._controllerNames,this.computedMatrix=this._active.computedMatrix,this.computedEye=this._active.computedEye,this.computedUp=this._active.computedUp,this.computedCenter=this._active.computedCenter,this.computedRadius=this._active.computedRadius}var s=o.prototype;[[\"flush\",1],[\"idle\",1],[\"lookAt\",4],[\"rotate\",4],[\"pan\",4],[\"translate\",4],[\"setMatrix\",2],[\"setDistanceLimits\",2],[\"setDistance\",2]].forEach(function(t){for(var e=t[0],r=[],n=0;nr&&(a=r);var i=e.min(n,function(t){return(o[1]-(t.length-1)*a)/e.sum(t,h)});n.forEach(function(t){t.forEach(function(t,e){t.y=e,t.dy=t.value*i})}),l.forEach(function(t){t.dy=t.value*i})})(),d();for(var i=1;t>0;--t)p(i*=.99),d(),u(i),d();function u(t){function r(t){return f(t.source)*t.value}n.forEach(function(n){n.forEach(function(n){if(n.targetLinks.length){var i=e.sum(n.targetLinks,r)/e.sum(n.targetLinks,h);n.y+=(i-f(n))*t}})})}function p(t){function r(t){return f(t.target)*t.value}n.slice().reverse().forEach(function(n){n.forEach(function(n){if(n.sourceLinks.length){var i=e.sum(n.sourceLinks,r)/e.sum(n.sourceLinks,h);n.y+=(i-f(n))*t}})})}function d(){n.forEach(function(t){var e,r,n,i=0,s=t.length;for(t.sort(g),n=0;n0&&(e.y+=r),i=e.y+e.dy+a;if((r=i-a-o[1])>0)for(i=e.y-=r,n=s-2;n>=0;--n)e=t[n],(r=e.y+e.dy+a-i)>0&&(e.y-=r),i=e.y})}function g(t,e){return t.y-e.y}}(n),u(),t},t.relayout=function(){return u(),t},t.link=function(){var t=.5;function e(e){var r=e.source.x+e.source.dx,i=e.target.x,a=n.interpolateNumber(r,i),o=a(t),s=a(1-t),l=e.source.y+e.sy,c=l+e.dy,u=e.target.y+e.ty,f=u+e.dy;return\"M\"+r+\",\"+l+\"C\"+o+\",\"+l+\" \"+s+\",\"+u+\" \"+i+\",\"+u+\"L\"+i+\",\"+f+\"C\"+s+\",\"+f+\" \"+o+\",\"+c+\" \"+r+\",\"+c+\"Z\"}return e.curvature=function(r){return arguments.length?(t=+r,e):t},e},t},Object.defineProperty(t,\"__esModule\",{value:!0})},\"object\"==typeof r&&\"undefined\"!=typeof e?i(r,t(\"d3-array\"),t(\"d3-collection\"),t(\"d3-interpolate\")):i(n.d3=n.d3||{},n.d3,n.d3,n.d3)},{\"d3-array\":140,\"d3-collection\":141,\"d3-interpolate\":145}],47:[function(t,e,r){\"use strict\";var n=\"undefined\"==typeof WeakMap?t(\"weak-map\"):WeakMap,i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=new n;e.exports=function(t){var e=o.get(t),r=e&&(e._triangleBuffer.handle||e._triangleBuffer.buffer);if(!r||!t.isBuffer(r)){var n=i(t,new Float32Array([-1,-1,-1,4,4,-1]));(e=a(t,[{buffer:n,type:t.FLOAT,size:2}]))._triangleBuffer=n,o.set(t,e)}e.bind(),t.drawArrays(t.TRIANGLES,0,3),e.unbind()}},{\"gl-buffer\":230,\"gl-vao\":310,\"weak-map\":529}],48:[function(t,e,r){e.exports=function(t){var e=0,r=0,n=0,i=0;return t.map(function(t){var a=(t=t.slice())[0],o=a.toUpperCase();if(a!=o)switch(t[0]=o,a){case\"a\":t[6]+=n,t[7]+=i;break;case\"v\":t[1]+=i;break;case\"h\":t[1]+=n;break;default:for(var s=1;si&&(i=t[o]),t[o]=0;c--)if(u[c]!==f[c])return!1;for(c=u.length-1;c>=0;c--)if(l=u[c],!y(t[l],e[l],r,n))return!1;return!0}(t,e,r,o))}return r?t===e:t==e}function x(t){return\"[object Arguments]\"==Object.prototype.toString.call(t)}function b(t,e){if(!t||!e)return!1;if(\"[object RegExp]\"==Object.prototype.toString.call(e))return e.test(t);try{if(t instanceof e)return!0}catch(t){}return!Error.isPrototypeOf(e)&&!0===e.call({},t)}function _(t,e,r,n){var i;if(\"function\"!=typeof e)throw new TypeError('\"block\" argument must be a function');\"string\"==typeof r&&(n=r,r=null),i=function(t){var e;try{t()}catch(t){e=t}return e}(e),n=(r&&r.name?\" (\"+r.name+\").\":\".\")+(n?\" \"+n:\".\"),t&&!i&&v(i,r,\"Missing expected exception\"+n);var o=\"string\"==typeof n,s=!t&&i&&!r;if((!t&&a.isError(i)&&o&&b(i,r)||s)&&v(i,r,\"Got unwanted exception\"+n),t&&i&&r&&!b(i,r)||!t&&i)throw i}f.AssertionError=function(t){var e;this.name=\"AssertionError\",this.actual=t.actual,this.expected=t.expected,this.operator=t.operator,t.message?(this.message=t.message,this.generatedMessage=!1):(this.message=d(g((e=this).actual),128)+\" \"+e.operator+\" \"+d(g(e.expected),128),this.generatedMessage=!0);var r=t.stackStartFunction||v;if(Error.captureStackTrace)Error.captureStackTrace(this,r);else{var n=new Error;if(n.stack){var i=n.stack,a=p(r),o=i.indexOf(\"\\n\"+a);if(o>=0){var s=i.indexOf(\"\\n\",o+1);i=i.substring(s+1)}this.stack=i}}},a.inherits(f.AssertionError,Error),f.fail=v,f.ok=m,f.equal=function(t,e,r){t!=e&&v(t,e,r,\"==\",f.equal)},f.notEqual=function(t,e,r){t==e&&v(t,e,r,\"!=\",f.notEqual)},f.deepEqual=function(t,e,r){y(t,e,!1)||v(t,e,r,\"deepEqual\",f.deepEqual)},f.deepStrictEqual=function(t,e,r){y(t,e,!0)||v(t,e,r,\"deepStrictEqual\",f.deepStrictEqual)},f.notDeepEqual=function(t,e,r){y(t,e,!1)&&v(t,e,r,\"notDeepEqual\",f.notDeepEqual)},f.notDeepStrictEqual=function t(e,r,n){y(e,r,!0)&&v(e,r,n,\"notDeepStrictEqual\",t)},f.strictEqual=function(t,e,r){t!==e&&v(t,e,r,\"===\",f.strictEqual)},f.notStrictEqual=function(t,e,r){t===e&&v(t,e,r,\"!==\",f.notStrictEqual)},f.throws=function(t,e,r){_(!0,t,e,r)},f.doesNotThrow=function(t,e,r){_(!1,t,e,r)},f.ifError=function(t){if(t)throw t};var w=Object.keys||function(t){var e=[];for(var r in t)o.call(t,r)&&e.push(r);return e}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"util/\":59}],57:[function(t,e,r){\"function\"==typeof Object.create?e.exports=function(t,e){t.super_=e,t.prototype=Object.create(e.prototype,{constructor:{value:t,enumerable:!1,writable:!0,configurable:!0}})}:e.exports=function(t,e){t.super_=e;var r=function(){};r.prototype=e.prototype,t.prototype=new r,t.prototype.constructor=t}},{}],58:[function(t,e,r){e.exports=function(t){return t&&\"object\"==typeof t&&\"function\"==typeof t.copy&&\"function\"==typeof t.fill&&\"function\"==typeof t.readUInt8}},{}],59:[function(t,e,r){(function(e,n){var i=/%[sdj%]/g;r.format=function(t){if(!m(t)){for(var e=[],r=0;r=a)return t;switch(t){case\"%s\":return String(n[r++]);case\"%d\":return Number(n[r++]);case\"%j\":try{return JSON.stringify(n[r++])}catch(t){return\"[Circular]\"}default:return t}}),l=n[r];r=3&&(n.depth=arguments[2]),arguments.length>=4&&(n.colors=arguments[3]),d(e)?n.showHidden=e:e&&r._extend(n,e),y(n.showHidden)&&(n.showHidden=!1),y(n.depth)&&(n.depth=2),y(n.colors)&&(n.colors=!1),y(n.customInspect)&&(n.customInspect=!0),n.colors&&(n.stylize=l),u(n,t,n.depth)}function l(t,e){var r=s.styles[e];return r?\"\\x1b[\"+s.colors[r][0]+\"m\"+t+\"\\x1b[\"+s.colors[r][1]+\"m\":t}function c(t,e){return t}function u(t,e,n){if(t.customInspect&&e&&k(e.inspect)&&e.inspect!==r.inspect&&(!e.constructor||e.constructor.prototype!==e)){var i=e.inspect(n,t);return m(i)||(i=u(t,i,n)),i}var a=function(t,e){if(y(e))return t.stylize(\"undefined\",\"undefined\");if(m(e)){var r=\"'\"+JSON.stringify(e).replace(/^\"|\"$/g,\"\").replace(/'/g,\"\\\\'\").replace(/\\\\\"/g,'\"')+\"'\";return t.stylize(r,\"string\")}if(v(e))return t.stylize(\"\"+e,\"number\");if(d(e))return t.stylize(\"\"+e,\"boolean\");if(g(e))return t.stylize(\"null\",\"null\")}(t,e);if(a)return a;var o=Object.keys(e),s=function(t){var e={};return t.forEach(function(t,r){e[t]=!0}),e}(o);if(t.showHidden&&(o=Object.getOwnPropertyNames(e)),w(e)&&(o.indexOf(\"message\")>=0||o.indexOf(\"description\")>=0))return f(e);if(0===o.length){if(k(e)){var l=e.name?\": \"+e.name:\"\";return t.stylize(\"[Function\"+l+\"]\",\"special\")}if(x(e))return t.stylize(RegExp.prototype.toString.call(e),\"regexp\");if(_(e))return t.stylize(Date.prototype.toString.call(e),\"date\");if(w(e))return f(e)}var c,b=\"\",M=!1,A=[\"{\",\"}\"];(p(e)&&(M=!0,A=[\"[\",\"]\"]),k(e))&&(b=\" [Function\"+(e.name?\": \"+e.name:\"\")+\"]\");return x(e)&&(b=\" \"+RegExp.prototype.toString.call(e)),_(e)&&(b=\" \"+Date.prototype.toUTCString.call(e)),w(e)&&(b=\" \"+f(e)),0!==o.length||M&&0!=e.length?n<0?x(e)?t.stylize(RegExp.prototype.toString.call(e),\"regexp\"):t.stylize(\"[Object]\",\"special\"):(t.seen.push(e),c=M?function(t,e,r,n,i){for(var a=[],o=0,s=e.length;o=0&&0,t+e.replace(/\\u001b\\[\\d\\d?m/g,\"\").length+1},0)>60)return r[0]+(\"\"===e?\"\":e+\"\\n \")+\" \"+t.join(\",\\n \")+\" \"+r[1];return r[0]+e+\" \"+t.join(\", \")+\" \"+r[1]}(c,b,A)):A[0]+b+A[1]}function f(t){return\"[\"+Error.prototype.toString.call(t)+\"]\"}function h(t,e,r,n,i,a){var o,s,l;if((l=Object.getOwnPropertyDescriptor(e,i)||{value:e[i]}).get?s=l.set?t.stylize(\"[Getter/Setter]\",\"special\"):t.stylize(\"[Getter]\",\"special\"):l.set&&(s=t.stylize(\"[Setter]\",\"special\")),S(n,i)||(o=\"[\"+i+\"]\"),s||(t.seen.indexOf(l.value)<0?(s=g(r)?u(t,l.value,null):u(t,l.value,r-1)).indexOf(\"\\n\")>-1&&(s=a?s.split(\"\\n\").map(function(t){return\" \"+t}).join(\"\\n\").substr(2):\"\\n\"+s.split(\"\\n\").map(function(t){return\" \"+t}).join(\"\\n\")):s=t.stylize(\"[Circular]\",\"special\")),y(o)){if(a&&i.match(/^\\d+$/))return s;(o=JSON.stringify(\"\"+i)).match(/^\"([a-zA-Z_][a-zA-Z_0-9]*)\"$/)?(o=o.substr(1,o.length-2),o=t.stylize(o,\"name\")):(o=o.replace(/'/g,\"\\\\'\").replace(/\\\\\"/g,'\"').replace(/(^\"|\"$)/g,\"'\"),o=t.stylize(o,\"string\"))}return o+\": \"+s}function p(t){return Array.isArray(t)}function d(t){return\"boolean\"==typeof t}function g(t){return null===t}function v(t){return\"number\"==typeof t}function m(t){return\"string\"==typeof t}function y(t){return void 0===t}function x(t){return b(t)&&\"[object RegExp]\"===M(t)}function b(t){return\"object\"==typeof t&&null!==t}function _(t){return b(t)&&\"[object Date]\"===M(t)}function w(t){return b(t)&&(\"[object Error]\"===M(t)||t instanceof Error)}function k(t){return\"function\"==typeof t}function M(t){return Object.prototype.toString.call(t)}function A(t){return t<10?\"0\"+t.toString(10):t.toString(10)}r.debuglog=function(t){if(y(a)&&(a=e.env.NODE_DEBUG||\"\"),t=t.toUpperCase(),!o[t])if(new RegExp(\"\\\\b\"+t+\"\\\\b\",\"i\").test(a)){var n=e.pid;o[t]=function(){var e=r.format.apply(r,arguments);console.error(\"%s %d: %s\",t,n,e)}}else o[t]=function(){};return o[t]},r.inspect=s,s.colors={bold:[1,22],italic:[3,23],underline:[4,24],inverse:[7,27],white:[37,39],grey:[90,39],black:[30,39],blue:[34,39],cyan:[36,39],green:[32,39],magenta:[35,39],red:[31,39],yellow:[33,39]},s.styles={special:\"cyan\",number:\"yellow\",boolean:\"yellow\",undefined:\"grey\",null:\"bold\",string:\"green\",date:\"magenta\",regexp:\"red\"},r.isArray=p,r.isBoolean=d,r.isNull=g,r.isNullOrUndefined=function(t){return null==t},r.isNumber=v,r.isString=m,r.isSymbol=function(t){return\"symbol\"==typeof t},r.isUndefined=y,r.isRegExp=x,r.isObject=b,r.isDate=_,r.isError=w,r.isFunction=k,r.isPrimitive=function(t){return null===t||\"boolean\"==typeof t||\"number\"==typeof t||\"string\"==typeof t||\"symbol\"==typeof t||\"undefined\"==typeof t},r.isBuffer=t(\"./support/isBuffer\");var T=[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"];function S(t,e){return Object.prototype.hasOwnProperty.call(t,e)}r.log=function(){var t,e;console.log(\"%s - %s\",(t=new Date,e=[A(t.getHours()),A(t.getMinutes()),A(t.getSeconds())].join(\":\"),[t.getDate(),T[t.getMonth()],e].join(\" \")),r.format.apply(r,arguments))},r.inherits=t(\"inherits\"),r._extend=function(t,e){if(!e||!b(e))return t;for(var r=Object.keys(e),n=r.length;n--;)t[r[n]]=e[r[n]];return t}}).call(this,t(\"_process\"),\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"./support/isBuffer\":58,_process:465,inherits:57}],60:[function(t,e,r){e.exports=function(t){return atob(t)}},{}],61:[function(t,e,r){\"use strict\";e.exports=function(t,e){for(var r=e.length,a=new Array(r+1),o=0;o0?n-4:n,f=0;f>16&255,s[l++]=e>>8&255,s[l++]=255&e;2===o&&(e=i[t.charCodeAt(f)]<<2|i[t.charCodeAt(f+1)]>>4,s[l++]=255&e);1===o&&(e=i[t.charCodeAt(f)]<<10|i[t.charCodeAt(f+1)]<<4|i[t.charCodeAt(f+2)]>>2,s[l++]=e>>8&255,s[l++]=255&e);return s},r.fromByteArray=function(t){for(var e,r=t.length,i=r%3,a=[],o=0,s=r-i;os?s:o+16383));1===i?(e=t[r-1],a.push(n[e>>2]+n[e<<4&63]+\"==\")):2===i&&(e=(t[r-2]<<8)+t[r-1],a.push(n[e>>10]+n[e>>4&63]+n[e<<2&63]+\"=\"));return a.join(\"\")};for(var n=[],i=[],a=\"undefined\"!=typeof Uint8Array?Uint8Array:Array,o=\"ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/\",s=0,l=o.length;s0)throw new Error(\"Invalid string. Length must be a multiple of 4\");var r=t.indexOf(\"=\");return-1===r&&(r=e),[r,r===e?0:4-r%4]}function u(t,e,r){for(var i,a,o=[],s=e;s>18&63]+n[a>>12&63]+n[a>>6&63]+n[63&a]);return o.join(\"\")}i[\"-\".charCodeAt(0)]=62,i[\"_\".charCodeAt(0)]=63},{}],63:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[1]).add(e[0].mul(t[1])),t[1].mul(e[1]))}},{\"./lib/rationalize\":73}],64:[function(t,e,r){\"use strict\";e.exports=function(t,e){return t[0].mul(e[1]).cmp(e[0].mul(t[1]))}},{}],65:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[1]),t[1].mul(e[0]))}},{\"./lib/rationalize\":73}],66:[function(t,e,r){\"use strict\";var n=t(\"./is-rat\"),i=t(\"./lib/is-bn\"),a=t(\"./lib/num-to-bn\"),o=t(\"./lib/str-to-bn\"),s=t(\"./lib/rationalize\"),l=t(\"./div\");e.exports=function t(e,r){if(n(e))return r?l(e,t(r)):[e[0].clone(),e[1].clone()];var c=0;var u,f;if(i(e))u=e.clone();else if(\"string\"==typeof e)u=o(e);else{if(0===e)return[a(0),a(1)];if(e===Math.floor(e))u=a(e);else{for(;e!==Math.floor(e);)e*=Math.pow(2,256),c-=256;u=a(e)}}if(n(r))u.mul(r[1]),f=r[0].clone();else if(i(r))f=r.clone();else if(\"string\"==typeof r)f=o(r);else if(r)if(r===Math.floor(r))f=a(r);else{for(;r!==Math.floor(r);)r*=Math.pow(2,256),c+=256;f=a(r)}else f=a(1);c>0?u=u.ushln(c):c<0&&(f=f.ushln(-c));return s(u,f)}},{\"./div\":65,\"./is-rat\":67,\"./lib/is-bn\":71,\"./lib/num-to-bn\":72,\"./lib/rationalize\":73,\"./lib/str-to-bn\":74}],67:[function(t,e,r){\"use strict\";var n=t(\"./lib/is-bn\");e.exports=function(t){return Array.isArray(t)&&2===t.length&&n(t[0])&&n(t[1])}},{\"./lib/is-bn\":71}],68:[function(t,e,r){\"use strict\";var n=t(\"bn.js\");e.exports=function(t){return t.cmp(new n(0))}},{\"bn.js\":82}],69:[function(t,e,r){\"use strict\";var n=t(\"./bn-sign\");e.exports=function(t){var e=t.length,r=t.words,i=0;if(1===e)i=r[0];else if(2===e)i=r[0]+67108864*r[1];else for(var a=0;a20)return 52;return r+32}},{\"bit-twiddle\":80,\"double-bits\":152}],71:[function(t,e,r){\"use strict\";t(\"bn.js\");e.exports=function(t){return t&&\"object\"==typeof t&&Boolean(t.words)}},{\"bn.js\":82}],72:[function(t,e,r){\"use strict\";var n=t(\"bn.js\"),i=t(\"double-bits\");e.exports=function(t){var e=i.exponent(t);return e<52?new n(t):new n(t*Math.pow(2,52-e)).ushln(e-52)}},{\"bn.js\":82,\"double-bits\":152}],73:[function(t,e,r){\"use strict\";var n=t(\"./num-to-bn\"),i=t(\"./bn-sign\");e.exports=function(t,e){var r=i(t),a=i(e);if(0===r)return[n(0),n(1)];if(0===a)return[n(0),n(0)];a<0&&(t=t.neg(),e=e.neg());var o=t.gcd(e);if(o.cmpn(1))return[t.div(o),e.div(o)];return[t,e]}},{\"./bn-sign\":68,\"./num-to-bn\":72}],74:[function(t,e,r){\"use strict\";var n=t(\"bn.js\");e.exports=function(t){return new n(t)}},{\"bn.js\":82}],75:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[0]),t[1].mul(e[1]))}},{\"./lib/rationalize\":73}],76:[function(t,e,r){\"use strict\";var n=t(\"./lib/bn-sign\");e.exports=function(t){return n(t[0])*n(t[1])}},{\"./lib/bn-sign\":68}],77:[function(t,e,r){\"use strict\";var n=t(\"./lib/rationalize\");e.exports=function(t,e){return n(t[0].mul(e[1]).sub(t[1].mul(e[0])),t[1].mul(e[1]))}},{\"./lib/rationalize\":73}],78:[function(t,e,r){\"use strict\";var n=t(\"./lib/bn-to-num\"),i=t(\"./lib/ctz\");e.exports=function(t){var e=t[0],r=t[1];if(0===e.cmpn(0))return 0;var a=e.abs().divmod(r.abs()),o=a.div,s=n(o),l=a.mod,c=e.negative!==r.negative?-1:1;if(0===l.cmpn(0))return c*s;if(s){var u=i(s)+4,f=n(l.ushln(u).divRound(r));return c*(s+f*Math.pow(2,-u))}var h=r.bitLength()-l.bitLength()+53,f=n(l.ushln(h).divRound(r));return h<1023?c*f*Math.pow(2,-h):(f*=Math.pow(2,-1023),c*f*Math.pow(2,1023-h))}},{\"./lib/bn-to-num\":69,\"./lib/ctz\":70}],79:[function(t,e,r){\"use strict\";function n(t,e,r,n,i,a){var o=[\"function \",t,\"(a,l,h,\",n.join(\",\"),\"){\",a?\"\":\"var i=\",r?\"l-1\":\"h+1\",\";while(l<=h){var m=(l+h)>>>1,x=a\",i?\".get(m)\":\"[m]\"];return a?e.indexOf(\"c\")<0?o.push(\";if(x===y){return m}else if(x<=y){\"):o.push(\";var p=c(x,y);if(p===0){return m}else if(p<=0){\"):o.push(\";if(\",e,\"){i=m;\"),r?o.push(\"l=m+1}else{h=m-1}\"):o.push(\"h=m-1}else{l=m+1}\"),o.push(\"}\"),a?o.push(\"return -1};\"):o.push(\"return i};\"),o.join(\"\")}function i(t,e,r,i){return new Function([n(\"A\",\"x\"+t+\"y\",e,[\"y\"],!1,i),n(\"B\",\"x\"+t+\"y\",e,[\"y\"],!0,i),n(\"P\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!1,i),n(\"Q\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],!0,i),\"function dispatchBsearch\",r,\"(a,y,c,l,h){if(a.shape){if(typeof(c)==='function'){return Q(a,(l===undefined)?0:l|0,(h===undefined)?a.shape[0]-1:h|0,y,c)}else{return B(a,(c===undefined)?0:c|0,(l===undefined)?a.shape[0]-1:l|0,y)}}else{if(typeof(c)==='function'){return P(a,(l===undefined)?0:l|0,(h===undefined)?a.length-1:h|0,y,c)}else{return A(a,(c===undefined)?0:c|0,(l===undefined)?a.length-1:l|0,y)}}}return dispatchBsearch\",r].join(\"\"))()}e.exports={ge:i(\">=\",!1,\"GE\"),gt:i(\">\",!1,\"GT\"),lt:i(\"<\",!0,\"LT\"),le:i(\"<=\",!0,\"LE\"),eq:i(\"-\",!0,\"EQ\",!0)}},{}],80:[function(t,e,r){\"use strict\";function n(t){var e=32;return(t&=-t)&&e--,65535&t&&(e-=16),16711935&t&&(e-=8),252645135&t&&(e-=4),858993459&t&&(e-=2),1431655765&t&&(e-=1),e}r.INT_BITS=32,r.INT_MAX=2147483647,r.INT_MIN=-1<<31,r.sign=function(t){return(t>0)-(t<0)},r.abs=function(t){var e=t>>31;return(t^e)-e},r.min=function(t,e){return e^(t^e)&-(t65535)<<4,e|=r=((t>>>=e)>255)<<3,e|=r=((t>>>=r)>15)<<2,(e|=r=((t>>>=r)>3)<<1)|(t>>>=r)>>1},r.log10=function(t){return t>=1e9?9:t>=1e8?8:t>=1e7?7:t>=1e6?6:t>=1e5?5:t>=1e4?4:t>=1e3?3:t>=100?2:t>=10?1:0},r.popCount=function(t){return 16843009*((t=(858993459&(t-=t>>>1&1431655765))+(t>>>2&858993459))+(t>>>4)&252645135)>>>24},r.countTrailingZeros=n,r.nextPow2=function(t){return t+=0===t,--t,t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)+1},r.prevPow2=function(t){return t|=t>>>1,t|=t>>>2,t|=t>>>4,t|=t>>>8,(t|=t>>>16)-(t>>>1)},r.parity=function(t){return t^=t>>>16,t^=t>>>8,t^=t>>>4,27030>>>(t&=15)&1};var i=new Array(256);!function(t){for(var e=0;e<256;++e){var r=e,n=e,i=7;for(r>>>=1;r;r>>>=1)n<<=1,n|=1&r,--i;t[e]=n<>>8&255]<<16|i[t>>>16&255]<<8|i[t>>>24&255]},r.interleave2=function(t,e){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t&=65535)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e&=65535)|e<<8))|e<<4))|e<<2))|e<<1))<<1},r.deinterleave2=function(t,e){return(t=65535&((t=16711935&((t=252645135&((t=858993459&((t=t>>>e&1431655765)|t>>>1))|t>>>2))|t>>>4))|t>>>16))<<16>>16},r.interleave3=function(t,e,r){return t=1227133513&((t=3272356035&((t=251719695&((t=4278190335&((t&=1023)|t<<16))|t<<8))|t<<4))|t<<2),(t|=(e=1227133513&((e=3272356035&((e=251719695&((e=4278190335&((e&=1023)|e<<16))|e<<8))|e<<4))|e<<2))<<1)|(r=1227133513&((r=3272356035&((r=251719695&((r=4278190335&((r&=1023)|r<<16))|r<<8))|r<<4))|r<<2))<<2},r.deinterleave3=function(t,e){return(t=1023&((t=4278190335&((t=251719695&((t=3272356035&((t=t>>>e&1227133513)|t>>>2))|t>>>4))|t>>>8))|t>>>16))<<22>>22},r.nextCombination=function(t){var e=t|t-1;return e+1|(~e&-~e)-1>>>n(t)+1}},{}],81:[function(t,e,r){\"use strict\";var n=t(\"clamp\");e.exports=function(t,e){e||(e={});var r,o,s,l,c,u,f,h,p,d,g,v=null==e.cutoff?.25:e.cutoff,m=null==e.radius?8:e.radius,y=e.channel||0;if(ArrayBuffer.isView(t)||Array.isArray(t)){if(!e.width||!e.height)throw Error(\"For raw data width and height should be provided by options\");r=e.width,o=e.height,l=t,u=e.stride?e.stride:Math.floor(t.length/r/o)}else window.HTMLCanvasElement&&t instanceof window.HTMLCanvasElement?(f=(h=t).getContext(\"2d\"),r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.CanvasRenderingContext2D&&t instanceof window.CanvasRenderingContext2D?(h=t.canvas,f=t,r=h.width,o=h.height,p=f.getImageData(0,0,r,o),l=p.data,u=4):window.ImageData&&t instanceof window.ImageData&&(p=t,r=t.width,o=t.height,l=p.data,u=4);if(s=Math.max(r,o),window.Uint8ClampedArray&&l instanceof window.Uint8ClampedArray||window.Uint8Array&&l instanceof window.Uint8Array)for(c=l,l=Array(r*o),d=0,g=c.length;d=49&&o<=54?o-49+10:o>=17&&o<=22?o-17+10:15&o}return n}function l(t,e,r,n){for(var i=0,a=Math.min(t.length,r),o=e;o=49?s-49+10:s>=17?s-17+10:s}return i}a.isBN=function(t){return t instanceof a||null!==t&&\"object\"==typeof t&&t.constructor.wordSize===a.wordSize&&Array.isArray(t.words)},a.max=function(t,e){return t.cmp(e)>0?t:e},a.min=function(t,e){return t.cmp(e)<0?t:e},a.prototype._init=function(t,e,r){if(\"number\"==typeof t)return this._initNumber(t,e,r);if(\"object\"==typeof t)return this._initArray(t,e,r);\"hex\"===e&&(e=16),n(e===(0|e)&&e>=2&&e<=36);var i=0;\"-\"===(t=t.toString().replace(/\\s+/g,\"\"))[0]&&i++,16===e?this._parseHex(t,i):this._parseBase(t,e,i),\"-\"===t[0]&&(this.negative=1),this.strip(),\"le\"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initNumber=function(t,e,r){t<0&&(this.negative=1,t=-t),t<67108864?(this.words=[67108863&t],this.length=1):t<4503599627370496?(this.words=[67108863&t,t/67108864&67108863],this.length=2):(n(t<9007199254740992),this.words=[67108863&t,t/67108864&67108863,1],this.length=3),\"le\"===r&&this._initArray(this.toArray(),e,r)},a.prototype._initArray=function(t,e,r){if(n(\"number\"==typeof t.length),t.length<=0)return this.words=[0],this.length=1,this;this.length=Math.ceil(t.length/3),this.words=new Array(this.length);for(var i=0;i=0;i-=3)o=t[i]|t[i-1]<<8|t[i-2]<<16,this.words[a]|=o<>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);else if(\"le\"===r)for(i=0,a=0;i>>26-s&67108863,(s+=24)>=26&&(s-=26,a++);return this.strip()},a.prototype._parseHex=function(t,e){this.length=Math.ceil((t.length-e)/6),this.words=new Array(this.length);for(var r=0;r=e;r-=6)i=s(t,r,r+6),this.words[n]|=i<>>26-a&4194303,(a+=24)>=26&&(a-=26,n++);r+6!==e&&(i=s(t,e,r+6),this.words[n]|=i<>>26-a&4194303),this.strip()},a.prototype._parseBase=function(t,e,r){this.words=[0],this.length=1;for(var n=0,i=1;i<=67108863;i*=e)n++;n--,i=i/e|0;for(var a=t.length-r,o=a%n,s=Math.min(a,a-o)+r,c=0,u=r;u1&&0===this.words[this.length-1];)this.length--;return this._normSign()},a.prototype._normSign=function(){return 1===this.length&&0===this.words[0]&&(this.negative=0),this},a.prototype.inspect=function(){return(this.red?\"\"};var c=[\"\",\"0\",\"00\",\"000\",\"0000\",\"00000\",\"000000\",\"0000000\",\"00000000\",\"000000000\",\"0000000000\",\"00000000000\",\"000000000000\",\"0000000000000\",\"00000000000000\",\"000000000000000\",\"0000000000000000\",\"00000000000000000\",\"000000000000000000\",\"0000000000000000000\",\"00000000000000000000\",\"000000000000000000000\",\"0000000000000000000000\",\"00000000000000000000000\",\"000000000000000000000000\",\"0000000000000000000000000\"],u=[0,0,25,16,12,11,10,9,8,8,7,7,7,7,6,6,6,6,6,6,6,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5,5],f=[0,0,33554432,43046721,16777216,48828125,60466176,40353607,16777216,43046721,1e7,19487171,35831808,62748517,7529536,11390625,16777216,24137569,34012224,47045881,64e6,4084101,5153632,6436343,7962624,9765625,11881376,14348907,17210368,20511149,243e5,28629151,33554432,39135393,45435424,52521875,60466176];function h(t,e,r){r.negative=e.negative^t.negative;var n=t.length+e.length|0;r.length=n,n=n-1|0;var i=0|t.words[0],a=0|e.words[0],o=i*a,s=67108863&o,l=o/67108864|0;r.words[0]=s;for(var c=1;c>>26,f=67108863&l,h=Math.min(c,e.length-1),p=Math.max(0,c-t.length+1);p<=h;p++){var d=c-p|0;u+=(o=(i=0|t.words[d])*(a=0|e.words[p])+f)/67108864|0,f=67108863&o}r.words[c]=0|f,l=0|u}return 0!==l?r.words[c]=0|l:r.length--,r.strip()}a.prototype.toString=function(t,e){var r;if(e=0|e||1,16===(t=t||10)||\"hex\"===t){r=\"\";for(var i=0,a=0,o=0;o>>24-i&16777215)||o!==this.length-1?c[6-l.length]+l+r:l+r,(i+=2)>=26&&(i-=26,o--)}for(0!==a&&(r=a.toString(16)+r);r.length%e!=0;)r=\"0\"+r;return 0!==this.negative&&(r=\"-\"+r),r}if(t===(0|t)&&t>=2&&t<=36){var h=u[t],p=f[t];r=\"\";var d=this.clone();for(d.negative=0;!d.isZero();){var g=d.modn(p).toString(t);r=(d=d.idivn(p)).isZero()?g+r:c[h-g.length]+g+r}for(this.isZero()&&(r=\"0\"+r);r.length%e!=0;)r=\"0\"+r;return 0!==this.negative&&(r=\"-\"+r),r}n(!1,\"Base should be between 2 and 36\")},a.prototype.toNumber=function(){var t=this.words[0];return 2===this.length?t+=67108864*this.words[1]:3===this.length&&1===this.words[2]?t+=4503599627370496+67108864*this.words[1]:this.length>2&&n(!1,\"Number can only safely store up to 53 bits\"),0!==this.negative?-t:t},a.prototype.toJSON=function(){return this.toString(16)},a.prototype.toBuffer=function(t,e){return n(\"undefined\"!=typeof o),this.toArrayLike(o,t,e)},a.prototype.toArray=function(t,e){return this.toArrayLike(Array,t,e)},a.prototype.toArrayLike=function(t,e,r){var i=this.byteLength(),a=r||Math.max(1,i);n(i<=a,\"byte array longer than desired length\"),n(a>0,\"Requested array length <= 0\"),this.strip();var o,s,l=\"le\"===e,c=new t(a),u=this.clone();if(l){for(s=0;!u.isZero();s++)o=u.andln(255),u.iushrn(8),c[s]=o;for(;s=4096&&(r+=13,e>>>=13),e>=64&&(r+=7,e>>>=7),e>=8&&(r+=4,e>>>=4),e>=2&&(r+=2,e>>>=2),r+e},a.prototype._zeroBits=function(t){if(0===t)return 26;var e=t,r=0;return 0==(8191&e)&&(r+=13,e>>>=13),0==(127&e)&&(r+=7,e>>>=7),0==(15&e)&&(r+=4,e>>>=4),0==(3&e)&&(r+=2,e>>>=2),0==(1&e)&&r++,r},a.prototype.bitLength=function(){var t=this.words[this.length-1],e=this._countBits(t);return 26*(this.length-1)+e},a.prototype.zeroBits=function(){if(this.isZero())return 0;for(var t=0,e=0;et.length?this.clone().ior(t):t.clone().ior(this)},a.prototype.uor=function(t){return this.length>t.length?this.clone().iuor(t):t.clone().iuor(this)},a.prototype.iuand=function(t){var e;e=this.length>t.length?t:this;for(var r=0;rt.length?this.clone().iand(t):t.clone().iand(this)},a.prototype.uand=function(t){return this.length>t.length?this.clone().iuand(t):t.clone().iuand(this)},a.prototype.iuxor=function(t){var e,r;this.length>t.length?(e=this,r=t):(e=t,r=this);for(var n=0;nt.length?this.clone().ixor(t):t.clone().ixor(this)},a.prototype.uxor=function(t){return this.length>t.length?this.clone().iuxor(t):t.clone().iuxor(this)},a.prototype.inotn=function(t){n(\"number\"==typeof t&&t>=0);var e=0|Math.ceil(t/26),r=t%26;this._expand(e),r>0&&e--;for(var i=0;i0&&(this.words[i]=~this.words[i]&67108863>>26-r),this.strip()},a.prototype.notn=function(t){return this.clone().inotn(t)},a.prototype.setn=function(t,e){n(\"number\"==typeof t&&t>=0);var r=t/26|0,i=t%26;return this._expand(r+1),this.words[r]=e?this.words[r]|1<t.length?(r=this,n=t):(r=t,n=this);for(var i=0,a=0;a>>26;for(;0!==i&&a>>26;if(this.length=r.length,0!==i)this.words[this.length]=i,this.length++;else if(r!==this)for(;at.length?this.clone().iadd(t):t.clone().iadd(this)},a.prototype.isub=function(t){if(0!==t.negative){t.negative=0;var e=this.iadd(t);return t.negative=1,e._normSign()}if(0!==this.negative)return this.negative=0,this.iadd(t),this.negative=1,this._normSign();var r,n,i=this.cmp(t);if(0===i)return this.negative=0,this.length=1,this.words[0]=0,this;i>0?(r=this,n=t):(r=t,n=this);for(var a=0,o=0;o>26,this.words[o]=67108863&e;for(;0!==a&&o>26,this.words[o]=67108863&e;if(0===a&&o>>13,p=0|o[1],d=8191&p,g=p>>>13,v=0|o[2],m=8191&v,y=v>>>13,x=0|o[3],b=8191&x,_=x>>>13,w=0|o[4],k=8191&w,M=w>>>13,A=0|o[5],T=8191&A,S=A>>>13,E=0|o[6],C=8191&E,L=E>>>13,z=0|o[7],O=8191&z,I=z>>>13,P=0|o[8],D=8191&P,R=P>>>13,B=0|o[9],F=8191&B,N=B>>>13,j=0|s[0],V=8191&j,U=j>>>13,q=0|s[1],H=8191&q,G=q>>>13,W=0|s[2],Y=8191&W,X=W>>>13,Z=0|s[3],$=8191&Z,J=Z>>>13,K=0|s[4],Q=8191&K,tt=K>>>13,et=0|s[5],rt=8191&et,nt=et>>>13,it=0|s[6],at=8191&it,ot=it>>>13,st=0|s[7],lt=8191&st,ct=st>>>13,ut=0|s[8],ft=8191&ut,ht=ut>>>13,pt=0|s[9],dt=8191&pt,gt=pt>>>13;r.negative=t.negative^e.negative,r.length=19;var vt=(c+(n=Math.imul(f,V))|0)+((8191&(i=(i=Math.imul(f,U))+Math.imul(h,V)|0))<<13)|0;c=((a=Math.imul(h,U))+(i>>>13)|0)+(vt>>>26)|0,vt&=67108863,n=Math.imul(d,V),i=(i=Math.imul(d,U))+Math.imul(g,V)|0,a=Math.imul(g,U);var mt=(c+(n=n+Math.imul(f,H)|0)|0)+((8191&(i=(i=i+Math.imul(f,G)|0)+Math.imul(h,H)|0))<<13)|0;c=((a=a+Math.imul(h,G)|0)+(i>>>13)|0)+(mt>>>26)|0,mt&=67108863,n=Math.imul(m,V),i=(i=Math.imul(m,U))+Math.imul(y,V)|0,a=Math.imul(y,U),n=n+Math.imul(d,H)|0,i=(i=i+Math.imul(d,G)|0)+Math.imul(g,H)|0,a=a+Math.imul(g,G)|0;var yt=(c+(n=n+Math.imul(f,Y)|0)|0)+((8191&(i=(i=i+Math.imul(f,X)|0)+Math.imul(h,Y)|0))<<13)|0;c=((a=a+Math.imul(h,X)|0)+(i>>>13)|0)+(yt>>>26)|0,yt&=67108863,n=Math.imul(b,V),i=(i=Math.imul(b,U))+Math.imul(_,V)|0,a=Math.imul(_,U),n=n+Math.imul(m,H)|0,i=(i=i+Math.imul(m,G)|0)+Math.imul(y,H)|0,a=a+Math.imul(y,G)|0,n=n+Math.imul(d,Y)|0,i=(i=i+Math.imul(d,X)|0)+Math.imul(g,Y)|0,a=a+Math.imul(g,X)|0;var xt=(c+(n=n+Math.imul(f,$)|0)|0)+((8191&(i=(i=i+Math.imul(f,J)|0)+Math.imul(h,$)|0))<<13)|0;c=((a=a+Math.imul(h,J)|0)+(i>>>13)|0)+(xt>>>26)|0,xt&=67108863,n=Math.imul(k,V),i=(i=Math.imul(k,U))+Math.imul(M,V)|0,a=Math.imul(M,U),n=n+Math.imul(b,H)|0,i=(i=i+Math.imul(b,G)|0)+Math.imul(_,H)|0,a=a+Math.imul(_,G)|0,n=n+Math.imul(m,Y)|0,i=(i=i+Math.imul(m,X)|0)+Math.imul(y,Y)|0,a=a+Math.imul(y,X)|0,n=n+Math.imul(d,$)|0,i=(i=i+Math.imul(d,J)|0)+Math.imul(g,$)|0,a=a+Math.imul(g,J)|0;var bt=(c+(n=n+Math.imul(f,Q)|0)|0)+((8191&(i=(i=i+Math.imul(f,tt)|0)+Math.imul(h,Q)|0))<<13)|0;c=((a=a+Math.imul(h,tt)|0)+(i>>>13)|0)+(bt>>>26)|0,bt&=67108863,n=Math.imul(T,V),i=(i=Math.imul(T,U))+Math.imul(S,V)|0,a=Math.imul(S,U),n=n+Math.imul(k,H)|0,i=(i=i+Math.imul(k,G)|0)+Math.imul(M,H)|0,a=a+Math.imul(M,G)|0,n=n+Math.imul(b,Y)|0,i=(i=i+Math.imul(b,X)|0)+Math.imul(_,Y)|0,a=a+Math.imul(_,X)|0,n=n+Math.imul(m,$)|0,i=(i=i+Math.imul(m,J)|0)+Math.imul(y,$)|0,a=a+Math.imul(y,J)|0,n=n+Math.imul(d,Q)|0,i=(i=i+Math.imul(d,tt)|0)+Math.imul(g,Q)|0,a=a+Math.imul(g,tt)|0;var _t=(c+(n=n+Math.imul(f,rt)|0)|0)+((8191&(i=(i=i+Math.imul(f,nt)|0)+Math.imul(h,rt)|0))<<13)|0;c=((a=a+Math.imul(h,nt)|0)+(i>>>13)|0)+(_t>>>26)|0,_t&=67108863,n=Math.imul(C,V),i=(i=Math.imul(C,U))+Math.imul(L,V)|0,a=Math.imul(L,U),n=n+Math.imul(T,H)|0,i=(i=i+Math.imul(T,G)|0)+Math.imul(S,H)|0,a=a+Math.imul(S,G)|0,n=n+Math.imul(k,Y)|0,i=(i=i+Math.imul(k,X)|0)+Math.imul(M,Y)|0,a=a+Math.imul(M,X)|0,n=n+Math.imul(b,$)|0,i=(i=i+Math.imul(b,J)|0)+Math.imul(_,$)|0,a=a+Math.imul(_,J)|0,n=n+Math.imul(m,Q)|0,i=(i=i+Math.imul(m,tt)|0)+Math.imul(y,Q)|0,a=a+Math.imul(y,tt)|0,n=n+Math.imul(d,rt)|0,i=(i=i+Math.imul(d,nt)|0)+Math.imul(g,rt)|0,a=a+Math.imul(g,nt)|0;var wt=(c+(n=n+Math.imul(f,at)|0)|0)+((8191&(i=(i=i+Math.imul(f,ot)|0)+Math.imul(h,at)|0))<<13)|0;c=((a=a+Math.imul(h,ot)|0)+(i>>>13)|0)+(wt>>>26)|0,wt&=67108863,n=Math.imul(O,V),i=(i=Math.imul(O,U))+Math.imul(I,V)|0,a=Math.imul(I,U),n=n+Math.imul(C,H)|0,i=(i=i+Math.imul(C,G)|0)+Math.imul(L,H)|0,a=a+Math.imul(L,G)|0,n=n+Math.imul(T,Y)|0,i=(i=i+Math.imul(T,X)|0)+Math.imul(S,Y)|0,a=a+Math.imul(S,X)|0,n=n+Math.imul(k,$)|0,i=(i=i+Math.imul(k,J)|0)+Math.imul(M,$)|0,a=a+Math.imul(M,J)|0,n=n+Math.imul(b,Q)|0,i=(i=i+Math.imul(b,tt)|0)+Math.imul(_,Q)|0,a=a+Math.imul(_,tt)|0,n=n+Math.imul(m,rt)|0,i=(i=i+Math.imul(m,nt)|0)+Math.imul(y,rt)|0,a=a+Math.imul(y,nt)|0,n=n+Math.imul(d,at)|0,i=(i=i+Math.imul(d,ot)|0)+Math.imul(g,at)|0,a=a+Math.imul(g,ot)|0;var kt=(c+(n=n+Math.imul(f,lt)|0)|0)+((8191&(i=(i=i+Math.imul(f,ct)|0)+Math.imul(h,lt)|0))<<13)|0;c=((a=a+Math.imul(h,ct)|0)+(i>>>13)|0)+(kt>>>26)|0,kt&=67108863,n=Math.imul(D,V),i=(i=Math.imul(D,U))+Math.imul(R,V)|0,a=Math.imul(R,U),n=n+Math.imul(O,H)|0,i=(i=i+Math.imul(O,G)|0)+Math.imul(I,H)|0,a=a+Math.imul(I,G)|0,n=n+Math.imul(C,Y)|0,i=(i=i+Math.imul(C,X)|0)+Math.imul(L,Y)|0,a=a+Math.imul(L,X)|0,n=n+Math.imul(T,$)|0,i=(i=i+Math.imul(T,J)|0)+Math.imul(S,$)|0,a=a+Math.imul(S,J)|0,n=n+Math.imul(k,Q)|0,i=(i=i+Math.imul(k,tt)|0)+Math.imul(M,Q)|0,a=a+Math.imul(M,tt)|0,n=n+Math.imul(b,rt)|0,i=(i=i+Math.imul(b,nt)|0)+Math.imul(_,rt)|0,a=a+Math.imul(_,nt)|0,n=n+Math.imul(m,at)|0,i=(i=i+Math.imul(m,ot)|0)+Math.imul(y,at)|0,a=a+Math.imul(y,ot)|0,n=n+Math.imul(d,lt)|0,i=(i=i+Math.imul(d,ct)|0)+Math.imul(g,lt)|0,a=a+Math.imul(g,ct)|0;var Mt=(c+(n=n+Math.imul(f,ft)|0)|0)+((8191&(i=(i=i+Math.imul(f,ht)|0)+Math.imul(h,ft)|0))<<13)|0;c=((a=a+Math.imul(h,ht)|0)+(i>>>13)|0)+(Mt>>>26)|0,Mt&=67108863,n=Math.imul(F,V),i=(i=Math.imul(F,U))+Math.imul(N,V)|0,a=Math.imul(N,U),n=n+Math.imul(D,H)|0,i=(i=i+Math.imul(D,G)|0)+Math.imul(R,H)|0,a=a+Math.imul(R,G)|0,n=n+Math.imul(O,Y)|0,i=(i=i+Math.imul(O,X)|0)+Math.imul(I,Y)|0,a=a+Math.imul(I,X)|0,n=n+Math.imul(C,$)|0,i=(i=i+Math.imul(C,J)|0)+Math.imul(L,$)|0,a=a+Math.imul(L,J)|0,n=n+Math.imul(T,Q)|0,i=(i=i+Math.imul(T,tt)|0)+Math.imul(S,Q)|0,a=a+Math.imul(S,tt)|0,n=n+Math.imul(k,rt)|0,i=(i=i+Math.imul(k,nt)|0)+Math.imul(M,rt)|0,a=a+Math.imul(M,nt)|0,n=n+Math.imul(b,at)|0,i=(i=i+Math.imul(b,ot)|0)+Math.imul(_,at)|0,a=a+Math.imul(_,ot)|0,n=n+Math.imul(m,lt)|0,i=(i=i+Math.imul(m,ct)|0)+Math.imul(y,lt)|0,a=a+Math.imul(y,ct)|0,n=n+Math.imul(d,ft)|0,i=(i=i+Math.imul(d,ht)|0)+Math.imul(g,ft)|0,a=a+Math.imul(g,ht)|0;var At=(c+(n=n+Math.imul(f,dt)|0)|0)+((8191&(i=(i=i+Math.imul(f,gt)|0)+Math.imul(h,dt)|0))<<13)|0;c=((a=a+Math.imul(h,gt)|0)+(i>>>13)|0)+(At>>>26)|0,At&=67108863,n=Math.imul(F,H),i=(i=Math.imul(F,G))+Math.imul(N,H)|0,a=Math.imul(N,G),n=n+Math.imul(D,Y)|0,i=(i=i+Math.imul(D,X)|0)+Math.imul(R,Y)|0,a=a+Math.imul(R,X)|0,n=n+Math.imul(O,$)|0,i=(i=i+Math.imul(O,J)|0)+Math.imul(I,$)|0,a=a+Math.imul(I,J)|0,n=n+Math.imul(C,Q)|0,i=(i=i+Math.imul(C,tt)|0)+Math.imul(L,Q)|0,a=a+Math.imul(L,tt)|0,n=n+Math.imul(T,rt)|0,i=(i=i+Math.imul(T,nt)|0)+Math.imul(S,rt)|0,a=a+Math.imul(S,nt)|0,n=n+Math.imul(k,at)|0,i=(i=i+Math.imul(k,ot)|0)+Math.imul(M,at)|0,a=a+Math.imul(M,ot)|0,n=n+Math.imul(b,lt)|0,i=(i=i+Math.imul(b,ct)|0)+Math.imul(_,lt)|0,a=a+Math.imul(_,ct)|0,n=n+Math.imul(m,ft)|0,i=(i=i+Math.imul(m,ht)|0)+Math.imul(y,ft)|0,a=a+Math.imul(y,ht)|0;var Tt=(c+(n=n+Math.imul(d,dt)|0)|0)+((8191&(i=(i=i+Math.imul(d,gt)|0)+Math.imul(g,dt)|0))<<13)|0;c=((a=a+Math.imul(g,gt)|0)+(i>>>13)|0)+(Tt>>>26)|0,Tt&=67108863,n=Math.imul(F,Y),i=(i=Math.imul(F,X))+Math.imul(N,Y)|0,a=Math.imul(N,X),n=n+Math.imul(D,$)|0,i=(i=i+Math.imul(D,J)|0)+Math.imul(R,$)|0,a=a+Math.imul(R,J)|0,n=n+Math.imul(O,Q)|0,i=(i=i+Math.imul(O,tt)|0)+Math.imul(I,Q)|0,a=a+Math.imul(I,tt)|0,n=n+Math.imul(C,rt)|0,i=(i=i+Math.imul(C,nt)|0)+Math.imul(L,rt)|0,a=a+Math.imul(L,nt)|0,n=n+Math.imul(T,at)|0,i=(i=i+Math.imul(T,ot)|0)+Math.imul(S,at)|0,a=a+Math.imul(S,ot)|0,n=n+Math.imul(k,lt)|0,i=(i=i+Math.imul(k,ct)|0)+Math.imul(M,lt)|0,a=a+Math.imul(M,ct)|0,n=n+Math.imul(b,ft)|0,i=(i=i+Math.imul(b,ht)|0)+Math.imul(_,ft)|0,a=a+Math.imul(_,ht)|0;var St=(c+(n=n+Math.imul(m,dt)|0)|0)+((8191&(i=(i=i+Math.imul(m,gt)|0)+Math.imul(y,dt)|0))<<13)|0;c=((a=a+Math.imul(y,gt)|0)+(i>>>13)|0)+(St>>>26)|0,St&=67108863,n=Math.imul(F,$),i=(i=Math.imul(F,J))+Math.imul(N,$)|0,a=Math.imul(N,J),n=n+Math.imul(D,Q)|0,i=(i=i+Math.imul(D,tt)|0)+Math.imul(R,Q)|0,a=a+Math.imul(R,tt)|0,n=n+Math.imul(O,rt)|0,i=(i=i+Math.imul(O,nt)|0)+Math.imul(I,rt)|0,a=a+Math.imul(I,nt)|0,n=n+Math.imul(C,at)|0,i=(i=i+Math.imul(C,ot)|0)+Math.imul(L,at)|0,a=a+Math.imul(L,ot)|0,n=n+Math.imul(T,lt)|0,i=(i=i+Math.imul(T,ct)|0)+Math.imul(S,lt)|0,a=a+Math.imul(S,ct)|0,n=n+Math.imul(k,ft)|0,i=(i=i+Math.imul(k,ht)|0)+Math.imul(M,ft)|0,a=a+Math.imul(M,ht)|0;var Et=(c+(n=n+Math.imul(b,dt)|0)|0)+((8191&(i=(i=i+Math.imul(b,gt)|0)+Math.imul(_,dt)|0))<<13)|0;c=((a=a+Math.imul(_,gt)|0)+(i>>>13)|0)+(Et>>>26)|0,Et&=67108863,n=Math.imul(F,Q),i=(i=Math.imul(F,tt))+Math.imul(N,Q)|0,a=Math.imul(N,tt),n=n+Math.imul(D,rt)|0,i=(i=i+Math.imul(D,nt)|0)+Math.imul(R,rt)|0,a=a+Math.imul(R,nt)|0,n=n+Math.imul(O,at)|0,i=(i=i+Math.imul(O,ot)|0)+Math.imul(I,at)|0,a=a+Math.imul(I,ot)|0,n=n+Math.imul(C,lt)|0,i=(i=i+Math.imul(C,ct)|0)+Math.imul(L,lt)|0,a=a+Math.imul(L,ct)|0,n=n+Math.imul(T,ft)|0,i=(i=i+Math.imul(T,ht)|0)+Math.imul(S,ft)|0,a=a+Math.imul(S,ht)|0;var Ct=(c+(n=n+Math.imul(k,dt)|0)|0)+((8191&(i=(i=i+Math.imul(k,gt)|0)+Math.imul(M,dt)|0))<<13)|0;c=((a=a+Math.imul(M,gt)|0)+(i>>>13)|0)+(Ct>>>26)|0,Ct&=67108863,n=Math.imul(F,rt),i=(i=Math.imul(F,nt))+Math.imul(N,rt)|0,a=Math.imul(N,nt),n=n+Math.imul(D,at)|0,i=(i=i+Math.imul(D,ot)|0)+Math.imul(R,at)|0,a=a+Math.imul(R,ot)|0,n=n+Math.imul(O,lt)|0,i=(i=i+Math.imul(O,ct)|0)+Math.imul(I,lt)|0,a=a+Math.imul(I,ct)|0,n=n+Math.imul(C,ft)|0,i=(i=i+Math.imul(C,ht)|0)+Math.imul(L,ft)|0,a=a+Math.imul(L,ht)|0;var Lt=(c+(n=n+Math.imul(T,dt)|0)|0)+((8191&(i=(i=i+Math.imul(T,gt)|0)+Math.imul(S,dt)|0))<<13)|0;c=((a=a+Math.imul(S,gt)|0)+(i>>>13)|0)+(Lt>>>26)|0,Lt&=67108863,n=Math.imul(F,at),i=(i=Math.imul(F,ot))+Math.imul(N,at)|0,a=Math.imul(N,ot),n=n+Math.imul(D,lt)|0,i=(i=i+Math.imul(D,ct)|0)+Math.imul(R,lt)|0,a=a+Math.imul(R,ct)|0,n=n+Math.imul(O,ft)|0,i=(i=i+Math.imul(O,ht)|0)+Math.imul(I,ft)|0,a=a+Math.imul(I,ht)|0;var zt=(c+(n=n+Math.imul(C,dt)|0)|0)+((8191&(i=(i=i+Math.imul(C,gt)|0)+Math.imul(L,dt)|0))<<13)|0;c=((a=a+Math.imul(L,gt)|0)+(i>>>13)|0)+(zt>>>26)|0,zt&=67108863,n=Math.imul(F,lt),i=(i=Math.imul(F,ct))+Math.imul(N,lt)|0,a=Math.imul(N,ct),n=n+Math.imul(D,ft)|0,i=(i=i+Math.imul(D,ht)|0)+Math.imul(R,ft)|0,a=a+Math.imul(R,ht)|0;var Ot=(c+(n=n+Math.imul(O,dt)|0)|0)+((8191&(i=(i=i+Math.imul(O,gt)|0)+Math.imul(I,dt)|0))<<13)|0;c=((a=a+Math.imul(I,gt)|0)+(i>>>13)|0)+(Ot>>>26)|0,Ot&=67108863,n=Math.imul(F,ft),i=(i=Math.imul(F,ht))+Math.imul(N,ft)|0,a=Math.imul(N,ht);var It=(c+(n=n+Math.imul(D,dt)|0)|0)+((8191&(i=(i=i+Math.imul(D,gt)|0)+Math.imul(R,dt)|0))<<13)|0;c=((a=a+Math.imul(R,gt)|0)+(i>>>13)|0)+(It>>>26)|0,It&=67108863;var Pt=(c+(n=Math.imul(F,dt))|0)+((8191&(i=(i=Math.imul(F,gt))+Math.imul(N,dt)|0))<<13)|0;return c=((a=Math.imul(N,gt))+(i>>>13)|0)+(Pt>>>26)|0,Pt&=67108863,l[0]=vt,l[1]=mt,l[2]=yt,l[3]=xt,l[4]=bt,l[5]=_t,l[6]=wt,l[7]=kt,l[8]=Mt,l[9]=At,l[10]=Tt,l[11]=St,l[12]=Et,l[13]=Ct,l[14]=Lt,l[15]=zt,l[16]=Ot,l[17]=It,l[18]=Pt,0!==c&&(l[19]=c,r.length++),r};function d(t,e,r){return(new g).mulp(t,e,r)}function g(t,e){this.x=t,this.y=e}Math.imul||(p=h),a.prototype.mulTo=function(t,e){var r=this.length+t.length;return 10===this.length&&10===t.length?p(this,t,e):r<63?h(this,t,e):r<1024?function(t,e,r){r.negative=e.negative^t.negative,r.length=t.length+e.length;for(var n=0,i=0,a=0;a>>26)|0)>>>26,o&=67108863}r.words[a]=s,n=o,o=i}return 0!==n?r.words[a]=n:r.length--,r.strip()}(this,t,e):d(this,t,e)},g.prototype.makeRBT=function(t){for(var e=new Array(t),r=a.prototype._countBits(t)-1,n=0;n>=1;return n},g.prototype.permute=function(t,e,r,n,i,a){for(var o=0;o>>=1)i++;return 1<>>=13,r[2*o+1]=8191&a,a>>>=13;for(o=2*e;o>=26,e+=i/67108864|0,e+=a>>>26,this.words[r]=67108863&a}return 0!==e&&(this.words[r]=e,this.length++),this},a.prototype.muln=function(t){return this.clone().imuln(t)},a.prototype.sqr=function(){return this.mul(this)},a.prototype.isqr=function(){return this.imul(this.clone())},a.prototype.pow=function(t){var e=function(t){for(var e=new Array(t.bitLength()),r=0;r>>i}return e}(t);if(0===e.length)return new a(1);for(var r=this,n=0;n=0);var e,r=t%26,i=(t-r)/26,a=67108863>>>26-r<<26-r;if(0!==r){var o=0;for(e=0;e>>26-r}o&&(this.words[e]=o,this.length++)}if(0!==i){for(e=this.length-1;e>=0;e--)this.words[e+i]=this.words[e];for(e=0;e=0),i=e?(e-e%26)/26:0;var a=t%26,o=Math.min((t-a)/26,this.length),s=67108863^67108863>>>a<o)for(this.length-=o,c=0;c=0&&(0!==u||c>=i);c--){var f=0|this.words[c];this.words[c]=u<<26-a|f>>>a,u=f&s}return l&&0!==u&&(l.words[l.length++]=u),0===this.length&&(this.words[0]=0,this.length=1),this.strip()},a.prototype.ishrn=function(t,e,r){return n(0===this.negative),this.iushrn(t,e,r)},a.prototype.shln=function(t){return this.clone().ishln(t)},a.prototype.ushln=function(t){return this.clone().iushln(t)},a.prototype.shrn=function(t){return this.clone().ishrn(t)},a.prototype.ushrn=function(t){return this.clone().iushrn(t)},a.prototype.testn=function(t){n(\"number\"==typeof t&&t>=0);var e=t%26,r=(t-e)/26,i=1<=0);var e=t%26,r=(t-e)/26;if(n(0===this.negative,\"imaskn works only with positive numbers\"),this.length<=r)return this;if(0!==e&&r++,this.length=Math.min(r,this.length),0!==e){var i=67108863^67108863>>>e<=67108864;e++)this.words[e]-=67108864,e===this.length-1?this.words[e+1]=1:this.words[e+1]++;return this.length=Math.max(this.length,e+1),this},a.prototype.isubn=function(t){if(n(\"number\"==typeof t),n(t<67108864),t<0)return this.iaddn(-t);if(0!==this.negative)return this.negative=0,this.iaddn(t),this.negative=1,this;if(this.words[0]-=t,1===this.length&&this.words[0]<0)this.words[0]=-this.words[0],this.negative=1;else for(var e=0;e>26)-(l/67108864|0),this.words[i+r]=67108863&a}for(;i>26,this.words[i+r]=67108863&a;if(0===s)return this.strip();for(n(-1===s),s=0,i=0;i>26,this.words[i]=67108863&a;return this.negative=1,this.strip()},a.prototype._wordDiv=function(t,e){var r=(this.length,t.length),n=this.clone(),i=t,o=0|i.words[i.length-1];0!==(r=26-this._countBits(o))&&(i=i.ushln(r),n.iushln(r),o=0|i.words[i.length-1]);var s,l=n.length-i.length;if(\"mod\"!==e){(s=new a(null)).length=l+1,s.words=new Array(s.length);for(var c=0;c=0;f--){var h=67108864*(0|n.words[i.length+f])+(0|n.words[i.length+f-1]);for(h=Math.min(h/o|0,67108863),n._ishlnsubmul(i,h,f);0!==n.negative;)h--,n.negative=0,n._ishlnsubmul(i,1,f),n.isZero()||(n.negative^=1);s&&(s.words[f]=h)}return s&&s.strip(),n.strip(),\"div\"!==e&&0!==r&&n.iushrn(r),{div:s||null,mod:n}},a.prototype.divmod=function(t,e,r){return n(!t.isZero()),this.isZero()?{div:new a(0),mod:new a(0)}:0!==this.negative&&0===t.negative?(s=this.neg().divmod(t,e),\"mod\"!==e&&(i=s.div.neg()),\"div\"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.iadd(t)),{div:i,mod:o}):0===this.negative&&0!==t.negative?(s=this.divmod(t.neg(),e),\"mod\"!==e&&(i=s.div.neg()),{div:i,mod:s.mod}):0!=(this.negative&t.negative)?(s=this.neg().divmod(t.neg(),e),\"div\"!==e&&(o=s.mod.neg(),r&&0!==o.negative&&o.isub(t)),{div:s.div,mod:o}):t.length>this.length||this.cmp(t)<0?{div:new a(0),mod:this}:1===t.length?\"div\"===e?{div:this.divn(t.words[0]),mod:null}:\"mod\"===e?{div:null,mod:new a(this.modn(t.words[0]))}:{div:this.divn(t.words[0]),mod:new a(this.modn(t.words[0]))}:this._wordDiv(t,e);var i,o,s},a.prototype.div=function(t){return this.divmod(t,\"div\",!1).div},a.prototype.mod=function(t){return this.divmod(t,\"mod\",!1).mod},a.prototype.umod=function(t){return this.divmod(t,\"mod\",!0).mod},a.prototype.divRound=function(t){var e=this.divmod(t);if(e.mod.isZero())return e.div;var r=0!==e.div.negative?e.mod.isub(t):e.mod,n=t.ushrn(1),i=t.andln(1),a=r.cmp(n);return a<0||1===i&&0===a?e.div:0!==e.div.negative?e.div.isubn(1):e.div.iaddn(1)},a.prototype.modn=function(t){n(t<=67108863);for(var e=(1<<26)%t,r=0,i=this.length-1;i>=0;i--)r=(e*r+(0|this.words[i]))%t;return r},a.prototype.idivn=function(t){n(t<=67108863);for(var e=0,r=this.length-1;r>=0;r--){var i=(0|this.words[r])+67108864*e;this.words[r]=i/t|0,e=i%t}return this.strip()},a.prototype.divn=function(t){return this.clone().idivn(t)},a.prototype.egcd=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i=new a(1),o=new a(0),s=new a(0),l=new a(1),c=0;e.isEven()&&r.isEven();)e.iushrn(1),r.iushrn(1),++c;for(var u=r.clone(),f=e.clone();!e.isZero();){for(var h=0,p=1;0==(e.words[0]&p)&&h<26;++h,p<<=1);if(h>0)for(e.iushrn(h);h-- >0;)(i.isOdd()||o.isOdd())&&(i.iadd(u),o.isub(f)),i.iushrn(1),o.iushrn(1);for(var d=0,g=1;0==(r.words[0]&g)&&d<26;++d,g<<=1);if(d>0)for(r.iushrn(d);d-- >0;)(s.isOdd()||l.isOdd())&&(s.iadd(u),l.isub(f)),s.iushrn(1),l.iushrn(1);e.cmp(r)>=0?(e.isub(r),i.isub(s),o.isub(l)):(r.isub(e),s.isub(i),l.isub(o))}return{a:s,b:l,gcd:r.iushln(c)}},a.prototype._invmp=function(t){n(0===t.negative),n(!t.isZero());var e=this,r=t.clone();e=0!==e.negative?e.umod(t):e.clone();for(var i,o=new a(1),s=new a(0),l=r.clone();e.cmpn(1)>0&&r.cmpn(1)>0;){for(var c=0,u=1;0==(e.words[0]&u)&&c<26;++c,u<<=1);if(c>0)for(e.iushrn(c);c-- >0;)o.isOdd()&&o.iadd(l),o.iushrn(1);for(var f=0,h=1;0==(r.words[0]&h)&&f<26;++f,h<<=1);if(f>0)for(r.iushrn(f);f-- >0;)s.isOdd()&&s.iadd(l),s.iushrn(1);e.cmp(r)>=0?(e.isub(r),o.isub(s)):(r.isub(e),s.isub(o))}return(i=0===e.cmpn(1)?o:s).cmpn(0)<0&&i.iadd(t),i},a.prototype.gcd=function(t){if(this.isZero())return t.abs();if(t.isZero())return this.abs();var e=this.clone(),r=t.clone();e.negative=0,r.negative=0;for(var n=0;e.isEven()&&r.isEven();n++)e.iushrn(1),r.iushrn(1);for(;;){for(;e.isEven();)e.iushrn(1);for(;r.isEven();)r.iushrn(1);var i=e.cmp(r);if(i<0){var a=e;e=r,r=a}else if(0===i||0===r.cmpn(1))break;e.isub(r)}return r.iushln(n)},a.prototype.invm=function(t){return this.egcd(t).a.umod(t)},a.prototype.isEven=function(){return 0==(1&this.words[0])},a.prototype.isOdd=function(){return 1==(1&this.words[0])},a.prototype.andln=function(t){return this.words[0]&t},a.prototype.bincn=function(t){n(\"number\"==typeof t);var e=t%26,r=(t-e)/26,i=1<>>26,s&=67108863,this.words[o]=s}return 0!==a&&(this.words[o]=a,this.length++),this},a.prototype.isZero=function(){return 1===this.length&&0===this.words[0]},a.prototype.cmpn=function(t){var e,r=t<0;if(0!==this.negative&&!r)return-1;if(0===this.negative&&r)return 1;if(this.strip(),this.length>1)e=1;else{r&&(t=-t),n(t<=67108863,\"Number is too big\");var i=0|this.words[0];e=i===t?0:it.length)return 1;if(this.length=0;r--){var n=0|this.words[r],i=0|t.words[r];if(n!==i){ni&&(e=1);break}}return e},a.prototype.gtn=function(t){return 1===this.cmpn(t)},a.prototype.gt=function(t){return 1===this.cmp(t)},a.prototype.gten=function(t){return this.cmpn(t)>=0},a.prototype.gte=function(t){return this.cmp(t)>=0},a.prototype.ltn=function(t){return-1===this.cmpn(t)},a.prototype.lt=function(t){return-1===this.cmp(t)},a.prototype.lten=function(t){return this.cmpn(t)<=0},a.prototype.lte=function(t){return this.cmp(t)<=0},a.prototype.eqn=function(t){return 0===this.cmpn(t)},a.prototype.eq=function(t){return 0===this.cmp(t)},a.red=function(t){return new w(t)},a.prototype.toRed=function(t){return n(!this.red,\"Already a number in reduction context\"),n(0===this.negative,\"red works only with positives\"),t.convertTo(this)._forceRed(t)},a.prototype.fromRed=function(){return n(this.red,\"fromRed works only with numbers in reduction context\"),this.red.convertFrom(this)},a.prototype._forceRed=function(t){return this.red=t,this},a.prototype.forceRed=function(t){return n(!this.red,\"Already a number in reduction context\"),this._forceRed(t)},a.prototype.redAdd=function(t){return n(this.red,\"redAdd works only with red numbers\"),this.red.add(this,t)},a.prototype.redIAdd=function(t){return n(this.red,\"redIAdd works only with red numbers\"),this.red.iadd(this,t)},a.prototype.redSub=function(t){return n(this.red,\"redSub works only with red numbers\"),this.red.sub(this,t)},a.prototype.redISub=function(t){return n(this.red,\"redISub works only with red numbers\"),this.red.isub(this,t)},a.prototype.redShl=function(t){return n(this.red,\"redShl works only with red numbers\"),this.red.shl(this,t)},a.prototype.redMul=function(t){return n(this.red,\"redMul works only with red numbers\"),this.red._verify2(this,t),this.red.mul(this,t)},a.prototype.redIMul=function(t){return n(this.red,\"redMul works only with red numbers\"),this.red._verify2(this,t),this.red.imul(this,t)},a.prototype.redSqr=function(){return n(this.red,\"redSqr works only with red numbers\"),this.red._verify1(this),this.red.sqr(this)},a.prototype.redISqr=function(){return n(this.red,\"redISqr works only with red numbers\"),this.red._verify1(this),this.red.isqr(this)},a.prototype.redSqrt=function(){return n(this.red,\"redSqrt works only with red numbers\"),this.red._verify1(this),this.red.sqrt(this)},a.prototype.redInvm=function(){return n(this.red,\"redInvm works only with red numbers\"),this.red._verify1(this),this.red.invm(this)},a.prototype.redNeg=function(){return n(this.red,\"redNeg works only with red numbers\"),this.red._verify1(this),this.red.neg(this)},a.prototype.redPow=function(t){return n(this.red&&!t.red,\"redPow(normalNum)\"),this.red._verify1(this),this.red.pow(this,t)};var v={k256:null,p224:null,p192:null,p25519:null};function m(t,e){this.name=t,this.p=new a(e,16),this.n=this.p.bitLength(),this.k=new a(1).iushln(this.n).isub(this.p),this.tmp=this._tmp()}function y(){m.call(this,\"k256\",\"ffffffff ffffffff ffffffff ffffffff ffffffff ffffffff fffffffe fffffc2f\")}function x(){m.call(this,\"p224\",\"ffffffff ffffffff ffffffff ffffffff 00000000 00000000 00000001\")}function b(){m.call(this,\"p192\",\"ffffffff ffffffff ffffffff fffffffe ffffffff ffffffff\")}function _(){m.call(this,\"25519\",\"7fffffffffffffff ffffffffffffffff ffffffffffffffff ffffffffffffffed\")}function w(t){if(\"string\"==typeof t){var e=a._prime(t);this.m=e.p,this.prime=e}else n(t.gtn(1),\"modulus must be greater than 1\"),this.m=t,this.prime=null}function k(t){w.call(this,t),this.shift=this.m.bitLength(),this.shift%26!=0&&(this.shift+=26-this.shift%26),this.r=new a(1).iushln(this.shift),this.r2=this.imod(this.r.sqr()),this.rinv=this.r._invmp(this.m),this.minv=this.rinv.mul(this.r).isubn(1).div(this.m),this.minv=this.minv.umod(this.r),this.minv=this.r.sub(this.minv)}m.prototype._tmp=function(){var t=new a(null);return t.words=new Array(Math.ceil(this.n/13)),t},m.prototype.ireduce=function(t){var e,r=t;do{this.split(r,this.tmp),e=(r=(r=this.imulK(r)).iadd(this.tmp)).bitLength()}while(e>this.n);var n=e0?r.isub(this.p):r.strip(),r},m.prototype.split=function(t,e){t.iushrn(this.n,0,e)},m.prototype.imulK=function(t){return t.imul(this.k)},i(y,m),y.prototype.split=function(t,e){for(var r=Math.min(t.length,9),n=0;n>>22,i=a}i>>>=22,t.words[n-10]=i,0===i&&t.length>10?t.length-=10:t.length-=9},y.prototype.imulK=function(t){t.words[t.length]=0,t.words[t.length+1]=0,t.length+=2;for(var e=0,r=0;r>>=26,t.words[r]=i,e=n}return 0!==e&&(t.words[t.length++]=e),t},a._prime=function(t){if(v[t])return v[t];var e;if(\"k256\"===t)e=new y;else if(\"p224\"===t)e=new x;else if(\"p192\"===t)e=new b;else{if(\"p25519\"!==t)throw new Error(\"Unknown prime \"+t);e=new _}return v[t]=e,e},w.prototype._verify1=function(t){n(0===t.negative,\"red works only with positives\"),n(t.red,\"red works only with red numbers\")},w.prototype._verify2=function(t,e){n(0==(t.negative|e.negative),\"red works only with positives\"),n(t.red&&t.red===e.red,\"red works only with red numbers\")},w.prototype.imod=function(t){return this.prime?this.prime.ireduce(t)._forceRed(this):t.umod(this.m)._forceRed(this)},w.prototype.neg=function(t){return t.isZero()?t.clone():this.m.sub(t)._forceRed(this)},w.prototype.add=function(t,e){this._verify2(t,e);var r=t.add(e);return r.cmp(this.m)>=0&&r.isub(this.m),r._forceRed(this)},w.prototype.iadd=function(t,e){this._verify2(t,e);var r=t.iadd(e);return r.cmp(this.m)>=0&&r.isub(this.m),r},w.prototype.sub=function(t,e){this._verify2(t,e);var r=t.sub(e);return r.cmpn(0)<0&&r.iadd(this.m),r._forceRed(this)},w.prototype.isub=function(t,e){this._verify2(t,e);var r=t.isub(e);return r.cmpn(0)<0&&r.iadd(this.m),r},w.prototype.shl=function(t,e){return this._verify1(t),this.imod(t.ushln(e))},w.prototype.imul=function(t,e){return this._verify2(t,e),this.imod(t.imul(e))},w.prototype.mul=function(t,e){return this._verify2(t,e),this.imod(t.mul(e))},w.prototype.isqr=function(t){return this.imul(t,t.clone())},w.prototype.sqr=function(t){return this.mul(t,t)},w.prototype.sqrt=function(t){if(t.isZero())return t.clone();var e=this.m.andln(3);if(n(e%2==1),3===e){var r=this.m.add(new a(1)).iushrn(2);return this.pow(t,r)}for(var i=this.m.subn(1),o=0;!i.isZero()&&0===i.andln(1);)o++,i.iushrn(1);n(!i.isZero());var s=new a(1).toRed(this),l=s.redNeg(),c=this.m.subn(1).iushrn(1),u=this.m.bitLength();for(u=new a(2*u*u).toRed(this);0!==this.pow(u,c).cmp(l);)u.redIAdd(l);for(var f=this.pow(u,i),h=this.pow(t,i.addn(1).iushrn(1)),p=this.pow(t,i),d=o;0!==p.cmp(s);){for(var g=p,v=0;0!==g.cmp(s);v++)g=g.redSqr();n(v=0;n--){for(var c=e.words[n],u=l-1;u>=0;u--){var f=c>>u&1;i!==r[0]&&(i=this.sqr(i)),0!==f||0!==o?(o<<=1,o|=f,(4===++s||0===n&&0===u)&&(i=this.mul(i,r[o]),s=0,o=0)):s=0}l=26}return i},w.prototype.convertTo=function(t){var e=t.umod(this.m);return e===t?e.clone():e},w.prototype.convertFrom=function(t){var e=t.clone();return e.red=null,e},a.mont=function(t){return new k(t)},i(k,w),k.prototype.convertTo=function(t){return this.imod(t.ushln(this.shift))},k.prototype.convertFrom=function(t){var e=this.imod(t.mul(this.rinv));return e.red=null,e},k.prototype.imul=function(t,e){if(t.isZero()||e.isZero())return t.words[0]=0,t.length=1,t;var r=t.imul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),a=i;return i.cmp(this.m)>=0?a=i.isub(this.m):i.cmpn(0)<0&&(a=i.iadd(this.m)),a._forceRed(this)},k.prototype.mul=function(t,e){if(t.isZero()||e.isZero())return new a(0)._forceRed(this);var r=t.mul(e),n=r.maskn(this.shift).mul(this.minv).imaskn(this.shift).mul(this.m),i=r.isub(n).iushrn(this.shift),o=i;return i.cmp(this.m)>=0?o=i.isub(this.m):i.cmpn(0)<0&&(o=i.iadd(this.m)),o._forceRed(this)},k.prototype.invm=function(t){return this.imod(t._invmp(this.m).mul(this.r2))._forceRed(this)}}(\"undefined\"==typeof e||e,this)},{buffer:91}],83:[function(t,e,r){\"use strict\";e.exports=function(t){var e,r,n,i=t.length,a=0;for(e=0;e>>1;if(!(u<=0)){var f,h=i.mallocDouble(2*u*s),p=i.mallocInt32(s);if((s=l(t,u,h,p))>0){if(1===u&&n)a.init(s),f=a.sweepComplete(u,r,0,s,h,p,0,s,h,p);else{var d=i.mallocDouble(2*u*c),g=i.mallocInt32(c);(c=l(e,u,d,g))>0&&(a.init(s+c),f=1===u?a.sweepBipartite(u,r,0,s,h,p,0,c,d,g):o(u,r,n,s,h,p,c,d,g),i.free(d),i.free(g))}i.free(h),i.free(p)}return f}}}function u(t,e){n.push([t,e])}},{\"./lib/intersect\":86,\"./lib/sweep\":90,\"typedarray-pool\":522}],85:[function(t,e,r){\"use strict\";var n=\"d\",i=\"ax\",a=\"vv\",o=\"fp\",s=\"es\",l=\"rs\",c=\"re\",u=\"rb\",f=\"ri\",h=\"rp\",p=\"bs\",d=\"be\",g=\"bb\",v=\"bi\",m=\"bp\",y=\"rv\",x=\"Q\",b=[n,i,a,l,c,u,f,p,d,g,v];function _(t){var e=\"bruteForce\"+(t?\"Full\":\"Partial\"),r=[],_=b.slice();t||_.splice(3,0,o);var w=[\"function \"+e+\"(\"+_.join()+\"){\"];function k(e,o){var _=function(t,e,r){var o=\"bruteForce\"+(t?\"Red\":\"Blue\")+(e?\"Flip\":\"\")+(r?\"Full\":\"\"),_=[\"function \",o,\"(\",b.join(),\"){\",\"var \",s,\"=2*\",n,\";\"],w=\"for(var i=\"+l+\",\"+h+\"=\"+s+\"*\"+l+\";i<\"+c+\";++i,\"+h+\"+=\"+s+\"){var x0=\"+u+\"[\"+i+\"+\"+h+\"],x1=\"+u+\"[\"+i+\"+\"+h+\"+\"+n+\"],xi=\"+f+\"[i];\",k=\"for(var j=\"+p+\",\"+m+\"=\"+s+\"*\"+p+\";j<\"+d+\";++j,\"+m+\"+=\"+s+\"){var y0=\"+g+\"[\"+i+\"+\"+m+\"],\"+(r?\"y1=\"+g+\"[\"+i+\"+\"+m+\"+\"+n+\"],\":\"\")+\"yi=\"+v+\"[j];\";return t?_.push(w,x,\":\",k):_.push(k,x,\":\",w),r?_.push(\"if(y1\"+d+\"-\"+p+\"){\"),t?(k(!0,!1),w.push(\"}else{\"),k(!1,!1)):(w.push(\"if(\"+o+\"){\"),k(!0,!0),w.push(\"}else{\"),k(!0,!1),w.push(\"}}else{if(\"+o+\"){\"),k(!1,!0),w.push(\"}else{\"),k(!1,!1),w.push(\"}\")),w.push(\"}}return \"+e);var M=r.join(\"\")+w.join(\"\");return new Function(M)()}r.partial=_(!1),r.full=_(!0)},{}],86:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,a,u,S,E,C,L){!function(t,e){var r=8*i.log2(e+1)*(t+1)|0,a=i.nextPow2(b*r);w.length0;){var P=(O-=1)*b,D=w[P],R=w[P+1],B=w[P+2],F=w[P+3],N=w[P+4],j=w[P+5],V=O*_,U=k[V],q=k[V+1],H=1&j,G=!!(16&j),W=u,Y=S,X=C,Z=L;if(H&&(W=C,Y=L,X=u,Z=S),!(2&j&&(B=v(t,D,R,B,W,Y,q),R>=B)||4&j&&(R=m(t,D,R,B,W,Y,U))>=B)){var $=B-R,J=N-F;if(G){if(t*$*($+J)=p0)&&!(p1>=hi)\",[\"p0\",\"p1\"]),g=u(\"lo===p0\",[\"p0\"]),v=u(\"lo>>1,h=2*t,p=f,d=s[h*f+e];for(;c=x?(p=y,d=x):m>=_?(p=v,d=m):(p=b,d=_):x>=_?(p=y,d=x):_>=m?(p=v,d=m):(p=b,d=_);for(var w=h*(u-1),k=h*p,M=0;Mr&&i[f+e]>c;--u,f-=o){for(var h=f,p=f+o,d=0;d=0&&i.push(\"lo=e[k+n]\");t.indexOf(\"hi\")>=0&&i.push(\"hi=e[k+o]\");return r.push(n.replace(\"_\",i.join()).replace(\"$\",t)),Function.apply(void 0,r)};var n=\"for(var j=2*a,k=j*c,l=k,m=c,n=b,o=a+b,p=c;d>p;++p,k+=j){var _;if($)if(m===p)m+=1,l+=j;else{for(var s=0;j>s;++s){var t=e[k+s];e[k+s]=e[l],e[l++]=t}var u=f[p];f[p]=f[m],f[m++]=u}}return m\"},{}],89:[function(t,e,r){\"use strict\";e.exports=function(t,e){e<=4*n?i(0,e-1,t):function t(e,r,f){var h=(r-e+1)/6|0,p=e+h,d=r-h,g=e+r>>1,v=g-h,m=g+h,y=p,x=v,b=g,_=m,w=d,k=e+1,M=r-1,A=0;c(y,x,f)&&(A=y,y=x,x=A);c(_,w,f)&&(A=_,_=w,w=A);c(y,b,f)&&(A=y,y=b,b=A);c(x,b,f)&&(A=x,x=b,b=A);c(y,_,f)&&(A=y,y=_,_=A);c(b,_,f)&&(A=b,b=_,_=A);c(x,w,f)&&(A=x,x=w,w=A);c(x,b,f)&&(A=x,x=b,b=A);c(_,w,f)&&(A=_,_=w,w=A);var T=f[2*x];var S=f[2*x+1];var E=f[2*_];var C=f[2*_+1];var L=2*y;var z=2*b;var O=2*w;var I=2*p;var P=2*g;var D=2*d;for(var R=0;R<2;++R){var B=f[L+R],F=f[z+R],N=f[O+R];f[I+R]=B,f[P+R]=F,f[D+R]=N}o(v,e,f);o(m,r,f);for(var j=k;j<=M;++j)if(u(j,T,S,f))j!==k&&a(j,k,f),++k;else if(!u(j,E,C,f))for(;;){if(u(M,E,C,f)){u(M,T,S,f)?(s(j,k,M,f),++k,--M):(a(j,M,f),--M);break}if(--Mt;){var c=r[l-2],u=r[l-1];if(cr[e+1])}function u(t,e,r,n){var i=n[t*=2];return i>>1;a(p,S);for(var E=0,C=0,k=0;k=o)d(c,u,C--,L=L-o|0);else if(L>=0)d(s,l,E--,L);else if(L<=-o){L=-L-o|0;for(var z=0;z>>1;a(p,E);for(var C=0,L=0,z=0,M=0;M>1==p[2*M+3]>>1&&(I=2,M+=1),O<0){for(var P=-(O>>1)-1,D=0;D>1)-1;0===I?d(s,l,C--,P):1===I?d(c,u,L--,P):2===I&&d(f,h,z--,P)}}},scanBipartite:function(t,e,r,n,i,c,u,f,h,v,m,y){var x=0,b=2*t,_=e,w=e+t,k=1,M=1;n?M=o:k=o;for(var A=i;A>>1;a(p,C);for(var L=0,A=0;A=o?(O=!n,T-=o):(O=!!n,T-=1),O)g(s,l,L++,T);else{var I=y[T],P=b*T,D=m[P+e+1],R=m[P+e+1+t];t:for(var B=0;B>>1;a(p,k);for(var M=0,x=0;x=o)s[M++]=b-o;else{var T=d[b-=1],S=v*b,E=h[S+e+1],C=h[S+e+1+t];t:for(var L=0;L=0;--L)if(s[L]===b){for(var P=L+1;P0&&s.length>a){s.warned=!0;var l=new Error(\"Possible EventEmitter memory leak detected. \"+s.length+' \"'+String(e)+'\" listeners added. Use emitter.setMaxListeners() to increase limit.');l.name=\"MaxListenersExceededWarning\",l.emitter=t,l.type=e,l.count=s.length,\"object\"==typeof console&&console.warn&&console.warn(\"%s: %s\",l.name,l.message)}}else s=o[e]=r,++t._eventsCount;return t}function h(){if(!this.fired)switch(this.target.removeListener(this.type,this.wrapFn),this.fired=!0,arguments.length){case 0:return this.listener.call(this.target);case 1:return this.listener.call(this.target,arguments[0]);case 2:return this.listener.call(this.target,arguments[0],arguments[1]);case 3:return this.listener.call(this.target,arguments[0],arguments[1],arguments[2]);default:for(var t=new Array(arguments.length),e=0;e1&&(e=arguments[1]),e instanceof Error)throw e;var l=new Error('Unhandled \"error\" event. ('+e+\")\");throw l.context=e,l}if(!(r=o[t]))return!1;var c=\"function\"==typeof r;switch(n=arguments.length){case 1:!function(t,e,r){if(e)t.call(r);else for(var n=t.length,i=v(t,n),a=0;a=0;o--)if(r[o]===e||r[o].listener===e){s=r[o].listener,a=o;break}if(a<0)return this;0===a?r.shift():function(t,e){for(var r=e,n=r+1,i=t.length;n=0;a--)this.removeListener(t,e[a]);return this},o.prototype.listeners=function(t){return d(this,t,!0)},o.prototype.rawListeners=function(t){return d(this,t,!1)},o.listenerCount=function(t,e){return\"function\"==typeof t.listenerCount?t.listenerCount(e):g.call(t,e)},o.prototype.listenerCount=g,o.prototype.eventNames=function(){return this._eventsCount>0?Reflect.ownKeys(this._events):[]}},{}],93:[function(t,e,r){\"use strict\";var n=t(\"base64-js\"),i=t(\"ieee754\");r.Buffer=s,r.SlowBuffer=function(t){+t!=t&&(t=0);return s.alloc(+t)},r.INSPECT_MAX_BYTES=50;var a=2147483647;function o(t){if(t>a)throw new RangeError('The value \"'+t+'\" is invalid for option \"size\"');var e=new Uint8Array(t);return e.__proto__=s.prototype,e}function s(t,e,r){if(\"number\"==typeof t){if(\"string\"==typeof e)throw new TypeError('The \"string\" argument must be of type string. Received type number');return u(t)}return l(t,e,r)}function l(t,e,r){if(\"string\"==typeof t)return function(t,e){\"string\"==typeof e&&\"\"!==e||(e=\"utf8\");if(!s.isEncoding(e))throw new TypeError(\"Unknown encoding: \"+e);var r=0|p(t,e),n=o(r),i=n.write(t,e);i!==r&&(n=n.slice(0,i));return n}(t,e);if(ArrayBuffer.isView(t))return f(t);if(null==t)throw TypeError(\"The first argument must be one of type string, Buffer, ArrayBuffer, Array, or Array-like Object. Received type \"+typeof t);if(j(t,ArrayBuffer)||t&&j(t.buffer,ArrayBuffer))return function(t,e,r){if(e<0||t.byteLength=a)throw new RangeError(\"Attempt to allocate Buffer larger than maximum size: 0x\"+a.toString(16)+\" bytes\");return 0|t}function p(t,e){if(s.isBuffer(t))return t.length;if(ArrayBuffer.isView(t)||j(t,ArrayBuffer))return t.byteLength;if(\"string\"!=typeof t)throw new TypeError('The \"string\" argument must be one of type string, Buffer, or ArrayBuffer. Received type '+typeof t);var r=t.length,n=arguments.length>2&&!0===arguments[2];if(!n&&0===r)return 0;for(var i=!1;;)switch(e){case\"ascii\":case\"latin1\":case\"binary\":return r;case\"utf8\":case\"utf-8\":return B(t).length;case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return 2*r;case\"hex\":return r>>>1;case\"base64\":return F(t).length;default:if(i)return n?-1:B(t).length;e=(\"\"+e).toLowerCase(),i=!0}}function d(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function g(t,e,r,n,i){if(0===t.length)return-1;if(\"string\"==typeof r?(n=r,r=0):r>2147483647?r=2147483647:r<-2147483648&&(r=-2147483648),V(r=+r)&&(r=i?0:t.length-1),r<0&&(r=t.length+r),r>=t.length){if(i)return-1;r=t.length-1}else if(r<0){if(!i)return-1;r=0}if(\"string\"==typeof e&&(e=s.from(e,n)),s.isBuffer(e))return 0===e.length?-1:v(t,e,r,n,i);if(\"number\"==typeof e)return e&=255,\"function\"==typeof Uint8Array.prototype.indexOf?i?Uint8Array.prototype.indexOf.call(t,e,r):Uint8Array.prototype.lastIndexOf.call(t,e,r):v(t,[e],r,n,i);throw new TypeError(\"val must be string, number or Buffer\")}function v(t,e,r,n,i){var a,o=1,s=t.length,l=e.length;if(void 0!==n&&(\"ucs2\"===(n=String(n).toLowerCase())||\"ucs-2\"===n||\"utf16le\"===n||\"utf-16le\"===n)){if(t.length<2||e.length<2)return-1;o=2,s/=2,l/=2,r/=2}function c(t,e){return 1===o?t[e]:t.readUInt16BE(e*o)}if(i){var u=-1;for(a=r;as&&(r=s-l),a=r;a>=0;a--){for(var f=!0,h=0;hi&&(n=i):n=i;var a=e.length;n>a/2&&(n=a/2);for(var o=0;o>8,i=r%256,a.push(i),a.push(n);return a}(e,t.length-r),t,r,n)}function k(t,e,r){return 0===e&&r===t.length?n.fromByteArray(t):n.fromByteArray(t.slice(e,r))}function M(t,e,r){r=Math.min(t.length,r);for(var n=[],i=e;i239?4:c>223?3:c>191?2:1;if(i+f<=r)switch(f){case 1:c<128&&(u=c);break;case 2:128==(192&(a=t[i+1]))&&(l=(31&c)<<6|63&a)>127&&(u=l);break;case 3:a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&(l=(15&c)<<12|(63&a)<<6|63&o)>2047&&(l<55296||l>57343)&&(u=l);break;case 4:a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&(l=(15&c)<<18|(63&a)<<12|(63&o)<<6|63&s)>65535&&l<1114112&&(u=l)}null===u?(u=65533,f=1):u>65535&&(u-=65536,n.push(u>>>10&1023|55296),u=56320|1023&u),n.push(u),i+=f}return function(t){var e=t.length;if(e<=A)return String.fromCharCode.apply(String,t);var r=\"\",n=0;for(;nthis.length)return\"\";if((void 0===r||r>this.length)&&(r=this.length),r<=0)return\"\";if((r>>>=0)<=(e>>>=0))return\"\";for(t||(t=\"utf8\");;)switch(t){case\"hex\":return E(this,e,r);case\"utf8\":case\"utf-8\":return M(this,e,r);case\"ascii\":return T(this,e,r);case\"latin1\":case\"binary\":return S(this,e,r);case\"base64\":return k(this,e,r);case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return C(this,e,r);default:if(n)throw new TypeError(\"Unknown encoding: \"+t);t=(t+\"\").toLowerCase(),n=!0}}.apply(this,arguments)},s.prototype.toLocaleString=s.prototype.toString,s.prototype.equals=function(t){if(!s.isBuffer(t))throw new TypeError(\"Argument must be a Buffer\");return this===t||0===s.compare(this,t)},s.prototype.inspect=function(){var t=\"\",e=r.INSPECT_MAX_BYTES;return t=this.toString(\"hex\",0,e).replace(/(.{2})/g,\"$1 \").trim(),this.length>e&&(t+=\" ... \"),\"\"},s.prototype.compare=function(t,e,r,n,i){if(j(t,Uint8Array)&&(t=s.from(t,t.offset,t.byteLength)),!s.isBuffer(t))throw new TypeError('The \"target\" argument must be one of type Buffer or Uint8Array. Received type '+typeof t);if(void 0===e&&(e=0),void 0===r&&(r=t?t.length:0),void 0===n&&(n=0),void 0===i&&(i=this.length),e<0||r>t.length||n<0||i>this.length)throw new RangeError(\"out of range index\");if(n>=i&&e>=r)return 0;if(n>=i)return-1;if(e>=r)return 1;if(this===t)return 0;for(var a=(i>>>=0)-(n>>>=0),o=(r>>>=0)-(e>>>=0),l=Math.min(a,o),c=this.slice(n,i),u=t.slice(e,r),f=0;f>>=0,isFinite(r)?(r>>>=0,void 0===n&&(n=\"utf8\")):(n=r,r=void 0)}var i=this.length-e;if((void 0===r||r>i)&&(r=i),t.length>0&&(r<0||e<0)||e>this.length)throw new RangeError(\"Attempt to write outside buffer bounds\");n||(n=\"utf8\");for(var a=!1;;)switch(n){case\"hex\":return m(this,t,e,r);case\"utf8\":case\"utf-8\":return y(this,t,e,r);case\"ascii\":return x(this,t,e,r);case\"latin1\":case\"binary\":return b(this,t,e,r);case\"base64\":return _(this,t,e,r);case\"ucs2\":case\"ucs-2\":case\"utf16le\":case\"utf-16le\":return w(this,t,e,r);default:if(a)throw new TypeError(\"Unknown encoding: \"+n);n=(\"\"+n).toLowerCase(),a=!0}},s.prototype.toJSON=function(){return{type:\"Buffer\",data:Array.prototype.slice.call(this._arr||this,0)}};var A=4096;function T(t,e,r){var n=\"\";r=Math.min(t.length,r);for(var i=e;in)&&(r=n);for(var i=\"\",a=e;ar)throw new RangeError(\"Trying to access beyond buffer length\")}function z(t,e,r,n,i,a){if(!s.isBuffer(t))throw new TypeError('\"buffer\" argument must be a Buffer instance');if(e>i||et.length)throw new RangeError(\"Index out of range\")}function O(t,e,r,n,i,a){if(r+n>t.length)throw new RangeError(\"Index out of range\");if(r<0)throw new RangeError(\"Index out of range\")}function I(t,e,r,n,a){return e=+e,r>>>=0,a||O(t,0,r,4),i.write(t,e,r,n,23,4),r+4}function P(t,e,r,n,a){return e=+e,r>>>=0,a||O(t,0,r,8),i.write(t,e,r,n,52,8),r+8}s.prototype.slice=function(t,e){var r=this.length;(t=~~t)<0?(t+=r)<0&&(t=0):t>r&&(t=r),(e=void 0===e?r:~~e)<0?(e+=r)<0&&(e=0):e>r&&(e=r),e>>=0,e>>>=0,r||L(t,e,this.length);for(var n=this[t],i=1,a=0;++a>>=0,e>>>=0,r||L(t,e,this.length);for(var n=this[t+--e],i=1;e>0&&(i*=256);)n+=this[t+--e]*i;return n},s.prototype.readUInt8=function(t,e){return t>>>=0,e||L(t,1,this.length),this[t]},s.prototype.readUInt16LE=function(t,e){return t>>>=0,e||L(t,2,this.length),this[t]|this[t+1]<<8},s.prototype.readUInt16BE=function(t,e){return t>>>=0,e||L(t,2,this.length),this[t]<<8|this[t+1]},s.prototype.readUInt32LE=function(t,e){return t>>>=0,e||L(t,4,this.length),(this[t]|this[t+1]<<8|this[t+2]<<16)+16777216*this[t+3]},s.prototype.readUInt32BE=function(t,e){return t>>>=0,e||L(t,4,this.length),16777216*this[t]+(this[t+1]<<16|this[t+2]<<8|this[t+3])},s.prototype.readIntLE=function(t,e,r){t>>>=0,e>>>=0,r||L(t,e,this.length);for(var n=this[t],i=1,a=0;++a=(i*=128)&&(n-=Math.pow(2,8*e)),n},s.prototype.readIntBE=function(t,e,r){t>>>=0,e>>>=0,r||L(t,e,this.length);for(var n=e,i=1,a=this[t+--n];n>0&&(i*=256);)a+=this[t+--n]*i;return a>=(i*=128)&&(a-=Math.pow(2,8*e)),a},s.prototype.readInt8=function(t,e){return t>>>=0,e||L(t,1,this.length),128&this[t]?-1*(255-this[t]+1):this[t]},s.prototype.readInt16LE=function(t,e){t>>>=0,e||L(t,2,this.length);var r=this[t]|this[t+1]<<8;return 32768&r?4294901760|r:r},s.prototype.readInt16BE=function(t,e){t>>>=0,e||L(t,2,this.length);var r=this[t+1]|this[t]<<8;return 32768&r?4294901760|r:r},s.prototype.readInt32LE=function(t,e){return t>>>=0,e||L(t,4,this.length),this[t]|this[t+1]<<8|this[t+2]<<16|this[t+3]<<24},s.prototype.readInt32BE=function(t,e){return t>>>=0,e||L(t,4,this.length),this[t]<<24|this[t+1]<<16|this[t+2]<<8|this[t+3]},s.prototype.readFloatLE=function(t,e){return t>>>=0,e||L(t,4,this.length),i.read(this,t,!0,23,4)},s.prototype.readFloatBE=function(t,e){return t>>>=0,e||L(t,4,this.length),i.read(this,t,!1,23,4)},s.prototype.readDoubleLE=function(t,e){return t>>>=0,e||L(t,8,this.length),i.read(this,t,!0,52,8)},s.prototype.readDoubleBE=function(t,e){return t>>>=0,e||L(t,8,this.length),i.read(this,t,!1,52,8)},s.prototype.writeUIntLE=function(t,e,r,n){(t=+t,e>>>=0,r>>>=0,n)||z(this,t,e,r,Math.pow(2,8*r)-1,0);var i=1,a=0;for(this[e]=255&t;++a>>=0,r>>>=0,n)||z(this,t,e,r,Math.pow(2,8*r)-1,0);var i=r-1,a=1;for(this[e+i]=255&t;--i>=0&&(a*=256);)this[e+i]=t/a&255;return e+r},s.prototype.writeUInt8=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,1,255,0),this[e]=255&t,e+1},s.prototype.writeUInt16LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,65535,0),this[e]=255&t,this[e+1]=t>>>8,e+2},s.prototype.writeUInt16BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,65535,0),this[e]=t>>>8,this[e+1]=255&t,e+2},s.prototype.writeUInt32LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,4294967295,0),this[e+3]=t>>>24,this[e+2]=t>>>16,this[e+1]=t>>>8,this[e]=255&t,e+4},s.prototype.writeUInt32BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,4294967295,0),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},s.prototype.writeIntLE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);z(this,t,e,r,i-1,-i)}var a=0,o=1,s=0;for(this[e]=255&t;++a>0)-s&255;return e+r},s.prototype.writeIntBE=function(t,e,r,n){if(t=+t,e>>>=0,!n){var i=Math.pow(2,8*r-1);z(this,t,e,r,i-1,-i)}var a=r-1,o=1,s=0;for(this[e+a]=255&t;--a>=0&&(o*=256);)t<0&&0===s&&0!==this[e+a+1]&&(s=1),this[e+a]=(t/o>>0)-s&255;return e+r},s.prototype.writeInt8=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,1,127,-128),t<0&&(t=255+t+1),this[e]=255&t,e+1},s.prototype.writeInt16LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,32767,-32768),this[e]=255&t,this[e+1]=t>>>8,e+2},s.prototype.writeInt16BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,2,32767,-32768),this[e]=t>>>8,this[e+1]=255&t,e+2},s.prototype.writeInt32LE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,2147483647,-2147483648),this[e]=255&t,this[e+1]=t>>>8,this[e+2]=t>>>16,this[e+3]=t>>>24,e+4},s.prototype.writeInt32BE=function(t,e,r){return t=+t,e>>>=0,r||z(this,t,e,4,2147483647,-2147483648),t<0&&(t=4294967295+t+1),this[e]=t>>>24,this[e+1]=t>>>16,this[e+2]=t>>>8,this[e+3]=255&t,e+4},s.prototype.writeFloatLE=function(t,e,r){return I(this,t,e,!0,r)},s.prototype.writeFloatBE=function(t,e,r){return I(this,t,e,!1,r)},s.prototype.writeDoubleLE=function(t,e,r){return P(this,t,e,!0,r)},s.prototype.writeDoubleBE=function(t,e,r){return P(this,t,e,!1,r)},s.prototype.copy=function(t,e,r,n){if(!s.isBuffer(t))throw new TypeError(\"argument should be a Buffer\");if(r||(r=0),n||0===n||(n=this.length),e>=t.length&&(e=t.length),e||(e=0),n>0&&n=this.length)throw new RangeError(\"Index out of range\");if(n<0)throw new RangeError(\"sourceEnd out of bounds\");n>this.length&&(n=this.length),t.length-e=0;--a)t[a+e]=this[a+r];else Uint8Array.prototype.set.call(t,this.subarray(r,n),e);return i},s.prototype.fill=function(t,e,r,n){if(\"string\"==typeof t){if(\"string\"==typeof e?(n=e,e=0,r=this.length):\"string\"==typeof r&&(n=r,r=this.length),void 0!==n&&\"string\"!=typeof n)throw new TypeError(\"encoding must be a string\");if(\"string\"==typeof n&&!s.isEncoding(n))throw new TypeError(\"Unknown encoding: \"+n);if(1===t.length){var i=t.charCodeAt(0);(\"utf8\"===n&&i<128||\"latin1\"===n)&&(t=i)}}else\"number\"==typeof t&&(t&=255);if(e<0||this.length>>=0,r=void 0===r?this.length:r>>>0,t||(t=0),\"number\"==typeof t)for(a=e;a55295&&r<57344){if(!i){if(r>56319){(e-=3)>-1&&a.push(239,191,189);continue}if(o+1===n){(e-=3)>-1&&a.push(239,191,189);continue}i=r;continue}if(r<56320){(e-=3)>-1&&a.push(239,191,189),i=r;continue}r=65536+(i-55296<<10|r-56320)}else i&&(e-=3)>-1&&a.push(239,191,189);if(i=null,r<128){if((e-=1)<0)break;a.push(r)}else if(r<2048){if((e-=2)<0)break;a.push(r>>6|192,63&r|128)}else if(r<65536){if((e-=3)<0)break;a.push(r>>12|224,r>>6&63|128,63&r|128)}else{if(!(r<1114112))throw new Error(\"Invalid code point\");if((e-=4)<0)break;a.push(r>>18|240,r>>12&63|128,r>>6&63|128,63&r|128)}}return a}function F(t){return n.toByteArray(function(t){if((t=(t=t.split(\"=\")[0]).trim().replace(D,\"\")).length<2)return\"\";for(;t.length%4!=0;)t+=\"=\";return t}(t))}function N(t,e,r,n){for(var i=0;i=e.length||i>=t.length);++i)e[i+r]=t[i];return i}function j(t,e){return t instanceof e||null!=t&&null!=t.constructor&&null!=t.constructor.name&&t.constructor.name===e.name}function V(t){return t!=t}},{\"base64-js\":62,ieee754:395}],94:[function(t,e,r){\"use strict\";var n=t(\"./lib/monotone\"),i=t(\"./lib/triangulation\"),a=t(\"./lib/delaunay\"),o=t(\"./lib/filter\");function s(t){return[Math.min(t[0],t[1]),Math.max(t[0],t[1])]}function l(t,e){return t[0]-e[0]||t[1]-e[1]}function c(t,e,r){return e in t?t[e]:r}e.exports=function(t,e,r){Array.isArray(e)?(r=r||{},e=e||[]):(r=e||{},e=[]);var u=!!c(r,\"delaunay\",!0),f=!!c(r,\"interior\",!0),h=!!c(r,\"exterior\",!0),p=!!c(r,\"infinity\",!1);if(!f&&!h||0===t.length)return[];var d=n(t,e);if(u||f!==h||p){for(var g=i(t.length,function(t){return t.map(s).sort(l)}(e)),v=0;v0;){for(var u=r.pop(),s=r.pop(),f=-1,h=-1,l=o[s],d=1;d=0||(e.flip(s,u),i(t,e,r,f,s,h),i(t,e,r,s,h,f),i(t,e,r,h,u,f),i(t,e,r,u,f,h)))}}},{\"binary-search-bounds\":99,\"robust-in-sphere\":484}],96:[function(t,e,r){\"use strict\";var n,i=t(\"binary-search-bounds\");function a(t,e,r,n,i,a,o){this.cells=t,this.neighbor=e,this.flags=n,this.constraint=r,this.active=i,this.next=a,this.boundary=o}function o(t,e){return t[0]-e[0]||t[1]-e[1]||t[2]-e[2]}e.exports=function(t,e,r){var n=function(t,e){for(var r=t.cells(),n=r.length,i=0;i0||l.length>0;){for(;s.length>0;){var p=s.pop();if(c[p]!==-i){c[p]=i;u[p];for(var d=0;d<3;++d){var g=h[3*p+d];g>=0&&0===c[g]&&(f[3*p+d]?l.push(g):(s.push(g),c[g]=i))}}}var v=l;l=s,s=v,l.length=0,i=-i}var m=function(t,e,r){for(var n=0,i=0;i1&&i(r[h[p-2]],r[h[p-1]],a)>0;)t.push([h[p-1],h[p-2],o]),p-=1;h.length=p,h.push(o);var d=u.upperIds;for(p=d.length;p>1&&i(r[d[p-2]],r[d[p-1]],a)<0;)t.push([d[p-2],d[p-1],o]),p-=1;d.length=p,d.push(o)}}function p(t,e){var r;return(r=t.a[0]m[0]&&i.push(new c(m,v,s,f),new c(v,m,o,f))}i.sort(u);for(var y=i[0].a[0]-(1+Math.abs(i[0].a[0]))*Math.pow(2,-52),x=[new l([y,1],[y,0],-1,[],[],[],[])],b=[],f=0,_=i.length;f<_;++f){var w=i[f],k=w.type;k===a?h(b,x,t,w.a,w.idx):k===s?d(x,t,w):g(x,t,w)}return b}},{\"binary-search-bounds\":99,\"robust-orientation\":486}],98:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\");function i(t,e){this.stars=t,this.edges=e}e.exports=function(t,e){for(var r=new Array(t),n=0;n=0}}(),a.removeTriangle=function(t,e,r){var n=this.stars;o(n[t],e,r),o(n[e],r,t),o(n[r],t,e)},a.addTriangle=function(t,e,r){var n=this.stars;n[t].push(e,r),n[e].push(r,t),n[r].push(t,e)},a.opposite=function(t,e){for(var r=this.stars[e],n=1,i=r.length;n>>1,x=a[m]\"];return i?e.indexOf(\"c\")<0?a.push(\";if(x===y){return m}else if(x<=y){\"):a.push(\";var p=c(x,y);if(p===0){return m}else if(p<=0){\"):a.push(\";if(\",e,\"){i=m;\"),r?a.push(\"l=m+1}else{h=m-1}\"):a.push(\"h=m-1}else{l=m+1}\"),a.push(\"}\"),i?a.push(\"return -1};\"):a.push(\"return i};\"),a.join(\"\")}function i(t,e,r,i){return new Function([n(\"A\",\"x\"+t+\"y\",e,[\"y\"],i),n(\"P\",\"c(x,y)\"+t+\"0\",e,[\"y\",\"c\"],i),\"function dispatchBsearch\",r,\"(a,y,c,l,h){if(typeof(c)==='function'){return P(a,(l===void 0)?0:l|0,(h===void 0)?a.length-1:h|0,y,c)}else{return A(a,(c===void 0)?0:c|0,(l===void 0)?a.length-1:l|0,y)}}return dispatchBsearch\",r].join(\"\"))()}e.exports={ge:i(\">=\",!1,\"GE\"),gt:i(\">\",!1,\"GT\"),lt:i(\"<\",!0,\"LT\"),le:i(\"<=\",!0,\"LE\"),eq:i(\"-\",!0,\"EQ\",!0)}},{}],100:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=1,r=1;rr?r:t:te?e:t}},{}],104:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){var n;if(r){n=e;for(var i=new Array(e.length),a=0;ae[2]?1:0)}function m(t,e,r){if(0!==t.length){if(e)for(var n=0;n=0;--a){var x=e[u=(S=n[a])[0]],b=x[0],_=x[1],w=t[b],k=t[_];if((w[0]-k[0]||w[1]-k[1])<0){var M=b;b=_,_=M}x[0]=b;var A,T=x[1]=S[1];for(i&&(A=x[2]);a>0&&n[a-1][0]===u;){var S,E=(S=n[--a])[1];i?e.push([T,E,A]):e.push([T,E]),T=E}i?e.push([T,_,A]):e.push([T,_])}return h}(t,e,h,v,r));return m(e,y,r),!!y||(h.length>0||v.length>0)}},{\"./lib/rat-seg-intersect\":105,\"big-rat\":66,\"big-rat/cmp\":64,\"big-rat/to-float\":78,\"box-intersect\":84,nextafter:434,\"rat-vec\":469,\"robust-segment-intersect\":489,\"union-find\":523}],105:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var a=s(e,t),f=s(n,r),h=u(a,f);if(0===o(h))return null;var p=s(t,r),d=u(f,p),g=i(d,h),v=c(a,g);return l(t,v)};var n=t(\"big-rat/mul\"),i=t(\"big-rat/div\"),a=t(\"big-rat/sub\"),o=t(\"big-rat/sign\"),s=t(\"rat-vec/sub\"),l=t(\"rat-vec/add\"),c=t(\"rat-vec/muls\");function u(t,e){return a(n(t[0],e[1]),n(t[1],e[0]))}},{\"big-rat/div\":65,\"big-rat/mul\":75,\"big-rat/sign\":76,\"big-rat/sub\":77,\"rat-vec/add\":468,\"rat-vec/muls\":470,\"rat-vec/sub\":471}],106:[function(t,e,r){\"use strict\";var n=t(\"clamp\");function i(t,e){null==e&&(e=!0);var r=t[0],i=t[1],a=t[2],o=t[3];return null==o&&(o=e?1:255),e&&(r*=255,i*=255,a*=255,o*=255),16777216*(r=255&n(r,0,255))+((i=255&n(i,0,255))<<16)+((a=255&n(a,0,255))<<8)+(o=255&n(o,0,255))}e.exports=i,e.exports.to=i,e.exports.from=function(t,e){var r=(t=+t)>>>24,n=(16711680&t)>>>16,i=(65280&t)>>>8,a=255&t;return!1===e?[r,n,i,a]:[r/255,n/255,i/255,a/255]}},{clamp:103}],107:[function(t,e,r){\"use strict\";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},{}],108:[function(t,e,r){\"use strict\";var n=t(\"color-rgba\"),i=t(\"clamp\"),a=t(\"dtype\");e.exports=function(t,e){\"float\"!==e&&e||(e=\"array\"),\"uint\"===e&&(e=\"uint8\"),\"uint_clamped\"===e&&(e=\"uint8_clamped\");var r=new(a(e))(4),o=\"uint8\"!==e&&\"uint8_clamped\"!==e;return t.length&&\"string\"!=typeof t||((t=n(t))[0]/=255,t[1]/=255,t[2]/=255),function(t){return t instanceof Uint8Array||t instanceof Uint8ClampedArray||!!(Array.isArray(t)&&(t[0]>1||0===t[0])&&(t[1]>1||0===t[1])&&(t[2]>1||0===t[2])&&(!t[3]||t[3]>1))}(t)?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:255,o&&(r[0]/=255,r[1]/=255,r[2]/=255,r[3]/=255),r):(o?(r[0]=t[0],r[1]=t[1],r[2]=t[2],r[3]=null!=t[3]?t[3]:1):(r[0]=i(Math.floor(255*t[0]),0,255),r[1]=i(Math.floor(255*t[1]),0,255),r[2]=i(Math.floor(255*t[2]),0,255),r[3]=null==t[3]?255:i(Math.floor(255*t[3]),0,255)),r)}},{clamp:103,\"color-rgba\":110,dtype:154}],109:[function(t,e,r){(function(r){\"use strict\";var n=t(\"color-name\"),i=t(\"is-plain-obj\"),a=t(\"defined\");e.exports=function(t){var e,s,l=[],c=1;if(\"string\"==typeof t)if(n[t])l=n[t].slice(),s=\"rgb\";else if(\"transparent\"===t)c=0,s=\"rgb\",l=[0,0,0];else if(/^#[A-Fa-f0-9]+$/.test(t)){var u=t.slice(1),f=u.length,h=f<=4;c=1,h?(l=[parseInt(u[0]+u[0],16),parseInt(u[1]+u[1],16),parseInt(u[2]+u[2],16)],4===f&&(c=parseInt(u[3]+u[3],16)/255)):(l=[parseInt(u[0]+u[1],16),parseInt(u[2]+u[3],16),parseInt(u[4]+u[5],16)],8===f&&(c=parseInt(u[6]+u[7],16)/255)),l[0]||(l[0]=0),l[1]||(l[1]=0),l[2]||(l[2]=0),s=\"rgb\"}else if(e=/^((?:rgb|hs[lvb]|hwb|cmyk?|xy[zy]|gray|lab|lchu?v?|[ly]uv|lms)a?)\\s*\\(([^\\)]*)\\)/.exec(t)){var p=e[1],u=p.replace(/a$/,\"\");s=u;var f=\"cmyk\"===u?4:\"gray\"===u?1:3;l=e[2].trim().split(/\\s*,\\s*/).map(function(t,e){if(/%$/.test(t))return e===f?parseFloat(t)/100:\"rgb\"===u?255*parseFloat(t)/100:parseFloat(t);if(\"h\"===u[e]){if(/deg$/.test(t))return parseFloat(t);if(void 0!==o[t])return o[t]}return parseFloat(t)}),p===u&&l.push(1),c=void 0===l[f]?1:l[f],l=l.slice(0,f)}else t.length>10&&/[0-9](?:\\s|\\/)/.test(t)&&(l=t.match(/([0-9]+)/g).map(function(t){return parseFloat(t)}),s=t.match(/([a-z])/gi).join(\"\").toLowerCase());else if(isNaN(t))if(i(t)){var d=a(t.r,t.red,t.R,null);null!==d?(s=\"rgb\",l=[d,a(t.g,t.green,t.G),a(t.b,t.blue,t.B)]):(s=\"hsl\",l=[a(t.h,t.hue,t.H),a(t.s,t.saturation,t.S),a(t.l,t.lightness,t.L,t.b,t.brightness)]),c=a(t.a,t.alpha,t.opacity,1),null!=t.opacity&&(c/=100)}else(Array.isArray(t)||r.ArrayBuffer&&ArrayBuffer.isView&&ArrayBuffer.isView(t))&&(l=[t[0],t[1],t[2]],s=\"rgb\",c=4===t.length?t[3]:1);else s=\"rgb\",l=[t>>>16,(65280&t)>>>8,255&t];return{space:s,values:l,alpha:c}};var o={red:0,orange:60,yellow:120,green:180,blue:240,purple:300}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"color-name\":107,defined:149,\"is-plain-obj\":405}],110:[function(t,e,r){\"use strict\";var n=t(\"color-parse\"),i=t(\"color-space/hsl\"),a=t(\"clamp\");e.exports=function(t){var e,r=n(t);return r.space?((e=Array(3))[0]=a(r.values[0],0,255),e[1]=a(r.values[1],0,255),e[2]=a(r.values[2],0,255),\"h\"===r.space[0]&&(e=i.rgb(e)),e.push(a(r.alpha,0,1)),e):[]}},{clamp:103,\"color-parse\":109,\"color-space/hsl\":111}],111:[function(t,e,r){\"use strict\";var n=t(\"./rgb\");e.exports={name:\"hsl\",min:[0,0,0],max:[360,100,100],channel:[\"hue\",\"saturation\",\"lightness\"],alias:[\"HSL\"],rgb:function(t){var e,r,n,i,a,o=t[0]/360,s=t[1]/100,l=t[2]/100;if(0===s)return[a=255*l,a,a];e=2*l-(r=l<.5?l*(1+s):l+s-l*s),i=[0,0,0];for(var c=0;c<3;c++)(n=o+1/3*-(c-1))<0?n++:n>1&&n--,a=6*n<1?e+6*(r-e)*n:2*n<1?r:3*n<2?e+(r-e)*(2/3-n)*6:e,i[c]=255*a;return i}},n.hsl=function(t){var e,r,n=t[0]/255,i=t[1]/255,a=t[2]/255,o=Math.min(n,i,a),s=Math.max(n,i,a),l=s-o;return s===o?e=0:n===s?e=(i-a)/l:i===s?e=2+(a-n)/l:a===s&&(e=4+(n-i)/l),(e=Math.min(60*e,360))<0&&(e+=360),r=(o+s)/2,[e,100*(s===o?0:r<=.5?l/(s+o):l/(2-s-o)),100*r]}},{\"./rgb\":112}],112:[function(t,e,r){\"use strict\";e.exports={name:\"rgb\",min:[0,0,0],max:[255,255,255],channel:[\"red\",\"green\",\"blue\"],alias:[\"RGB\"]}},{}],113:[function(t,e,r){e.exports={jet:[{index:0,rgb:[0,0,131]},{index:.125,rgb:[0,60,170]},{index:.375,rgb:[5,255,255]},{index:.625,rgb:[255,255,0]},{index:.875,rgb:[250,0,0]},{index:1,rgb:[128,0,0]}],hsv:[{index:0,rgb:[255,0,0]},{index:.169,rgb:[253,255,2]},{index:.173,rgb:[247,255,2]},{index:.337,rgb:[0,252,4]},{index:.341,rgb:[0,252,10]},{index:.506,rgb:[1,249,255]},{index:.671,rgb:[2,0,253]},{index:.675,rgb:[8,0,253]},{index:.839,rgb:[255,0,251]},{index:.843,rgb:[255,0,245]},{index:1,rgb:[255,0,6]}],hot:[{index:0,rgb:[0,0,0]},{index:.3,rgb:[230,0,0]},{index:.6,rgb:[255,210,0]},{index:1,rgb:[255,255,255]}],cool:[{index:0,rgb:[0,255,255]},{index:1,rgb:[255,0,255]}],spring:[{index:0,rgb:[255,0,255]},{index:1,rgb:[255,255,0]}],summer:[{index:0,rgb:[0,128,102]},{index:1,rgb:[255,255,102]}],autumn:[{index:0,rgb:[255,0,0]},{index:1,rgb:[255,255,0]}],winter:[{index:0,rgb:[0,0,255]},{index:1,rgb:[0,255,128]}],bone:[{index:0,rgb:[0,0,0]},{index:.376,rgb:[84,84,116]},{index:.753,rgb:[169,200,200]},{index:1,rgb:[255,255,255]}],copper:[{index:0,rgb:[0,0,0]},{index:.804,rgb:[255,160,102]},{index:1,rgb:[255,199,127]}],greys:[{index:0,rgb:[0,0,0]},{index:1,rgb:[255,255,255]}],yignbu:[{index:0,rgb:[8,29,88]},{index:.125,rgb:[37,52,148]},{index:.25,rgb:[34,94,168]},{index:.375,rgb:[29,145,192]},{index:.5,rgb:[65,182,196]},{index:.625,rgb:[127,205,187]},{index:.75,rgb:[199,233,180]},{index:.875,rgb:[237,248,217]},{index:1,rgb:[255,255,217]}],greens:[{index:0,rgb:[0,68,27]},{index:.125,rgb:[0,109,44]},{index:.25,rgb:[35,139,69]},{index:.375,rgb:[65,171,93]},{index:.5,rgb:[116,196,118]},{index:.625,rgb:[161,217,155]},{index:.75,rgb:[199,233,192]},{index:.875,rgb:[229,245,224]},{index:1,rgb:[247,252,245]}],yiorrd:[{index:0,rgb:[128,0,38]},{index:.125,rgb:[189,0,38]},{index:.25,rgb:[227,26,28]},{index:.375,rgb:[252,78,42]},{index:.5,rgb:[253,141,60]},{index:.625,rgb:[254,178,76]},{index:.75,rgb:[254,217,118]},{index:.875,rgb:[255,237,160]},{index:1,rgb:[255,255,204]}],bluered:[{index:0,rgb:[0,0,255]},{index:1,rgb:[255,0,0]}],rdbu:[{index:0,rgb:[5,10,172]},{index:.35,rgb:[106,137,247]},{index:.5,rgb:[190,190,190]},{index:.6,rgb:[220,170,132]},{index:.7,rgb:[230,145,90]},{index:1,rgb:[178,10,28]}],picnic:[{index:0,rgb:[0,0,255]},{index:.1,rgb:[51,153,255]},{index:.2,rgb:[102,204,255]},{index:.3,rgb:[153,204,255]},{index:.4,rgb:[204,204,255]},{index:.5,rgb:[255,255,255]},{index:.6,rgb:[255,204,255]},{index:.7,rgb:[255,153,255]},{index:.8,rgb:[255,102,204]},{index:.9,rgb:[255,102,102]},{index:1,rgb:[255,0,0]}],rainbow:[{index:0,rgb:[150,0,90]},{index:.125,rgb:[0,0,200]},{index:.25,rgb:[0,25,255]},{index:.375,rgb:[0,152,255]},{index:.5,rgb:[44,255,150]},{index:.625,rgb:[151,255,0]},{index:.75,rgb:[255,234,0]},{index:.875,rgb:[255,111,0]},{index:1,rgb:[255,0,0]}],portland:[{index:0,rgb:[12,51,131]},{index:.25,rgb:[10,136,186]},{index:.5,rgb:[242,211,56]},{index:.75,rgb:[242,143,56]},{index:1,rgb:[217,30,30]}],blackbody:[{index:0,rgb:[0,0,0]},{index:.2,rgb:[230,0,0]},{index:.4,rgb:[230,210,0]},{index:.7,rgb:[255,255,255]},{index:1,rgb:[160,200,255]}],earth:[{index:0,rgb:[0,0,130]},{index:.1,rgb:[0,180,180]},{index:.2,rgb:[40,210,40]},{index:.4,rgb:[230,230,50]},{index:.6,rgb:[120,70,20]},{index:1,rgb:[255,255,255]}],electric:[{index:0,rgb:[0,0,0]},{index:.15,rgb:[30,0,100]},{index:.4,rgb:[120,0,100]},{index:.6,rgb:[160,90,0]},{index:.8,rgb:[230,200,0]},{index:1,rgb:[255,250,220]}],alpha:[{index:0,rgb:[255,255,255,0]},{index:1,rgb:[255,255,255,1]}],viridis:[{index:0,rgb:[68,1,84]},{index:.13,rgb:[71,44,122]},{index:.25,rgb:[59,81,139]},{index:.38,rgb:[44,113,142]},{index:.5,rgb:[33,144,141]},{index:.63,rgb:[39,173,129]},{index:.75,rgb:[92,200,99]},{index:.88,rgb:[170,220,50]},{index:1,rgb:[253,231,37]}],inferno:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[31,12,72]},{index:.25,rgb:[85,15,109]},{index:.38,rgb:[136,34,106]},{index:.5,rgb:[186,54,85]},{index:.63,rgb:[227,89,51]},{index:.75,rgb:[249,140,10]},{index:.88,rgb:[249,201,50]},{index:1,rgb:[252,255,164]}],magma:[{index:0,rgb:[0,0,4]},{index:.13,rgb:[28,16,68]},{index:.25,rgb:[79,18,123]},{index:.38,rgb:[129,37,129]},{index:.5,rgb:[181,54,122]},{index:.63,rgb:[229,80,100]},{index:.75,rgb:[251,135,97]},{index:.88,rgb:[254,194,135]},{index:1,rgb:[252,253,191]}],plasma:[{index:0,rgb:[13,8,135]},{index:.13,rgb:[75,3,161]},{index:.25,rgb:[125,3,168]},{index:.38,rgb:[168,34,150]},{index:.5,rgb:[203,70,121]},{index:.63,rgb:[229,107,93]},{index:.75,rgb:[248,148,65]},{index:.88,rgb:[253,195,40]},{index:1,rgb:[240,249,33]}],warm:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[172,0,187]},{index:.25,rgb:[219,0,170]},{index:.38,rgb:[255,0,130]},{index:.5,rgb:[255,63,74]},{index:.63,rgb:[255,123,0]},{index:.75,rgb:[234,176,0]},{index:.88,rgb:[190,228,0]},{index:1,rgb:[147,255,0]}],cool:[{index:0,rgb:[125,0,179]},{index:.13,rgb:[116,0,218]},{index:.25,rgb:[98,74,237]},{index:.38,rgb:[68,146,231]},{index:.5,rgb:[0,204,197]},{index:.63,rgb:[0,247,146]},{index:.75,rgb:[0,255,88]},{index:.88,rgb:[40,255,8]},{index:1,rgb:[147,255,0]}],\"rainbow-soft\":[{index:0,rgb:[125,0,179]},{index:.1,rgb:[199,0,180]},{index:.2,rgb:[255,0,121]},{index:.3,rgb:[255,108,0]},{index:.4,rgb:[222,194,0]},{index:.5,rgb:[150,255,0]},{index:.6,rgb:[0,255,55]},{index:.7,rgb:[0,246,150]},{index:.8,rgb:[50,167,222]},{index:.9,rgb:[103,51,235]},{index:1,rgb:[124,0,186]}],bathymetry:[{index:0,rgb:[40,26,44]},{index:.13,rgb:[59,49,90]},{index:.25,rgb:[64,76,139]},{index:.38,rgb:[63,110,151]},{index:.5,rgb:[72,142,158]},{index:.63,rgb:[85,174,163]},{index:.75,rgb:[120,206,163]},{index:.88,rgb:[187,230,172]},{index:1,rgb:[253,254,204]}],cdom:[{index:0,rgb:[47,15,62]},{index:.13,rgb:[87,23,86]},{index:.25,rgb:[130,28,99]},{index:.38,rgb:[171,41,96]},{index:.5,rgb:[206,67,86]},{index:.63,rgb:[230,106,84]},{index:.75,rgb:[242,149,103]},{index:.88,rgb:[249,193,135]},{index:1,rgb:[254,237,176]}],chlorophyll:[{index:0,rgb:[18,36,20]},{index:.13,rgb:[25,63,41]},{index:.25,rgb:[24,91,59]},{index:.38,rgb:[13,119,72]},{index:.5,rgb:[18,148,80]},{index:.63,rgb:[80,173,89]},{index:.75,rgb:[132,196,122]},{index:.88,rgb:[175,221,162]},{index:1,rgb:[215,249,208]}],density:[{index:0,rgb:[54,14,36]},{index:.13,rgb:[89,23,80]},{index:.25,rgb:[110,45,132]},{index:.38,rgb:[120,77,178]},{index:.5,rgb:[120,113,213]},{index:.63,rgb:[115,151,228]},{index:.75,rgb:[134,185,227]},{index:.88,rgb:[177,214,227]},{index:1,rgb:[230,241,241]}],\"freesurface-blue\":[{index:0,rgb:[30,4,110]},{index:.13,rgb:[47,14,176]},{index:.25,rgb:[41,45,236]},{index:.38,rgb:[25,99,212]},{index:.5,rgb:[68,131,200]},{index:.63,rgb:[114,156,197]},{index:.75,rgb:[157,181,203]},{index:.88,rgb:[200,208,216]},{index:1,rgb:[241,237,236]}],\"freesurface-red\":[{index:0,rgb:[60,9,18]},{index:.13,rgb:[100,17,27]},{index:.25,rgb:[142,20,29]},{index:.38,rgb:[177,43,27]},{index:.5,rgb:[192,87,63]},{index:.63,rgb:[205,125,105]},{index:.75,rgb:[216,162,148]},{index:.88,rgb:[227,199,193]},{index:1,rgb:[241,237,236]}],oxygen:[{index:0,rgb:[64,5,5]},{index:.13,rgb:[106,6,15]},{index:.25,rgb:[144,26,7]},{index:.38,rgb:[168,64,3]},{index:.5,rgb:[188,100,4]},{index:.63,rgb:[206,136,11]},{index:.75,rgb:[220,174,25]},{index:.88,rgb:[231,215,44]},{index:1,rgb:[248,254,105]}],par:[{index:0,rgb:[51,20,24]},{index:.13,rgb:[90,32,35]},{index:.25,rgb:[129,44,34]},{index:.38,rgb:[159,68,25]},{index:.5,rgb:[182,99,19]},{index:.63,rgb:[199,134,22]},{index:.75,rgb:[212,171,35]},{index:.88,rgb:[221,210,54]},{index:1,rgb:[225,253,75]}],phase:[{index:0,rgb:[145,105,18]},{index:.13,rgb:[184,71,38]},{index:.25,rgb:[186,58,115]},{index:.38,rgb:[160,71,185]},{index:.5,rgb:[110,97,218]},{index:.63,rgb:[50,123,164]},{index:.75,rgb:[31,131,110]},{index:.88,rgb:[77,129,34]},{index:1,rgb:[145,105,18]}],salinity:[{index:0,rgb:[42,24,108]},{index:.13,rgb:[33,50,162]},{index:.25,rgb:[15,90,145]},{index:.38,rgb:[40,118,137]},{index:.5,rgb:[59,146,135]},{index:.63,rgb:[79,175,126]},{index:.75,rgb:[120,203,104]},{index:.88,rgb:[193,221,100]},{index:1,rgb:[253,239,154]}],temperature:[{index:0,rgb:[4,35,51]},{index:.13,rgb:[23,51,122]},{index:.25,rgb:[85,59,157]},{index:.38,rgb:[129,79,143]},{index:.5,rgb:[175,95,130]},{index:.63,rgb:[222,112,101]},{index:.75,rgb:[249,146,66]},{index:.88,rgb:[249,196,65]},{index:1,rgb:[232,250,91]}],turbidity:[{index:0,rgb:[34,31,27]},{index:.13,rgb:[65,50,41]},{index:.25,rgb:[98,69,52]},{index:.38,rgb:[131,89,57]},{index:.5,rgb:[161,112,59]},{index:.63,rgb:[185,140,66]},{index:.75,rgb:[202,174,88]},{index:.88,rgb:[216,209,126]},{index:1,rgb:[233,246,171]}],\"velocity-blue\":[{index:0,rgb:[17,32,64]},{index:.13,rgb:[35,52,116]},{index:.25,rgb:[29,81,156]},{index:.38,rgb:[31,113,162]},{index:.5,rgb:[50,144,169]},{index:.63,rgb:[87,173,176]},{index:.75,rgb:[149,196,189]},{index:.88,rgb:[203,221,211]},{index:1,rgb:[254,251,230]}],\"velocity-green\":[{index:0,rgb:[23,35,19]},{index:.13,rgb:[24,64,38]},{index:.25,rgb:[11,95,45]},{index:.38,rgb:[39,123,35]},{index:.5,rgb:[95,146,12]},{index:.63,rgb:[152,165,18]},{index:.75,rgb:[201,186,69]},{index:.88,rgb:[233,216,137]},{index:1,rgb:[255,253,205]}],cubehelix:[{index:0,rgb:[0,0,0]},{index:.07,rgb:[22,5,59]},{index:.13,rgb:[60,4,105]},{index:.2,rgb:[109,1,135]},{index:.27,rgb:[161,0,147]},{index:.33,rgb:[210,2,142]},{index:.4,rgb:[251,11,123]},{index:.47,rgb:[255,29,97]},{index:.53,rgb:[255,54,69]},{index:.6,rgb:[255,85,46]},{index:.67,rgb:[255,120,34]},{index:.73,rgb:[255,157,37]},{index:.8,rgb:[241,191,57]},{index:.87,rgb:[224,220,93]},{index:.93,rgb:[218,241,142]},{index:1,rgb:[227,253,198]}]}},{}],114:[function(t,e,r){\"use strict\";var n=t(\"./colorScale\"),i=t(\"lerp\");function a(t){return[t[0]/255,t[1]/255,t[2]/255,t[3]]}function o(t){for(var e,r=\"#\",n=0;n<3;++n)r+=(\"00\"+(e=(e=t[n]).toString(16))).substr(e.length);return r}function s(t){return\"rgba(\"+t.join(\",\")+\")\"}e.exports=function(t){var e,r,l,c,u,f,h,p,d,g;t||(t={});p=(t.nshades||72)-1,h=t.format||\"hex\",(f=t.colormap)||(f=\"jet\");if(\"string\"==typeof f){if(f=f.toLowerCase(),!n[f])throw Error(f+\" not a supported colorscale\");u=n[f]}else{if(!Array.isArray(f))throw Error(\"unsupported colormap option\",f);u=f.slice()}if(u.length>p)throw new Error(f+\" map requires nshades to be at least size \"+u.length);d=Array.isArray(t.alpha)?2!==t.alpha.length?[1,1]:t.alpha.slice():\"number\"==typeof t.alpha?[t.alpha,t.alpha]:[1,1];e=u.map(function(t){return Math.round(t.index*p)}),d[0]=Math.min(Math.max(d[0],0),1),d[1]=Math.min(Math.max(d[1],0),1);var v=u.map(function(t,e){var r=u[e].index,n=u[e].rgb.slice();return 4===n.length&&n[3]>=0&&n[3]<=1?n:(n[3]=d[0]+(d[1]-d[0])*r,n)}),m=[];for(g=0;g0?-1:l(t,e,a)?-1:1:0===s?c>0?1:l(t,e,r)?1:-1:i(c-s)}var h=n(t,e,r);if(h>0)return o>0&&n(t,e,a)>0?1:-1;if(h<0)return o>0||n(t,e,a)>0?1:-1;var p=n(t,e,a);return p>0?1:l(t,e,r)?1:-1};var n=t(\"robust-orientation\"),i=t(\"signum\"),a=t(\"two-sum\"),o=t(\"robust-product\"),s=t(\"robust-sum\");function l(t,e,r){var n=a(t[0],-e[0]),i=a(t[1],-e[1]),l=a(r[0],-e[0]),c=a(r[1],-e[1]),u=s(o(n,l),o(i,c));return u[u.length-1]>=0}},{\"robust-orientation\":486,\"robust-product\":487,\"robust-sum\":491,signum:492,\"two-sum\":521}],116:[function(t,e,r){e.exports=function(t,e){var r=t.length,a=t.length-e.length;if(a)return a;switch(r){case 0:return 0;case 1:return t[0]-e[0];case 2:return t[0]+t[1]-e[0]-e[1]||n(t[0],t[1])-n(e[0],e[1]);case 3:var o=t[0]+t[1],s=e[0]+e[1];if(a=o+t[2]-(s+e[2]))return a;var l=n(t[0],t[1]),c=n(e[0],e[1]);return n(l,t[2])-n(c,e[2])||n(l+t[2],o)-n(c+e[2],s);case 4:var u=t[0],f=t[1],h=t[2],p=t[3],d=e[0],g=e[1],v=e[2],m=e[3];return u+f+h+p-(d+g+v+m)||n(u,f,h,p)-n(d,g,v,m,d)||n(u+f,u+h,u+p,f+h,f+p,h+p)-n(d+g,d+v,d+m,g+v,g+m,v+m)||n(u+f+h,u+f+p,u+h+p,f+h+p)-n(d+g+v,d+g+m,d+v+m,g+v+m);default:for(var y=t.slice().sort(i),x=e.slice().sort(i),b=0;bt[r][0]&&(r=n);return er?[[r],[e]]:[[e]]}},{}],120:[function(t,e,r){\"use strict\";e.exports=function(t){var e=n(t),r=e.length;if(r<=2)return[];for(var i=new Array(r),a=e[r-1],o=0;o=e[l]&&(s+=1);a[o]=s}}return t}(o,r)}};var n=t(\"incremental-convex-hull\"),i=t(\"affine-hull\")},{\"affine-hull\":50,\"incremental-convex-hull\":396}],122:[function(t,e,r){e.exports={AFG:\"afghan\",ALA:\"\\\\b\\\\wland\",ALB:\"albania\",DZA:\"algeria\",ASM:\"^(?=.*americ).*samoa\",AND:\"andorra\",AGO:\"angola\",AIA:\"anguill?a\",ATA:\"antarctica\",ATG:\"antigua\",ARG:\"argentin\",ARM:\"armenia\",ABW:\"^(?!.*bonaire).*\\\\baruba\",AUS:\"australia\",AUT:\"^(?!.*hungary).*austria|\\\\baustri.*\\\\bemp\",AZE:\"azerbaijan\",BHS:\"bahamas\",BHR:\"bahrain\",BGD:\"bangladesh|^(?=.*east).*paki?stan\",BRB:\"barbados\",BLR:\"belarus|byelo\",BEL:\"^(?!.*luxem).*belgium\",BLZ:\"belize|^(?=.*british).*honduras\",BEN:\"benin|dahome\",BMU:\"bermuda\",BTN:\"bhutan\",BOL:\"bolivia\",BES:\"^(?=.*bonaire).*eustatius|^(?=.*carib).*netherlands|\\\\bbes.?islands\",BIH:\"herzegovina|bosnia\",BWA:\"botswana|bechuana\",BVT:\"bouvet\",BRA:\"brazil\",IOT:\"british.?indian.?ocean\",BRN:\"brunei\",BGR:\"bulgaria\",BFA:\"burkina|\\\\bfaso|upper.?volta\",BDI:\"burundi\",CPV:\"verde\",KHM:\"cambodia|kampuchea|khmer\",CMR:\"cameroon\",CAN:\"canada\",CYM:\"cayman\",CAF:\"\\\\bcentral.african.republic\",TCD:\"\\\\bchad\",CHL:\"\\\\bchile\",CHN:\"^(?!.*\\\\bmac)(?!.*\\\\bhong)(?!.*\\\\btai)(?!.*\\\\brep).*china|^(?=.*peo)(?=.*rep).*china\",CXR:\"christmas\",CCK:\"\\\\bcocos|keeling\",COL:\"colombia\",COM:\"comoro\",COG:\"^(?!.*\\\\bdem)(?!.*\\\\bd[\\\\.]?r)(?!.*kinshasa)(?!.*zaire)(?!.*belg)(?!.*l.opoldville)(?!.*free).*\\\\bcongo\",COK:\"\\\\bcook\",CRI:\"costa.?rica\",CIV:\"ivoire|ivory\",HRV:\"croatia\",CUB:\"\\\\bcuba\",CUW:\"^(?!.*bonaire).*\\\\bcura(c|\\xe7)ao\",CYP:\"cyprus\",CSK:\"czechoslovakia\",CZE:\"^(?=.*rep).*czech|czechia|bohemia\",COD:\"\\\\bdem.*congo|congo.*\\\\bdem|congo.*\\\\bd[\\\\.]?r|\\\\bd[\\\\.]?r.*congo|belgian.?congo|congo.?free.?state|kinshasa|zaire|l.opoldville|drc|droc|rdc\",DNK:\"denmark\",DJI:\"djibouti\",DMA:\"dominica(?!n)\",DOM:\"dominican.rep\",ECU:\"ecuador\",EGY:\"egypt\",SLV:\"el.?salvador\",GNQ:\"guine.*eq|eq.*guine|^(?=.*span).*guinea\",ERI:\"eritrea\",EST:\"estonia\",ETH:\"ethiopia|abyssinia\",FLK:\"falkland|malvinas\",FRO:\"faroe|faeroe\",FJI:\"fiji\",FIN:\"finland\",FRA:\"^(?!.*\\\\bdep)(?!.*martinique).*france|french.?republic|\\\\bgaul\",GUF:\"^(?=.*french).*guiana\",PYF:\"french.?polynesia|tahiti\",ATF:\"french.?southern\",GAB:\"gabon\",GMB:\"gambia\",GEO:\"^(?!.*south).*georgia\",DDR:\"german.?democratic.?republic|democratic.?republic.*germany|east.germany\",DEU:\"^(?!.*east).*germany|^(?=.*\\\\bfed.*\\\\brep).*german\",GHA:\"ghana|gold.?coast\",GIB:\"gibraltar\",GRC:\"greece|hellenic|hellas\",GRL:\"greenland\",GRD:\"grenada\",GLP:\"guadeloupe\",GUM:\"\\\\bguam\",GTM:\"guatemala\",GGY:\"guernsey\",GIN:\"^(?!.*eq)(?!.*span)(?!.*bissau)(?!.*portu)(?!.*new).*guinea\",GNB:\"bissau|^(?=.*portu).*guinea\",GUY:\"guyana|british.?guiana\",HTI:\"haiti\",HMD:\"heard.*mcdonald\",VAT:\"holy.?see|vatican|papal.?st\",HND:\"^(?!.*brit).*honduras\",HKG:\"hong.?kong\",HUN:\"^(?!.*austr).*hungary\",ISL:\"iceland\",IND:\"india(?!.*ocea)\",IDN:\"indonesia\",IRN:\"\\\\biran|persia\",IRQ:\"\\\\biraq|mesopotamia\",IRL:\"(^ireland)|(^republic.*ireland)\",IMN:\"^(?=.*isle).*\\\\bman\",ISR:\"israel\",ITA:\"italy\",JAM:\"jamaica\",JPN:\"japan\",JEY:\"jersey\",JOR:\"jordan\",KAZ:\"kazak\",KEN:\"kenya|british.?east.?africa|east.?africa.?prot\",KIR:\"kiribati\",PRK:\"^(?=.*democrat|people|north|d.*p.*.r).*\\\\bkorea|dprk|korea.*(d.*p.*r)\",KWT:\"kuwait\",KGZ:\"kyrgyz|kirghiz\",LAO:\"\\\\blaos?\\\\b\",LVA:\"latvia\",LBN:\"lebanon\",LSO:\"lesotho|basuto\",LBR:\"liberia\",LBY:\"libya\",LIE:\"liechtenstein\",LTU:\"lithuania\",LUX:\"^(?!.*belg).*luxem\",MAC:\"maca(o|u)\",MDG:\"madagascar|malagasy\",MWI:\"malawi|nyasa\",MYS:\"malaysia\",MDV:\"maldive\",MLI:\"\\\\bmali\\\\b\",MLT:\"\\\\bmalta\",MHL:\"marshall\",MTQ:\"martinique\",MRT:\"mauritania\",MUS:\"mauritius\",MYT:\"\\\\bmayotte\",MEX:\"\\\\bmexic\",FSM:\"fed.*micronesia|micronesia.*fed\",MCO:\"monaco\",MNG:\"mongolia\",MNE:\"^(?!.*serbia).*montenegro\",MSR:\"montserrat\",MAR:\"morocco|\\\\bmaroc\",MOZ:\"mozambique\",MMR:\"myanmar|burma\",NAM:\"namibia\",NRU:\"nauru\",NPL:\"nepal\",NLD:\"^(?!.*\\\\bant)(?!.*\\\\bcarib).*netherlands\",ANT:\"^(?=.*\\\\bant).*(nether|dutch)\",NCL:\"new.?caledonia\",NZL:\"new.?zealand\",NIC:\"nicaragua\",NER:\"\\\\bniger(?!ia)\",NGA:\"nigeria\",NIU:\"niue\",NFK:\"norfolk\",MNP:\"mariana\",NOR:\"norway\",OMN:\"\\\\boman|trucial\",PAK:\"^(?!.*east).*paki?stan\",PLW:\"palau\",PSE:\"palestin|\\\\bgaza|west.?bank\",PAN:\"panama\",PNG:\"papua|new.?guinea\",PRY:\"paraguay\",PER:\"peru\",PHL:\"philippines\",PCN:\"pitcairn\",POL:\"poland\",PRT:\"portugal\",PRI:\"puerto.?rico\",QAT:\"qatar\",KOR:\"^(?!.*d.*p.*r)(?!.*democrat)(?!.*people)(?!.*north).*\\\\bkorea(?!.*d.*p.*r)\",MDA:\"moldov|b(a|e)ssarabia\",REU:\"r(e|\\xe9)union\",ROU:\"r(o|u|ou)mania\",RUS:\"\\\\brussia|soviet.?union|u\\\\.?s\\\\.?s\\\\.?r|socialist.?republics\",RWA:\"rwanda\",BLM:\"barth(e|\\xe9)lemy\",SHN:\"helena\",KNA:\"kitts|\\\\bnevis\",LCA:\"\\\\blucia\",MAF:\"^(?=.*collectivity).*martin|^(?=.*france).*martin(?!ique)|^(?=.*french).*martin(?!ique)\",SPM:\"miquelon\",VCT:\"vincent\",WSM:\"^(?!.*amer).*samoa\",SMR:\"san.?marino\",STP:\"\\\\bs(a|\\xe3)o.?tom(e|\\xe9)\",SAU:\"\\\\bsa\\\\w*.?arabia\",SEN:\"senegal\",SRB:\"^(?!.*monte).*serbia\",SYC:\"seychell\",SLE:\"sierra\",SGP:\"singapore\",SXM:\"^(?!.*martin)(?!.*saba).*maarten\",SVK:\"^(?!.*cze).*slovak\",SVN:\"slovenia\",SLB:\"solomon\",SOM:\"somali\",ZAF:\"south.africa|s\\\\\\\\..?africa\",SGS:\"south.?georgia|sandwich\",SSD:\"\\\\bs\\\\w*.?sudan\",ESP:\"spain\",LKA:\"sri.?lanka|ceylon\",SDN:\"^(?!.*\\\\bs(?!u)).*sudan\",SUR:\"surinam|dutch.?guiana\",SJM:\"svalbard\",SWZ:\"swaziland\",SWE:\"sweden\",CHE:\"switz|swiss\",SYR:\"syria\",TWN:\"taiwan|taipei|formosa|^(?!.*peo)(?=.*rep).*china\",TJK:\"tajik\",THA:\"thailand|\\\\bsiam\",MKD:\"macedonia|fyrom\",TLS:\"^(?=.*leste).*timor|^(?=.*east).*timor\",TGO:\"togo\",TKL:\"tokelau\",TON:\"tonga\",TTO:\"trinidad|tobago\",TUN:\"tunisia\",TUR:\"turkey\",TKM:\"turkmen\",TCA:\"turks\",TUV:\"tuvalu\",UGA:\"uganda\",UKR:\"ukrain\",ARE:\"emirates|^u\\\\.?a\\\\.?e\\\\.?$|united.?arab.?em\",GBR:\"united.?kingdom|britain|^u\\\\.?k\\\\.?$\",TZA:\"tanzania\",USA:\"united.?states\\\\b(?!.*islands)|\\\\bu\\\\.?s\\\\.?a\\\\.?\\\\b|^\\\\s*u\\\\.?s\\\\.?\\\\b(?!.*islands)\",UMI:\"minor.?outlying.?is\",URY:\"uruguay\",UZB:\"uzbek\",VUT:\"vanuatu|new.?hebrides\",VEN:\"venezuela\",VNM:\"^(?!.*republic).*viet.?nam|^(?=.*socialist).*viet.?nam\",VGB:\"^(?=.*\\\\bu\\\\.?\\\\s?k).*virgin|^(?=.*brit).*virgin|^(?=.*kingdom).*virgin\",VIR:\"^(?=.*\\\\bu\\\\.?\\\\s?s).*virgin|^(?=.*states).*virgin\",WLF:\"futuna|wallis\",ESH:\"western.sahara\",YEM:\"^(?!.*arab)(?!.*north)(?!.*sana)(?!.*peo)(?!.*dem)(?!.*south)(?!.*aden)(?!.*\\\\bp\\\\.?d\\\\.?r).*yemen\",YMD:\"^(?=.*peo).*yemen|^(?!.*rep)(?=.*dem).*yemen|^(?=.*south).*yemen|^(?=.*aden).*yemen|^(?=.*\\\\bp\\\\.?d\\\\.?r).*yemen\",YUG:\"yugoslavia\",ZMB:\"zambia|northern.?rhodesia\",EAZ:\"zanzibar\",ZWE:\"zimbabwe|^(?!.*northern).*rhodesia\"}},{}],123:[function(t,e,r){e.exports=[\"xx-small\",\"x-small\",\"small\",\"medium\",\"large\",\"x-large\",\"xx-large\",\"larger\",\"smaller\"]},{}],124:[function(t,e,r){e.exports=[\"normal\",\"condensed\",\"semi-condensed\",\"extra-condensed\",\"ultra-condensed\",\"expanded\",\"semi-expanded\",\"extra-expanded\",\"ultra-expanded\"]},{}],125:[function(t,e,r){e.exports=[\"normal\",\"italic\",\"oblique\"]},{}],126:[function(t,e,r){e.exports=[\"normal\",\"bold\",\"bolder\",\"lighter\",\"100\",\"200\",\"300\",\"400\",\"500\",\"600\",\"700\",\"800\",\"900\"]},{}],127:[function(t,e,r){\"use strict\";e.exports={parse:t(\"./parse\"),stringify:t(\"./stringify\")}},{\"./parse\":129,\"./stringify\":130}],128:[function(t,e,r){\"use strict\";var n=t(\"css-font-size-keywords\");e.exports={isSize:function(t){return/^[\\d\\.]/.test(t)||-1!==t.indexOf(\"/\")||-1!==n.indexOf(t)}}},{\"css-font-size-keywords\":123}],129:[function(t,e,r){\"use strict\";var n=t(\"unquote\"),i=t(\"css-global-keywords\"),a=t(\"css-system-font-keywords\"),o=t(\"css-font-weight-keywords\"),s=t(\"css-font-style-keywords\"),l=t(\"css-font-stretch-keywords\"),c=t(\"string-split-by\"),u=t(\"./lib/util\").isSize;e.exports=h;var f=h.cache={};function h(t){if(\"string\"!=typeof t)throw new Error(\"Font argument must be a string.\");if(f[t])return f[t];if(\"\"===t)throw new Error(\"Cannot parse an empty string.\");if(-1!==a.indexOf(t))return f[t]={system:t};for(var e,r={style:\"normal\",variant:\"normal\",weight:\"normal\",stretch:\"normal\",lineHeight:\"normal\",size:\"1rem\",family:[\"serif\"]},h=c(t,/\\s+/);e=h.shift();){if(-1!==i.indexOf(e))return[\"style\",\"variant\",\"weight\",\"stretch\"].forEach(function(t){r[t]=e}),f[t]=r;if(-1===s.indexOf(e))if(\"normal\"!==e&&\"small-caps\"!==e)if(-1===l.indexOf(e)){if(-1===o.indexOf(e)){if(u(e)){var d=c(e,\"/\");if(r.size=d[0],null!=d[1]?r.lineHeight=p(d[1]):\"/\"===h[0]&&(h.shift(),r.lineHeight=p(h.shift())),!h.length)throw new Error(\"Missing required font-family.\");return r.family=c(h.join(\" \"),/\\s*,\\s*/).map(n),f[t]=r}throw new Error(\"Unknown or unsupported font token: \"+e)}r.weight=e}else r.stretch=e;else r.variant=e;else r.style=e}throw new Error(\"Missing required font-size.\")}function p(t){var e=parseFloat(t);return e.toString()===t?e:t}},{\"./lib/util\":128,\"css-font-stretch-keywords\":124,\"css-font-style-keywords\":125,\"css-font-weight-keywords\":126,\"css-global-keywords\":131,\"css-system-font-keywords\":132,\"string-split-by\":505,unquote:525}],130:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\"),i=t(\"./lib/util\").isSize,a=g(t(\"css-global-keywords\")),o=g(t(\"css-system-font-keywords\")),s=g(t(\"css-font-weight-keywords\")),l=g(t(\"css-font-style-keywords\")),c=g(t(\"css-font-stretch-keywords\")),u={normal:1,\"small-caps\":1},f={serif:1,\"sans-serif\":1,monospace:1,cursive:1,fantasy:1,\"system-ui\":1},h=\"1rem\",p=\"serif\";function d(t,e){if(t&&!e[t]&&!a[t])throw Error(\"Unknown keyword `\"+t+\"`\");return t}function g(t){for(var e={},r=0;r=0;--p)a[p]=c*t[p]+u*e[p]+f*r[p]+h*n[p];return a}return c*t+u*e+f*r+h*n},e.exports.derivative=function(t,e,r,n,i,a){var o=6*i*i-6*i,s=3*i*i-4*i+1,l=-6*i*i+6*i,c=3*i*i-2*i;if(t.length){a||(a=new Array(t.length));for(var u=t.length-1;u>=0;--u)a[u]=o*t[u]+s*e[u]+l*r[u]+c*n[u];return a}return o*t+s*e+l*r[u]+c*n}},{}],134:[function(t,e,r){\"use strict\";var n=t(\"./lib/thunk.js\");function i(){this.argTypes=[],this.shimArgs=[],this.arrayArgs=[],this.arrayBlockIndices=[],this.scalarArgs=[],this.offsetArgs=[],this.offsetArgIndex=[],this.indexArgs=[],this.shapeArgs=[],this.funcName=\"\",this.pre=null,this.body=null,this.post=null,this.debug=!1}e.exports=function(t){var e=new i;e.pre=t.pre,e.body=t.body,e.post=t.post;var r=t.args.slice(0);e.argTypes=r;for(var a=0;a0)throw new Error(\"cwise: pre() block may not reference array args\");if(a0)throw new Error(\"cwise: post() block may not reference array args\")}else if(\"scalar\"===o)e.scalarArgs.push(a),e.shimArgs.push(\"scalar\"+a);else if(\"index\"===o){if(e.indexArgs.push(a),a0)throw new Error(\"cwise: pre() block may not reference array index\");if(a0)throw new Error(\"cwise: post() block may not reference array index\")}else if(\"shape\"===o){if(e.shapeArgs.push(a),ar.length)throw new Error(\"cwise: Too many arguments in pre() block\");if(e.body.args.length>r.length)throw new Error(\"cwise: Too many arguments in body() block\");if(e.post.args.length>r.length)throw new Error(\"cwise: Too many arguments in post() block\");return e.debug=!!t.printCode||!!t.debug,e.funcName=t.funcName||\"cwise\",e.blockSize=t.blockSize||64,n(e)}},{\"./lib/thunk.js\":136}],135:[function(t,e,r){\"use strict\";var n=t(\"uniq\");function i(t,e,r){var n,i,a=t.length,o=e.arrayArgs.length,s=e.indexArgs.length>0,l=[],c=[],u=0,f=0;for(n=0;n0&&l.push(\"var \"+c.join(\",\")),n=a-1;n>=0;--n)u=t[n],l.push([\"for(i\",n,\"=0;i\",n,\"0&&l.push([\"index[\",f,\"]-=s\",f].join(\"\")),l.push([\"++index[\",u,\"]\"].join(\"\"))),l.push(\"}\")}return l.join(\"\\n\")}function a(t,e,r){for(var n=t.body,i=[],a=[],o=0;o0&&y.push(\"shape=SS.slice(0)\"),t.indexArgs.length>0){var x=new Array(r);for(l=0;l0&&m.push(\"var \"+y.join(\",\")),l=0;l3&&m.push(a(t.pre,t,s));var k=a(t.body,t,s),M=function(t){for(var e=0,r=t[0].length;e0,c=[],u=0;u0;){\"].join(\"\")),c.push([\"if(j\",u,\"<\",s,\"){\"].join(\"\")),c.push([\"s\",e[u],\"=j\",u].join(\"\")),c.push([\"j\",u,\"=0\"].join(\"\")),c.push([\"}else{s\",e[u],\"=\",s].join(\"\")),c.push([\"j\",u,\"-=\",s,\"}\"].join(\"\")),l&&c.push([\"index[\",e[u],\"]=j\",u].join(\"\"));for(u=0;u3&&m.push(a(t.post,t,s)),t.debug&&console.log(\"-----Generated cwise routine for \",e,\":\\n\"+m.join(\"\\n\")+\"\\n----------\");var A=[t.funcName||\"unnamed\",\"_cwise_loop_\",o[0].join(\"s\"),\"m\",M,function(t){for(var e=new Array(t.length),r=!0,n=0;n0&&(r=r&&e[n]===e[n-1])}return r?e[0]:e.join(\"\")}(s)].join(\"\");return new Function([\"function \",A,\"(\",v.join(\",\"),\"){\",m.join(\"\\n\"),\"} return \",A].join(\"\"))()}},{uniq:524}],136:[function(t,e,r){\"use strict\";var n=t(\"./compile.js\");e.exports=function(t){var e=[\"'use strict'\",\"var CACHED={}\"],r=[],i=t.funcName+\"_cwise_thunk\";e.push([\"return function \",i,\"(\",t.shimArgs.join(\",\"),\"){\"].join(\"\"));for(var a=[],o=[],s=[[\"array\",t.arrayArgs[0],\".shape.slice(\",Math.max(0,t.arrayBlockIndices[0]),t.arrayBlockIndices[0]<0?\",\"+t.arrayBlockIndices[0]+\")\":\")\"].join(\"\")],l=[],c=[],u=0;u0&&(l.push(\"array\"+t.arrayArgs[0]+\".shape.length===array\"+f+\".shape.length+\"+(Math.abs(t.arrayBlockIndices[0])-Math.abs(t.arrayBlockIndices[u]))),c.push(\"array\"+t.arrayArgs[0]+\".shape[shapeIndex+\"+Math.max(0,t.arrayBlockIndices[0])+\"]===array\"+f+\".shape[shapeIndex+\"+Math.max(0,t.arrayBlockIndices[u])+\"]\"))}for(t.arrayArgs.length>1&&(e.push(\"if (!(\"+l.join(\" && \")+\")) throw new Error('cwise: Arrays do not all have the same dimensionality!')\"),e.push(\"for(var shapeIndex=array\"+t.arrayArgs[0]+\".shape.length-\"+Math.abs(t.arrayBlockIndices[0])+\"; shapeIndex--\\x3e0;) {\"),e.push(\"if (!(\"+c.join(\" && \")+\")) throw new Error('cwise: Arrays do not all have the same shape!')\"),e.push(\"}\")),u=0;ue?1:t>=e?0:NaN}function r(t){var r;return 1===t.length&&(r=t,t=function(t,n){return e(r(t),n)}),{left:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(null==n&&(n=0),null==i&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}var n=r(e),i=n.right,a=n.left;function o(t,e){return[t,e]}function s(t){return null===t?NaN:+t}function l(t,e){var r,n,i=t.length,a=0,o=-1,l=0,c=0;if(null==e)for(;++o1)return c/(a-1)}function c(t,e){var r=l(t,e);return r?Math.sqrt(r):r}function u(t,e){var r,n,i,a=t.length,o=-1;if(null==e){for(;++o=r)for(n=i=r;++or&&(n=r),i=r)for(n=i=r;++or&&(n=r),i=0?(a>=m?10:a>=y?5:a>=x?2:1)*Math.pow(10,i):-Math.pow(10,-i)/(a>=m?10:a>=y?5:a>=x?2:1)}function _(t,e,r){var n=Math.abs(e-t)/Math.max(0,r),i=Math.pow(10,Math.floor(Math.log(n)/Math.LN10)),a=n/i;return a>=m?i*=10:a>=y?i*=5:a>=x&&(i*=2),e=1)return+r(t[n-1],n-1,t);var n,i=(n-1)*e,a=Math.floor(i),o=+r(t[a],a,t);return o+(+r(t[a+1],a+1,t)-o)*(i-a)}}function M(t,e){var r,n,i=t.length,a=-1;if(null==e){for(;++a=r)for(n=r;++ar&&(n=r)}else for(;++a=r)for(n=r;++ar&&(n=r);return n}function A(t){if(!(i=t.length))return[];for(var e=-1,r=M(t,T),n=new Array(r);++et?1:e>=t?0:NaN},t.deviation=c,t.extent=u,t.histogram=function(){var t=g,e=u,r=w;function n(n){var a,o,s=n.length,l=new Array(s);for(a=0;af;)h.pop(),--p;var d,g=new Array(p+1);for(a=0;a<=p;++a)(d=g[a]=[]).x0=a>0?h[a-1]:u,d.x1=a=r)for(n=r;++an&&(n=r)}else for(;++a=r)for(n=r;++an&&(n=r);return n},t.mean=function(t,e){var r,n=t.length,i=n,a=-1,o=0;if(null==e)for(;++a=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r},t.min=M,t.pairs=function(t,e){null==e&&(e=o);for(var r=0,n=t.length-1,i=t[0],a=new Array(n<0?0:n);r0)return[t];if((n=e0)for(t=Math.ceil(t/o),e=Math.floor(e/o),a=new Array(i=Math.ceil(e-t+1));++s=l.length)return null!=t&&n.sort(t),null!=e?e(n):n;for(var s,c,f,h=-1,p=n.length,d=l[i++],g=r(),v=a();++hl.length)return r;var i,a=c[n-1];return null!=e&&n>=l.length?i=r.entries():(i=[],r.each(function(e,r){i.push({key:r,values:t(e,n)})})),null!=a?i.sort(function(t,e){return a(t.key,e.key)}):i}(u(t,0,a,o),0)},key:function(t){return l.push(t),s},sortKeys:function(t){return c[l.length-1]=t,s},sortValues:function(e){return t=e,s},rollup:function(t){return e=t,s}}},t.set=c,t.map=r,t.keys=function(t){var e=[];for(var r in t)e.push(r);return e},t.values=function(t){var e=[];for(var r in t)e.push(t[r]);return e},t.entries=function(t){var e=[];for(var r in t)e.push({key:r,value:t[r]});return e},Object.defineProperty(t,\"__esModule\",{value:!0})}(\"object\"==typeof r&&\"undefined\"!=typeof e?r:n.d3=n.d3||{})},{}],142:[function(t,e,r){var n;n=this,function(t){\"use strict\";function e(t,e,r){t.prototype=e.prototype=r,r.constructor=t}function r(t,e){var r=Object.create(t.prototype);for(var n in e)r[n]=e[n];return r}function n(){}var i=\"\\\\s*([+-]?\\\\d+)\\\\s*\",a=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)\\\\s*\",o=\"\\\\s*([+-]?\\\\d*\\\\.?\\\\d+(?:[eE][+-]?\\\\d+)?)%\\\\s*\",s=/^#([0-9a-f]{3})$/,l=/^#([0-9a-f]{6})$/,c=new RegExp(\"^rgb\\\\(\"+[i,i,i]+\"\\\\)$\"),u=new RegExp(\"^rgb\\\\(\"+[o,o,o]+\"\\\\)$\"),f=new RegExp(\"^rgba\\\\(\"+[i,i,i,a]+\"\\\\)$\"),h=new RegExp(\"^rgba\\\\(\"+[o,o,o,a]+\"\\\\)$\"),p=new RegExp(\"^hsl\\\\(\"+[a,o,o]+\"\\\\)$\"),d=new RegExp(\"^hsla\\\\(\"+[a,o,o,a]+\"\\\\)$\"),g={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function v(t){var e;return t=(t+\"\").trim().toLowerCase(),(e=s.exec(t))?new _((e=parseInt(e[1],16))>>8&15|e>>4&240,e>>4&15|240&e,(15&e)<<4|15&e,1):(e=l.exec(t))?m(parseInt(e[1],16)):(e=c.exec(t))?new _(e[1],e[2],e[3],1):(e=u.exec(t))?new _(255*e[1]/100,255*e[2]/100,255*e[3]/100,1):(e=f.exec(t))?y(e[1],e[2],e[3],e[4]):(e=h.exec(t))?y(255*e[1]/100,255*e[2]/100,255*e[3]/100,e[4]):(e=p.exec(t))?k(e[1],e[2]/100,e[3]/100,1):(e=d.exec(t))?k(e[1],e[2]/100,e[3]/100,e[4]):g.hasOwnProperty(t)?m(g[t]):\"transparent\"===t?new _(NaN,NaN,NaN,0):null}function m(t){return new _(t>>16&255,t>>8&255,255&t,1)}function y(t,e,r,n){return n<=0&&(t=e=r=NaN),new _(t,e,r,n)}function x(t){return t instanceof n||(t=v(t)),t?new _((t=t.rgb()).r,t.g,t.b,t.opacity):new _}function b(t,e,r,n){return 1===arguments.length?x(t):new _(t,e,r,null==n?1:n)}function _(t,e,r,n){this.r=+t,this.g=+e,this.b=+r,this.opacity=+n}function w(t){return((t=Math.max(0,Math.min(255,Math.round(t)||0)))<16?\"0\":\"\")+t.toString(16)}function k(t,e,r,n){return n<=0?t=e=r=NaN:r<=0||r>=1?t=e=NaN:e<=0&&(t=NaN),new A(t,e,r,n)}function M(t,e,r,i){return 1===arguments.length?function(t){if(t instanceof A)return new A(t.h,t.s,t.l,t.opacity);if(t instanceof n||(t=v(t)),!t)return new A;if(t instanceof A)return t;var e=(t=t.rgb()).r/255,r=t.g/255,i=t.b/255,a=Math.min(e,r,i),o=Math.max(e,r,i),s=NaN,l=o-a,c=(o+a)/2;return l?(s=e===o?(r-i)/l+6*(r0&&c<1?0:s,new A(s,l,c,t.opacity)}(t):new A(t,e,r,null==i?1:i)}function A(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}function T(t,e,r){return 255*(t<60?e+(r-e)*t/60:t<180?r:t<240?e+(r-e)*(240-t)/60:e)}e(n,v,{displayable:function(){return this.rgb().displayable()},hex:function(){return this.rgb().hex()},toString:function(){return this.rgb()+\"\"}}),e(_,b,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new _(this.r*t,this.g*t,this.b*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new _(this.r*t,this.g*t,this.b*t,this.opacity)},rgb:function(){return this},displayable:function(){return 0<=this.r&&this.r<=255&&0<=this.g&&this.g<=255&&0<=this.b&&this.b<=255&&0<=this.opacity&&this.opacity<=1},hex:function(){return\"#\"+w(this.r)+w(this.g)+w(this.b)},toString:function(){var t=this.opacity;return(1===(t=isNaN(t)?1:Math.max(0,Math.min(1,t)))?\"rgb(\":\"rgba(\")+Math.max(0,Math.min(255,Math.round(this.r)||0))+\", \"+Math.max(0,Math.min(255,Math.round(this.g)||0))+\", \"+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===t?\")\":\", \"+t+\")\")}})),e(A,M,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new A(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new A(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=this.h%360+360*(this.h<0),e=isNaN(t)||isNaN(this.s)?0:this.s,r=this.l,n=r+(r<.5?r:1-r)*e,i=2*r-n;return new _(T(t>=240?t-240:t+120,i,n),T(t,i,n),T(t<120?t+240:t-120,i,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1}}));var S=Math.PI/180,E=180/Math.PI,C=.96422,L=1,z=.82521,O=4/29,I=6/29,P=3*I*I,D=I*I*I;function R(t){if(t instanceof F)return new F(t.l,t.a,t.b,t.opacity);if(t instanceof G){if(isNaN(t.h))return new F(t.l,0,0,t.opacity);var e=t.h*S;return new F(t.l,Math.cos(e)*t.c,Math.sin(e)*t.c,t.opacity)}t instanceof _||(t=x(t));var r,n,i=U(t.r),a=U(t.g),o=U(t.b),s=N((.2225045*i+.7168786*a+.0606169*o)/L);return i===a&&a===o?r=n=s:(r=N((.4360747*i+.3850649*a+.1430804*o)/C),n=N((.0139322*i+.0971045*a+.7141733*o)/z)),new F(116*s-16,500*(r-s),200*(s-n),t.opacity)}function B(t,e,r,n){return 1===arguments.length?R(t):new F(t,e,r,null==n?1:n)}function F(t,e,r,n){this.l=+t,this.a=+e,this.b=+r,this.opacity=+n}function N(t){return t>D?Math.pow(t,1/3):t/P+O}function j(t){return t>I?t*t*t:P*(t-O)}function V(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function U(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function q(t){if(t instanceof G)return new G(t.h,t.c,t.l,t.opacity);if(t instanceof F||(t=R(t)),0===t.a&&0===t.b)return new G(NaN,0,t.l,t.opacity);var e=Math.atan2(t.b,t.a)*E;return new G(e<0?e+360:e,Math.sqrt(t.a*t.a+t.b*t.b),t.l,t.opacity)}function H(t,e,r,n){return 1===arguments.length?q(t):new G(t,e,r,null==n?1:n)}function G(t,e,r,n){this.h=+t,this.c=+e,this.l=+r,this.opacity=+n}e(F,B,r(n,{brighter:function(t){return new F(this.l+18*(null==t?1:t),this.a,this.b,this.opacity)},darker:function(t){return new F(this.l-18*(null==t?1:t),this.a,this.b,this.opacity)},rgb:function(){var t=(this.l+16)/116,e=isNaN(this.a)?t:t+this.a/500,r=isNaN(this.b)?t:t-this.b/200;return new _(V(3.1338561*(e=C*j(e))-1.6168667*(t=L*j(t))-.4906146*(r=z*j(r))),V(-.9787684*e+1.9161415*t+.033454*r),V(.0719453*e-.2289914*t+1.4052427*r),this.opacity)}})),e(G,H,r(n,{brighter:function(t){return new G(this.h,this.c,this.l+18*(null==t?1:t),this.opacity)},darker:function(t){return new G(this.h,this.c,this.l-18*(null==t?1:t),this.opacity)},rgb:function(){return R(this).rgb()}}));var W=-.14861,Y=1.78277,X=-.29227,Z=-.90649,$=1.97294,J=$*Z,K=$*Y,Q=Y*X-Z*W;function tt(t,e,r,n){return 1===arguments.length?function(t){if(t instanceof et)return new et(t.h,t.s,t.l,t.opacity);t instanceof _||(t=x(t));var e=t.r/255,r=t.g/255,n=t.b/255,i=(Q*n+J*e-K*r)/(Q+J-K),a=n-i,o=($*(r-i)-X*a)/Z,s=Math.sqrt(o*o+a*a)/($*i*(1-i)),l=s?Math.atan2(o,a)*E-120:NaN;return new et(l<0?l+360:l,s,i,t.opacity)}(t):new et(t,e,r,null==n?1:n)}function et(t,e,r,n){this.h=+t,this.s=+e,this.l=+r,this.opacity=+n}e(et,tt,r(n,{brighter:function(t){return t=null==t?1/.7:Math.pow(1/.7,t),new et(this.h,this.s,this.l*t,this.opacity)},darker:function(t){return t=null==t?.7:Math.pow(.7,t),new et(this.h,this.s,this.l*t,this.opacity)},rgb:function(){var t=isNaN(this.h)?0:(this.h+120)*S,e=+this.l,r=isNaN(this.s)?0:this.s*e*(1-e),n=Math.cos(t),i=Math.sin(t);return new _(255*(e+r*(W*n+Y*i)),255*(e+r*(X*n+Z*i)),255*(e+r*($*n)),this.opacity)}})),t.color=v,t.rgb=b,t.hsl=M,t.lab=B,t.hcl=H,t.lch=function(t,e,r,n){return 1===arguments.length?q(t):new G(r,e,t,null==n?1:n)},t.gray=function(t,e){return new F(t,0,0,null==e?1:e)},t.cubehelix=tt,Object.defineProperty(t,\"__esModule\",{value:!0})}(\"object\"==typeof r&&\"undefined\"!=typeof e?r:n.d3=n.d3||{})},{}],143:[function(t,e,r){var n;n=this,function(t){\"use strict\";var e={value:function(){}};function r(){for(var t,e=0,r=arguments.length,i={};e=0&&(e=t.slice(r+1),t=t.slice(0,r)),t&&!n.hasOwnProperty(t))throw new Error(\"unknown type: \"+t);return{type:t,name:e}})),l=-1,c=s.length;if(!(arguments.length<2)){if(null!=e&&\"function\"!=typeof e)throw new Error(\"invalid callback: \"+e);for(;++l0)for(var r,n,i=new Array(r),a=0;ah+c||np+c||au.index){var f=h-s.x-s.vx,v=p-s.y-s.vy,m=f*f+v*v;mt.r&&(t.r=t[e].r)}function h(){if(r){var e,i,a=r.length;for(n=new Array(a),e=0;e=c)){(t.data!==r||t.next)&&(0===f&&(d+=(f=o())*f),0===h&&(d+=(h=o())*h),d1?(null==r?u.remove(t):u.set(t,y(r)),e):u.get(t)},find:function(e,r,n){var i,a,o,s,l,c=0,u=t.length;for(null==n?n=1/0:n*=n,c=0;c1?(h.on(t,r),e):h.on(t)}}},t.forceX=function(t){var e,r,n,i=a(.1);function o(t){for(var i,a=0,o=e.length;a=1?(n=1,e-1):Math.floor(n*e),a=t[i],o=t[i+1],s=i>0?t[i-1]:2*a-o,l=i180||r<-180?r-360*Math.round(r/360):r):a(isNaN(t)?e:t)}function l(t){return 1==(t=+t)?c:function(e,r){return r-e?function(t,e,r){return t=Math.pow(t,r),e=Math.pow(e,r)-t,r=1/r,function(n){return Math.pow(t+n*e,r)}}(e,r,t):a(isNaN(e)?r:e)}}function c(t,e){var r=e-t;return r?o(t,r):a(isNaN(t)?e:t)}var u=function t(r){var n=l(r);function i(t,r){var i=n((t=e.rgb(t)).r,(r=e.rgb(r)).r),a=n(t.g,r.g),o=n(t.b,r.b),s=c(t.opacity,r.opacity);return function(e){return t.r=i(e),t.g=a(e),t.b=o(e),t.opacity=s(e),t+\"\"}}return i.gamma=t,i}(1);function f(t){return function(r){var n,i,a=r.length,o=new Array(a),s=new Array(a),l=new Array(a);for(n=0;na&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:v(r,n)})),a=x.lastIndex;return a180?e+=360:e-t>180&&(t+=360),a.push({i:r.push(i(r)+\"rotate(\",null,n)-2,x:v(t,e)})):e&&r.push(i(r)+\"rotate(\"+e+n)}(a.rotate,o.rotate,s,l),function(t,e,r,a){t!==e?a.push({i:r.push(i(r)+\"skewX(\",null,n)-2,x:v(t,e)}):e&&r.push(i(r)+\"skewX(\"+e+n)}(a.skewX,o.skewX,s,l),function(t,e,r,n,a,o){if(t!==r||e!==n){var s=a.push(i(a)+\"scale(\",null,\",\",null,\")\");o.push({i:s-4,x:v(t,r)},{i:s-2,x:v(e,n)})}else 1===r&&1===n||a.push(i(a)+\"scale(\"+r+\",\"+n+\")\")}(a.scaleX,a.scaleY,o.scaleX,o.scaleY,s,l),a=o=null,function(t){for(var e,r=-1,n=l.length;++r=(a=(g+m)/2))?g=a:m=a,(u=r>=(o=(v+y)/2))?v=o:y=o,i=p,!(p=p[f=u<<1|c]))return i[f]=d,t;if(s=+t._x.call(null,p.data),l=+t._y.call(null,p.data),e===s&&r===l)return d.next=p,i?i[f]=d:t._root=d,t;do{i=i?i[f]=new Array(4):t._root=new Array(4),(c=e>=(a=(g+m)/2))?g=a:m=a,(u=r>=(o=(v+y)/2))?v=o:y=o}while((f=u<<1|c)==(h=(l>=o)<<1|s>=a));return i[h]=p,i[f]=d,t}var r=function(t,e,r,n,i){this.node=t,this.x0=e,this.y0=r,this.x1=n,this.y1=i};function n(t){return t[0]}function i(t){return t[1]}function a(t,e,r){var a=new o(null==e?n:e,null==r?i:r,NaN,NaN,NaN,NaN);return null==t?a:a.addAll(t)}function o(t,e,r,n,i,a){this._x=t,this._y=e,this._x0=r,this._y0=n,this._x1=i,this._y1=a,this._root=void 0}function s(t){for(var e={data:t.data},r=e;t=t.next;)r=r.next={data:t.data};return e}var l=a.prototype=o.prototype;l.copy=function(){var t,e,r=new o(this._x,this._y,this._x0,this._y0,this._x1,this._y1),n=this._root;if(!n)return r;if(!n.length)return r._root=s(n),r;for(t=[{source:n,target:r._root=new Array(4)}];n=t.pop();)for(var i=0;i<4;++i)(e=n.source[i])&&(e.length?t.push({source:e,target:n.target[i]=new Array(4)}):n.target[i]=s(e));return r},l.add=function(t){var r=+this._x.call(null,t),n=+this._y.call(null,t);return e(this.cover(r,n),r,n,t)},l.addAll=function(t){var r,n,i,a,o=t.length,s=new Array(o),l=new Array(o),c=1/0,u=1/0,f=-1/0,h=-1/0;for(n=0;nf&&(f=i),ah&&(h=a));for(ft||t>i||n>e||e>a))return this;var o,s,l=i-r,c=this._root;switch(s=(e<(n+a)/2)<<1|t<(r+i)/2){case 0:do{(o=new Array(4))[s]=c,c=o}while(a=n+(l*=2),t>(i=r+l)||e>a);break;case 1:do{(o=new Array(4))[s]=c,c=o}while(a=n+(l*=2),(r=i-l)>t||e>a);break;case 2:do{(o=new Array(4))[s]=c,c=o}while(n=a-(l*=2),t>(i=r+l)||n>e);break;case 3:do{(o=new Array(4))[s]=c,c=o}while(n=a-(l*=2),(r=i-l)>t||n>e)}this._root&&this._root.length&&(this._root=c)}return this._x0=r,this._y0=n,this._x1=i,this._y1=a,this},l.data=function(){var t=[];return this.visit(function(e){if(!e.length)do{t.push(e.data)}while(e=e.next)}),t},l.extent=function(t){return arguments.length?this.cover(+t[0][0],+t[0][1]).cover(+t[1][0],+t[1][1]):isNaN(this._x0)?void 0:[[this._x0,this._y0],[this._x1,this._y1]]},l.find=function(t,e,n){var i,a,o,s,l,c,u,f=this._x0,h=this._y0,p=this._x1,d=this._y1,g=[],v=this._root;for(v&&g.push(new r(v,f,h,p,d)),null==n?n=1/0:(f=t-n,h=e-n,p=t+n,d=e+n,n*=n);c=g.pop();)if(!(!(v=c.node)||(a=c.x0)>p||(o=c.y0)>d||(s=c.x1)=y)<<1|t>=m)&&(c=g[g.length-1],g[g.length-1]=g[g.length-1-u],g[g.length-1-u]=c)}else{var x=t-+this._x.call(null,v.data),b=e-+this._y.call(null,v.data),_=x*x+b*b;if(_=(s=(d+v)/2))?d=s:v=s,(u=o>=(l=(g+m)/2))?g=l:m=l,e=p,!(p=p[f=u<<1|c]))return this;if(!p.length)break;(e[f+1&3]||e[f+2&3]||e[f+3&3])&&(r=e,h=f)}for(;p.data!==t;)if(n=p,!(p=p.next))return this;return(i=p.next)&&delete p.next,n?(i?n.next=i:delete n.next,this):e?(i?e[f]=i:delete e[f],(p=e[0]||e[1]||e[2]||e[3])&&p===(e[3]||e[2]||e[1]||e[0])&&!p.length&&(r?r[h]=p:this._root=p),this):(this._root=i,this)},l.removeAll=function(t){for(var e=0,r=t.length;e=0&&r._call.call(null,t),r=r._next;--n}function m(){l=(s=u.now())+c,n=i=0;try{v()}finally{n=0,function(){var t,n,i=e,a=1/0;for(;i;)i._call?(a>i._time&&(a=i._time),t=i,i=i._next):(n=i._next,i._next=null,i=t?t._next=n:e=n);r=t,x(a)}(),l=0}}function y(){var t=u.now(),e=t-s;e>o&&(c-=e,s=t)}function x(t){n||(i&&(i=clearTimeout(i)),t-l>24?(t<1/0&&(i=setTimeout(m,t-u.now()-c)),a&&(a=clearInterval(a))):(a||(s=u.now(),a=setInterval(y,o)),n=1,f(m)))}d.prototype=g.prototype={constructor:d,restart:function(t,n,i){if(\"function\"!=typeof t)throw new TypeError(\"callback is not a function\");i=(null==i?h():+i)+(null==n?0:+n),this._next||r===this||(r?r._next=this:e=this,r=this),this._call=t,this._time=i,x()},stop:function(){this._call&&(this._call=null,this._time=1/0,x())}};t.now=h,t.timer=g,t.timerFlush=v,t.timeout=function(t,e,r){var n=new d;return e=null==e?0:+e,n.restart(function(r){n.stop(),t(r+e)},e,r),n},t.interval=function(t,e,r){var n=new d,i=e;return null==e?(n.restart(t,e,r),n):(e=+e,r=null==r?h():+r,n.restart(function a(o){o+=i,n.restart(a,i+=e,r),t(o)},e,r),n)},Object.defineProperty(t,\"__esModule\",{value:!0})}(\"object\"==typeof r&&\"undefined\"!=typeof e?r:n.d3=n.d3||{})},{}],148:[function(t,e,r){!function(){var t={version:\"3.5.17\"},r=[].slice,n=function(t){return r.call(t)},i=this.document;function a(t){return t&&(t.ownerDocument||t.document||t).documentElement}function o(t){return t&&(t.ownerDocument&&t.ownerDocument.defaultView||t.document&&t||t.defaultView)}if(i)try{n(i.documentElement.childNodes)[0].nodeType}catch(t){n=function(t){for(var e=t.length,r=new Array(e);e--;)r[e]=t[e];return r}}if(Date.now||(Date.now=function(){return+new Date}),i)try{i.createElement(\"DIV\").style.setProperty(\"opacity\",0,\"\")}catch(t){var s=this.Element.prototype,l=s.setAttribute,c=s.setAttributeNS,u=this.CSSStyleDeclaration.prototype,f=u.setProperty;s.setAttribute=function(t,e){l.call(this,t,e+\"\")},s.setAttributeNS=function(t,e,r){c.call(this,t,e,r+\"\")},u.setProperty=function(t,e,r){f.call(this,t,e+\"\",r)}}function h(t,e){return te?1:t>=e?0:NaN}function p(t){return null===t?NaN:+t}function d(t){return!isNaN(t)}function g(t){return{left:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)<0?n=a+1:i=a}return n},right:function(e,r,n,i){for(arguments.length<3&&(n=0),arguments.length<4&&(i=e.length);n>>1;t(e[a],r)>0?i=a:n=a+1}return n}}}t.ascending=h,t.descending=function(t,e){return et?1:e>=t?0:NaN},t.min=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++in&&(r=n)}else{for(;++i=n){r=n;break}for(;++in&&(r=n)}return r},t.max=function(t,e){var r,n,i=-1,a=t.length;if(1===arguments.length){for(;++i=n){r=n;break}for(;++ir&&(r=n)}else{for(;++i=n){r=n;break}for(;++ir&&(r=n)}return r},t.extent=function(t,e){var r,n,i,a=-1,o=t.length;if(1===arguments.length){for(;++a=n){r=i=n;break}for(;++an&&(r=n),i=n){r=i=n;break}for(;++an&&(r=n),i1)return o/(l-1)},t.deviation=function(){var e=t.variance.apply(this,arguments);return e?Math.sqrt(e):e};var v=g(h);function m(t){return t.length}t.bisectLeft=v.left,t.bisect=t.bisectRight=v.right,t.bisector=function(t){return g(1===t.length?function(e,r){return h(t(e),r)}:t)},t.shuffle=function(t,e,r){(a=arguments.length)<3&&(r=t.length,a<2&&(e=0));for(var n,i,a=r-e;a;)i=Math.random()*a--|0,n=t[a+e],t[a+e]=t[i+e],t[i+e]=n;return t},t.permute=function(t,e){for(var r=e.length,n=new Array(r);r--;)n[r]=t[e[r]];return n},t.pairs=function(t){for(var e=0,r=t.length-1,n=t[0],i=new Array(r<0?0:r);e=0;)for(e=(n=t[i]).length;--e>=0;)r[--o]=n[e];return r};var y=Math.abs;function x(t,e){for(var r in e)Object.defineProperty(t.prototype,r,{value:e[r],enumerable:!1})}function b(){this._=Object.create(null)}t.range=function(t,e,r){if(arguments.length<3&&(r=1,arguments.length<2&&(e=t,t=0)),(e-t)/r==1/0)throw new Error(\"infinite range\");var n,i=[],a=function(t){var e=1;for(;t*e%1;)e*=10;return e}(y(r)),o=-1;if(t*=a,e*=a,(r*=a)<0)for(;(n=t+r*++o)>e;)i.push(n/a);else for(;(n=t+r*++o)=i.length)return r?r.call(n,a):e?a.sort(e):a;for(var l,c,u,f,h=-1,p=a.length,d=i[s++],g=new b;++h=i.length)return e;var n=[],o=a[r++];return e.forEach(function(e,i){n.push({key:e,values:t(i,r)})}),o?n.sort(function(t,e){return o(t.key,e.key)}):n}(o(t.map,e,0),0)},n.key=function(t){return i.push(t),n},n.sortKeys=function(t){return a[i.length-1]=t,n},n.sortValues=function(t){return e=t,n},n.rollup=function(t){return r=t,n},n},t.set=function(t){var e=new L;if(t)for(var r=0,n=t.length;r=0&&(n=t.slice(r+1),t=t.slice(0,r)),t)return arguments.length<2?this[t].on(n):this[t].on(n,e);if(2===arguments.length){if(null==e)for(t in this)this.hasOwnProperty(t)&&this[t].on(n,null);return this}},t.event=null,t.requote=function(t){return t.replace(V,\"\\\\$&\")};var V=/[\\\\\\^\\$\\*\\+\\?\\|\\[\\]\\(\\)\\.\\{\\}]/g,U={}.__proto__?function(t,e){t.__proto__=e}:function(t,e){for(var r in e)t[r]=e[r]};function q(t){return U(t,Y),t}var H=function(t,e){return e.querySelector(t)},G=function(t,e){return e.querySelectorAll(t)},W=function(t,e){var r=t.matches||t[I(t,\"matchesSelector\")];return(W=function(t,e){return r.call(t,e)})(t,e)};\"function\"==typeof Sizzle&&(H=function(t,e){return Sizzle(t,e)[0]||null},G=Sizzle,W=Sizzle.matchesSelector),t.selection=function(){return t.select(i.documentElement)};var Y=t.selection.prototype=[];function X(t){return\"function\"==typeof t?t:function(){return H(t,this)}}function Z(t){return\"function\"==typeof t?t:function(){return G(t,this)}}Y.select=function(t){var e,r,n,i,a=[];t=X(t);for(var o=-1,s=this.length;++o=0&&\"xmlns\"!==(r=t.slice(0,e))&&(t=t.slice(e+1)),J.hasOwnProperty(r)?{space:J[r],local:t}:t}},Y.attr=function(e,r){if(arguments.length<2){if(\"string\"==typeof e){var n=this.node();return(e=t.ns.qualify(e)).local?n.getAttributeNS(e.space,e.local):n.getAttribute(e)}for(r in e)this.each(K(r,e[r]));return this}return this.each(K(e,r))},Y.classed=function(t,e){if(arguments.length<2){if(\"string\"==typeof t){var r=this.node(),n=(t=et(t)).length,i=-1;if(e=r.classList){for(;++i=0;)(r=n[i])&&(a&&a!==r.nextSibling&&a.parentNode.insertBefore(r,a),a=r);return this},Y.sort=function(t){t=function(t){arguments.length||(t=h);return function(e,r){return e&&r?t(e.__data__,r.__data__):!e-!r}}.apply(this,arguments);for(var e=-1,r=this.length;++e0&&(e=e.slice(0,o));var l=dt.get(e);function c(){var t=this[a];t&&(this.removeEventListener(e,t,t.$),delete this[a])}return l&&(e=l,s=vt),o?r?function(){var t=s(r,n(arguments));c.call(this),this.addEventListener(e,this[a]=t,t.$=i),t._=r}:c:r?D:function(){var r,n=new RegExp(\"^__on([^.]+)\"+t.requote(e)+\"$\");for(var i in this)if(r=i.match(n)){var a=this[i];this.removeEventListener(r[1],a,a.$),delete this[i]}}}t.selection.enter=ft,t.selection.enter.prototype=ht,ht.append=Y.append,ht.empty=Y.empty,ht.node=Y.node,ht.call=Y.call,ht.size=Y.size,ht.select=function(t){for(var e,r,n,i,a,o=[],s=-1,l=this.length;++s=n&&(n=e+1);!(o=s[n])&&++n0?1:t<0?-1:0}function Ot(t,e,r){return(e[0]-t[0])*(r[1]-t[1])-(e[1]-t[1])*(r[0]-t[0])}function It(t){return t>1?0:t<-1?At:Math.acos(t)}function Pt(t){return t>1?Et:t<-1?-Et:Math.asin(t)}function Dt(t){return((t=Math.exp(t))+1/t)/2}function Rt(t){return(t=Math.sin(t/2))*t}var Bt=Math.SQRT2;t.interpolateZoom=function(t,e){var r,n,i=t[0],a=t[1],o=t[2],s=e[0],l=e[1],c=e[2],u=s-i,f=l-a,h=u*u+f*f;if(h0&&(e=e.transition().duration(g)),e.call(w.event)}function S(){c&&c.domain(l.range().map(function(t){return(t-h.x)/h.k}).map(l.invert)),f&&f.domain(u.range().map(function(t){return(t-h.y)/h.k}).map(u.invert))}function E(t){v++||t({type:\"zoomstart\"})}function C(t){S(),t({type:\"zoom\",scale:h.k,translate:[h.x,h.y]})}function L(t){--v||(t({type:\"zoomend\"}),r=null)}function z(){var e=this,r=_.of(e,arguments),n=0,i=t.select(o(e)).on(y,function(){n=1,A(t.mouse(e),a),C(r)}).on(x,function(){i.on(y,null).on(x,null),s(n),L(r)}),a=k(t.mouse(e)),s=xt(e);fs.call(e),E(r)}function O(){var e,r=this,n=_.of(r,arguments),i={},a=0,o=\".zoom-\"+t.event.changedTouches[0].identifier,l=\"touchmove\"+o,c=\"touchend\"+o,u=[],f=t.select(r),p=xt(r);function d(){var n=t.touches(r);return e=h.k,n.forEach(function(t){t.identifier in i&&(i[t.identifier]=k(t))}),n}function g(){var e=t.event.target;t.select(e).on(l,v).on(c,y),u.push(e);for(var n=t.event.changedTouches,o=0,f=n.length;o1){m=p[0];var x=p[1],b=m[0]-x[0],_=m[1]-x[1];a=b*b+_*_}}function v(){var o,l,c,u,f=t.touches(r);fs.call(r);for(var h=0,p=f.length;h360?t-=360:t<0&&(t+=360),t<60?n+(i-n)*t/60:t<180?i:t<240?n+(i-n)*(240-t)/60:n}(t))}return t=isNaN(t)?0:(t%=360)<0?t+360:t,e=isNaN(e)?0:e<0?0:e>1?1:e,n=2*(r=r<0?0:r>1?1:r)-(i=r<=.5?r*(1+e):r+e-r*e),new ae(a(t+120),a(t),a(t-120))}function Gt(e,r,n){return this instanceof Gt?(this.h=+e,this.c=+r,void(this.l=+n)):arguments.length<2?e instanceof Gt?new Gt(e.h,e.c,e.l):ee(e instanceof Xt?e.l:(e=he((e=t.rgb(e)).r,e.g,e.b)).l,e.a,e.b):new Gt(e,r,n)}qt.brighter=function(t){return t=Math.pow(.7,arguments.length?t:1),new Ut(this.h,this.s,this.l/t)},qt.darker=function(t){return t=Math.pow(.7,arguments.length?t:1),new Ut(this.h,this.s,t*this.l)},qt.rgb=function(){return Ht(this.h,this.s,this.l)},t.hcl=Gt;var Wt=Gt.prototype=new Vt;function Yt(t,e,r){return isNaN(t)&&(t=0),isNaN(e)&&(e=0),new Xt(r,Math.cos(t*=Ct)*e,Math.sin(t)*e)}function Xt(t,e,r){return this instanceof Xt?(this.l=+t,this.a=+e,void(this.b=+r)):arguments.length<2?t instanceof Xt?new Xt(t.l,t.a,t.b):t instanceof Gt?Yt(t.h,t.c,t.l):he((t=ae(t)).r,t.g,t.b):new Xt(t,e,r)}Wt.brighter=function(t){return new Gt(this.h,this.c,Math.min(100,this.l+Zt*(arguments.length?t:1)))},Wt.darker=function(t){return new Gt(this.h,this.c,Math.max(0,this.l-Zt*(arguments.length?t:1)))},Wt.rgb=function(){return Yt(this.h,this.c,this.l).rgb()},t.lab=Xt;var Zt=18,$t=.95047,Jt=1,Kt=1.08883,Qt=Xt.prototype=new Vt;function te(t,e,r){var n=(t+16)/116,i=n+e/500,a=n-r/200;return new ae(ie(3.2404542*(i=re(i)*$t)-1.5371385*(n=re(n)*Jt)-.4985314*(a=re(a)*Kt)),ie(-.969266*i+1.8760108*n+.041556*a),ie(.0556434*i-.2040259*n+1.0572252*a))}function ee(t,e,r){return t>0?new Gt(Math.atan2(r,e)*Lt,Math.sqrt(e*e+r*r),t):new Gt(NaN,NaN,t)}function re(t){return t>.206893034?t*t*t:(t-4/29)/7.787037}function ne(t){return t>.008856?Math.pow(t,1/3):7.787037*t+4/29}function ie(t){return Math.round(255*(t<=.00304?12.92*t:1.055*Math.pow(t,1/2.4)-.055))}function ae(t,e,r){return this instanceof ae?(this.r=~~t,this.g=~~e,void(this.b=~~r)):arguments.length<2?t instanceof ae?new ae(t.r,t.g,t.b):ue(\"\"+t,ae,Ht):new ae(t,e,r)}function oe(t){return new ae(t>>16,t>>8&255,255&t)}function se(t){return oe(t)+\"\"}Qt.brighter=function(t){return new Xt(Math.min(100,this.l+Zt*(arguments.length?t:1)),this.a,this.b)},Qt.darker=function(t){return new Xt(Math.max(0,this.l-Zt*(arguments.length?t:1)),this.a,this.b)},Qt.rgb=function(){return te(this.l,this.a,this.b)},t.rgb=ae;var le=ae.prototype=new Vt;function ce(t){return t<16?\"0\"+Math.max(0,t).toString(16):Math.min(255,t).toString(16)}function ue(t,e,r){var n,i,a,o=0,s=0,l=0;if(n=/([a-z]+)\\((.*)\\)/.exec(t=t.toLowerCase()))switch(i=n[2].split(\",\"),n[1]){case\"hsl\":return r(parseFloat(i[0]),parseFloat(i[1])/100,parseFloat(i[2])/100);case\"rgb\":return e(de(i[0]),de(i[1]),de(i[2]))}return(a=ge.get(t))?e(a.r,a.g,a.b):(null==t||\"#\"!==t.charAt(0)||isNaN(a=parseInt(t.slice(1),16))||(4===t.length?(o=(3840&a)>>4,o|=o>>4,s=240&a,s|=s>>4,l=15&a,l|=l<<4):7===t.length&&(o=(16711680&a)>>16,s=(65280&a)>>8,l=255&a)),e(o,s,l))}function fe(t,e,r){var n,i,a=Math.min(t/=255,e/=255,r/=255),o=Math.max(t,e,r),s=o-a,l=(o+a)/2;return s?(i=l<.5?s/(o+a):s/(2-o-a),n=t==o?(e-r)/s+(e0&&l<1?0:n),new Ut(n,i,l)}function he(t,e,r){var n=ne((.4124564*(t=pe(t))+.3575761*(e=pe(e))+.1804375*(r=pe(r)))/$t),i=ne((.2126729*t+.7151522*e+.072175*r)/Jt);return Xt(116*i-16,500*(n-i),200*(i-ne((.0193339*t+.119192*e+.9503041*r)/Kt)))}function pe(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function de(t){var e=parseFloat(t);return\"%\"===t.charAt(t.length-1)?Math.round(2.55*e):e}le.brighter=function(t){t=Math.pow(.7,arguments.length?t:1);var e=this.r,r=this.g,n=this.b,i=30;return e||r||n?(e&&e=200&&e<300||304===e){try{t=i.call(o,c)}catch(t){return void s.error.call(o,t)}s.load.call(o,t)}else s.error.call(o,c)}return!this.XDomainRequest||\"withCredentials\"in c||!/^(http(s)?:)?\\/\\//.test(e)||(c=new XDomainRequest),\"onload\"in c?c.onload=c.onerror=f:c.onreadystatechange=function(){c.readyState>3&&f()},c.onprogress=function(e){var r=t.event;t.event=e;try{s.progress.call(o,c)}finally{t.event=r}},o.header=function(t,e){return t=(t+\"\").toLowerCase(),arguments.length<2?l[t]:(null==e?delete l[t]:l[t]=e+\"\",o)},o.mimeType=function(t){return arguments.length?(r=null==t?null:t+\"\",o):r},o.responseType=function(t){return arguments.length?(u=t,o):u},o.response=function(t){return i=t,o},[\"get\",\"post\"].forEach(function(t){o[t]=function(){return o.send.apply(o,[t].concat(n(arguments)))}}),o.send=function(t,n,i){if(2===arguments.length&&\"function\"==typeof n&&(i=n,n=null),c.open(t,e,!0),null==r||\"accept\"in l||(l.accept=r+\",*/*\"),c.setRequestHeader)for(var a in l)c.setRequestHeader(a,l[a]);return null!=r&&c.overrideMimeType&&c.overrideMimeType(r),null!=u&&(c.responseType=u),null!=i&&o.on(\"error\",i).on(\"load\",function(t){i(null,t)}),s.beforesend.call(o,c),c.send(null==n?null:n),o},o.abort=function(){return c.abort(),o},t.rebind(o,s,\"on\"),null==a?o:o.get(function(t){return 1===t.length?function(e,r){t(null==e?r:null)}:t}(a))}ge.forEach(function(t,e){ge.set(t,oe(e))}),t.functor=ve,t.xhr=me(z),t.dsv=function(t,e){var r=new RegExp('[\"'+t+\"\\n]\"),n=t.charCodeAt(0);function i(t,r,n){arguments.length<3&&(n=r,r=null);var i=ye(t,e,null==r?a:o(r),n);return i.row=function(t){return arguments.length?i.response(null==(r=t)?a:o(t)):r},i}function a(t){return i.parse(t.responseText)}function o(t){return function(e){return i.parse(e.responseText,t)}}function s(e){return e.map(l).join(t)}function l(t){return r.test(t)?'\"'+t.replace(/\\\"/g,'\"\"')+'\"':t}return i.parse=function(t,e){var r;return i.parseRows(t,function(t,n){if(r)return r(t,n-1);var i=new Function(\"d\",\"return {\"+t.map(function(t,e){return JSON.stringify(t)+\": d[\"+e+\"]\"}).join(\",\")+\"}\");r=e?function(t,r){return e(i(t),r)}:i})},i.parseRows=function(t,e){var r,i,a={},o={},s=[],l=t.length,c=0,u=0;function f(){if(c>=l)return o;if(i)return i=!1,a;var e=c;if(34===t.charCodeAt(e)){for(var r=e;r++24?(isFinite(e)&&(clearTimeout(we),we=setTimeout(Ae,e)),_e=0):(_e=1,ke(Ae))}function Te(){for(var t=Date.now(),e=xe;e;)t>=e.t&&e.c(t-e.t)&&(e.c=null),e=e.n;return t}function Se(){for(var t,e=xe,r=1/0;e;)e.c?(e.t8?function(t){return t/r}:function(t){return t*r},symbol:t}});t.formatPrefix=function(e,r){var n=0;return(e=+e)&&(e<0&&(e*=-1),r&&(e=t.round(e,Ee(e,r))),n=1+Math.floor(1e-12+Math.log(e)/Math.LN10),n=Math.max(-24,Math.min(24,3*Math.floor((n-1)/3)))),Ce[8+n/3]};var Le=/(?:([^{])?([<>=^]))?([+\\- ])?([$#])?(0)?(\\d+)?(,)?(\\.-?\\d+)?([a-z%])?/i,ze=t.map({b:function(t){return t.toString(2)},c:function(t){return String.fromCharCode(t)},o:function(t){return t.toString(8)},x:function(t){return t.toString(16)},X:function(t){return t.toString(16).toUpperCase()},g:function(t,e){return t.toPrecision(e)},e:function(t,e){return t.toExponential(e)},f:function(t,e){return t.toFixed(e)},r:function(e,r){return(e=t.round(e,Ee(e,r))).toFixed(Math.max(0,Math.min(20,Ee(e*(1+1e-15),r))))}});function Oe(t){return t+\"\"}var Ie=t.time={},Pe=Date;function De(){this._=new Date(arguments.length>1?Date.UTC.apply(this,arguments):arguments[0])}De.prototype={getDate:function(){return this._.getUTCDate()},getDay:function(){return this._.getUTCDay()},getFullYear:function(){return this._.getUTCFullYear()},getHours:function(){return this._.getUTCHours()},getMilliseconds:function(){return this._.getUTCMilliseconds()},getMinutes:function(){return this._.getUTCMinutes()},getMonth:function(){return this._.getUTCMonth()},getSeconds:function(){return this._.getUTCSeconds()},getTime:function(){return this._.getTime()},getTimezoneOffset:function(){return 0},valueOf:function(){return this._.valueOf()},setDate:function(){Re.setUTCDate.apply(this._,arguments)},setDay:function(){Re.setUTCDay.apply(this._,arguments)},setFullYear:function(){Re.setUTCFullYear.apply(this._,arguments)},setHours:function(){Re.setUTCHours.apply(this._,arguments)},setMilliseconds:function(){Re.setUTCMilliseconds.apply(this._,arguments)},setMinutes:function(){Re.setUTCMinutes.apply(this._,arguments)},setMonth:function(){Re.setUTCMonth.apply(this._,arguments)},setSeconds:function(){Re.setUTCSeconds.apply(this._,arguments)},setTime:function(){Re.setTime.apply(this._,arguments)}};var Re=Date.prototype;function Be(t,e,r){function n(e){var r=t(e),n=a(r,1);return e-r1)for(;o68?1900:2e3),r+i[0].length):-1}function $e(t,e,r){return/^[+-]\\d{4}$/.test(e=e.slice(r,r+5))?(t.Z=-e,r+5):-1}function Je(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.m=n[0]-1,r+n[0].length):-1}function Ke(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.d=+n[0],r+n[0].length):-1}function Qe(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.j=+n[0],r+n[0].length):-1}function tr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.H=+n[0],r+n[0].length):-1}function er(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.M=+n[0],r+n[0].length):-1}function rr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+2));return n?(t.S=+n[0],r+n[0].length):-1}function nr(t,e,r){je.lastIndex=0;var n=je.exec(e.slice(r,r+3));return n?(t.L=+n[0],r+n[0].length):-1}function ir(t){var e=t.getTimezoneOffset(),r=e>0?\"-\":\"+\",n=y(e)/60|0,i=y(e)%60;return r+Ue(n,\"0\",2)+Ue(i,\"0\",2)}function ar(t,e,r){Ve.lastIndex=0;var n=Ve.exec(e.slice(r,r+1));return n?r+n[0].length:-1}function or(t){for(var e=t.length,r=-1;++r0&&s>0&&(l+s+1>e&&(s=Math.max(1,e-l)),a.push(t.substring(r-=s,r+s)),!((l+=s+1)>e));)s=i[o=(o+1)%i.length];return a.reverse().join(n)}:z;return function(e){var n=Le.exec(e),i=n[1]||\" \",s=n[2]||\">\",l=n[3]||\"-\",c=n[4]||\"\",u=n[5],f=+n[6],h=n[7],p=n[8],d=n[9],g=1,v=\"\",m=\"\",y=!1,x=!0;switch(p&&(p=+p.substring(1)),(u||\"0\"===i&&\"=\"===s)&&(u=i=\"0\",s=\"=\"),d){case\"n\":h=!0,d=\"g\";break;case\"%\":g=100,m=\"%\",d=\"f\";break;case\"p\":g=100,m=\"%\",d=\"r\";break;case\"b\":case\"o\":case\"x\":case\"X\":\"#\"===c&&(v=\"0\"+d.toLowerCase());case\"c\":x=!1;case\"d\":y=!0,p=0;break;case\"s\":g=-1,d=\"r\"}\"$\"===c&&(v=a[0],m=a[1]),\"r\"!=d||p||(d=\"g\"),null!=p&&(\"g\"==d?p=Math.max(1,Math.min(21,p)):\"e\"!=d&&\"f\"!=d||(p=Math.max(0,Math.min(20,p)))),d=ze.get(d)||Oe;var b=u&&h;return function(e){var n=m;if(y&&e%1)return\"\";var a=e<0||0===e&&1/e<0?(e=-e,\"-\"):\"-\"===l?\"\":l;if(g<0){var c=t.formatPrefix(e,p);e=c.scale(e),n=c.symbol+m}else e*=g;var _,w,k=(e=d(e,p)).lastIndexOf(\".\");if(k<0){var M=x?e.lastIndexOf(\"e\"):-1;M<0?(_=e,w=\"\"):(_=e.substring(0,M),w=e.substring(M))}else _=e.substring(0,k),w=r+e.substring(k+1);!u&&h&&(_=o(_,1/0));var A=v.length+_.length+w.length+(b?0:a.length),T=A\"===s?T+a+e:\"^\"===s?T.substring(0,A>>=1)+a+e+T.substring(A):a+(b?e:T+e))+n}}}(e),timeFormat:function(e){var r=e.dateTime,n=e.date,i=e.time,a=e.periods,o=e.days,s=e.shortDays,l=e.months,c=e.shortMonths;function u(t){var e=t.length;function r(r){for(var n,i,a,o=[],s=-1,l=0;++s=c)return-1;if(37===(i=e.charCodeAt(s++))){if(o=e.charAt(s++),!(a=w[o in Ne?e.charAt(s++):o])||(n=a(t,r,n))<0)return-1}else if(i!=r.charCodeAt(n++))return-1}return n}u.utc=function(t){var e=u(t);function r(t){try{var r=new(Pe=De);return r._=t,e(r)}finally{Pe=Date}}return r.parse=function(t){try{Pe=De;var r=e.parse(t);return r&&r._}finally{Pe=Date}},r.toString=e.toString,r},u.multi=u.utc.multi=or;var h=t.map(),p=qe(o),d=He(o),g=qe(s),v=He(s),m=qe(l),y=He(l),x=qe(c),b=He(c);a.forEach(function(t,e){h.set(t.toLowerCase(),e)});var _={a:function(t){return s[t.getDay()]},A:function(t){return o[t.getDay()]},b:function(t){return c[t.getMonth()]},B:function(t){return l[t.getMonth()]},c:u(r),d:function(t,e){return Ue(t.getDate(),e,2)},e:function(t,e){return Ue(t.getDate(),e,2)},H:function(t,e){return Ue(t.getHours(),e,2)},I:function(t,e){return Ue(t.getHours()%12||12,e,2)},j:function(t,e){return Ue(1+Ie.dayOfYear(t),e,3)},L:function(t,e){return Ue(t.getMilliseconds(),e,3)},m:function(t,e){return Ue(t.getMonth()+1,e,2)},M:function(t,e){return Ue(t.getMinutes(),e,2)},p:function(t){return a[+(t.getHours()>=12)]},S:function(t,e){return Ue(t.getSeconds(),e,2)},U:function(t,e){return Ue(Ie.sundayOfYear(t),e,2)},w:function(t){return t.getDay()},W:function(t,e){return Ue(Ie.mondayOfYear(t),e,2)},x:u(n),X:u(i),y:function(t,e){return Ue(t.getFullYear()%100,e,2)},Y:function(t,e){return Ue(t.getFullYear()%1e4,e,4)},Z:ir,\"%\":function(){return\"%\"}},w={a:function(t,e,r){g.lastIndex=0;var n=g.exec(e.slice(r));return n?(t.w=v.get(n[0].toLowerCase()),r+n[0].length):-1},A:function(t,e,r){p.lastIndex=0;var n=p.exec(e.slice(r));return n?(t.w=d.get(n[0].toLowerCase()),r+n[0].length):-1},b:function(t,e,r){x.lastIndex=0;var n=x.exec(e.slice(r));return n?(t.m=b.get(n[0].toLowerCase()),r+n[0].length):-1},B:function(t,e,r){m.lastIndex=0;var n=m.exec(e.slice(r));return n?(t.m=y.get(n[0].toLowerCase()),r+n[0].length):-1},c:function(t,e,r){return f(t,_.c.toString(),e,r)},d:Ke,e:Ke,H:tr,I:tr,j:Qe,L:nr,m:Je,M:er,p:function(t,e,r){var n=h.get(e.slice(r,r+=2).toLowerCase());return null==n?-1:(t.p=n,r)},S:rr,U:We,w:Ge,W:Ye,x:function(t,e,r){return f(t,_.x.toString(),e,r)},X:function(t,e,r){return f(t,_.X.toString(),e,r)},y:Ze,Y:Xe,Z:$e,\"%\":ar};return u}(e)}};var sr=t.locale({decimal:\".\",thousands:\",\",grouping:[3],currency:[\"$\",\"\"],dateTime:\"%a %b %e %X %Y\",date:\"%m/%d/%Y\",time:\"%H:%M:%S\",periods:[\"AM\",\"PM\"],days:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],shortDays:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],months:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],shortMonths:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"]});function lr(){}t.format=sr.numberFormat,t.geo={},lr.prototype={s:0,t:0,add:function(t){ur(t,this.t,cr),ur(cr.s,this.s,this),this.s?this.t+=cr.t:this.s=cr.t},reset:function(){this.s=this.t=0},valueOf:function(){return this.s}};var cr=new lr;function ur(t,e,r){var n=r.s=t+e,i=n-t,a=n-i;r.t=t-a+(e-i)}function fr(t,e){t&&pr.hasOwnProperty(t.type)&&pr[t.type](t,e)}t.geo.stream=function(t,e){t&&hr.hasOwnProperty(t.type)?hr[t.type](t,e):fr(t,e)};var hr={Feature:function(t,e){fr(t.geometry,e)},FeatureCollection:function(t,e){for(var r=t.features,n=-1,i=r.length;++n=0?1:-1,s=o*a,l=Math.cos(e),c=Math.sin(e),u=i*c,f=n*l+u*Math.cos(s),h=u*o*Math.sin(s);Er.add(Math.atan2(h,f)),r=t,n=l,i=c}Cr.point=function(o,s){Cr.point=a,r=(t=o)*Ct,n=Math.cos(s=(e=s)*Ct/2+At/4),i=Math.sin(s)},Cr.lineEnd=function(){a(t,e)}}function zr(t){var e=t[0],r=t[1],n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}function Or(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}function Ir(t,e){return[t[1]*e[2]-t[2]*e[1],t[2]*e[0]-t[0]*e[2],t[0]*e[1]-t[1]*e[0]]}function Pr(t,e){t[0]+=e[0],t[1]+=e[1],t[2]+=e[2]}function Dr(t,e){return[t[0]*e,t[1]*e,t[2]*e]}function Rr(t){var e=Math.sqrt(t[0]*t[0]+t[1]*t[1]+t[2]*t[2]);t[0]/=e,t[1]/=e,t[2]/=e}function Br(t){return[Math.atan2(t[1],t[0]),Pt(t[2])]}function Fr(t,e){return y(t[0]-e[0])kt?i=90:c<-kt&&(r=-90),f[0]=e,f[1]=n}};function p(t,a){u.push(f=[e=t,n=t]),ai&&(i=a)}function d(t,o){var s=zr([t*Ct,o*Ct]);if(l){var c=Ir(l,s),u=Ir([c[1],-c[0],0],c);Rr(u),u=Br(u);var f=t-a,h=f>0?1:-1,d=u[0]*Lt*h,g=y(f)>180;if(g^(h*ai&&(i=v);else if(g^(h*a<(d=(d+360)%360-180)&&di&&(i=o);g?t_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t):n>=e?(tn&&(n=t)):t>a?_(e,t)>_(e,n)&&(n=t):_(t,n)>_(e,n)&&(e=t)}else p(t,o);l=s,a=t}function g(){h.point=d}function v(){f[0]=e,f[1]=n,h.point=p,l=null}function m(t,e){if(l){var r=t-a;c+=y(r)>180?r+(r>0?360:-360):r}else o=t,s=e;Cr.point(t,e),d(t,e)}function x(){Cr.lineStart()}function b(){m(o,s),Cr.lineEnd(),y(c)>kt&&(e=-(n=180)),f[0]=e,f[1]=n,l=null}function _(t,e){return(e-=t)<0?e+360:e}function w(t,e){return t[0]-e[0]}function k(t,e){return e[0]<=e[1]?e[0]<=t&&t<=e[1]:t_(g[0],g[1])&&(g[1]=p[1]),_(p[0],g[1])>_(g[0],g[1])&&(g[0]=p[0])):s.push(g=p);for(var l,c,p,d=-1/0,g=(o=0,s[c=s.length-1]);o<=c;g=p,++o)p=s[o],(l=_(g[1],p[0]))>d&&(d=l,e=p[0],n=g[1])}return u=f=null,e===1/0||r===1/0?[[NaN,NaN],[NaN,NaN]]:[[e,r],[n,i]]}}(),t.geo.centroid=function(e){mr=yr=xr=br=_r=wr=kr=Mr=Ar=Tr=Sr=0,t.geo.stream(e,Nr);var r=Ar,n=Tr,i=Sr,a=r*r+n*n+i*i;return a=0;--s)i.point((f=u[s])[0],f[1]);else n(p.x,p.p.x,-1,i);p=p.p}u=(p=p.o).z,d=!d}while(!p.v);i.lineEnd()}}}function Xr(t){if(e=t.length){for(var e,r,n=0,i=t[0];++n=0?1:-1,k=w*_,M=k>At,A=d*x;if(Er.add(Math.atan2(A*w*Math.sin(k),g*b+A*Math.cos(k))),a+=M?_+w*Tt:_,M^h>=r^m>=r){var T=Ir(zr(f),zr(t));Rr(T);var S=Ir(i,T);Rr(S);var E=(M^_>=0?-1:1)*Pt(S[2]);(n>E||n===E&&(T[0]||T[1]))&&(o+=M^_>=0?1:-1)}if(!v++)break;h=m,d=x,g=b,f=t}}return(a<-kt||a0){for(x||(o.polygonStart(),x=!0),o.lineStart();++a1&&2&e&&r.push(r.pop().concat(r.shift())),s.push(r.filter(Jr))}return u}}function Jr(t){return t.length>1}function Kr(){var t,e=[];return{lineStart:function(){e.push(t=[])},point:function(e,r){t.push([e,r])},lineEnd:D,buffer:function(){var r=e;return e=[],t=null,r},rejoin:function(){e.length>1&&e.push(e.pop().concat(e.shift()))}}}function Qr(t,e){return((t=t.x)[0]<0?t[1]-Et-kt:Et-t[1])-((e=e.x)[0]<0?e[1]-Et-kt:Et-e[1])}var tn=$r(Wr,function(t){var e,r=NaN,n=NaN,i=NaN;return{lineStart:function(){t.lineStart(),e=1},point:function(a,o){var s=a>0?At:-At,l=y(a-r);y(l-At)0?Et:-Et),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),t.point(a,n),e=0):i!==s&&l>=At&&(y(r-i)kt?Math.atan((Math.sin(e)*(a=Math.cos(n))*Math.sin(r)-Math.sin(n)*(i=Math.cos(e))*Math.sin(t))/(i*a*o)):(e+n)/2}(r,n,a,o),t.point(i,n),t.lineEnd(),t.lineStart(),t.point(s,n),e=0),t.point(r=a,n=o),i=s},lineEnd:function(){t.lineEnd(),r=n=NaN},clean:function(){return 2-e}}},function(t,e,r,n){var i;if(null==t)i=r*Et,n.point(-At,i),n.point(0,i),n.point(At,i),n.point(At,0),n.point(At,-i),n.point(0,-i),n.point(-At,-i),n.point(-At,0),n.point(-At,i);else if(y(t[0]-e[0])>kt){var a=t[0]0)){if(a/=h,h<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=r-l,h||!(a<0)){if(a/=h,h<0){if(a>f)return;a>u&&(u=a)}else if(h>0){if(a0)){if(a/=p,p<0){if(a0){if(a>f)return;a>u&&(u=a)}if(a=n-c,p||!(a<0)){if(a/=p,p<0){if(a>f)return;a>u&&(u=a)}else if(p>0){if(a0&&(i.a={x:l+u*h,y:c+u*p}),f<1&&(i.b={x:l+f*h,y:c+f*p}),i}}}}}}var rn=1e9;function nn(e,r,n,i){return function(l){var c,u,f,h,p,d,g,v,m,y,x,b=l,_=Kr(),w=en(e,r,n,i),k={point:T,lineStart:function(){k.point=S,u&&u.push(f=[]);y=!0,m=!1,g=v=NaN},lineEnd:function(){c&&(S(h,p),d&&m&&_.rejoin(),c.push(_.buffer()));k.point=T,m&&l.lineEnd()},polygonStart:function(){l=_,c=[],u=[],x=!0},polygonEnd:function(){l=b,c=t.merge(c);var r=function(t){for(var e=0,r=u.length,n=t[1],i=0;in&&Ot(c,a,t)>0&&++e:a[1]<=n&&Ot(c,a,t)<0&&--e,c=a;return 0!==e}([e,i]),n=x&&r,a=c.length;(n||a)&&(l.polygonStart(),n&&(l.lineStart(),M(null,null,1,l),l.lineEnd()),a&&Yr(c,o,r,M,l),l.polygonEnd()),c=u=f=null}};function M(t,o,l,c){var u=0,f=0;if(null==t||(u=a(t,l))!==(f=a(o,l))||s(t,o)<0^l>0)do{c.point(0===u||3===u?e:n,u>1?i:r)}while((u=(u+l+4)%4)!==f);else c.point(o[0],o[1])}function A(t,a){return e<=t&&t<=n&&r<=a&&a<=i}function T(t,e){A(t,e)&&l.point(t,e)}function S(t,e){var r=A(t=Math.max(-rn,Math.min(rn,t)),e=Math.max(-rn,Math.min(rn,e)));if(u&&f.push([t,e]),y)h=t,p=e,d=r,y=!1,r&&(l.lineStart(),l.point(t,e));else if(r&&m)l.point(t,e);else{var n={a:{x:g,y:v},b:{x:t,y:e}};w(n)?(m||(l.lineStart(),l.point(n.a.x,n.a.y)),l.point(n.b.x,n.b.y),r||l.lineEnd(),x=!1):r&&(l.lineStart(),l.point(t,e),x=!1)}g=t,v=e,m=r}return k};function a(t,i){return y(t[0]-e)0?0:3:y(t[0]-n)0?2:1:y(t[1]-r)0?1:0:i>0?3:2}function o(t,e){return s(t.x,e.x)}function s(t,e){var r=a(t,1),n=a(e,1);return r!==n?r-n:0===r?e[1]-t[1]:1===r?t[0]-e[0]:2===r?t[1]-e[1]:e[0]-t[0]}}function an(t){var e=0,r=At/3,n=Cn(t),i=n(e,r);return i.parallels=function(t){return arguments.length?n(e=t[0]*At/180,r=t[1]*At/180):[e/At*180,r/At*180]},i}function on(t,e){var r=Math.sin(t),n=(r+Math.sin(e))/2,i=1+r*(2*n-r),a=Math.sqrt(i)/n;function o(t,e){var r=Math.sqrt(i-2*n*Math.sin(e))/n;return[r*Math.sin(t*=n),a-r*Math.cos(t)]}return o.invert=function(t,e){var r=a-e;return[Math.atan2(t,r)/n,Pt((i-(t*t+r*r)*n*n)/(2*n))]},o}t.geo.clipExtent=function(){var t,e,r,n,i,a,o={stream:function(t){return i&&(i.valid=!1),(i=a(t)).valid=!0,i},extent:function(s){return arguments.length?(a=nn(t=+s[0][0],e=+s[0][1],r=+s[1][0],n=+s[1][1]),i&&(i.valid=!1,i=null),o):[[t,e],[r,n]]}};return o.extent([[0,0],[960,500]])},(t.geo.conicEqualArea=function(){return an(on)}).raw=on,t.geo.albers=function(){return t.geo.conicEqualArea().rotate([96,0]).center([-.6,38.7]).parallels([29.5,45.5]).scale(1070)},t.geo.albersUsa=function(){var e,r,n,i,a=t.geo.albers(),o=t.geo.conicEqualArea().rotate([154,0]).center([-2,58.5]).parallels([55,65]),s=t.geo.conicEqualArea().rotate([157,0]).center([-3,19.9]).parallels([8,18]),l={point:function(t,r){e=[t,r]}};function c(t){var a=t[0],o=t[1];return e=null,r(a,o),e||(n(a,o),e)||i(a,o),e}return c.invert=function(t){var e=a.scale(),r=a.translate(),n=(t[0]-r[0])/e,i=(t[1]-r[1])/e;return(i>=.12&&i<.234&&n>=-.425&&n<-.214?o:i>=.166&&i<.234&&n>=-.214&&n<-.115?s:a).invert(t)},c.stream=function(t){var e=a.stream(t),r=o.stream(t),n=s.stream(t);return{point:function(t,i){e.point(t,i),r.point(t,i),n.point(t,i)},sphere:function(){e.sphere(),r.sphere(),n.sphere()},lineStart:function(){e.lineStart(),r.lineStart(),n.lineStart()},lineEnd:function(){e.lineEnd(),r.lineEnd(),n.lineEnd()},polygonStart:function(){e.polygonStart(),r.polygonStart(),n.polygonStart()},polygonEnd:function(){e.polygonEnd(),r.polygonEnd(),n.polygonEnd()}}},c.precision=function(t){return arguments.length?(a.precision(t),o.precision(t),s.precision(t),c):a.precision()},c.scale=function(t){return arguments.length?(a.scale(t),o.scale(.35*t),s.scale(t),c.translate(a.translate())):a.scale()},c.translate=function(t){if(!arguments.length)return a.translate();var e=a.scale(),u=+t[0],f=+t[1];return r=a.translate(t).clipExtent([[u-.455*e,f-.238*e],[u+.455*e,f+.238*e]]).stream(l).point,n=o.translate([u-.307*e,f+.201*e]).clipExtent([[u-.425*e+kt,f+.12*e+kt],[u-.214*e-kt,f+.234*e-kt]]).stream(l).point,i=s.translate([u-.205*e,f+.212*e]).clipExtent([[u-.214*e+kt,f+.166*e+kt],[u-.115*e-kt,f+.234*e-kt]]).stream(l).point,c},c.scale(1070)};var sn,ln,cn,un,fn,hn,pn={point:D,lineStart:D,lineEnd:D,polygonStart:function(){ln=0,pn.lineStart=dn},polygonEnd:function(){pn.lineStart=pn.lineEnd=pn.point=D,sn+=y(ln/2)}};function dn(){var t,e,r,n;function i(t,e){ln+=n*t-r*e,r=t,n=e}pn.point=function(a,o){pn.point=i,t=r=a,e=n=o},pn.lineEnd=function(){i(t,e)}}var gn={point:function(t,e){tfn&&(fn=t);ehn&&(hn=e)},lineStart:D,lineEnd:D,polygonStart:D,polygonEnd:D};function vn(){var t=mn(4.5),e=[],r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(e){return t=mn(e),r},result:function(){if(e.length){var t=e.join(\"\");return e=[],t}}};function n(r,n){e.push(\"M\",r,\",\",n,t)}function i(t,n){e.push(\"M\",t,\",\",n),r.point=a}function a(t,r){e.push(\"L\",t,\",\",r)}function o(){r.point=n}function s(){e.push(\"Z\")}return r}function mn(t){return\"m0,\"+t+\"a\"+t+\",\"+t+\" 0 1,1 0,\"+-2*t+\"a\"+t+\",\"+t+\" 0 1,1 0,\"+2*t+\"z\"}var yn,xn={point:bn,lineStart:_n,lineEnd:wn,polygonStart:function(){xn.lineStart=kn},polygonEnd:function(){xn.point=bn,xn.lineStart=_n,xn.lineEnd=wn}};function bn(t,e){xr+=t,br+=e,++_r}function _n(){var t,e;function r(r,n){var i=r-t,a=n-e,o=Math.sqrt(i*i+a*a);wr+=o*(t+r)/2,kr+=o*(e+n)/2,Mr+=o,bn(t=r,e=n)}xn.point=function(n,i){xn.point=r,bn(t=n,e=i)}}function wn(){xn.point=bn}function kn(){var t,e,r,n;function i(t,e){var i=t-r,a=e-n,o=Math.sqrt(i*i+a*a);wr+=o*(r+t)/2,kr+=o*(n+e)/2,Mr+=o,Ar+=(o=n*t-r*e)*(r+t),Tr+=o*(n+e),Sr+=3*o,bn(r=t,n=e)}xn.point=function(a,o){xn.point=i,bn(t=r=a,e=n=o)},xn.lineEnd=function(){i(t,e)}}function Mn(t){var e=4.5,r={point:n,lineStart:function(){r.point=i},lineEnd:o,polygonStart:function(){r.lineEnd=s},polygonEnd:function(){r.lineEnd=o,r.point=n},pointRadius:function(t){return e=t,r},result:D};function n(r,n){t.moveTo(r+e,n),t.arc(r,n,e,0,Tt)}function i(e,n){t.moveTo(e,n),r.point=a}function a(e,r){t.lineTo(e,r)}function o(){r.point=n}function s(){t.closePath()}return r}function An(t){var e=.5,r=Math.cos(30*Ct),n=16;function i(e){return(n?function(e){var r,i,o,s,l,c,u,f,h,p,d,g,v={point:m,lineStart:y,lineEnd:b,polygonStart:function(){e.polygonStart(),v.lineStart=_},polygonEnd:function(){e.polygonEnd(),v.lineStart=y}};function m(r,n){r=t(r,n),e.point(r[0],r[1])}function y(){f=NaN,v.point=x,e.lineStart()}function x(r,i){var o=zr([r,i]),s=t(r,i);a(f,h,u,p,d,g,f=s[0],h=s[1],u=r,p=o[0],d=o[1],g=o[2],n,e),e.point(f,h)}function b(){v.point=m,e.lineEnd()}function _(){y(),v.point=w,v.lineEnd=k}function w(t,e){x(r=t,e),i=f,o=h,s=p,l=d,c=g,v.point=x}function k(){a(f,h,u,p,d,g,i,o,r,s,l,c,n,e),v.lineEnd=b,b()}return v}:function(e){return Sn(e,function(r,n){r=t(r,n),e.point(r[0],r[1])})})(e)}function a(n,i,o,s,l,c,u,f,h,p,d,g,v,m){var x=u-n,b=f-i,_=x*x+b*b;if(_>4*e&&v--){var w=s+p,k=l+d,M=c+g,A=Math.sqrt(w*w+k*k+M*M),T=Math.asin(M/=A),S=y(y(M)-1)e||y((x*z+b*O)/_-.5)>.3||s*p+l*d+c*g0&&16,i):Math.sqrt(e)},i}function Tn(t){this.stream=t}function Sn(t,e){return{point:e,sphere:function(){t.sphere()},lineStart:function(){t.lineStart()},lineEnd:function(){t.lineEnd()},polygonStart:function(){t.polygonStart()},polygonEnd:function(){t.polygonEnd()}}}function En(t){return Cn(function(){return t})()}function Cn(e){var r,n,i,a,o,s,l=An(function(t,e){return[(t=r(t,e))[0]*c+a,o-t[1]*c]}),c=150,u=480,f=250,h=0,p=0,d=0,g=0,v=0,m=tn,x=z,b=null,_=null;function w(t){return[(t=i(t[0]*Ct,t[1]*Ct))[0]*c+a,o-t[1]*c]}function k(t){return(t=i.invert((t[0]-a)/c,(o-t[1])/c))&&[t[0]*Lt,t[1]*Lt]}function M(){i=Gr(n=In(d,g,v),r);var t=r(h,p);return a=u-t[0]*c,o=f+t[1]*c,A()}function A(){return s&&(s.valid=!1,s=null),w}return w.stream=function(t){return s&&(s.valid=!1),(s=Ln(m(n,l(x(t))))).valid=!0,s},w.clipAngle=function(t){return arguments.length?(m=null==t?(b=t,tn):function(t){var e=Math.cos(t),r=e>0,n=y(e)>kt;return $r(i,function(t){var e,s,l,c,u;return{lineStart:function(){c=l=!1,u=1},point:function(f,h){var p,d=[f,h],g=i(f,h),v=r?g?0:o(f,h):g?o(f+(f<0?At:-At),h):0;if(!e&&(c=l=g)&&t.lineStart(),g!==l&&(p=a(e,d),(Fr(e,p)||Fr(d,p))&&(d[0]+=kt,d[1]+=kt,g=i(d[0],d[1]))),g!==l)u=0,g?(t.lineStart(),p=a(d,e),t.point(p[0],p[1])):(p=a(e,d),t.point(p[0],p[1]),t.lineEnd()),e=p;else if(n&&e&&r^g){var m;v&s||!(m=a(d,e,!0))||(u=0,r?(t.lineStart(),t.point(m[0][0],m[0][1]),t.point(m[1][0],m[1][1]),t.lineEnd()):(t.point(m[1][0],m[1][1]),t.lineEnd(),t.lineStart(),t.point(m[0][0],m[0][1])))}!g||e&&Fr(e,d)||t.point(d[0],d[1]),e=d,l=g,s=v},lineEnd:function(){l&&t.lineEnd(),e=null},clean:function(){return u|(c&&l)<<1}}},Bn(t,6*Ct),r?[0,-t]:[-At,t-At]);function i(t,r){return Math.cos(t)*Math.cos(r)>e}function a(t,r,n){var i=[1,0,0],a=Ir(zr(t),zr(r)),o=Or(a,a),s=a[0],l=o-s*s;if(!l)return!n&&t;var c=e*o/l,u=-e*s/l,f=Ir(i,a),h=Dr(i,c);Pr(h,Dr(a,u));var p=f,d=Or(h,p),g=Or(p,p),v=d*d-g*(Or(h,h)-1);if(!(v<0)){var m=Math.sqrt(v),x=Dr(p,(-d-m)/g);if(Pr(x,h),x=Br(x),!n)return x;var b,_=t[0],w=r[0],k=t[1],M=r[1];w<_&&(b=_,_=w,w=b);var A=w-_,T=y(A-At)0^x[1]<(y(x[0]-_)At^(_<=x[0]&&x[0]<=w)){var S=Dr(p,(-d+m)/g);return Pr(S,h),[x,Br(S)]}}}function o(e,n){var i=r?t:At-t,a=0;return e<-i?a|=1:e>i&&(a|=2),n<-i?a|=4:n>i&&(a|=8),a}}((b=+t)*Ct),A()):b},w.clipExtent=function(t){return arguments.length?(_=t,x=t?nn(t[0][0],t[0][1],t[1][0],t[1][1]):z,A()):_},w.scale=function(t){return arguments.length?(c=+t,M()):c},w.translate=function(t){return arguments.length?(u=+t[0],f=+t[1],M()):[u,f]},w.center=function(t){return arguments.length?(h=t[0]%360*Ct,p=t[1]%360*Ct,M()):[h*Lt,p*Lt]},w.rotate=function(t){return arguments.length?(d=t[0]%360*Ct,g=t[1]%360*Ct,v=t.length>2?t[2]%360*Ct:0,M()):[d*Lt,g*Lt,v*Lt]},t.rebind(w,l,\"precision\"),function(){return r=e.apply(this,arguments),w.invert=r.invert&&k,M()}}function Ln(t){return Sn(t,function(e,r){t.point(e*Ct,r*Ct)})}function zn(t,e){return[t,e]}function On(t,e){return[t>At?t-Tt:t<-At?t+Tt:t,e]}function In(t,e,r){return t?e||r?Gr(Dn(t),Rn(e,r)):Dn(t):e||r?Rn(e,r):On}function Pn(t){return function(e,r){return[(e+=t)>At?e-Tt:e<-At?e+Tt:e,r]}}function Dn(t){var e=Pn(t);return e.invert=Pn(-t),e}function Rn(t,e){var r=Math.cos(t),n=Math.sin(t),i=Math.cos(e),a=Math.sin(e);function o(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*r+s*n;return[Math.atan2(l*i-u*a,s*r-c*n),Pt(u*i+l*a)]}return o.invert=function(t,e){var o=Math.cos(e),s=Math.cos(t)*o,l=Math.sin(t)*o,c=Math.sin(e),u=c*i-l*a;return[Math.atan2(l*i+c*a,s*r+u*n),Pt(u*r-s*n)]},o}function Bn(t,e){var r=Math.cos(t),n=Math.sin(t);return function(i,a,o,s){var l=o*e;null!=i?(i=Fn(r,i),a=Fn(r,a),(o>0?ia)&&(i+=o*Tt)):(i=t+o*Tt,a=t-.5*l);for(var c,u=i;o>0?u>a:u2?t[2]*Ct:0),e.invert=function(e){return(e=t.invert(e[0]*Ct,e[1]*Ct))[0]*=Lt,e[1]*=Lt,e},e},On.invert=zn,t.geo.circle=function(){var t,e,r=[0,0],n=6;function i(){var t=\"function\"==typeof r?r.apply(this,arguments):r,n=In(-t[0]*Ct,-t[1]*Ct,0).invert,i=[];return e(null,null,1,{point:function(t,e){i.push(t=n(t,e)),t[0]*=Lt,t[1]*=Lt}}),{type:\"Polygon\",coordinates:[i]}}return i.origin=function(t){return arguments.length?(r=t,i):r},i.angle=function(r){return arguments.length?(e=Bn((t=+r)*Ct,n*Ct),i):t},i.precision=function(r){return arguments.length?(e=Bn(t*Ct,(n=+r)*Ct),i):n},i.angle(90)},t.geo.distance=function(t,e){var r,n=(e[0]-t[0])*Ct,i=t[1]*Ct,a=e[1]*Ct,o=Math.sin(n),s=Math.cos(n),l=Math.sin(i),c=Math.cos(i),u=Math.sin(a),f=Math.cos(a);return Math.atan2(Math.sqrt((r=f*o)*r+(r=c*u-l*f*s)*r),l*u+c*f*s)},t.geo.graticule=function(){var e,r,n,i,a,o,s,l,c,u,f,h,p=10,d=p,g=90,v=360,m=2.5;function x(){return{type:\"MultiLineString\",coordinates:b()}}function b(){return t.range(Math.ceil(i/g)*g,n,g).map(f).concat(t.range(Math.ceil(l/v)*v,s,v).map(h)).concat(t.range(Math.ceil(r/p)*p,e,p).filter(function(t){return y(t%g)>kt}).map(c)).concat(t.range(Math.ceil(o/d)*d,a,d).filter(function(t){return y(t%v)>kt}).map(u))}return x.lines=function(){return b().map(function(t){return{type:\"LineString\",coordinates:t}})},x.outline=function(){return{type:\"Polygon\",coordinates:[f(i).concat(h(s).slice(1),f(n).reverse().slice(1),h(l).reverse().slice(1))]}},x.extent=function(t){return arguments.length?x.majorExtent(t).minorExtent(t):x.minorExtent()},x.majorExtent=function(t){return arguments.length?(i=+t[0][0],n=+t[1][0],l=+t[0][1],s=+t[1][1],i>n&&(t=i,i=n,n=t),l>s&&(t=l,l=s,s=t),x.precision(m)):[[i,l],[n,s]]},x.minorExtent=function(t){return arguments.length?(r=+t[0][0],e=+t[1][0],o=+t[0][1],a=+t[1][1],r>e&&(t=r,r=e,e=t),o>a&&(t=o,o=a,a=t),x.precision(m)):[[r,o],[e,a]]},x.step=function(t){return arguments.length?x.majorStep(t).minorStep(t):x.minorStep()},x.majorStep=function(t){return arguments.length?(g=+t[0],v=+t[1],x):[g,v]},x.minorStep=function(t){return arguments.length?(p=+t[0],d=+t[1],x):[p,d]},x.precision=function(t){return arguments.length?(m=+t,c=Nn(o,a,90),u=jn(r,e,m),f=Nn(l,s,90),h=jn(i,n,m),x):m},x.majorExtent([[-180,-90+kt],[180,90-kt]]).minorExtent([[-180,-80-kt],[180,80+kt]])},t.geo.greatArc=function(){var e,r,n=Vn,i=Un;function a(){return{type:\"LineString\",coordinates:[e||n.apply(this,arguments),r||i.apply(this,arguments)]}}return a.distance=function(){return t.geo.distance(e||n.apply(this,arguments),r||i.apply(this,arguments))},a.source=function(t){return arguments.length?(n=t,e=\"function\"==typeof t?null:t,a):n},a.target=function(t){return arguments.length?(i=t,r=\"function\"==typeof t?null:t,a):i},a.precision=function(){return arguments.length?a:0},a},t.geo.interpolate=function(t,e){return r=t[0]*Ct,n=t[1]*Ct,i=e[0]*Ct,a=e[1]*Ct,o=Math.cos(n),s=Math.sin(n),l=Math.cos(a),c=Math.sin(a),u=o*Math.cos(r),f=o*Math.sin(r),h=l*Math.cos(i),p=l*Math.sin(i),d=2*Math.asin(Math.sqrt(Rt(a-n)+o*l*Rt(i-r))),g=1/Math.sin(d),(v=d?function(t){var e=Math.sin(t*=d)*g,r=Math.sin(d-t)*g,n=r*u+e*h,i=r*f+e*p,a=r*s+e*c;return[Math.atan2(i,n)*Lt,Math.atan2(a,Math.sqrt(n*n+i*i))*Lt]}:function(){return[r*Lt,n*Lt]}).distance=d,v;var r,n,i,a,o,s,l,c,u,f,h,p,d,g,v},t.geo.length=function(e){return yn=0,t.geo.stream(e,qn),yn};var qn={sphere:D,point:D,lineStart:function(){var t,e,r;function n(n,i){var a=Math.sin(i*=Ct),o=Math.cos(i),s=y((n*=Ct)-t),l=Math.cos(s);yn+=Math.atan2(Math.sqrt((s=o*Math.sin(s))*s+(s=r*a-e*o*l)*s),e*a+r*o*l),t=n,e=a,r=o}qn.point=function(i,a){t=i*Ct,e=Math.sin(a*=Ct),r=Math.cos(a),qn.point=n},qn.lineEnd=function(){qn.point=qn.lineEnd=D}},lineEnd:D,polygonStart:D,polygonEnd:D};function Hn(t,e){function r(e,r){var n=Math.cos(e),i=Math.cos(r),a=t(n*i);return[a*i*Math.sin(e),a*Math.sin(r)]}return r.invert=function(t,r){var n=Math.sqrt(t*t+r*r),i=e(n),a=Math.sin(i),o=Math.cos(i);return[Math.atan2(t*a,n*o),Math.asin(n&&r*a/n)]},r}var Gn=Hn(function(t){return Math.sqrt(2/(1+t))},function(t){return 2*Math.asin(t/2)});(t.geo.azimuthalEqualArea=function(){return En(Gn)}).raw=Gn;var Wn=Hn(function(t){var e=Math.acos(t);return e&&e/Math.sin(e)},z);function Yn(t,e){var r=Math.cos(t),n=function(t){return Math.tan(At/4+t/2)},i=t===e?Math.sin(t):Math.log(r/Math.cos(e))/Math.log(n(e)/n(t)),a=r*Math.pow(n(t),i)/i;if(!i)return $n;function o(t,e){a>0?e<-Et+kt&&(e=-Et+kt):e>Et-kt&&(e=Et-kt);var r=a/Math.pow(n(e),i);return[r*Math.sin(i*t),a-r*Math.cos(i*t)]}return o.invert=function(t,e){var r=a-e,n=zt(i)*Math.sqrt(t*t+r*r);return[Math.atan2(t,r)/i,2*Math.atan(Math.pow(a/n,1/i))-Et]},o}function Xn(t,e){var r=Math.cos(t),n=t===e?Math.sin(t):(r-Math.cos(e))/(e-t),i=r/n+t;if(y(n)1&&Ot(t[r[n-2]],t[r[n-1]],t[i])<=0;)--n;r[n++]=i}return r.slice(0,n)}function ii(t,e){return t[0]-e[0]||t[1]-e[1]}(t.geo.stereographic=function(){return En(Qn)}).raw=Qn,ti.invert=function(t,e){return[-e,2*Math.atan(Math.exp(t))-Et]},(t.geo.transverseMercator=function(){var t=Jn(ti),e=t.center,r=t.rotate;return t.center=function(t){return t?e([-t[1],t[0]]):[(t=e())[1],-t[0]]},t.rotate=function(t){return t?r([t[0],t[1],t.length>2?t[2]+90:90]):[(t=r())[0],t[1],t[2]-90]},r([0,0,90])}).raw=ti,t.geom={},t.geom.hull=function(t){var e=ei,r=ri;if(arguments.length)return n(t);function n(t){if(t.length<3)return[];var n,i=ve(e),a=ve(r),o=t.length,s=[],l=[];for(n=0;n=0;--n)p.push(t[s[c[n]][2]]);for(n=+f;nkt)s=s.L;else{if(!((i=a-wi(s,o))>kt)){n>-kt?(e=s.P,r=s):i>-kt?(e=s,r=s.N):e=r=s;break}if(!s.R){e=s;break}s=s.R}var l=mi(t);if(fi.insert(e,l),e||r){if(e===r)return Si(e),r=mi(e.site),fi.insert(l,r),l.edge=r.edge=Li(e.site,l.site),Ti(e),void Ti(r);if(r){Si(e),Si(r);var c=e.site,u=c.x,f=c.y,h=t.x-u,p=t.y-f,d=r.site,g=d.x-u,v=d.y-f,m=2*(h*v-p*g),y=h*h+p*p,x=g*g+v*v,b={x:(v*y-p*x)/m+u,y:(h*x-g*y)/m+f};zi(r.edge,c,d,b),l.edge=Li(c,t,null,b),r.edge=Li(t,d,null,b),Ti(e),Ti(r)}else l.edge=Li(e.site,l.site)}}function _i(t,e){var r=t.site,n=r.x,i=r.y,a=i-e;if(!a)return n;var o=t.P;if(!o)return-1/0;var s=(r=o.site).x,l=r.y,c=l-e;if(!c)return s;var u=s-n,f=1/a-1/c,h=u/c;return f?(-h+Math.sqrt(h*h-2*f*(u*u/(-2*c)-l+c/2+i-a/2)))/f+n:(n+s)/2}function wi(t,e){var r=t.N;if(r)return _i(r,e);var n=t.site;return n.y===e?n.x:1/0}function ki(t){this.site=t,this.edges=[]}function Mi(t,e){return e.angle-t.angle}function Ai(){Pi(this),this.x=this.y=this.arc=this.site=this.cy=null}function Ti(t){var e=t.P,r=t.N;if(e&&r){var n=e.site,i=t.site,a=r.site;if(n!==a){var o=i.x,s=i.y,l=n.x-o,c=n.y-s,u=a.x-o,f=2*(l*(v=a.y-s)-c*u);if(!(f>=-Mt)){var h=l*l+c*c,p=u*u+v*v,d=(v*h-c*p)/f,g=(l*p-u*h)/f,v=g+s,m=gi.pop()||new Ai;m.arc=t,m.site=i,m.x=d+o,m.y=v+Math.sqrt(d*d+g*g),m.cy=v,t.circle=m;for(var y=null,x=pi._;x;)if(m.y=s)return;if(h>d){if(a){if(a.y>=c)return}else a={x:v,y:l};r={x:v,y:c}}else{if(a){if(a.y1)if(h>d){if(a){if(a.y>=c)return}else a={x:(l-i)/n,y:l};r={x:(c-i)/n,y:c}}else{if(a){if(a.y=s)return}else a={x:o,y:n*o+i};r={x:s,y:n*s+i}}else{if(a){if(a.xkt||y(i-r)>kt)&&(s.splice(o,0,new Oi((m=a.site,x=u,b=y(n-f)kt?{x:f,y:y(e-f)kt?{x:y(r-d)kt?{x:h,y:y(e-h)kt?{x:y(r-p)=r&&c.x<=i&&c.y>=n&&c.y<=o?[[r,o],[i,o],[i,n],[r,n]]:[]).point=t[s]}),e}function s(t){return t.map(function(t,e){return{x:Math.round(n(t,e)/kt)*kt,y:Math.round(i(t,e)/kt)*kt,i:e}})}return o.links=function(t){return Fi(s(t)).edges.filter(function(t){return t.l&&t.r}).map(function(e){return{source:t[e.l.i],target:t[e.r.i]}})},o.triangles=function(t){var e=[];return Fi(s(t)).cells.forEach(function(r,n){for(var i,a,o,s,l=r.site,c=r.edges.sort(Mi),u=-1,f=c.length,h=c[f-1].edge,p=h.l===l?h.r:h.l;++ua&&(i=e.slice(a,i),s[o]?s[o]+=i:s[++o]=i),(r=r[0])===(n=n[0])?s[o]?s[o]+=n:s[++o]=n:(s[++o]=null,l.push({i:o,x:Gi(r,n)})),a=Xi.lastIndex;return ag&&(g=l.x),l.y>v&&(v=l.y),c.push(l.x),u.push(l.y);else for(f=0;fg&&(g=b),_>v&&(v=_),c.push(b),u.push(_)}var w=g-p,k=v-d;function M(t,e,r,n,i,a,o,s){if(!isNaN(r)&&!isNaN(n))if(t.leaf){var l=t.x,c=t.y;if(null!=l)if(y(l-r)+y(c-n)<.01)A(t,e,r,n,i,a,o,s);else{var u=t.point;t.x=t.y=t.point=null,A(t,u,l,c,i,a,o,s),A(t,e,r,n,i,a,o,s)}else t.x=r,t.y=n,t.point=e}else A(t,e,r,n,i,a,o,s)}function A(t,e,r,n,i,a,o,s){var l=.5*(i+o),c=.5*(a+s),u=r>=l,f=n>=c,h=f<<1|u;t.leaf=!1,u?i=l:o=l,f?a=c:s=c,M(t=t.nodes[h]||(t.nodes[h]={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){M(T,t,+m(t,++f),+x(t,f),p,d,g,v)}}),e,r,n,i,a,o,s)}w>k?v=d+w:g=p+k;var T={leaf:!0,nodes:[],point:null,x:null,y:null,add:function(t){M(T,t,+m(t,++f),+x(t,f),p,d,g,v)}};if(T.visit=function(t){!function t(e,r,n,i,a,o){if(!e(r,n,i,a,o)){var s=.5*(n+a),l=.5*(i+o),c=r.nodes;c[0]&&t(e,c[0],n,i,s,l),c[1]&&t(e,c[1],s,i,a,l),c[2]&&t(e,c[2],n,l,s,o),c[3]&&t(e,c[3],s,l,a,o)}}(t,T,p,d,g,v)},T.find=function(t){return function(t,e,r,n,i,a,o){var s,l=1/0;return function t(c,u,f,h,p){if(!(u>a||f>o||h=_)<<1|e>=b,k=w+4;w=0&&!(n=t.interpolators[i](e,r)););return n}function $i(t,e){var r,n=[],i=[],a=t.length,o=e.length,s=Math.min(t.length,e.length);for(r=0;r=1)return 1;var e=t*t,r=e*t;return 4*(t<.5?r:3*(t-e)+r-.75)}function aa(t){return 1-Math.cos(t*Et)}function oa(t){return Math.pow(2,10*(t-1))}function sa(t){return 1-Math.sqrt(1-t*t)}function la(t){return t<1/2.75?7.5625*t*t:t<2/2.75?7.5625*(t-=1.5/2.75)*t+.75:t<2.5/2.75?7.5625*(t-=2.25/2.75)*t+.9375:7.5625*(t-=2.625/2.75)*t+.984375}function ca(t,e){return e-=t,function(r){return Math.round(t+e*r)}}function ua(t){var e,r,n,i=[t.a,t.b],a=[t.c,t.d],o=ha(i),s=fa(i,a),l=ha(((e=a)[0]+=(n=-s)*(r=i)[0],e[1]+=n*r[1],e))||0;i[0]*a[1]=0?t.slice(0,n):t,a=n>=0?t.slice(n+1):\"in\";return i=Ki.get(i)||Ji,a=Qi.get(a)||z,e=a(i.apply(null,r.call(arguments,1))),function(t){return t<=0?0:t>=1?1:e(t)}},t.interpolateHcl=function(e,r){e=t.hcl(e),r=t.hcl(r);var n=e.h,i=e.c,a=e.l,o=r.h-n,s=r.c-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.c:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Yt(n+o*t,i+s*t,a+l*t)+\"\"}},t.interpolateHsl=function(e,r){e=t.hsl(e),r=t.hsl(r);var n=e.h,i=e.s,a=e.l,o=r.h-n,s=r.s-i,l=r.l-a;isNaN(s)&&(s=0,i=isNaN(i)?r.s:i);isNaN(o)?(o=0,n=isNaN(n)?r.h:n):o>180?o-=360:o<-180&&(o+=360);return function(t){return Ht(n+o*t,i+s*t,a+l*t)+\"\"}},t.interpolateLab=function(e,r){e=t.lab(e),r=t.lab(r);var n=e.l,i=e.a,a=e.b,o=r.l-n,s=r.a-i,l=r.b-a;return function(t){return te(n+o*t,i+s*t,a+l*t)+\"\"}},t.interpolateRound=ca,t.transform=function(e){var r=i.createElementNS(t.ns.prefix.svg,\"g\");return(t.transform=function(t){if(null!=t){r.setAttribute(\"transform\",t);var e=r.transform.baseVal.consolidate()}return new ua(e?e.matrix:pa)})(e)},ua.prototype.toString=function(){return\"translate(\"+this.translate+\")rotate(\"+this.rotate+\")skewX(\"+this.skew+\")scale(\"+this.scale+\")\"};var pa={a:1,b:0,c:0,d:1,e:0,f:0};function da(t){return t.length?t.pop()+\",\":\"\"}function ga(e,r){var n=[],i=[];return e=t.transform(e),r=t.transform(r),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(\"translate(\",null,\",\",null,\")\");n.push({i:i-4,x:Gi(t[0],e[0])},{i:i-2,x:Gi(t[1],e[1])})}else(e[0]||e[1])&&r.push(\"translate(\"+e+\")\")}(e.translate,r.translate,n,i),function(t,e,r,n){t!==e?(t-e>180?e+=360:e-t>180&&(t+=360),n.push({i:r.push(da(r)+\"rotate(\",null,\")\")-2,x:Gi(t,e)})):e&&r.push(da(r)+\"rotate(\"+e+\")\")}(e.rotate,r.rotate,n,i),function(t,e,r,n){t!==e?n.push({i:r.push(da(r)+\"skewX(\",null,\")\")-2,x:Gi(t,e)}):e&&r.push(da(r)+\"skewX(\"+e+\")\")}(e.skew,r.skew,n,i),function(t,e,r,n){if(t[0]!==e[0]||t[1]!==e[1]){var i=r.push(da(r)+\"scale(\",null,\",\",null,\")\");n.push({i:i-4,x:Gi(t[0],e[0])},{i:i-2,x:Gi(t[1],e[1])})}else 1===e[0]&&1===e[1]||r.push(da(r)+\"scale(\"+e+\")\")}(e.scale,r.scale,n,i),e=r=null,function(t){for(var e,r=-1,a=i.length;++r0?n=t:(e.c=null,e.t=NaN,e=null,l.end({type:\"end\",alpha:n=0})):t>0&&(l.start({type:\"start\",alpha:n=t}),e=Me(s.tick)),s):n},s.start=function(){var t,e,r,n=m.length,l=y.length,u=c[0],d=c[1];for(t=0;t=0;)r.push(i[n])}function Ca(t,e){for(var r=[t],n=[];null!=(t=r.pop());)if(n.push(t),(a=t.children)&&(i=a.length))for(var i,a,o=-1;++o=0;)o.push(u=c[l]),u.parent=a,u.depth=a.depth+1;r&&(a.value=0),a.children=c}else r&&(a.value=+r.call(n,a,a.depth)||0),delete a.children;return Ca(i,function(e){var n,i;t&&(n=e.children)&&n.sort(t),r&&(i=e.parent)&&(i.value+=e.value)}),s}return n.sort=function(e){return arguments.length?(t=e,n):t},n.children=function(t){return arguments.length?(e=t,n):e},n.value=function(t){return arguments.length?(r=t,n):r},n.revalue=function(t){return r&&(Ea(t,function(t){t.children&&(t.value=0)}),Ca(t,function(t){var e;t.children||(t.value=+r.call(n,t,t.depth)||0),(e=t.parent)&&(e.value+=t.value)})),t},n},t.layout.partition=function(){var e=t.layout.hierarchy(),r=[1,1];function n(t,n){var i=e.call(this,t,n);return function t(e,r,n,i){var a=e.children;if(e.x=r,e.y=e.depth*i,e.dx=n,e.dy=i,a&&(o=a.length)){var o,s,l,c=-1;for(n=e.value?n/e.value:0;++cs&&(s=n),o.push(n)}for(r=0;ri&&(n=r,i=e);return n}function qa(t){return t.reduce(Ha,0)}function Ha(t,e){return t+e[1]}function Ga(t,e){return Wa(t,Math.ceil(Math.log(e.length)/Math.LN2+1))}function Wa(t,e){for(var r=-1,n=+t[0],i=(t[1]-n)/e,a=[];++r<=e;)a[r]=i*r+n;return a}function Ya(e){return[t.min(e),t.max(e)]}function Xa(t,e){return t.value-e.value}function Za(t,e){var r=t._pack_next;t._pack_next=e,e._pack_prev=t,e._pack_next=r,r._pack_prev=e}function $a(t,e){t._pack_next=e,e._pack_prev=t}function Ja(t,e){var r=e.x-t.x,n=e.y-t.y,i=t.r+e.r;return.999*i*i>r*r+n*n}function Ka(t){if((e=t.children)&&(l=e.length)){var e,r,n,i,a,o,s,l,c=1/0,u=-1/0,f=1/0,h=-1/0;if(e.forEach(Qa),(r=e[0]).x=-r.r,r.y=0,x(r),l>1&&((n=e[1]).x=n.r,n.y=0,x(n),l>2))for(eo(r,n,i=e[2]),x(i),Za(r,i),r._pack_prev=i,Za(i,n),n=r._pack_next,a=3;a0)for(o=-1;++o=f[0]&&l<=f[1]&&((s=c[t.bisect(h,l,1,d)-1]).y+=g,s.push(a[o]));return c}return a.value=function(t){return arguments.length?(r=t,a):r},a.range=function(t){return arguments.length?(n=ve(t),a):n},a.bins=function(t){return arguments.length?(i=\"number\"==typeof t?function(e){return Wa(e,t)}:ve(t),a):i},a.frequency=function(t){return arguments.length?(e=!!t,a):e},a},t.layout.pack=function(){var e,r=t.layout.hierarchy().sort(Xa),n=0,i=[1,1];function a(t,a){var o=r.call(this,t,a),s=o[0],l=i[0],c=i[1],u=null==e?Math.sqrt:\"function\"==typeof e?e:function(){return e};if(s.x=s.y=0,Ca(s,function(t){t.r=+u(t.value)}),Ca(s,Ka),n){var f=n*(e?1:Math.max(2*s.r/l,2*s.r/c))/2;Ca(s,function(t){t.r+=f}),Ca(s,Ka),Ca(s,function(t){t.r-=f})}return function t(e,r,n,i){var a=e.children;e.x=r+=i*e.x;e.y=n+=i*e.y;e.r*=i;if(a)for(var o=-1,s=a.length;++op.x&&(p=t),t.depth>d.depth&&(d=t)});var g=r(h,p)/2-h.x,v=n[0]/(p.x+r(p,h)/2+g),m=n[1]/(d.depth||1);Ea(u,function(t){t.x=(t.x+g)*v,t.y=t.depth*m})}return c}function o(t){var e=t.children,n=t.parent.children,i=t.i?n[t.i-1]:null;if(e.length){!function(t){var e,r=0,n=0,i=t.children,a=i.length;for(;--a>=0;)(e=i[a]).z+=r,e.m+=r,r+=e.s+(n+=e.c)}(t);var a=(e[0].z+e[e.length-1].z)/2;i?(t.z=i.z+r(t._,i._),t.m=t.z-a):t.z=a}else i&&(t.z=i.z+r(t._,i._));t.parent.A=function(t,e,n){if(e){for(var i,a=t,o=t,s=e,l=a.parent.children[0],c=a.m,u=o.m,f=s.m,h=l.m;s=io(s),a=no(a),s&&a;)l=no(l),(o=io(o)).a=t,(i=s.z+f-a.z-c+r(s._,a._))>0&&(ao(oo(s,t,n),t,i),c+=i,u+=i),f+=s.m,c+=a.m,h+=l.m,u+=o.m;s&&!io(o)&&(o.t=s,o.m+=f-u),a&&!no(l)&&(l.t=a,l.m+=c-h,n=t)}return n}(t,i,t.parent.A||n[0])}function s(t){t._.x=t.z+t.parent.m,t.m+=t.parent.m}function l(t){t.x*=n[0],t.y=t.depth*n[1]}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t)?l:null,a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null==(n=t)?null:l,a):i?n:null},Sa(a,e)},t.layout.cluster=function(){var e=t.layout.hierarchy().sort(null).value(null),r=ro,n=[1,1],i=!1;function a(a,o){var s,l=e.call(this,a,o),c=l[0],u=0;Ca(c,function(e){var n=e.children;n&&n.length?(e.x=function(t){return t.reduce(function(t,e){return t+e.x},0)/t.length}(n),e.y=function(e){return 1+t.max(e,function(t){return t.y})}(n)):(e.x=s?u+=r(e,s):0,e.y=0,s=e)});var f=function t(e){var r=e.children;return r&&r.length?t(r[0]):e}(c),h=function t(e){var r,n=e.children;return n&&(r=n.length)?t(n[r-1]):e}(c),p=f.x-r(f,h)/2,d=h.x+r(h,f)/2;return Ca(c,i?function(t){t.x=(t.x-c.x)*n[0],t.y=(c.y-t.y)*n[1]}:function(t){t.x=(t.x-p)/(d-p)*n[0],t.y=(1-(c.y?t.y/c.y:1))*n[1]}),l}return a.separation=function(t){return arguments.length?(r=t,a):r},a.size=function(t){return arguments.length?(i=null==(n=t),a):i?null:n},a.nodeSize=function(t){return arguments.length?(i=null!=(n=t),a):i?n:null},Sa(a,e)},t.layout.treemap=function(){var e,r=t.layout.hierarchy(),n=Math.round,i=[1,1],a=null,o=so,s=!1,l=\"squarify\",c=.5*(1+Math.sqrt(5));function u(t,e){for(var r,n,i=-1,a=t.length;++i0;)s.push(r=c[i-1]),s.area+=r.area,\"squarify\"!==l||(n=p(s,g))<=h?(c.pop(),h=n):(s.area-=s.pop().area,d(s,g,a,!1),g=Math.min(a.dx,a.dy),s.length=s.area=0,h=1/0);s.length&&(d(s,g,a,!0),s.length=s.area=0),e.forEach(f)}}function h(t){var e=t.children;if(e&&e.length){var r,n=o(t),i=e.slice(),a=[];for(u(i,n.dx*n.dy/t.value),a.area=0;r=i.pop();)a.push(r),a.area+=r.area,null!=r.z&&(d(a,r.z?n.dx:n.dy,n,!i.length),a.length=a.area=0);e.forEach(h)}}function p(t,e){for(var r,n=t.area,i=0,a=1/0,o=-1,s=t.length;++oi&&(i=r));return e*=e,(n*=n)?Math.max(e*i*c/n,n/(e*a*c)):1/0}function d(t,e,r,i){var a,o=-1,s=t.length,l=r.x,c=r.y,u=e?n(t.area/e):0;if(e==r.dx){for((i||u>r.dy)&&(u=r.dy);++or.dx)&&(u=r.dx);++o1);return t+e*r*Math.sqrt(-2*Math.log(i)/i)}},logNormal:function(){var e=t.random.normal.apply(t,arguments);return function(){return Math.exp(e())}},bates:function(e){var r=t.random.irwinHall(e);return function(){return r()/e}},irwinHall:function(t){return function(){for(var e=0,r=0;r2?vo:fo,s=i?ma:va;return a=t(e,r,s,n),o=t(r,e,s,Zi),l}function l(t){return a(t)}l.invert=function(t){return o(t)};l.domain=function(t){return arguments.length?(e=t.map(Number),s()):e};l.range=function(t){return arguments.length?(r=t,s()):r};l.rangeRound=function(t){return l.range(t).interpolate(ca)};l.clamp=function(t){return arguments.length?(i=t,s()):i};l.interpolate=function(t){return arguments.length?(n=t,s()):n};l.ticks=function(t){return bo(e,t)};l.tickFormat=function(t,r){return _o(e,t,r)};l.nice=function(t){return yo(e,t),s()};l.copy=function(){return t(e,r,n,i)};return s()}([0,1],[0,1],Zi,!1)};var wo={s:1,g:1,p:1,r:1,e:1};function ko(t){return-Math.floor(Math.log(t)/Math.LN10+.01)}t.scale.log=function(){return function e(r,n,i,a){function o(t){return(i?Math.log(t<0?0:t):-Math.log(t>0?0:-t))/Math.log(n)}function s(t){return i?Math.pow(n,t):-Math.pow(n,-t)}function l(t){return r(o(t))}l.invert=function(t){return s(r.invert(t))};l.domain=function(t){return arguments.length?(i=t[0]>=0,r.domain((a=t.map(Number)).map(o)),l):a};l.base=function(t){return arguments.length?(n=+t,r.domain(a.map(o)),l):n};l.nice=function(){var t=ho(a.map(o),i?Math:Ao);return r.domain(t),a=t.map(s),l};l.ticks=function(){var t=co(a),e=[],r=t[0],l=t[1],c=Math.floor(o(r)),u=Math.ceil(o(l)),f=n%1?2:n;if(isFinite(u-c)){if(i){for(;c0;h--)e.push(s(c)*h);for(c=0;e[c]l;u--);e=e.slice(c,u)}return e};l.tickFormat=function(e,r){if(!arguments.length)return Mo;arguments.length<2?r=Mo:\"function\"!=typeof r&&(r=t.format(r));var i=Math.max(1,n*e/l.ticks().length);return function(t){var e=t/s(Math.round(o(t)));return e*n0?i[t-1]:r[0],tf?0:1;if(c=St)return l(c,p)+(s?l(s,1-p):\"\")+\"Z\";var d,g,v,m,y,x,b,_,w,k,M,A,T=0,S=0,E=[];if((m=(+o.apply(this,arguments)||0)/2)&&(v=n===Oo?Math.sqrt(s*s+c*c):+n.apply(this,arguments),p||(S*=-1),c&&(S=Pt(v/c*Math.sin(m))),s&&(T=Pt(v/s*Math.sin(m)))),c){y=c*Math.cos(u+S),x=c*Math.sin(u+S),b=c*Math.cos(f-S),_=c*Math.sin(f-S);var C=Math.abs(f-u-2*S)<=At?0:1;if(S&&Fo(y,x,b,_)===p^C){var L=(u+f)/2;y=c*Math.cos(L),x=c*Math.sin(L),b=_=null}}else y=x=0;if(s){w=s*Math.cos(f-T),k=s*Math.sin(f-T),M=s*Math.cos(u+T),A=s*Math.sin(u+T);var z=Math.abs(u-f+2*T)<=At?0:1;if(T&&Fo(w,k,M,A)===1-p^z){var O=(u+f)/2;w=s*Math.cos(O),k=s*Math.sin(O),M=A=null}}else w=k=0;if(h>kt&&(d=Math.min(Math.abs(c-s)/2,+r.apply(this,arguments)))>.001){g=s0?0:1}function No(t,e,r,n,i){var a=t[0]-e[0],o=t[1]-e[1],s=(i?n:-n)/Math.sqrt(a*a+o*o),l=s*o,c=-s*a,u=t[0]+l,f=t[1]+c,h=e[0]+l,p=e[1]+c,d=(u+h)/2,g=(f+p)/2,v=h-u,m=p-f,y=v*v+m*m,x=r-n,b=u*p-h*f,_=(m<0?-1:1)*Math.sqrt(Math.max(0,x*x*y-b*b)),w=(b*m-v*_)/y,k=(-b*v-m*_)/y,M=(b*m+v*_)/y,A=(-b*v+m*_)/y,T=w-d,S=k-g,E=M-d,C=A-g;return T*T+S*S>E*E+C*C&&(w=M,k=A),[[w-l,k-c],[w*r/x,k*r/x]]}function jo(t){var e=ei,r=ri,n=Wr,i=Uo,a=i.key,o=.7;function s(a){var s,l=[],c=[],u=-1,f=a.length,h=ve(e),p=ve(r);function d(){l.push(\"M\",i(t(c),o))}for(;++u1&&i.push(\"H\",n[0]);return i.join(\"\")},\"step-before\":Ho,\"step-after\":Go,basis:Xo,\"basis-open\":function(t){if(t.length<4)return Uo(t);var e,r=[],n=-1,i=t.length,a=[0],o=[0];for(;++n<3;)e=t[n],a.push(e[0]),o.push(e[1]);r.push(Zo(Ko,a)+\",\"+Zo(Ko,o)),--n;for(;++n9&&(i=3*e/Math.sqrt(i),o[s]=i*r,o[s+1]=i*n));s=-1;for(;++s<=l;)i=(t[Math.min(l,s+1)][0]-t[Math.max(0,s-1)][0])/(6*(1+o[s]*o[s])),a.push([i||0,o[s]*i||0]);return a}(t))}});function Uo(t){return t.length>1?t.join(\"L\"):t+\"Z\"}function qo(t){return t.join(\"L\")+\"Z\"}function Ho(t){for(var e=0,r=t.length,n=t[0],i=[n[0],\",\",n[1]];++e1){s=e[1],a=t[l],l++,n+=\"C\"+(i[0]+o[0])+\",\"+(i[1]+o[1])+\",\"+(a[0]-s[0])+\",\"+(a[1]-s[1])+\",\"+a[0]+\",\"+a[1];for(var c=2;cAt)+\",1 \"+e}function l(t,e,r,n){return\"Q 0,0 \"+n}return a.radius=function(t){return arguments.length?(r=ve(t),a):r},a.source=function(e){return arguments.length?(t=ve(e),a):t},a.target=function(t){return arguments.length?(e=ve(t),a):e},a.startAngle=function(t){return arguments.length?(n=ve(t),a):n},a.endAngle=function(t){return arguments.length?(i=ve(t),a):i},a},t.svg.diagonal=function(){var t=Vn,e=Un,r=is;function n(n,i){var a=t.call(this,n,i),o=e.call(this,n,i),s=(a.y+o.y)/2,l=[a,{x:a.x,y:s},{x:o.x,y:s},o];return\"M\"+(l=l.map(r))[0]+\"C\"+l[1]+\" \"+l[2]+\" \"+l[3]}return n.source=function(e){return arguments.length?(t=ve(e),n):t},n.target=function(t){return arguments.length?(e=ve(t),n):e},n.projection=function(t){return arguments.length?(r=t,n):r},n},t.svg.diagonal.radial=function(){var e=t.svg.diagonal(),r=is,n=e.projection;return e.projection=function(t){return arguments.length?n(function(t){return function(){var e=t.apply(this,arguments),r=e[0],n=e[1]-Et;return[r*Math.cos(n),r*Math.sin(n)]}}(r=t)):r},e},t.svg.symbol=function(){var t=os,e=as;function r(r,n){return(ls.get(t.call(this,r,n))||ss)(e.call(this,r,n))}return r.type=function(e){return arguments.length?(t=ve(e),r):t},r.size=function(t){return arguments.length?(e=ve(t),r):e},r};var ls=t.map({circle:ss,cross:function(t){var e=Math.sqrt(t/5)/2;return\"M\"+-3*e+\",\"+-e+\"H\"+-e+\"V\"+-3*e+\"H\"+e+\"V\"+-e+\"H\"+3*e+\"V\"+e+\"H\"+e+\"V\"+3*e+\"H\"+-e+\"V\"+e+\"H\"+-3*e+\"Z\"},diamond:function(t){var e=Math.sqrt(t/(2*us)),r=e*us;return\"M0,\"+-e+\"L\"+r+\",0 0,\"+e+\" \"+-r+\",0Z\"},square:function(t){var e=Math.sqrt(t)/2;return\"M\"+-e+\",\"+-e+\"L\"+e+\",\"+-e+\" \"+e+\",\"+e+\" \"+-e+\",\"+e+\"Z\"},\"triangle-down\":function(t){var e=Math.sqrt(t/cs),r=e*cs/2;return\"M0,\"+r+\"L\"+e+\",\"+-r+\" \"+-e+\",\"+-r+\"Z\"},\"triangle-up\":function(t){var e=Math.sqrt(t/cs),r=e*cs/2;return\"M0,\"+-r+\"L\"+e+\",\"+r+\" \"+-e+\",\"+r+\"Z\"}});t.svg.symbolTypes=ls.keys();var cs=Math.sqrt(3),us=Math.tan(30*Ct);Y.transition=function(t){for(var e,r,n=ds||++ms,i=bs(t),a=[],o=gs||{time:Date.now(),ease:ia,delay:0,duration:250},s=-1,l=this.length;++s0;)c[--h].call(t,o);if(a>=1)return f.event&&f.event.end.call(t,t.__data__,e),--u.count?delete u[n]:delete t[r],1}f||(a=i.time,o=Me(function(t){var e=f.delay;if(o.t=e+a,e<=t)return h(t-e);o.c=h},0,a),f=u[n]={tween:new b,time:a,timer:o,delay:i.delay,duration:i.duration,ease:i.ease,index:e},i=null,++u.count)}vs.call=Y.call,vs.empty=Y.empty,vs.node=Y.node,vs.size=Y.size,t.transition=function(e,r){return e&&e.transition?ds?e.transition(r):e:t.selection().transition(e)},t.transition.prototype=vs,vs.select=function(t){var e,r,n,i=this.id,a=this.namespace,o=[];t=X(t);for(var s=-1,l=this.length;++srect,.s>rect\").attr(\"width\",s[1]-s[0])}function g(t){t.select(\".extent\").attr(\"y\",l[0]),t.selectAll(\".extent,.e>rect,.w>rect\").attr(\"height\",l[1]-l[0])}function v(){var f,v,m=this,y=t.select(t.event.target),x=n.of(m,arguments),b=t.select(m),_=y.datum(),w=!/^(n|s)$/.test(_)&&i,k=!/^(e|w)$/.test(_)&&a,M=y.classed(\"extent\"),A=xt(m),T=t.mouse(m),S=t.select(o(m)).on(\"keydown.brush\",function(){32==t.event.keyCode&&(M||(f=null,T[0]-=s[1],T[1]-=l[1],M=2),F())}).on(\"keyup.brush\",function(){32==t.event.keyCode&&2==M&&(T[0]+=s[1],T[1]+=l[1],M=0,F())});if(t.event.changedTouches?S.on(\"touchmove.brush\",L).on(\"touchend.brush\",O):S.on(\"mousemove.brush\",L).on(\"mouseup.brush\",O),b.interrupt().selectAll(\"*\").interrupt(),M)T[0]=s[0]-T[0],T[1]=l[0]-T[1];else if(_){var E=+/w$/.test(_),C=+/^n/.test(_);v=[s[1-E]-T[0],l[1-C]-T[1]],T[0]=s[E],T[1]=l[C]}else t.event.altKey&&(f=T.slice());function L(){var e=t.mouse(m),r=!1;v&&(e[0]+=v[0],e[1]+=v[1]),M||(t.event.altKey?(f||(f=[(s[0]+s[1])/2,(l[0]+l[1])/2]),T[0]=s[+(e[0]1?{floor:function(e){for(;s(e=t.floor(e));)e=Is(e-1);return e},ceil:function(e){for(;s(e=t.ceil(e));)e=Is(+e+1);return e}}:t))},i.ticks=function(t,e){var r=co(i.domain()),n=null==t?a(r,10):\"number\"==typeof t?a(r,t):!t.range&&[{range:t},e];return n&&(t=n[0],e=n[1]),t.range(r[0],Is(+r[1]+1),e<1?1:e)},i.tickFormat=function(){return n},i.copy=function(){return Os(e.copy(),r,n)},mo(i,e)}function Is(t){return new Date(t)}Es.iso=Date.prototype.toISOString&&+new Date(\"2000-01-01T00:00:00.000Z\")?zs:Ls,zs.parse=function(t){var e=new Date(t);return isNaN(e)?null:e},zs.toString=Ls.toString,Ie.second=Be(function(t){return new Pe(1e3*Math.floor(t/1e3))},function(t,e){t.setTime(t.getTime()+1e3*Math.floor(e))},function(t){return t.getSeconds()}),Ie.seconds=Ie.second.range,Ie.seconds.utc=Ie.second.utc.range,Ie.minute=Be(function(t){return new Pe(6e4*Math.floor(t/6e4))},function(t,e){t.setTime(t.getTime()+6e4*Math.floor(e))},function(t){return t.getMinutes()}),Ie.minutes=Ie.minute.range,Ie.minutes.utc=Ie.minute.utc.range,Ie.hour=Be(function(t){var e=t.getTimezoneOffset()/60;return new Pe(36e5*(Math.floor(t/36e5-e)+e))},function(t,e){t.setTime(t.getTime()+36e5*Math.floor(e))},function(t){return t.getHours()}),Ie.hours=Ie.hour.range,Ie.hours.utc=Ie.hour.utc.range,Ie.month=Be(function(t){return(t=Ie.day(t)).setDate(1),t},function(t,e){t.setMonth(t.getMonth()+e)},function(t){return t.getMonth()}),Ie.months=Ie.month.range,Ie.months.utc=Ie.month.utc.range;var Ps=[1e3,5e3,15e3,3e4,6e4,3e5,9e5,18e5,36e5,108e5,216e5,432e5,864e5,1728e5,6048e5,2592e6,7776e6,31536e6],Ds=[[Ie.second,1],[Ie.second,5],[Ie.second,15],[Ie.second,30],[Ie.minute,1],[Ie.minute,5],[Ie.minute,15],[Ie.minute,30],[Ie.hour,1],[Ie.hour,3],[Ie.hour,6],[Ie.hour,12],[Ie.day,1],[Ie.day,2],[Ie.week,1],[Ie.month,1],[Ie.month,3],[Ie.year,1]],Rs=Es.multi([[\".%L\",function(t){return t.getMilliseconds()}],[\":%S\",function(t){return t.getSeconds()}],[\"%I:%M\",function(t){return t.getMinutes()}],[\"%I %p\",function(t){return t.getHours()}],[\"%a %d\",function(t){return t.getDay()&&1!=t.getDate()}],[\"%b %d\",function(t){return 1!=t.getDate()}],[\"%B\",function(t){return t.getMonth()}],[\"%Y\",Wr]]),Bs={range:function(e,r,n){return t.range(Math.ceil(e/n)*n,+r,n).map(Is)},floor:z,ceil:z};Ds.year=Ie.year,Ie.scale=function(){return Os(t.scale.linear(),Ds,Rs)};var Fs=Ds.map(function(t){return[t[0].utc,t[1]]}),Ns=Cs.multi([[\".%L\",function(t){return t.getUTCMilliseconds()}],[\":%S\",function(t){return t.getUTCSeconds()}],[\"%I:%M\",function(t){return t.getUTCMinutes()}],[\"%I %p\",function(t){return t.getUTCHours()}],[\"%a %d\",function(t){return t.getUTCDay()&&1!=t.getUTCDate()}],[\"%b %d\",function(t){return 1!=t.getUTCDate()}],[\"%B\",function(t){return t.getUTCMonth()}],[\"%Y\",Wr]]);function js(t){return JSON.parse(t.responseText)}function Vs(t){var e=i.createRange();return e.selectNode(i.body),e.createContextualFragment(t.responseText)}Fs.year=Ie.year.utc,Ie.scale.utc=function(){return Os(t.scale.linear(),Fs,Ns)},t.text=me(function(t){return t.responseText}),t.json=function(t,e){return ye(t,\"application/json\",js,e)},t.html=function(t,e){return ye(t,\"text/html\",Vs,e)},t.xml=me(function(t){return t.responseXML}),\"object\"==typeof e&&e.exports?e.exports=t:this.d3=t}()},{}],149:[function(t,e,r){e.exports=function(){for(var t=0;t=2)return!1;t[r]=n}return!0}):_.filter(function(t){for(var e=0;e<=s;++e){var r=m[t[e]];if(r<0)return!1;t[e]=r}return!0});if(1&s)for(var u=0;u<_.length;++u){var b=_[u],h=b[0];b[0]=b[1],b[1]=h}return _}},{\"incremental-convex-hull\":396,uniq:524}],151:[function(t,e,r){\"use strict\";e.exports=a;var n=(a.canvas=document.createElement(\"canvas\")).getContext(\"2d\"),i=o([32,126]);function a(t,e){Array.isArray(t)&&(t=t.join(\", \"));var r,a={},s=16,l=.05;e&&(2===e.length&&\"number\"==typeof e[0]?r=o(e):Array.isArray(e)?r=e:(e.o?r=o(e.o):e.pairs&&(r=e.pairs),e.fontSize&&(s=e.fontSize),null!=e.threshold&&(l=e.threshold))),r||(r=i),n.font=s+\"px \"+t;for(var c=0;cs*l){var p=(h-f)/s;a[u]=1e3*p}}return a}function o(t){for(var e=[],r=t[0];r<=t[1];r++)for(var n=String.fromCharCode(r),i=t[0];i>>31},e.exports.exponent=function(t){return(e.exports.hi(t)<<1>>>21)-1023},e.exports.fraction=function(t){var r=e.exports.lo(t),n=e.exports.hi(t),i=1048575&n;return 2146435072&n&&(i+=1<<20),[r,i]},e.exports.denormalized=function(t){return!(2146435072&e.exports.hi(t))}}).call(this,t(\"buffer\").Buffer)},{buffer:93}],153:[function(t,e,r){var n=t(\"abs-svg-path\"),i=t(\"normalize-svg-path\"),a={M:\"moveTo\",C:\"bezierCurveTo\"};e.exports=function(t,e){t.beginPath(),i(n(e)).forEach(function(e){var r=e[0],n=e.slice(1);t[a[r]].apply(t,n)}),t.closePath()}},{\"abs-svg-path\":48,\"normalize-svg-path\":435}],154:[function(t,e,r){e.exports=function(t){switch(t){case\"int8\":return Int8Array;case\"int16\":return Int16Array;case\"int32\":return Int32Array;case\"uint8\":return Uint8Array;case\"uint16\":return Uint16Array;case\"uint32\":return Uint32Array;case\"float32\":return Float32Array;case\"float64\":return Float64Array;case\"array\":return Array;case\"uint8_clamped\":return Uint8ClampedArray}}},{}],155:[function(t,e,r){\"use strict\";e.exports=function(t,e){switch(\"undefined\"==typeof e&&(e=0),typeof t){case\"number\":if(t>0)return function(t,e){var r,n;for(r=new Array(t),n=0;n80*r){n=l=t[0],s=c=t[1];for(var b=r;bl&&(l=u),p>c&&(c=p);g=0!==(g=Math.max(l-n,c-s))?1/g:0}return o(y,x,r,n,s,g),x}function i(t,e,r,n,i){var a,o;if(i===A(t,e,r,n)>0)for(a=e;a=e;a-=n)o=w(a,t[a],t[a+1],o);return o&&y(o,o.next)&&(k(o),o=o.next),o}function a(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!y(n,n.next)&&0!==m(n.prev,n,n.next))n=n.next;else{if(k(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function o(t,e,r,n,i,f,h){if(t){!h&&f&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=p(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,f);for(var d,g,v=t;t.prev!==t.next;)if(d=t.prev,g=t.next,f?l(t,n,i,f):s(t))e.push(d.i/r),e.push(t.i/r),e.push(g.i/r),k(t),t=g.next,v=g.next;else if((t=g)===v){h?1===h?o(t=c(t,e,r),e,r,n,i,f,2):2===h&&u(t,e,r,n,i,f):o(a(t),e,r,n,i,f,1);break}}}function s(t){var e=t.prev,r=t,n=t.next;if(m(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(g(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&m(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function l(t,e,r,n){var i=t.prev,a=t,o=t.next;if(m(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=p(s,l,e,r,n),h=p(c,u,e,r,n),d=t.prevZ,v=t.nextZ;d&&d.z>=f&&v&&v.z<=h;){if(d!==t.prev&&d!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&m(d.prev,d,d.next)>=0)return!1;if(d=d.prevZ,v!==t.prev&&v!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,v.x,v.y)&&m(v.prev,v,v.next)>=0)return!1;v=v.nextZ}for(;d&&d.z>=f;){if(d!==t.prev&&d!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&m(d.prev,d,d.next)>=0)return!1;d=d.prevZ}for(;v&&v.z<=h;){if(v!==t.prev&&v!==t.next&&g(i.x,i.y,a.x,a.y,o.x,o.y,v.x,v.y)&&m(v.prev,v,v.next)>=0)return!1;v=v.nextZ}return!0}function c(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!y(i,a)&&x(i,n,n.next,a)&&b(i,a)&&b(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),k(n),k(n.next),n=t=a),n=n.next}while(n!==t);return n}function u(t,e,r,n,i,s){var l=t;do{for(var c=l.next.next;c!==l.prev;){if(l.i!==c.i&&v(l,c)){var u=_(l,c);return l=a(l,l.next),u=a(u,u.next),o(l,e,r,n,i,s),void o(u,e,r,n,i,s)}c=c.next}l=l.next}while(l!==t)}function f(t,e){return t.x-e.x}function h(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&g(ar.x)&&b(n,t)&&(r=n,h=l),n=n.next;return r}(t,e)){var r=_(e,t);a(r,r.next)}}function p(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function d(t){var e=t,r=t;do{e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function v(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&x(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&b(t,e)&&b(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)}function m(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function y(t,e){return t.x===e.x&&t.y===e.y}function x(t,e,r,n){return!!(y(t,e)&&y(r,n)||y(t,n)&&y(r,e))||m(t,e,r)>0!=m(t,e,n)>0&&m(r,n,t)>0!=m(r,n,e)>0}function b(t,e){return m(t.prev,t,t.next)<0?m(t,e,t.next)>=0&&m(t,t.prev,e)>=0:m(t,e,t.prev)<0||m(t,t.next,e)<0}function _(t,e){var r=new M(t.i,t.x,t.y),n=new M(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function w(t,e,r,n){var i=new M(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function k(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function M(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function A(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r}},{}],157:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=t.length;if(\"number\"!=typeof e){e=0;for(var i=0;i=55296&&y<=56319&&(w+=t[++r]),w=k?h.call(k,M,w,g):w,e?(p.value=w,d(v,g,p)):v[g]=w,++g;m=g}if(void 0===m)for(m=o(t.length),e&&(v=new e(m)),r=0;r0?1:-1}},{}],168:[function(t,e,r){\"use strict\";var n=t(\"../math/sign\"),i=Math.abs,a=Math.floor;e.exports=function(t){return isNaN(t)?0:0!==(t=Number(t))&&isFinite(t)?n(t)*a(i(t)):t}},{\"../math/sign\":165}],169:[function(t,e,r){\"use strict\";var n=t(\"./to-integer\"),i=Math.max;e.exports=function(t){return i(0,n(t))}},{\"./to-integer\":168}],170:[function(t,e,r){\"use strict\";var n=t(\"./valid-callable\"),i=t(\"./valid-value\"),a=Function.prototype.bind,o=Function.prototype.call,s=Object.keys,l=Object.prototype.propertyIsEnumerable;e.exports=function(t,e){return function(r,c){var u,f=arguments[2],h=arguments[3];return r=Object(i(r)),n(c),u=s(r),h&&u.sort(\"function\"==typeof h?a.call(h,r):void 0),\"function\"!=typeof t&&(t=u[t]),o.call(t,u,function(t,n){return l.call(r,t)?o.call(c,f,r[t],t,r,n):e})}}},{\"./valid-callable\":188,\"./valid-value\":190}],171:[function(t,e,r){\"use strict\";e.exports=t(\"./is-implemented\")()?Object.assign:t(\"./shim\")},{\"./is-implemented\":172,\"./shim\":173}],172:[function(t,e,r){\"use strict\";e.exports=function(){var t,e=Object.assign;return\"function\"==typeof e&&(e(t={foo:\"raz\"},{bar:\"dwa\"},{trzy:\"trzy\"}),t.foo+t.bar+t.trzy===\"razdwatrzy\")}},{}],173:[function(t,e,r){\"use strict\";var n=t(\"../keys\"),i=t(\"../valid-value\"),a=Math.max;e.exports=function(t,e){var r,o,s,l=a(arguments.length,2);for(t=Object(i(t)),s=function(n){try{t[n]=e[n]}catch(t){r||(r=t)}},o=1;o-1}},{}],194:[function(t,e,r){\"use strict\";var n=Object.prototype.toString,i=n.call(\"\");e.exports=function(t){return\"string\"==typeof t||t&&\"object\"==typeof t&&(t instanceof String||n.call(t)===i)||!1}},{}],195:[function(t,e,r){\"use strict\";var n=Object.create(null),i=Math.random;e.exports=function(){var t;do{t=i().toString(36).slice(2)}while(n[t]);return t}},{}],196:[function(t,e,r){\"use strict\";var n,i=t(\"es5-ext/object/set-prototype-of\"),a=t(\"es5-ext/string/#/contains\"),o=t(\"d\"),s=t(\"es6-symbol\"),l=t(\"./\"),c=Object.defineProperty;n=e.exports=function(t,e){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");l.call(this,t),e=e?a.call(e,\"key+value\")?\"key+value\":a.call(e,\"key\")?\"key\":\"value\":\"value\",c(this,\"__kind__\",o(\"\",e))},i&&i(n,l),delete n.prototype.constructor,n.prototype=Object.create(l.prototype,{_resolve:o(function(t){return\"value\"===this.__kind__?this.__list__[t]:\"key+value\"===this.__kind__?[t,this.__list__[t]]:t})}),c(n.prototype,s.toStringTag,o(\"c\",\"Array Iterator\"))},{\"./\":199,d:139,\"es5-ext/object/set-prototype-of\":185,\"es5-ext/string/#/contains\":191,\"es6-symbol\":204}],197:[function(t,e,r){\"use strict\";var n=t(\"es5-ext/function/is-arguments\"),i=t(\"es5-ext/object/valid-callable\"),a=t(\"es5-ext/string/is-string\"),o=t(\"./get\"),s=Array.isArray,l=Function.prototype.call,c=Array.prototype.some;e.exports=function(t,e){var r,u,f,h,p,d,g,v,m=arguments[2];if(s(t)||n(t)?r=\"array\":a(t)?r=\"string\":t=o(t),i(e),f=function(){h=!0},\"array\"!==r)if(\"string\"!==r)for(u=t.next();!u.done;){if(l.call(e,m,u.value,f),h)return;u=t.next()}else for(d=t.length,p=0;p=55296&&v<=56319&&(g+=t[++p]),l.call(e,m,g,f),!h);++p);else c.call(t,function(t){return l.call(e,m,t,f),h})}},{\"./get\":198,\"es5-ext/function/is-arguments\":162,\"es5-ext/object/valid-callable\":188,\"es5-ext/string/is-string\":194}],198:[function(t,e,r){\"use strict\";var n=t(\"es5-ext/function/is-arguments\"),i=t(\"es5-ext/string/is-string\"),a=t(\"./array\"),o=t(\"./string\"),s=t(\"./valid-iterable\"),l=t(\"es6-symbol\").iterator;e.exports=function(t){return\"function\"==typeof s(t)[l]?t[l]():n(t)?new a(t):i(t)?new o(t):new a(t)}},{\"./array\":196,\"./string\":201,\"./valid-iterable\":202,\"es5-ext/function/is-arguments\":162,\"es5-ext/string/is-string\":194,\"es6-symbol\":204}],199:[function(t,e,r){\"use strict\";var n,i=t(\"es5-ext/array/#/clear\"),a=t(\"es5-ext/object/assign\"),o=t(\"es5-ext/object/valid-callable\"),s=t(\"es5-ext/object/valid-value\"),l=t(\"d\"),c=t(\"d/auto-bind\"),u=t(\"es6-symbol\"),f=Object.defineProperty,h=Object.defineProperties;e.exports=n=function(t,e){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");h(this,{__list__:l(\"w\",s(t)),__context__:l(\"w\",e),__nextIndex__:l(\"w\",0)}),e&&(o(e.on),e.on(\"_add\",this._onAdd),e.on(\"_delete\",this._onDelete),e.on(\"_clear\",this._onClear))},delete n.prototype.constructor,h(n.prototype,a({_next:l(function(){var t;if(this.__list__)return this.__redo__&&void 0!==(t=this.__redo__.shift())?t:this.__nextIndex__=this.__nextIndex__||(++this.__nextIndex__,this.__redo__?(this.__redo__.forEach(function(e,r){e>=t&&(this.__redo__[r]=++e)},this),this.__redo__.push(t)):f(this,\"__redo__\",l(\"c\",[t])))}),_onDelete:l(function(t){var e;t>=this.__nextIndex__||(--this.__nextIndex__,this.__redo__&&(-1!==(e=this.__redo__.indexOf(t))&&this.__redo__.splice(e,1),this.__redo__.forEach(function(e,r){e>t&&(this.__redo__[r]=--e)},this)))}),_onClear:l(function(){this.__redo__&&i.call(this.__redo__),this.__nextIndex__=0})}))),f(n.prototype,u.iterator,l(function(){return this}))},{d:139,\"d/auto-bind\":138,\"es5-ext/array/#/clear\":158,\"es5-ext/object/assign\":171,\"es5-ext/object/valid-callable\":188,\"es5-ext/object/valid-value\":190,\"es6-symbol\":204}],200:[function(t,e,r){\"use strict\";var n=t(\"es5-ext/function/is-arguments\"),i=t(\"es5-ext/object/is-value\"),a=t(\"es5-ext/string/is-string\"),o=t(\"es6-symbol\").iterator,s=Array.isArray;e.exports=function(t){return!!i(t)&&(!!s(t)||(!!a(t)||(!!n(t)||\"function\"==typeof t[o])))}},{\"es5-ext/function/is-arguments\":162,\"es5-ext/object/is-value\":179,\"es5-ext/string/is-string\":194,\"es6-symbol\":204}],201:[function(t,e,r){\"use strict\";var n,i=t(\"es5-ext/object/set-prototype-of\"),a=t(\"d\"),o=t(\"es6-symbol\"),s=t(\"./\"),l=Object.defineProperty;n=e.exports=function(t){if(!(this instanceof n))throw new TypeError(\"Constructor requires 'new'\");t=String(t),s.call(this,t),l(this,\"__length__\",a(\"\",t.length))},i&&i(n,s),delete n.prototype.constructor,n.prototype=Object.create(s.prototype,{_next:a(function(){if(this.__list__)return this.__nextIndex__=55296&&e<=56319?r+this.__list__[this.__nextIndex__++]:r})}),l(n.prototype,o.toStringTag,a(\"c\",\"String Iterator\"))},{\"./\":199,d:139,\"es5-ext/object/set-prototype-of\":185,\"es6-symbol\":204}],202:[function(t,e,r){\"use strict\";var n=t(\"./is-iterable\");e.exports=function(t){if(!n(t))throw new TypeError(t+\" is not iterable\");return t}},{\"./is-iterable\":200}],203:[function(t,e,r){(function(n,i){!function(t,n){\"object\"==typeof r&&\"undefined\"!=typeof e?e.exports=n():t.ES6Promise=n()}(this,function(){\"use strict\";function e(t){return\"function\"==typeof t}var r=Array.isArray?Array.isArray:function(t){return\"[object Array]\"===Object.prototype.toString.call(t)},a=0,o=void 0,s=void 0,l=function(t,e){g[a]=t,g[a+1]=e,2===(a+=2)&&(s?s(v):_())};var c=\"undefined\"!=typeof window?window:void 0,u=c||{},f=u.MutationObserver||u.WebKitMutationObserver,h=\"undefined\"==typeof self&&\"undefined\"!=typeof n&&\"[object process]\"==={}.toString.call(n),p=\"undefined\"!=typeof Uint8ClampedArray&&\"undefined\"!=typeof importScripts&&\"undefined\"!=typeof MessageChannel;function d(){var t=setTimeout;return function(){return t(v,1)}}var g=new Array(1e3);function v(){for(var t=0;t=r-1){h=l.length-1;var d=t-e[r-1];for(p=0;p=r-1)for(var u=s.length-1,f=(e[r-1],0);f=0;--r)if(t[--e])return!1;return!0},s.jump=function(t){var e=this.lastT(),r=this.dimension;if(!(t0;--f)n.push(a(l[f-1],c[f-1],arguments[f])),i.push(0)}},s.push=function(t){var e=this.lastT(),r=this.dimension;if(!(t1e-6?1/s:0;this._time.push(t);for(var h=r;h>0;--h){var p=a(c[h-1],u[h-1],arguments[h]);n.push(p),i.push((p-n[o++])*f)}}},s.set=function(t){var e=this.dimension;if(!(t0;--l)r.push(a(o[l-1],s[l-1],arguments[l])),n.push(0)}},s.move=function(t){var e=this.lastT(),r=this.dimension;if(!(t<=e||arguments.length!==r+1)){var n=this._state,i=this._velocity,o=n.length-this.dimension,s=this.bounds,l=s[0],c=s[1],u=t-e,f=u>1e-6?1/u:0;this._time.push(t);for(var h=r;h>0;--h){var p=arguments[h];n.push(a(l[h-1],c[h-1],n[o++]+p)),i.push(p*f)}}},s.idle=function(t){var e=this.lastT();if(!(t=0;--f)n.push(a(l[f],c[f],n[o]+u*i[o])),i.push(0),o+=1}}},{\"binary-search-bounds\":79,\"cubic-hermite\":133}],216:[function(t,e,r){var n=t(\"dtype\");e.exports=function(t,e,r){if(!t)throw new TypeError(\"must specify data as first parameter\");if(r=0|+(r||0),Array.isArray(t)&&t[0]&&\"number\"==typeof t[0][0]){var i,a,o,s,l=t[0].length,c=t.length*l;e&&\"string\"!=typeof e||(e=new(n(e||\"float32\"))(c+r));var u=e.length-r;if(c!==u)throw new Error(\"source length \"+c+\" (\"+l+\"x\"+t.length+\") does not match destination length \"+u);for(i=0,o=r;ie[0]-o[0]/2&&(h=o[0]/2,p+=o[1]);return r}},{\"css-font/stringify\":130}],218:[function(t,e,r){\"use strict\";function n(t,e){e||(e={}),(\"string\"==typeof t||Array.isArray(t))&&(e.family=t);var r=Array.isArray(e.family)?e.family.join(\", \"):e.family;if(!r)throw Error(\"`family` must be defined\");var s=e.size||e.fontSize||e.em||48,l=e.weight||e.fontWeight||\"\",c=(t=[e.style||e.fontStyle||\"\",l,s].join(\" \")+\"px \"+r,e.origin||\"top\");if(n.cache[r]&&s<=n.cache[r].em)return i(n.cache[r],c);var u=e.canvas||n.canvas,f=u.getContext(\"2d\"),h={upper:void 0!==e.upper?e.upper:\"H\",lower:void 0!==e.lower?e.lower:\"x\",descent:void 0!==e.descent?e.descent:\"p\",ascent:void 0!==e.ascent?e.ascent:\"h\",tittle:void 0!==e.tittle?e.tittle:\"i\",overshoot:void 0!==e.overshoot?e.overshoot:\"O\"},p=Math.ceil(1.5*s);u.height=p,u.width=.5*p,f.font=t;var d={top:0};f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillStyle=\"black\",f.fillText(\"H\",0,0);var g=a(f.getImageData(0,0,p,p));f.clearRect(0,0,p,p),f.textBaseline=\"bottom\",f.fillText(\"H\",0,p);var v=a(f.getImageData(0,0,p,p));d.lineHeight=d.bottom=p-v+g,f.clearRect(0,0,p,p),f.textBaseline=\"alphabetic\",f.fillText(\"H\",0,p);var m=p-a(f.getImageData(0,0,p,p))-1+g;d.baseline=d.alphabetic=m,f.clearRect(0,0,p,p),f.textBaseline=\"middle\",f.fillText(\"H\",0,.5*p);var y=a(f.getImageData(0,0,p,p));d.median=d.middle=p-y-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline=\"hanging\",f.fillText(\"H\",0,.5*p);var x=a(f.getImageData(0,0,p,p));d.hanging=p-x-1+g-.5*p,f.clearRect(0,0,p,p),f.textBaseline=\"ideographic\",f.fillText(\"H\",0,p);var b=a(f.getImageData(0,0,p,p));if(d.ideographic=p-b-1+g,h.upper&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.upper,0,0),d.upper=a(f.getImageData(0,0,p,p)),d.capHeight=d.baseline-d.upper),h.lower&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.lower,0,0),d.lower=a(f.getImageData(0,0,p,p)),d.xHeight=d.baseline-d.lower),h.tittle&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.tittle,0,0),d.tittle=a(f.getImageData(0,0,p,p))),h.ascent&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.ascent,0,0),d.ascent=a(f.getImageData(0,0,p,p))),h.descent&&(f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.descent,0,0),d.descent=o(f.getImageData(0,0,p,p))),h.overshoot){f.clearRect(0,0,p,p),f.textBaseline=\"top\",f.fillText(h.overshoot,0,0);var _=o(f.getImageData(0,0,p,p));d.overshoot=_-m}for(var w in d)d[w]/=s;return d.em=s,n.cache[r]=d,i(d,c)}function i(t,e){var r={};for(var n in\"string\"==typeof e&&(e=t[e]),t)\"em\"!==n&&(r[n]=t[n]-e);return r}function a(t){for(var e=t.height,r=t.data,n=3;n0;n-=4)if(0!==r[n])return Math.floor(.25*(n-3)/e)}e.exports=n,n.canvas=document.createElement(\"canvas\"),n.cache={}},{}],219:[function(t,e,r){\"use strict\";e.exports=function(t){return new c(t||d,null)};var n=0,i=1;function a(t,e,r,n,i,a){this._color=t,this.key=e,this.value=r,this.left=n,this.right=i,this._count=a}function o(t){return new a(t._color,t.key,t.value,t.left,t.right,t._count)}function s(t,e){return new a(t,e.key,e.value,e.left,e.right,e._count)}function l(t){t._count=1+(t.left?t.left._count:0)+(t.right?t.right._count:0)}function c(t,e){this._compare=t,this.root=e}var u=c.prototype;function f(t,e){this.tree=t,this._stack=e}Object.defineProperty(u,\"keys\",{get:function(){var t=[];return this.forEach(function(e,r){t.push(e)}),t}}),Object.defineProperty(u,\"values\",{get:function(){var t=[];return this.forEach(function(e,r){t.push(r)}),t}}),Object.defineProperty(u,\"length\",{get:function(){return this.root?this.root._count:0}}),u.insert=function(t,e){for(var r=this._compare,o=this.root,u=[],f=[];o;){var h=r(t,o.key);u.push(o),f.push(h),o=h<=0?o.left:o.right}u.push(new a(n,t,e,null,null,1));for(var p=u.length-2;p>=0;--p){o=u[p];f[p]<=0?u[p]=new a(o._color,o.key,o.value,u[p+1],o.right,o._count+1):u[p]=new a(o._color,o.key,o.value,o.left,u[p+1],o._count+1)}for(p=u.length-1;p>1;--p){var d=u[p-1];o=u[p];if(d._color===i||o._color===i)break;var g=u[p-2];if(g.left===d)if(d.left===o){if(!(v=g.right)||v._color!==n){if(g._color=n,g.left=d.right,d._color=i,d.right=g,u[p-2]=d,u[p-1]=o,l(g),l(d),p>=3)(m=u[p-3]).left===g?m.left=d:m.right=d;break}d._color=i,g.right=s(i,v),g._color=n,p-=1}else{if(!(v=g.right)||v._color!==n){if(d.right=o.left,g._color=n,g.left=o.right,o._color=i,o.left=d,o.right=g,u[p-2]=o,u[p-1]=d,l(g),l(d),l(o),p>=3)(m=u[p-3]).left===g?m.left=o:m.right=o;break}d._color=i,g.right=s(i,v),g._color=n,p-=1}else if(d.right===o){if(!(v=g.left)||v._color!==n){if(g._color=n,g.right=d.left,d._color=i,d.left=g,u[p-2]=d,u[p-1]=o,l(g),l(d),p>=3)(m=u[p-3]).right===g?m.right=d:m.left=d;break}d._color=i,g.left=s(i,v),g._color=n,p-=1}else{var v;if(!(v=g.left)||v._color!==n){var m;if(d.left=o.right,g._color=n,g.right=o.left,o._color=i,o.right=d,o.left=g,u[p-2]=o,u[p-1]=d,l(g),l(d),l(o),p>=3)(m=u[p-3]).right===g?m.right=o:m.left=o;break}d._color=i,g.left=s(i,v),g._color=n,p-=1}}return u[0]._color=i,new c(r,u[0])},u.forEach=function(t,e,r){if(this.root)switch(arguments.length){case 1:return function t(e,r){var n;if(r.left&&(n=t(e,r.left)))return n;return(n=e(r.key,r.value))||(r.right?t(e,r.right):void 0)}(t,this.root);case 2:return function t(e,r,n,i){if(r(e,i.key)<=0){var a;if(i.left&&(a=t(e,r,n,i.left)))return a;if(a=n(i.key,i.value))return a}if(i.right)return t(e,r,n,i.right)}(e,this._compare,t,this.root);case 3:if(this._compare(e,r)>=0)return;return function t(e,r,n,i,a){var o,s=n(e,a.key),l=n(r,a.key);if(s<=0){if(a.left&&(o=t(e,r,n,i,a.left)))return o;if(l>0&&(o=i(a.key,a.value)))return o}if(l>0&&a.right)return t(e,r,n,i,a.right)}(e,r,this._compare,t,this.root)}},Object.defineProperty(u,\"begin\",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.left;return new f(this,t)}}),Object.defineProperty(u,\"end\",{get:function(){for(var t=[],e=this.root;e;)t.push(e),e=e.right;return new f(this,t)}}),u.at=function(t){if(t<0)return new f(this,[]);for(var e=this.root,r=[];;){if(r.push(e),e.left){if(t=e.right._count)break;e=e.right}return new f(this,[])},u.ge=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<=0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new f(this,n)},u.gt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a<0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new f(this,n)},u.lt=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>0&&(i=n.length),r=a<=0?r.left:r.right}return n.length=i,new f(this,n)},u.le=function(t){for(var e=this._compare,r=this.root,n=[],i=0;r;){var a=e(t,r.key);n.push(r),a>=0&&(i=n.length),r=a<0?r.left:r.right}return n.length=i,new f(this,n)},u.find=function(t){for(var e=this._compare,r=this.root,n=[];r;){var i=e(t,r.key);if(n.push(r),0===i)return new f(this,n);r=i<=0?r.left:r.right}return new f(this,[])},u.remove=function(t){var e=this.find(t);return e?e.remove():this},u.get=function(t){for(var e=this._compare,r=this.root;r;){var n=e(t,r.key);if(0===n)return r.value;r=n<=0?r.left:r.right}};var h=f.prototype;function p(t,e){t.key=e.key,t.value=e.value,t.left=e.left,t.right=e.right,t._color=e._color,t._count=e._count}function d(t,e){return te?1:0}Object.defineProperty(h,\"valid\",{get:function(){return this._stack.length>0}}),Object.defineProperty(h,\"node\",{get:function(){return this._stack.length>0?this._stack[this._stack.length-1]:null},enumerable:!0}),h.clone=function(){return new f(this.tree,this._stack.slice())},h.remove=function(){var t=this._stack;if(0===t.length)return this.tree;var e=new Array(t.length),r=t[t.length-1];e[e.length-1]=new a(r._color,r.key,r.value,r.left,r.right,r._count);for(var u=t.length-2;u>=0;--u){(r=t[u]).left===t[u+1]?e[u]=new a(r._color,r.key,r.value,e[u+1],r.right,r._count):e[u]=new a(r._color,r.key,r.value,r.left,e[u+1],r._count)}if((r=e[e.length-1]).left&&r.right){var f=e.length;for(r=r.left;r.right;)e.push(r),r=r.right;var h=e[f-1];e.push(new a(r._color,h.key,h.value,r.left,r.right,r._count)),e[f-1].key=r.key,e[f-1].value=r.value;for(u=e.length-2;u>=f;--u)r=e[u],e[u]=new a(r._color,r.key,r.value,r.left,e[u+1],r._count);e[f-1].left=e[f]}if((r=e[e.length-1])._color===n){var d=e[e.length-2];d.left===r?d.left=null:d.right===r&&(d.right=null),e.pop();for(u=0;u=0;--u){if(e=t[u],0===u)return void(e._color=i);if((r=t[u-1]).left===e){if((a=r.right).right&&a.right._color===n)return c=(a=r.right=o(a)).right=o(a.right),r.right=a.left,a.left=r,a.right=c,a._color=r._color,e._color=i,r._color=i,c._color=i,l(r),l(a),u>1&&((f=t[u-2]).left===r?f.left=a:f.right=a),void(t[u-1]=a);if(a.left&&a.left._color===n)return c=(a=r.right=o(a)).left=o(a.left),r.right=c.left,a.left=c.right,c.left=r,c.right=a,c._color=r._color,r._color=i,a._color=i,e._color=i,l(r),l(a),l(c),u>1&&((f=t[u-2]).left===r?f.left=c:f.right=c),void(t[u-1]=c);if(a._color===i){if(r._color===n)return r._color=i,void(r.right=s(n,a));r.right=s(n,a);continue}a=o(a),r.right=a.left,a.left=r,a._color=r._color,r._color=n,l(r),l(a),u>1&&((f=t[u-2]).left===r?f.left=a:f.right=a),t[u-1]=a,t[u]=r,u+11&&((f=t[u-2]).right===r?f.right=a:f.left=a),void(t[u-1]=a);if(a.right&&a.right._color===n)return c=(a=r.left=o(a)).right=o(a.right),r.left=c.right,a.right=c.left,c.right=r,c.left=a,c._color=r._color,r._color=i,a._color=i,e._color=i,l(r),l(a),l(c),u>1&&((f=t[u-2]).right===r?f.right=c:f.left=c),void(t[u-1]=c);if(a._color===i){if(r._color===n)return r._color=i,void(r.left=s(n,a));r.left=s(n,a);continue}var f;a=o(a),r.left=a.right,a.right=r,a._color=r._color,r._color=n,l(r),l(a),u>1&&((f=t[u-2]).right===r?f.right=a:f.left=a),t[u-1]=a,t[u]=r,u+10)return this._stack[this._stack.length-1].key},enumerable:!0}),Object.defineProperty(h,\"value\",{get:function(){if(this._stack.length>0)return this._stack[this._stack.length-1].value},enumerable:!0}),Object.defineProperty(h,\"index\",{get:function(){var t=0,e=this._stack;if(0===e.length){var r=this.tree.root;return r?r._count:0}e[e.length-1].left&&(t=e[e.length-1].left._count);for(var n=e.length-2;n>=0;--n)e[n+1]===e[n].right&&(++t,e[n].left&&(t+=e[n].left._count));return t},enumerable:!0}),h.next=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.right)for(e=e.right;e;)t.push(e),e=e.left;else for(t.pop();t.length>0&&t[t.length-1].right===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(h,\"hasNext\",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].right)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].left===t[e])return!0;return!1}}),h.update=function(t){var e=this._stack;if(0===e.length)throw new Error(\"Can't update empty node!\");var r=new Array(e.length),n=e[e.length-1];r[r.length-1]=new a(n._color,n.key,t,n.left,n.right,n._count);for(var i=e.length-2;i>=0;--i)(n=e[i]).left===e[i+1]?r[i]=new a(n._color,n.key,n.value,r[i+1],n.right,n._count):r[i]=new a(n._color,n.key,n.value,n.left,r[i+1],n._count);return new c(this.tree._compare,r[0])},h.prev=function(){var t=this._stack;if(0!==t.length){var e=t[t.length-1];if(e.left)for(e=e.left;e;)t.push(e),e=e.right;else for(t.pop();t.length>0&&t[t.length-1].left===e;)e=t[t.length-1],t.pop()}},Object.defineProperty(h,\"hasPrev\",{get:function(){var t=this._stack;if(0===t.length)return!1;if(t[t.length-1].left)return!0;for(var e=t.length-1;e>0;--e)if(t[e-1].right===t[e])return!0;return!1}})},{}],220:[function(t,e,r){var n=[.9999999999998099,676.5203681218851,-1259.1392167224028,771.3234287776531,-176.6150291621406,12.507343278686905,-.13857109526572012,9984369578019572e-21,1.5056327351493116e-7],i=607/128,a=[.9999999999999971,57.15623566586292,-59.59796035547549,14.136097974741746,-.4919138160976202,3399464998481189e-20,4652362892704858e-20,-9837447530487956e-20,.0001580887032249125,-.00021026444172410488,.00021743961811521265,-.0001643181065367639,8441822398385275e-20,-26190838401581408e-21,36899182659531625e-22];function o(t){if(t<0)return Number(\"0/0\");for(var e=a[0],r=a.length-1;r>0;--r)e+=a[r]/(t+r);var n=t+i+.5;return.5*Math.log(2*Math.PI)+(t+.5)*Math.log(n)-n+Math.log(e)-Math.log(t)}e.exports=function t(e){if(e<.5)return Math.PI/(Math.sin(Math.PI*e)*t(1-e));if(e>100)return Math.exp(o(e));e-=1;for(var r=n[0],i=1;i<9;i++)r+=n[i]/(e+i);var a=e+7+.5;return Math.sqrt(2*Math.PI)*Math.pow(a,e+.5)*Math.exp(-a)*r},e.exports.log=o},{}],221:[function(t,e,r){e.exports=function(t,e){if(\"string\"!=typeof t)throw new TypeError(\"must specify type string\");if(e=e||{},\"undefined\"==typeof document&&!e.canvas)return null;var r=e.canvas||document.createElement(\"canvas\");\"number\"==typeof e.width&&(r.width=e.width);\"number\"==typeof e.height&&(r.height=e.height);var n,i=e;try{var a=[t];0===t.indexOf(\"webgl\")&&a.push(\"experimental-\"+t);for(var o=0;o0?(p[u]=-1,d[u]=0):(p[u]=0,d[u]=1)}}var g=[0,0,0],v={model:l,view:l,projection:l};f.isOpaque=function(){return!0},f.isTransparent=function(){return!1},f.drawTransparent=function(t){};var m=[0,0,0],y=[0,0,0],x=[0,0,0];f.draw=function(t){t=t||v;for(var e=this.gl,r=t.model||l,n=t.view||l,i=t.projection||l,a=this.bounds,s=o(r,n,i,a),u=s.cubeEdges,f=s.axis,h=n[12],b=n[13],_=n[14],w=n[15],k=this.pixelRatio*(i[3]*h+i[7]*b+i[11]*_+i[15]*w)/e.drawingBufferHeight,M=0;M<3;++M)this.lastCubeProps.cubeEdges[M]=u[M],this.lastCubeProps.axis[M]=f[M];var A=p;for(M=0;M<3;++M)d(p[M],M,this.bounds,u,f);e=this.gl;var T,S=g;for(M=0;M<3;++M)this.backgroundEnable[M]?S[M]=f[M]:S[M]=0;this._background.draw(r,n,i,a,S,this.backgroundColor),this._lines.bind(r,n,i,this);for(M=0;M<3;++M){var E=[0,0,0];f[M]>0?E[M]=a[1][M]:E[M]=a[0][M];for(var C=0;C<2;++C){var L=(M+1+C)%3,z=(M+1+(1^C))%3;this.gridEnable[L]&&this._lines.drawGrid(L,z,this.bounds,E,this.gridColor[L],this.gridWidth[L]*this.pixelRatio)}for(C=0;C<2;++C){L=(M+1+C)%3,z=(M+1+(1^C))%3;this.zeroEnable[z]&&Math.min(a[0][z],a[1][z])<=0&&Math.max(a[0][z],a[1][z])>=0&&this._lines.drawZero(L,z,this.bounds,E,this.zeroLineColor[z],this.zeroLineWidth[z]*this.pixelRatio)}}for(M=0;M<3;++M){this.lineEnable[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].primalOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio),this.lineMirror[M]&&this._lines.drawAxisLine(M,this.bounds,A[M].mirrorOffset,this.lineColor[M],this.lineWidth[M]*this.pixelRatio);var O=c(m,A[M].primalMinor),I=c(y,A[M].mirrorMinor),P=this.lineTickLength;for(C=0;C<3;++C){var D=k/r[5*C];O[C]*=P[C]*D,I[C]*=P[C]*D}this.lineTickEnable[M]&&this._lines.drawAxisTicks(M,A[M].primalOffset,O,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio),this.lineTickMirror[M]&&this._lines.drawAxisTicks(M,A[M].mirrorOffset,I,this.lineTickColor[M],this.lineTickWidth[M]*this.pixelRatio)}this._lines.unbind(),this._text.bind(r,n,i,this.pixelRatio);var R,B;function F(t){(B=[0,0,0])[t]=1}function N(t,e,r){var n=(t+1)%3,i=(t+2)%3,a=e[n],o=e[i],s=r[n],l=r[i];a>0&&l>0?F(n):a>0&&l<0?F(n):a<0&&l>0?F(n):a<0&&l<0?F(n):o>0&&s>0?F(i):o>0&&s<0?F(i):o<0&&s>0?F(i):o<0&&s<0&&F(i)}for(M=0;M<3;++M){var j=A[M].primalMinor,V=A[M].mirrorMinor,U=c(x,A[M].primalOffset);for(C=0;C<3;++C)this.lineTickEnable[M]&&(U[C]+=k*j[C]*Math.max(this.lineTickLength[C],0)/r[5*C]);var q=[0,0,0];if(q[M]=1,this.tickEnable[M]){-3600===this.tickAngle[M]?(this.tickAngle[M]=0,this._tickAlign[M]=\"auto\"):this._tickAlign[M]=-1,R=1,\"auto\"===(T=[this._tickAlign[M],.5,R])[0]?T[0]=0:T[0]=parseInt(\"\"+T[0]),B=[0,0,0],N(M,j,V);for(C=0;C<3;++C)U[C]+=k*j[C]*this.tickPad[C]/r[5*C];this._text.drawTicks(M,this.tickSize[M],this.tickAngle[M],U,this.tickColor[M],q,B,T)}if(this.labelEnable[M]){R=0,B=[0,0,0],this.labels[M].length>4&&(F(M),R=1),\"auto\"===(T=[this._labelAlign[M],.5,R])[0]?T[0]=0:T[0]=parseInt(\"\"+T[0]);for(C=0;C<3;++C)U[C]+=k*j[C]*this.labelPad[C]/r[5*C];U[M]+=.5*(a[0][M]+a[1][M]),this._text.drawLabel(M,this.labelSize[M],this._labelAngle[M],U,this.labelColor[M],[0,0,0],B,T)}}this._text.unbind()},f.dispose=function(){this._text.dispose(),this._lines.dispose(),this._background.dispose(),this._lines=null,this._text=null,this._background=null,this.gl=null}},{\"./lib/background.js\":223,\"./lib/cube.js\":224,\"./lib/lines.js\":225,\"./lib/text.js\":227,\"./lib/ticks.js\":228}],223:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=[],r=[],s=0,l=0;l<3;++l)for(var c=(l+1)%3,u=(l+2)%3,f=[0,0,0],h=[0,0,0],p=-1;p<=1;p+=2){r.push(s,s+2,s+1,s+1,s+2,s+3),f[l]=p,h[l]=p;for(var d=-1;d<=1;d+=2){f[c]=d;for(var g=-1;g<=1;g+=2)f[u]=g,e.push(f[0],f[1],f[2],h[0],h[1],h[2]),s+=1}var v=c;c=u,u=v}var m=n(t,new Float32Array(e)),y=n(t,new Uint16Array(r),t.ELEMENT_ARRAY_BUFFER),x=i(t,[{buffer:m,type:t.FLOAT,size:3,offset:0,stride:24},{buffer:m,type:t.FLOAT,size:3,offset:12,stride:24}],y),b=a(t);return b.attributes.position.location=0,b.attributes.normal.location=1,new o(t,m,x,b)};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"./shaders\").bg;function o(t,e,r,n){this.gl=t,this.buffer=e,this.vao=r,this.shader=n}var s=o.prototype;s.draw=function(t,e,r,n,i,a){for(var o=!1,s=0;s<3;++s)o=o||i[s];if(o){var l=this.gl;l.enable(l.POLYGON_OFFSET_FILL),l.polygonOffset(1,2),this.shader.bind(),this.shader.uniforms={model:t,view:e,projection:r,bounds:n,enable:i,colors:a},this.vao.bind(),this.vao.draw(this.gl.TRIANGLES,36),this.vao.unbind(),l.disable(l.POLYGON_OFFSET_FILL)}},s.dispose=function(){this.vao.dispose(),this.buffer.dispose(),this.shader.dispose()}},{\"./shaders\":226,\"gl-buffer\":230,\"gl-vao\":310}],224:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,a){i(s,e,t),i(s,r,s);for(var p=0,y=0;y<2;++y){u[2]=a[y][2];for(var x=0;x<2;++x){u[1]=a[x][1];for(var b=0;b<2;++b)u[0]=a[b][0],h(l[p],u,s),p+=1}}for(var _=-1,y=0;y<8;++y){for(var w=l[y][3],k=0;k<3;++k)c[y][k]=l[y][k]/w;w<0&&(_<0?_=y:c[y][2]S&&(_|=1<S&&(_|=1<c[y][1]&&(D=y));for(var R=-1,y=0;y<3;++y){var B=D^1<c[F][0]&&(F=B)}}var N=g;N[0]=N[1]=N[2]=0,N[n.log2(R^D)]=D&R,N[n.log2(D^F)]=D&F;var j=7^F;j===_||j===P?(j=7^R,N[n.log2(F^j)]=j&F):N[n.log2(R^j)]=j&R;for(var V=v,U=_,M=0;M<3;++M)V[M]=U&1< HALF_PI) && (b <= ONE_AND_HALF_PI)) ?\\n b - PI :\\n b;\\n}\\n\\nfloat look_horizontal_or_vertical(float a, float ratio) {\\n // ratio controls the ratio between being horizontal to (vertical + horizontal)\\n // if ratio is set to 0.5 then it is 50%, 50%.\\n // when using a higher ratio e.g. 0.75 the result would\\n // likely be more horizontal than vertical.\\n\\n float b = positive_angle(a);\\n\\n return\\n (b < ( ratio) * HALF_PI) ? 0.0 :\\n (b < (2.0 - ratio) * HALF_PI) ? -HALF_PI :\\n (b < (2.0 + ratio) * HALF_PI) ? 0.0 :\\n (b < (4.0 - ratio) * HALF_PI) ? HALF_PI :\\n 0.0;\\n}\\n\\nfloat roundTo(float a, float b) {\\n return float(b * floor((a + 0.5 * b) / b));\\n}\\n\\nfloat look_round_n_directions(float a, int n) {\\n float b = positive_angle(a);\\n float div = TWO_PI / float(n);\\n float c = roundTo(b, div);\\n return look_upwards(c);\\n}\\n\\nfloat applyAlignOption(float rawAngle, float delta) {\\n return\\n (option > 2) ? look_round_n_directions(rawAngle + delta, option) : // option 3-n: round to n directions\\n (option == 2) ? look_horizontal_or_vertical(rawAngle + delta, hv_ratio) : // horizontal or vertical\\n (option == 1) ? rawAngle + delta : // use free angle, and flip to align with one direction of the axis\\n (option == 0) ? look_upwards(rawAngle) : // use free angle, and stay upwards\\n (option ==-1) ? 0.0 : // useful for backward compatibility, all texts remains horizontal\\n rawAngle; // otherwise return back raw input angle\\n}\\n\\nbool isAxisTitle = (axis.x == 0.0) &&\\n (axis.y == 0.0) &&\\n (axis.z == 0.0);\\n\\nvoid main() {\\n //Compute world offset\\n float axisDistance = position.z;\\n vec3 dataPosition = axisDistance * axis + offset;\\n\\n float beta = angle; // i.e. user defined attributes for each tick\\n\\n float axisAngle;\\n float clipAngle;\\n float flip;\\n\\n if (enableAlign) {\\n axisAngle = (isAxisTitle) ? HALF_PI :\\n computeViewAngle(dataPosition, dataPosition + axis);\\n clipAngle = computeViewAngle(dataPosition, dataPosition + alignDir);\\n\\n axisAngle += (sin(axisAngle) < 0.0) ? PI : 0.0;\\n clipAngle += (sin(clipAngle) < 0.0) ? PI : 0.0;\\n\\n flip = (dot(vec2(cos(axisAngle), sin(axisAngle)),\\n vec2(sin(clipAngle),-cos(clipAngle))) > 0.0) ? 1.0 : 0.0;\\n\\n beta += applyAlignOption(clipAngle, flip * PI);\\n }\\n\\n //Compute plane offset\\n vec2 planeCoord = position.xy * pixelScale;\\n\\n mat2 planeXform = scale * mat2(\\n cos(beta), sin(beta),\\n -sin(beta), cos(beta)\\n );\\n\\n vec2 viewOffset = 2.0 * planeXform * planeCoord / resolution;\\n\\n //Compute clip position\\n vec3 clipPosition = project(dataPosition);\\n\\n //Apply text offset in clip coordinates\\n clipPosition += vec3(viewOffset, 0.0);\\n\\n //Done\\n gl_Position = vec4(clipPosition, 1.0);\\n}\"]),l=n([\"precision mediump float;\\n#define GLSLIFY 1\\nuniform vec4 color;\\nvoid main() {\\n gl_FragColor = color;\\n}\"]);r.text=function(t){return i(t,s,l,null,[{name:\"position\",type:\"vec3\"}])};var c=n([\"#define GLSLIFY 1\\nattribute vec3 position;\\nattribute vec3 normal;\\n\\nuniform mat4 model, view, projection;\\nuniform vec3 enable;\\nuniform vec3 bounds[2];\\n\\nvarying vec3 colorChannel;\\n\\nvoid main() {\\n\\n vec3 signAxis = sign(bounds[1] - bounds[0]);\\n\\n vec3 realNormal = signAxis * normal;\\n\\n if(dot(realNormal, enable) > 0.0) {\\n vec3 minRange = min(bounds[0], bounds[1]);\\n vec3 maxRange = max(bounds[0], bounds[1]);\\n vec3 nPosition = mix(minRange, maxRange, 0.5 * (position + 1.0));\\n gl_Position = projection * view * model * vec4(nPosition, 1.0);\\n } else {\\n gl_Position = vec4(0,0,0,0);\\n }\\n\\n colorChannel = abs(realNormal);\\n}\"]),u=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform vec4 colors[3];\\n\\nvarying vec3 colorChannel;\\n\\nvoid main() {\\n gl_FragColor = colorChannel.x * colors[0] +\\n colorChannel.y * colors[1] +\\n colorChannel.z * colors[2];\\n}\"]);r.bg=function(t){return i(t,c,u,null,[{name:\"position\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}])}},{\"gl-shader\":288,glslify:392}],227:[function(t,e,r){(function(r){\"use strict\";e.exports=function(t,e,r,a,s,l){var u=n(t),f=i(t,[{buffer:u,size:3}]),h=o(t);h.attributes.position.location=0;var p=new c(t,h,u,f);return p.update(e,r,a,s,l),p};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"vectorize-text\"),o=t(\"./shaders\").text,s=window||r.global||{},l=s.__TEXT_CACHE||{};s.__TEXT_CACHE={};function c(t,e,r,n){this.gl=t,this.shader=e,this.buffer=r,this.vao=n,this.tickOffset=this.tickCount=this.labelOffset=this.labelCount=null}var u=c.prototype,f=[0,0];u.bind=function(t,e,r,n){this.vao.bind(),this.shader.bind();var i=this.shader.uniforms;i.model=t,i.view=e,i.projection=r,i.pixelScale=n,f[0]=this.gl.drawingBufferWidth,f[1]=this.gl.drawingBufferHeight,this.shader.uniforms.resolution=f},u.unbind=function(){this.vao.unbind()},u.update=function(t,e,r,n,i){this.gl;var o=[];function s(t,e,r,n){var i=l[r];i||(i=l[r]={});var s=i[e];s||(s=i[e]=function(t,e){try{return a(t,e)}catch(t){return console.warn(\"error vectorizing text:\",t),{cells:[],positions:[]}}}(e,{triangles:!0,font:r,textAlign:\"center\",textBaseline:\"middle\"}));for(var c=(n||12)/12,u=s.positions,f=s.cells,h=0,p=f.length;h=0;--g){var v=u[d[g]];o.push(c*v[0],-c*v[1],t)}}for(var c=[0,0,0],u=[0,0,0],f=[0,0,0],h=[0,0,0],p=0;p<3;++p){f[p]=o.length/3|0,s(.5*(t[0][p]+t[1][p]),e[p],r),h[p]=(o.length/3|0)-f[p],c[p]=o.length/3|0;for(var d=0;d=0&&(i=r.length-n-1);var a=Math.pow(10,i),o=Math.round(t*e*a),s=o+\"\";if(s.indexOf(\"e\")>=0)return s;var l=o/a,c=o%a;o<0?(l=0|-Math.ceil(l),c=0|-c):(l=0|Math.floor(l),c|=0);var u=\"\"+l;if(o<0&&(u=\"-\"+u),i){for(var f=\"\"+c;f.length=t[0][i];--o)a.push({x:o*e[i],text:n(e[i],o)});r.push(a)}return r},r.equal=function(t,e){for(var r=0;r<3;++r){if(t[r].length!==e[r].length)return!1;for(var n=0;nr)throw new Error(\"gl-buffer: If resizing buffer, must not specify offset\");return t.bufferSubData(e,a,i),r}function u(t,e){for(var r=n.malloc(t.length,e),i=t.length,a=0;a=0;--n){if(e[n]!==r)return!1;r*=t[n]}return!0}(t.shape,t.stride))0===t.offset&&t.data.length===t.shape[0]?this.length=c(this.gl,this.type,this.length,this.usage,t.data,e):this.length=c(this.gl,this.type,this.length,this.usage,t.data.subarray(t.offset,t.shape[0]),e);else{var s=n.malloc(t.size,r),l=a(s,t.shape);i.assign(l,t),this.length=c(this.gl,this.type,this.length,this.usage,e<0?s:s.subarray(0,t.size),e),n.free(s)}}else if(Array.isArray(t)){var f;f=this.type===this.gl.ELEMENT_ARRAY_BUFFER?u(t,\"uint16\"):u(t,\"float32\"),this.length=c(this.gl,this.type,this.length,this.usage,e<0?f:f.subarray(0,t.length),e),n.free(f)}else if(\"object\"==typeof t&&\"number\"==typeof t.length)this.length=c(this.gl,this.type,this.length,this.usage,t,e);else{if(\"number\"!=typeof t&&void 0!==t)throw new Error(\"gl-buffer: Invalid data type\");if(e>=0)throw new Error(\"gl-buffer: Cannot specify offset when resizing buffer\");(t|=0)<=0&&(t=1),this.gl.bufferData(this.type,0|t,this.usage),this.length=t}},e.exports=function(t,e,r,n){if(r=r||t.ARRAY_BUFFER,n=n||t.DYNAMIC_DRAW,r!==t.ARRAY_BUFFER&&r!==t.ELEMENT_ARRAY_BUFFER)throw new Error(\"gl-buffer: Invalid type for webgl buffer, must be either gl.ARRAY_BUFFER or gl.ELEMENT_ARRAY_BUFFER\");if(n!==t.DYNAMIC_DRAW&&n!==t.STATIC_DRAW&&n!==t.STREAM_DRAW)throw new Error(\"gl-buffer: Invalid usage for buffer, must be either gl.DYNAMIC_DRAW, gl.STATIC_DRAW or gl.STREAM_DRAW\");var i=t.createBuffer(),a=new s(t,r,i,0,n);return a.update(e),a}},{ndarray:433,\"ndarray-ops\":427,\"typedarray-pool\":522}],231:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\"),i=(t(\"gl-vec4\"),function(t,e){for(var r=0;r=e)return r-1;return r}),a=n.create(),o=n.create(),s=function(t,e,r){return tr?r:t},l=function(t,e,r,l){var c=t[0],u=t[1],f=t[2],h=r[0].length,p=r[1].length,d=r[2].length,g=i(r[0],c),v=i(r[1],u),m=i(r[2],f),y=g+1,x=v+1,b=m+1;if(l&&(g=s(g,0,h-1),y=s(y,0,h-1),v=s(v,0,p-1),x=s(x,0,p-1),m=s(m,0,d-1),b=s(b,0,d-1)),g<0||v<0||m<0||y>=h||x>=p||b>=d)return n.create();var _=(c-r[0][g])/(r[0][y]-r[0][g]),w=(u-r[1][v])/(r[1][x]-r[1][v]),k=(f-r[2][m])/(r[2][b]-r[2][m]);(_<0||_>1||isNaN(_))&&(_=0),(w<0||w>1||isNaN(w))&&(w=0),(k<0||k>1||isNaN(k))&&(k=0);var M=m*h*p,A=b*h*p,T=v*h,S=x*h,E=g,C=y,L=e[T+M+E],z=e[T+M+C],O=e[S+M+E],I=e[S+M+C],P=e[T+A+E],D=e[T+A+C],R=e[S+A+E],B=e[S+A+C],F=n.create();return n.lerp(F,L,z,_),n.lerp(a,O,I,_),n.lerp(F,F,a,w),n.lerp(a,P,D,_),n.lerp(o,R,B,_),n.lerp(a,a,o,w),n.lerp(F,F,a,k),F};e.exports=function(t,e){var r;r=t.positions?t.positions:function(t){for(var e=t[0],r=t[1],n=t[2],i=[],a=0;as&&(s=n.length(b)),x&&(y=Math.min(y,2*n.distance(g,_)/(n.length(v)+n.length(b)))),g=_,v=b,m.push(b)}var w=[c,f,p],k=[u,h,d];e&&(e[0]=w,e[1]=k),0===s&&(s=1);var M=1/s;isFinite(y)&&!isNaN(y)||(y=1),o.vectorScale=y;var A=function(t,e,r){var i=n.create();return void 0!==t&&n.set(i,t,e,r),i}(0,1,0),T=t.coneSize||.5;t.absoluteConeSize&&(T=t.absoluteConeSize*M),o.coneScale=T;x=0;for(var S=0;x1.0001)return null;v+=g[u]}if(Math.abs(v-1)>.001)return null;return[f,function(t,e){for(var r=[0,0,0],n=0;n=1},x.isTransparent=function(){return this.opacity<1},x.pickSlots=1,x.setPickBase=function(t){this.pickId=t},x.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},x.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||m,n=t.view||m,i=t.projection||m,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,vectorScale:this.vectorScale,coneScale:this.coneScale,coneOffset:this.coneOffset,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},x.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3);return{index:Math.floor(r[1]/48),position:n,dataCoordinate:n}},x.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleNormals.dispose(),this.triangleIds.dispose(),this.edgeVAO.dispose(),this.edgePositions.dispose(),this.edgeColors.dispose(),this.edgeUVs.dispose(),this.edgeIds.dispose(),this.pointVAO.dispose(),this.pointPositions.dispose(),this.pointColors.dispose(),this.pointUVs.dispose(),this.pointSizes.dispose(),this.pointIds.dispose(),this.contourVAO.dispose(),this.contourPositions.dispose()},e.exports=function(t,e){1===arguments.length&&(t=(e=t).gl);var r=e.triShader||function(t){var e=n(t,g.vertex,g.fragment,null,g.attributes);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.vector.location=5,e}(t),s=b(t),l=o(t,u(new Uint8Array([255,255,255,255]),[1,1,4]));l.generateMipmap(),l.minFilter=t.LINEAR_MIPMAP_LINEAR,l.magFilter=t.LINEAR;var c=i(t),f=i(t),h=i(t),p=i(t),d=i(t),v=i(t),m=a(t,[{buffer:c,type:t.FLOAT,size:4},{buffer:v,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:h,type:t.FLOAT,size:4},{buffer:p,type:t.FLOAT,size:2},{buffer:d,type:t.FLOAT,size:3},{buffer:f,type:t.FLOAT,size:3}]),x=i(t),_=i(t),w=i(t),k=i(t),M=a(t,[{buffer:x,type:t.FLOAT,size:3},{buffer:k,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:_,type:t.FLOAT,size:4},{buffer:w,type:t.FLOAT,size:2}]),A=i(t),T=i(t),S=i(t),E=i(t),C=i(t),L=a(t,[{buffer:A,type:t.FLOAT,size:3},{buffer:C,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:T,type:t.FLOAT,size:4},{buffer:S,type:t.FLOAT,size:2},{buffer:E,type:t.FLOAT,size:1}]),z=i(t),O=new y(t,l,r,null,null,s,null,null,c,f,v,h,p,d,m,x,k,_,w,M,A,C,T,S,E,L,z,a(t,[{buffer:z,type:t.FLOAT,size:3}]));return O.update(e),O}},{\"./closest-point\":232,\"./shaders\":234,colormap:114,\"gl-buffer\":230,\"gl-mat4/invert\":254,\"gl-mat4/multiply\":256,\"gl-shader\":288,\"gl-texture2d\":305,\"gl-vao\":310,ndarray:433,normals:436,\"simplicial-complex-contour\":494,\"typedarray-pool\":522}],234:[function(t,e,r){var n=t(\"glslify\"),i=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nfloat inverse(float m) {\\n return 1.0 / m;\\n}\\n\\nmat2 inverse(mat2 m) {\\n return mat2(m[1][1],-m[0][1],\\n -m[1][0], m[0][0]) / (m[0][0]*m[1][1] - m[0][1]*m[1][0]);\\n}\\n\\nmat3 inverse(mat3 m) {\\n float a00 = m[0][0], a01 = m[0][1], a02 = m[0][2];\\n float a10 = m[1][0], a11 = m[1][1], a12 = m[1][2];\\n float a20 = m[2][0], a21 = m[2][1], a22 = m[2][2];\\n\\n float b01 = a22 * a11 - a12 * a21;\\n float b11 = -a22 * a10 + a12 * a20;\\n float b21 = a21 * a10 - a11 * a20;\\n\\n float det = a00 * b01 + a01 * b11 + a02 * b21;\\n\\n return mat3(b01, (-a22 * a01 + a02 * a21), (a12 * a01 - a02 * a11),\\n b11, (a22 * a00 - a02 * a20), (-a12 * a00 + a02 * a10),\\n b21, (-a21 * a00 + a01 * a20), (a11 * a00 - a01 * a10)) / det;\\n}\\n\\nmat4 inverse(mat4 m) {\\n float\\n a00 = m[0][0], a01 = m[0][1], a02 = m[0][2], a03 = m[0][3],\\n a10 = m[1][0], a11 = m[1][1], a12 = m[1][2], a13 = m[1][3],\\n a20 = m[2][0], a21 = m[2][1], a22 = m[2][2], a23 = m[2][3],\\n a30 = m[3][0], a31 = m[3][1], a32 = m[3][2], a33 = m[3][3],\\n\\n b00 = a00 * a11 - a01 * a10,\\n b01 = a00 * a12 - a02 * a10,\\n b02 = a00 * a13 - a03 * a10,\\n b03 = a01 * a12 - a02 * a11,\\n b04 = a01 * a13 - a03 * a11,\\n b05 = a02 * a13 - a03 * a12,\\n b06 = a20 * a31 - a21 * a30,\\n b07 = a20 * a32 - a22 * a30,\\n b08 = a20 * a33 - a23 * a30,\\n b09 = a21 * a32 - a22 * a31,\\n b10 = a21 * a33 - a23 * a31,\\n b11 = a22 * a33 - a23 * a32,\\n\\n det = b00 * b11 - b01 * b10 + b02 * b09 + b03 * b08 - b04 * b07 + b05 * b06;\\n\\n return mat4(\\n a11 * b11 - a12 * b10 + a13 * b09,\\n a02 * b10 - a01 * b11 - a03 * b09,\\n a31 * b05 - a32 * b04 + a33 * b03,\\n a22 * b04 - a21 * b05 - a23 * b03,\\n a12 * b08 - a10 * b11 - a13 * b07,\\n a00 * b11 - a02 * b08 + a03 * b07,\\n a32 * b02 - a30 * b05 - a33 * b01,\\n a20 * b05 - a22 * b02 + a23 * b01,\\n a10 * b10 - a11 * b08 + a13 * b06,\\n a01 * b08 - a00 * b10 - a03 * b06,\\n a30 * b04 - a31 * b02 + a33 * b00,\\n a21 * b02 - a20 * b04 - a23 * b00,\\n a11 * b07 - a10 * b09 - a12 * b06,\\n a00 * b09 - a01 * b07 + a02 * b06,\\n a31 * b01 - a30 * b03 - a32 * b00,\\n a20 * b03 - a21 * b01 + a22 * b00) / det;\\n}\\n\\nvec3 getOrthogonalVector(vec3 v) {\\n // Return up-vector for only-z vector.\\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the cone vertex and normal at the given index.\\n//\\n// The returned vertex is for a cone with its top at origin and height of 1.0,\\n// pointing in the direction of the vector attribute.\\n//\\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\\n// These vertices are used to make up the triangles of the cone by the following:\\n// segment + 0 top vertex\\n// segment + 1 perimeter vertex a+1\\n// segment + 2 perimeter vertex a\\n// segment + 3 center base vertex\\n// segment + 4 perimeter vertex a\\n// segment + 5 perimeter vertex a+1\\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\\n// To go from index to segment, floor(index / 6)\\n// To go from segment to angle, 2*pi * (segment/segmentCount)\\n// To go from index to segment index, index - (segment*6)\\n//\\nvec3 getConePosition(vec3 d, float index, float coneOffset, out vec3 normal) {\\n\\n const float segmentCount = 8.0;\\n\\n index = mod(index, segmentCount * 6.0);\\n\\n float segment = floor(index/6.0);\\n float segmentIndex = index - (segment*6.0);\\n\\n normal = -normalize(d);\\n\\n if (segmentIndex == 3.0) {\\n return mix(vec3(0.0), -d, coneOffset);\\n }\\n\\n // angle = 2pi * ((segment + ((segmentIndex == 1.0 || segmentIndex == 5.0) ? 1.0 : 0.0)) / segmentCount)\\n float nextAngle = float(segmentIndex == 1.0 || segmentIndex == 5.0);\\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\\n\\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\\n vec3 v2 = v1 - d;\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d)*0.25;\\n vec3 y = v * sin(angle) * length(d)*0.25;\\n vec3 v3 = v2 + x + y;\\n if (segmentIndex <= 2.0) {\\n vec3 tx = u * sin(angle);\\n vec3 ty = v * -cos(angle);\\n vec3 tangent = tx + ty;\\n normal = normalize(cross(v3 - v1, tangent));\\n }\\n\\n if (segmentIndex == 0.0) {\\n return mix(d, vec3(0.0), coneOffset);\\n }\\n return v3;\\n}\\n\\nattribute vec3 vector;\\nattribute vec4 color, position;\\nattribute vec2 uv;\\nuniform float vectorScale;\\nuniform float coneScale;\\n\\nuniform float coneOffset;\\n\\nuniform mat4 model\\n , view\\n , projection;\\nuniform vec3 eyePosition\\n , lightPosition;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n // Scale the vector magnitude to stay constant with\\n // model & view changes.\\n vec3 normal;\\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n normal = normalize(normal * inverse(mat3(model)));\\n\\n // vec4 m_position = model * vec4(conePosition, 1.0);\\n vec4 t_position = view * conePosition;\\n gl_Position = projection * t_position;\\n f_color = color; //vec4(position.w, color.r, 0, 0);\\n f_normal = normal;\\n f_data = conePosition.xyz;\\n f_position = position.xyz;\\n f_eyeDirection = eyePosition - conePosition.xyz;\\n f_lightDirection = lightPosition - conePosition.xyz;\\n f_uv = uv;\\n}\\n\"]),a=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nfloat beckmannDistribution(float x, float roughness) {\\n float NdotH = max(x, 0.0001);\\n float cos2Alpha = NdotH * NdotH;\\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\\n float roughness2 = roughness * roughness;\\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\\n return exp(tan2Alpha / roughness2) / denom;\\n}\\n\\nfloat cookTorranceSpecular(\\n vec3 lightDirection,\\n vec3 viewDirection,\\n vec3 surfaceNormal,\\n float roughness,\\n float fresnel) {\\n\\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\\n\\n //Half angle vector\\n vec3 H = normalize(lightDirection + viewDirection);\\n\\n //Geometric term\\n float NdotH = max(dot(surfaceNormal, H), 0.0);\\n float VdotH = max(dot(viewDirection, H), 0.000001);\\n float LdotH = max(dot(lightDirection, H), 0.000001);\\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\\n float G = min(1.0, min(G1, G2));\\n \\n //Distribution term\\n float D = beckmannDistribution(NdotH, roughness);\\n\\n //Fresnel term\\n float F = pow(1.0 - VdotN, fresnel);\\n\\n //Multiply terms and done\\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\\n}\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float roughness\\n , fresnel\\n , kambient\\n , kdiffuse\\n , kspecular\\n , opacity;\\nuniform sampler2D texture;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n vec3 N = normalize(f_normal);\\n vec3 L = normalize(f_lightDirection);\\n vec3 V = normalize(f_eyeDirection);\\n\\n if(!gl_FrontFacing) {\\n N = -N;\\n }\\n\\n float specular = cookTorranceSpecular(L, V, N, roughness, fresnel);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n vec4 surfaceColor = texture2D(texture, f_uv);\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = litColor * opacity;\\n}\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nvec3 getOrthogonalVector(vec3 v) {\\n // Return up-vector for only-z vector.\\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the cone vertex and normal at the given index.\\n//\\n// The returned vertex is for a cone with its top at origin and height of 1.0,\\n// pointing in the direction of the vector attribute.\\n//\\n// Each cone is made up of a top vertex, a center base vertex and base perimeter vertices.\\n// These vertices are used to make up the triangles of the cone by the following:\\n// segment + 0 top vertex\\n// segment + 1 perimeter vertex a+1\\n// segment + 2 perimeter vertex a\\n// segment + 3 center base vertex\\n// segment + 4 perimeter vertex a\\n// segment + 5 perimeter vertex a+1\\n// Where segment is the number of the radial segment * 6 and a is the angle at that radial segment.\\n// To go from index to segment, floor(index / 6)\\n// To go from segment to angle, 2*pi * (segment/segmentCount)\\n// To go from index to segment index, index - (segment*6)\\n//\\nvec3 getConePosition(vec3 d, float index, float coneOffset, out vec3 normal) {\\n\\n const float segmentCount = 8.0;\\n\\n index = mod(index, segmentCount * 6.0);\\n\\n float segment = floor(index/6.0);\\n float segmentIndex = index - (segment*6.0);\\n\\n normal = -normalize(d);\\n\\n if (segmentIndex == 3.0) {\\n return mix(vec3(0.0), -d, coneOffset);\\n }\\n\\n // angle = 2pi * ((segment + ((segmentIndex == 1.0 || segmentIndex == 5.0) ? 1.0 : 0.0)) / segmentCount)\\n float nextAngle = float(segmentIndex == 1.0 || segmentIndex == 5.0);\\n float angle = 2.0 * 3.14159 * ((segment + nextAngle) / segmentCount);\\n\\n vec3 v1 = mix(d, vec3(0.0), coneOffset);\\n vec3 v2 = v1 - d;\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d)*0.25;\\n vec3 y = v * sin(angle) * length(d)*0.25;\\n vec3 v3 = v2 + x + y;\\n if (segmentIndex <= 2.0) {\\n vec3 tx = u * sin(angle);\\n vec3 ty = v * -cos(angle);\\n vec3 tangent = tx + ty;\\n normal = normalize(cross(v3 - v1, tangent));\\n }\\n\\n if (segmentIndex == 0.0) {\\n return mix(d, vec3(0.0), coneOffset);\\n }\\n return v3;\\n}\\n\\nattribute vec3 vector;\\nattribute vec4 position;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\n\\nuniform float vectorScale;\\nuniform float coneScale;\\nuniform float coneOffset;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n vec3 normal;\\n vec3 XYZ = getConePosition(mat3(model) * ((vectorScale * coneScale) * vector), position.w, coneOffset, normal);\\n vec4 conePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n gl_Position = projection * view * conePosition;\\n f_id = id;\\n f_position = position.xyz;\\n}\\n\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n gl_FragColor = vec4(pickId, f_id.xyz);\\n}\"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:\"position\",type:\"vec4\"},{name:\"normal\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"},{name:\"vector\",type:\"vec3\"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:\"position\",type:\"vec4\"},{name:\"id\",type:\"vec4\"},{name:\"vector\",type:\"vec3\"}]}},{glslify:392}],235:[function(t,e,r){e.exports={0:\"NONE\",1:\"ONE\",2:\"LINE_LOOP\",3:\"LINE_STRIP\",4:\"TRIANGLES\",5:\"TRIANGLE_STRIP\",6:\"TRIANGLE_FAN\",256:\"DEPTH_BUFFER_BIT\",512:\"NEVER\",513:\"LESS\",514:\"EQUAL\",515:\"LEQUAL\",516:\"GREATER\",517:\"NOTEQUAL\",518:\"GEQUAL\",519:\"ALWAYS\",768:\"SRC_COLOR\",769:\"ONE_MINUS_SRC_COLOR\",770:\"SRC_ALPHA\",771:\"ONE_MINUS_SRC_ALPHA\",772:\"DST_ALPHA\",773:\"ONE_MINUS_DST_ALPHA\",774:\"DST_COLOR\",775:\"ONE_MINUS_DST_COLOR\",776:\"SRC_ALPHA_SATURATE\",1024:\"STENCIL_BUFFER_BIT\",1028:\"FRONT\",1029:\"BACK\",1032:\"FRONT_AND_BACK\",1280:\"INVALID_ENUM\",1281:\"INVALID_VALUE\",1282:\"INVALID_OPERATION\",1285:\"OUT_OF_MEMORY\",1286:\"INVALID_FRAMEBUFFER_OPERATION\",2304:\"CW\",2305:\"CCW\",2849:\"LINE_WIDTH\",2884:\"CULL_FACE\",2885:\"CULL_FACE_MODE\",2886:\"FRONT_FACE\",2928:\"DEPTH_RANGE\",2929:\"DEPTH_TEST\",2930:\"DEPTH_WRITEMASK\",2931:\"DEPTH_CLEAR_VALUE\",2932:\"DEPTH_FUNC\",2960:\"STENCIL_TEST\",2961:\"STENCIL_CLEAR_VALUE\",2962:\"STENCIL_FUNC\",2963:\"STENCIL_VALUE_MASK\",2964:\"STENCIL_FAIL\",2965:\"STENCIL_PASS_DEPTH_FAIL\",2966:\"STENCIL_PASS_DEPTH_PASS\",2967:\"STENCIL_REF\",2968:\"STENCIL_WRITEMASK\",2978:\"VIEWPORT\",3024:\"DITHER\",3042:\"BLEND\",3088:\"SCISSOR_BOX\",3089:\"SCISSOR_TEST\",3106:\"COLOR_CLEAR_VALUE\",3107:\"COLOR_WRITEMASK\",3317:\"UNPACK_ALIGNMENT\",3333:\"PACK_ALIGNMENT\",3379:\"MAX_TEXTURE_SIZE\",3386:\"MAX_VIEWPORT_DIMS\",3408:\"SUBPIXEL_BITS\",3410:\"RED_BITS\",3411:\"GREEN_BITS\",3412:\"BLUE_BITS\",3413:\"ALPHA_BITS\",3414:\"DEPTH_BITS\",3415:\"STENCIL_BITS\",3553:\"TEXTURE_2D\",4352:\"DONT_CARE\",4353:\"FASTEST\",4354:\"NICEST\",5120:\"BYTE\",5121:\"UNSIGNED_BYTE\",5122:\"SHORT\",5123:\"UNSIGNED_SHORT\",5124:\"INT\",5125:\"UNSIGNED_INT\",5126:\"FLOAT\",5386:\"INVERT\",5890:\"TEXTURE\",6401:\"STENCIL_INDEX\",6402:\"DEPTH_COMPONENT\",6406:\"ALPHA\",6407:\"RGB\",6408:\"RGBA\",6409:\"LUMINANCE\",6410:\"LUMINANCE_ALPHA\",7680:\"KEEP\",7681:\"REPLACE\",7682:\"INCR\",7683:\"DECR\",7936:\"VENDOR\",7937:\"RENDERER\",7938:\"VERSION\",9728:\"NEAREST\",9729:\"LINEAR\",9984:\"NEAREST_MIPMAP_NEAREST\",9985:\"LINEAR_MIPMAP_NEAREST\",9986:\"NEAREST_MIPMAP_LINEAR\",9987:\"LINEAR_MIPMAP_LINEAR\",10240:\"TEXTURE_MAG_FILTER\",10241:\"TEXTURE_MIN_FILTER\",10242:\"TEXTURE_WRAP_S\",10243:\"TEXTURE_WRAP_T\",10497:\"REPEAT\",10752:\"POLYGON_OFFSET_UNITS\",16384:\"COLOR_BUFFER_BIT\",32769:\"CONSTANT_COLOR\",32770:\"ONE_MINUS_CONSTANT_COLOR\",32771:\"CONSTANT_ALPHA\",32772:\"ONE_MINUS_CONSTANT_ALPHA\",32773:\"BLEND_COLOR\",32774:\"FUNC_ADD\",32777:\"BLEND_EQUATION_RGB\",32778:\"FUNC_SUBTRACT\",32779:\"FUNC_REVERSE_SUBTRACT\",32819:\"UNSIGNED_SHORT_4_4_4_4\",32820:\"UNSIGNED_SHORT_5_5_5_1\",32823:\"POLYGON_OFFSET_FILL\",32824:\"POLYGON_OFFSET_FACTOR\",32854:\"RGBA4\",32855:\"RGB5_A1\",32873:\"TEXTURE_BINDING_2D\",32926:\"SAMPLE_ALPHA_TO_COVERAGE\",32928:\"SAMPLE_COVERAGE\",32936:\"SAMPLE_BUFFERS\",32937:\"SAMPLES\",32938:\"SAMPLE_COVERAGE_VALUE\",32939:\"SAMPLE_COVERAGE_INVERT\",32968:\"BLEND_DST_RGB\",32969:\"BLEND_SRC_RGB\",32970:\"BLEND_DST_ALPHA\",32971:\"BLEND_SRC_ALPHA\",33071:\"CLAMP_TO_EDGE\",33170:\"GENERATE_MIPMAP_HINT\",33189:\"DEPTH_COMPONENT16\",33306:\"DEPTH_STENCIL_ATTACHMENT\",33635:\"UNSIGNED_SHORT_5_6_5\",33648:\"MIRRORED_REPEAT\",33901:\"ALIASED_POINT_SIZE_RANGE\",33902:\"ALIASED_LINE_WIDTH_RANGE\",33984:\"TEXTURE0\",33985:\"TEXTURE1\",33986:\"TEXTURE2\",33987:\"TEXTURE3\",33988:\"TEXTURE4\",33989:\"TEXTURE5\",33990:\"TEXTURE6\",33991:\"TEXTURE7\",33992:\"TEXTURE8\",33993:\"TEXTURE9\",33994:\"TEXTURE10\",33995:\"TEXTURE11\",33996:\"TEXTURE12\",33997:\"TEXTURE13\",33998:\"TEXTURE14\",33999:\"TEXTURE15\",34000:\"TEXTURE16\",34001:\"TEXTURE17\",34002:\"TEXTURE18\",34003:\"TEXTURE19\",34004:\"TEXTURE20\",34005:\"TEXTURE21\",34006:\"TEXTURE22\",34007:\"TEXTURE23\",34008:\"TEXTURE24\",34009:\"TEXTURE25\",34010:\"TEXTURE26\",34011:\"TEXTURE27\",34012:\"TEXTURE28\",34013:\"TEXTURE29\",34014:\"TEXTURE30\",34015:\"TEXTURE31\",34016:\"ACTIVE_TEXTURE\",34024:\"MAX_RENDERBUFFER_SIZE\",34041:\"DEPTH_STENCIL\",34055:\"INCR_WRAP\",34056:\"DECR_WRAP\",34067:\"TEXTURE_CUBE_MAP\",34068:\"TEXTURE_BINDING_CUBE_MAP\",34069:\"TEXTURE_CUBE_MAP_POSITIVE_X\",34070:\"TEXTURE_CUBE_MAP_NEGATIVE_X\",34071:\"TEXTURE_CUBE_MAP_POSITIVE_Y\",34072:\"TEXTURE_CUBE_MAP_NEGATIVE_Y\",34073:\"TEXTURE_CUBE_MAP_POSITIVE_Z\",34074:\"TEXTURE_CUBE_MAP_NEGATIVE_Z\",34076:\"MAX_CUBE_MAP_TEXTURE_SIZE\",34338:\"VERTEX_ATTRIB_ARRAY_ENABLED\",34339:\"VERTEX_ATTRIB_ARRAY_SIZE\",34340:\"VERTEX_ATTRIB_ARRAY_STRIDE\",34341:\"VERTEX_ATTRIB_ARRAY_TYPE\",34342:\"CURRENT_VERTEX_ATTRIB\",34373:\"VERTEX_ATTRIB_ARRAY_POINTER\",34466:\"NUM_COMPRESSED_TEXTURE_FORMATS\",34467:\"COMPRESSED_TEXTURE_FORMATS\",34660:\"BUFFER_SIZE\",34661:\"BUFFER_USAGE\",34816:\"STENCIL_BACK_FUNC\",34817:\"STENCIL_BACK_FAIL\",34818:\"STENCIL_BACK_PASS_DEPTH_FAIL\",34819:\"STENCIL_BACK_PASS_DEPTH_PASS\",34877:\"BLEND_EQUATION_ALPHA\",34921:\"MAX_VERTEX_ATTRIBS\",34922:\"VERTEX_ATTRIB_ARRAY_NORMALIZED\",34930:\"MAX_TEXTURE_IMAGE_UNITS\",34962:\"ARRAY_BUFFER\",34963:\"ELEMENT_ARRAY_BUFFER\",34964:\"ARRAY_BUFFER_BINDING\",34965:\"ELEMENT_ARRAY_BUFFER_BINDING\",34975:\"VERTEX_ATTRIB_ARRAY_BUFFER_BINDING\",35040:\"STREAM_DRAW\",35044:\"STATIC_DRAW\",35048:\"DYNAMIC_DRAW\",35632:\"FRAGMENT_SHADER\",35633:\"VERTEX_SHADER\",35660:\"MAX_VERTEX_TEXTURE_IMAGE_UNITS\",35661:\"MAX_COMBINED_TEXTURE_IMAGE_UNITS\",35663:\"SHADER_TYPE\",35664:\"FLOAT_VEC2\",35665:\"FLOAT_VEC3\",35666:\"FLOAT_VEC4\",35667:\"INT_VEC2\",35668:\"INT_VEC3\",35669:\"INT_VEC4\",35670:\"BOOL\",35671:\"BOOL_VEC2\",35672:\"BOOL_VEC3\",35673:\"BOOL_VEC4\",35674:\"FLOAT_MAT2\",35675:\"FLOAT_MAT3\",35676:\"FLOAT_MAT4\",35678:\"SAMPLER_2D\",35680:\"SAMPLER_CUBE\",35712:\"DELETE_STATUS\",35713:\"COMPILE_STATUS\",35714:\"LINK_STATUS\",35715:\"VALIDATE_STATUS\",35716:\"INFO_LOG_LENGTH\",35717:\"ATTACHED_SHADERS\",35718:\"ACTIVE_UNIFORMS\",35719:\"ACTIVE_UNIFORM_MAX_LENGTH\",35720:\"SHADER_SOURCE_LENGTH\",35721:\"ACTIVE_ATTRIBUTES\",35722:\"ACTIVE_ATTRIBUTE_MAX_LENGTH\",35724:\"SHADING_LANGUAGE_VERSION\",35725:\"CURRENT_PROGRAM\",36003:\"STENCIL_BACK_REF\",36004:\"STENCIL_BACK_VALUE_MASK\",36005:\"STENCIL_BACK_WRITEMASK\",36006:\"FRAMEBUFFER_BINDING\",36007:\"RENDERBUFFER_BINDING\",36048:\"FRAMEBUFFER_ATTACHMENT_OBJECT_TYPE\",36049:\"FRAMEBUFFER_ATTACHMENT_OBJECT_NAME\",36050:\"FRAMEBUFFER_ATTACHMENT_TEXTURE_LEVEL\",36051:\"FRAMEBUFFER_ATTACHMENT_TEXTURE_CUBE_MAP_FACE\",36053:\"FRAMEBUFFER_COMPLETE\",36054:\"FRAMEBUFFER_INCOMPLETE_ATTACHMENT\",36055:\"FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT\",36057:\"FRAMEBUFFER_INCOMPLETE_DIMENSIONS\",36061:\"FRAMEBUFFER_UNSUPPORTED\",36064:\"COLOR_ATTACHMENT0\",36096:\"DEPTH_ATTACHMENT\",36128:\"STENCIL_ATTACHMENT\",36160:\"FRAMEBUFFER\",36161:\"RENDERBUFFER\",36162:\"RENDERBUFFER_WIDTH\",36163:\"RENDERBUFFER_HEIGHT\",36164:\"RENDERBUFFER_INTERNAL_FORMAT\",36168:\"STENCIL_INDEX8\",36176:\"RENDERBUFFER_RED_SIZE\",36177:\"RENDERBUFFER_GREEN_SIZE\",36178:\"RENDERBUFFER_BLUE_SIZE\",36179:\"RENDERBUFFER_ALPHA_SIZE\",36180:\"RENDERBUFFER_DEPTH_SIZE\",36181:\"RENDERBUFFER_STENCIL_SIZE\",36194:\"RGB565\",36336:\"LOW_FLOAT\",36337:\"MEDIUM_FLOAT\",36338:\"HIGH_FLOAT\",36339:\"LOW_INT\",36340:\"MEDIUM_INT\",36341:\"HIGH_INT\",36346:\"SHADER_COMPILER\",36347:\"MAX_VERTEX_UNIFORM_VECTORS\",36348:\"MAX_VARYING_VECTORS\",36349:\"MAX_FRAGMENT_UNIFORM_VECTORS\",37440:\"UNPACK_FLIP_Y_WEBGL\",37441:\"UNPACK_PREMULTIPLY_ALPHA_WEBGL\",37442:\"CONTEXT_LOST_WEBGL\",37443:\"UNPACK_COLORSPACE_CONVERSION_WEBGL\",37444:\"BROWSER_DEFAULT_WEBGL\"}},{}],236:[function(t,e,r){var n=t(\"./1.0/numbers\");e.exports=function(t){return n[t]}},{\"./1.0/numbers\":235}],237:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl,r=n(e),o=i(e,[{buffer:r,type:e.FLOAT,size:3,offset:0,stride:40},{buffer:r,type:e.FLOAT,size:4,offset:12,stride:40},{buffer:r,type:e.FLOAT,size:3,offset:28,stride:40}]),l=a(e);l.attributes.position.location=0,l.attributes.color.location=1,l.attributes.offset.location=2;var c=new s(e,r,o,l);return c.update(t),c};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"./shaders/index\"),o=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function s(t,e,r,n){this.gl=t,this.shader=n,this.buffer=e,this.vao=r,this.pixelRatio=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lineWidth=[1,1,1],this.capSize=[10,10,10],this.lineCount=[0,0,0],this.lineOffset=[0,0,0],this.opacity=1}var l=s.prototype;function c(t,e){for(var r=0;r<3;++r)t[0][r]=Math.min(t[0][r],e[r]),t[1][r]=Math.max(t[1][r],e[r])}l.isOpaque=function(){return this.opacity>=1},l.isTransparent=function(){return this.opacity<1},l.drawTransparent=l.draw=function(t){var e=this.gl,r=this.shader.uniforms;this.shader.bind();var n=r.view=t.view||o,i=r.projection=t.projection||o;r.model=t.model||o,r.clipBounds=this.clipBounds,r.opacity=this.opacity;var a=n[12],s=n[13],l=n[14],c=n[15],u=this.pixelRatio*(i[3]*a+i[7]*s+i[11]*l+i[15]*c)/e.drawingBufferHeight;this.vao.bind();for(var f=0;f<3;++f)e.lineWidth(this.lineWidth[f]),r.capSize=this.capSize[f]*u,this.lineCount[f]&&e.drawArrays(e.LINES,this.lineOffset[f],this.lineCount[f]);this.vao.unbind()};var u=function(){for(var t=new Array(3),e=0;e<3;++e){for(var r=[],n=1;n<=2;++n)for(var i=-1;i<=1;i+=2){var a=[0,0,0];a[(n+e)%3]=i,r.push(a)}t[e]=r}return t}();function f(t,e,r,n){for(var i=u[n],a=0;a0)(g=u.slice())[s]+=p[1][s],i.push(u[0],u[1],u[2],d[0],d[1],d[2],d[3],0,0,0,g[0],g[1],g[2],d[0],d[1],d[2],d[3],0,0,0),c(this.bounds,g),o+=2+f(i,g,d,s)}}this.lineCount[s]=o-this.lineOffset[s]}this.buffer.update(i)}},l.dispose=function(){this.shader.dispose(),this.buffer.dispose(),this.vao.dispose()}},{\"./shaders/index\":238,\"gl-buffer\":230,\"gl-vao\":310}],238:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),i=t(\"gl-shader\"),a=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position, offset;\\nattribute vec4 color;\\nuniform mat4 model, view, projection;\\nuniform float capSize;\\nvarying vec4 fragColor;\\nvarying vec3 fragPosition;\\n\\nvoid main() {\\n vec4 worldPosition = model * vec4(position, 1.0);\\n worldPosition = (worldPosition / worldPosition.w) + vec4(capSize * offset, 0.0);\\n gl_Position = projection * view * worldPosition;\\n fragColor = color;\\n fragPosition = position;\\n}\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float opacity;\\nvarying vec3 fragPosition;\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], fragPosition)) discard;\\n\\n gl_FragColor = opacity * fragColor;\\n}\"]);e.exports=function(t){return i(t,a,o,null,[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"offset\",type:\"vec3\"}])}},{\"gl-shader\":288,glslify:392}],239:[function(t,e,r){\"use strict\";var n=t(\"gl-texture2d\");e.exports=function(t,e,r,n){i||(i=t.FRAMEBUFFER_UNSUPPORTED,a=t.FRAMEBUFFER_INCOMPLETE_ATTACHMENT,o=t.FRAMEBUFFER_INCOMPLETE_DIMENSIONS,s=t.FRAMEBUFFER_INCOMPLETE_MISSING_ATTACHMENT);var c=t.getExtension(\"WEBGL_draw_buffers\");!l&&c&&function(t,e){var r=t.getParameter(e.MAX_COLOR_ATTACHMENTS_WEBGL);l=new Array(r+1);for(var n=0;n<=r;++n){for(var i=new Array(r),a=0;au||r<0||r>u)throw new Error(\"gl-fbo: Parameters are too large for FBO\");var f=1;if(\"color\"in(n=n||{})){if((f=Math.max(0|n.color,0))<0)throw new Error(\"gl-fbo: Must specify a nonnegative number of colors\");if(f>1){if(!c)throw new Error(\"gl-fbo: Multiple draw buffer extension not supported\");if(f>t.getParameter(c.MAX_COLOR_ATTACHMENTS_WEBGL))throw new Error(\"gl-fbo: Context does not support \"+f+\" draw buffers\")}}var h=t.UNSIGNED_BYTE,p=t.getExtension(\"OES_texture_float\");if(n.float&&f>0){if(!p)throw new Error(\"gl-fbo: Context does not support floating point textures\");h=t.FLOAT}else n.preferFloat&&f>0&&p&&(h=t.FLOAT);var g=!0;\"depth\"in n&&(g=!!n.depth);var v=!1;\"stencil\"in n&&(v=!!n.stencil);return new d(t,e,r,h,f,g,v,c)};var i,a,o,s,l=null;function c(t){return[t.getParameter(t.FRAMEBUFFER_BINDING),t.getParameter(t.RENDERBUFFER_BINDING),t.getParameter(t.TEXTURE_BINDING_2D)]}function u(t,e){t.bindFramebuffer(t.FRAMEBUFFER,e[0]),t.bindRenderbuffer(t.RENDERBUFFER,e[1]),t.bindTexture(t.TEXTURE_2D,e[2])}function f(t){switch(t){case i:throw new Error(\"gl-fbo: Framebuffer unsupported\");case a:throw new Error(\"gl-fbo: Framebuffer incomplete attachment\");case o:throw new Error(\"gl-fbo: Framebuffer incomplete dimensions\");case s:throw new Error(\"gl-fbo: Framebuffer incomplete missing attachment\");default:throw new Error(\"gl-fbo: Framebuffer failed for unspecified reason\")}}function h(t,e,r,i,a,o){if(!i)return null;var s=n(t,e,r,a,i);return s.magFilter=t.NEAREST,s.minFilter=t.NEAREST,s.mipSamples=1,s.bind(),t.framebufferTexture2D(t.FRAMEBUFFER,o,t.TEXTURE_2D,s.handle,0),s}function p(t,e,r,n,i){var a=t.createRenderbuffer();return t.bindRenderbuffer(t.RENDERBUFFER,a),t.renderbufferStorage(t.RENDERBUFFER,n,e,r),t.framebufferRenderbuffer(t.FRAMEBUFFER,i,t.RENDERBUFFER,a),a}function d(t,e,r,n,i,a,o,s){this.gl=t,this._shape=[0|e,0|r],this._destroyed=!1,this._ext=s,this.color=new Array(i);for(var d=0;d1&&s.drawBuffersWEBGL(l[o]);var y=r.getExtension(\"WEBGL_depth_texture\");y?d?t.depth=h(r,i,a,y.UNSIGNED_INT_24_8_WEBGL,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g&&(t.depth=h(r,i,a,r.UNSIGNED_SHORT,r.DEPTH_COMPONENT,r.DEPTH_ATTACHMENT)):g&&d?t._depth_rb=p(r,i,a,r.DEPTH_STENCIL,r.DEPTH_STENCIL_ATTACHMENT):g?t._depth_rb=p(r,i,a,r.DEPTH_COMPONENT16,r.DEPTH_ATTACHMENT):d&&(t._depth_rb=p(r,i,a,r.STENCIL_INDEX,r.STENCIL_ATTACHMENT));var x=r.checkFramebufferStatus(r.FRAMEBUFFER);if(x!==r.FRAMEBUFFER_COMPLETE){for(t._destroyed=!0,r.bindFramebuffer(r.FRAMEBUFFER,null),r.deleteFramebuffer(t.handle),t.handle=null,t.depth&&(t.depth.dispose(),t.depth=null),t._depth_rb&&(r.deleteRenderbuffer(t._depth_rb),t._depth_rb=null),m=0;mi||r<0||r>i)throw new Error(\"gl-fbo: Can't resize FBO, invalid dimensions\");t._shape[0]=e,t._shape[1]=r;for(var a=c(n),o=0;o>8*p&255;this.pickOffset=r,i.bind();var d=i.uniforms;d.viewTransform=t,d.pickOffset=e,d.shape=this.shape;var g=i.attributes;return this.positionBuffer.bind(),g.position.pointer(),this.weightBuffer.bind(),g.weight.pointer(s.UNSIGNED_BYTE,!1),this.idBuffer.bind(),g.pickId.pointer(s.UNSIGNED_BYTE,!1),s.drawArrays(s.TRIANGLES,0,o),r+this.shape[0]*this.shape[1]}}}(),f.pick=function(t,e,r){var n=this.pickOffset,i=this.shape[0]*this.shape[1];if(r=n+i)return null;var a=r-n,o=this.xData,s=this.yData;return{object:this,pointId:a,dataCoord:[o[a%this.shape[0]],s[a/this.shape[0]|0]]}},f.update=function(t){var e=(t=t||{}).shape||[0,0],r=t.x||i(e[0]),o=t.y||i(e[1]),s=t.z||new Float32Array(e[0]*e[1]);this.xData=r,this.yData=o;var l=t.colorLevels||[0],c=t.colorValues||[0,0,0,1],u=l.length,f=this.bounds,p=f[0]=r[0],d=f[1]=o[0],g=1/((f[2]=r[r.length-1])-p),v=1/((f[3]=o[o.length-1])-d),m=e[0],y=e[1];this.shape=[m,y];var x=(m-1)*(y-1)*(h.length>>>1);this.numVertices=x;for(var b=a.mallocUint8(4*x),_=a.mallocFloat32(2*x),w=a.mallocUint8(2*x),k=a.mallocUint32(x),M=0,A=0;A max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform sampler2D dashTexture;\\nuniform float dashScale;\\nuniform float opacity;\\n\\nvarying vec3 worldPosition;\\nvarying float pixelArcLength;\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\\n\\n float dashWeight = texture2D(dashTexture, vec2(dashScale * pixelArcLength, 0)).r;\\n if(dashWeight < 0.5) {\\n discard;\\n }\\n gl_FragColor = fragColor * opacity;\\n}\\n\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\n#define FLOAT_MAX 1.70141184e38\\n#define FLOAT_MIN 1.17549435e-38\\n\\nlowp vec4 encode_float_1540259130(highp float v) {\\n highp float av = abs(v);\\n\\n //Handle special cases\\n if(av < FLOAT_MIN) {\\n return vec4(0.0, 0.0, 0.0, 0.0);\\n } else if(v > FLOAT_MAX) {\\n return vec4(127.0, 128.0, 0.0, 0.0) / 255.0;\\n } else if(v < -FLOAT_MAX) {\\n return vec4(255.0, 128.0, 0.0, 0.0) / 255.0;\\n }\\n\\n highp vec4 c = vec4(0,0,0,0);\\n\\n //Compute exponent and mantissa\\n highp float e = floor(log2(av));\\n highp float m = av * pow(2.0, -e) - 1.0;\\n \\n //Unpack mantissa\\n c[1] = floor(128.0 * m);\\n m -= c[1] / 128.0;\\n c[2] = floor(32768.0 * m);\\n m -= c[2] / 32768.0;\\n c[3] = floor(8388608.0 * m);\\n \\n //Unpack exponent\\n highp float ebias = e + 127.0;\\n c[0] = floor(ebias / 2.0);\\n ebias -= c[0] * 2.0;\\n c[1] += floor(ebias) * 128.0; \\n\\n //Unpack sign bit\\n c[0] += 128.0 * step(0.0, -v);\\n\\n //Scale back to range\\n return c / 255.0;\\n}\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform float pickId;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec3 worldPosition;\\nvarying float pixelArcLength;\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], worldPosition)) discard;\\n\\n gl_FragColor = vec4(pickId/255.0, encode_float_1540259130(pixelArcLength).xyz);\\n}\"]),l=[{name:\"position\",type:\"vec3\"},{name:\"nextPosition\",type:\"vec3\"},{name:\"arcLength\",type:\"float\"},{name:\"lineWidth\",type:\"float\"},{name:\"color\",type:\"vec4\"}];r.createShader=function(t){return i(t,a,o,null,l)},r.createPickShader=function(t){return i(t,a,s,null,l)}},{\"gl-shader\":288,glslify:392}],245:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl||t.scene&&t.scene.gl,r=u(e);r.attributes.position.location=0,r.attributes.nextPosition.location=1,r.attributes.arcLength.location=2,r.attributes.lineWidth.location=3,r.attributes.color.location=4;var o=f(e);o.attributes.position.location=0,o.attributes.nextPosition.location=1,o.attributes.arcLength.location=2,o.attributes.lineWidth.location=3,o.attributes.color.location=4;for(var s=n(e),c=i(e,[{buffer:s,size:3,offset:0,stride:48},{buffer:s,size:3,offset:12,stride:48},{buffer:s,size:1,offset:24,stride:48},{buffer:s,size:1,offset:28,stride:48},{buffer:s,size:4,offset:32,stride:48}]),h=l(new Array(1024),[256,1,4]),p=0;p<1024;++p)h.data[p]=255;var d=a(e,h);d.wrap=e.REPEAT;var g=new v(e,r,o,s,c,d);return g.update(t),g};var n=t(\"gl-buffer\"),i=t(\"gl-vao\"),a=t(\"gl-texture2d\"),o=t(\"glsl-read-float\"),s=t(\"binary-search-bounds\"),l=t(\"ndarray\"),c=t(\"./lib/shaders\"),u=c.createShader,f=c.createPickShader,h=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function p(t,e){for(var r=0,n=0;n<3;++n){var i=t[n]-e[n];r+=i*i}return Math.sqrt(r)}function d(t){for(var e=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],r=0;r<3;++r)e[0][r]=Math.max(t[0][r],e[0][r]),e[1][r]=Math.min(t[1][r],e[1][r]);return e}function g(t,e,r,n){this.arcLength=t,this.position=e,this.index=r,this.dataCoordinate=n}function v(t,e,r,n,i,a){this.gl=t,this.shader=e,this.pickShader=r,this.buffer=n,this.vao=i,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.points=[],this.arcLength=[],this.vertexCount=0,this.bounds=[[0,0,0],[0,0,0]],this.pickId=0,this.lineWidth=1,this.texture=a,this.dashScale=1,this.opacity=1,this.dirty=!0,this.pixelRatio=1}var m=v.prototype;m.isTransparent=function(){return this.opacity<1},m.isOpaque=function(){return this.opacity>=1},m.pickSlots=1,m.setPickBase=function(t){this.pickId=t},m.drawTransparent=m.draw=function(t){if(this.vertexCount){var e=this.gl,r=this.shader,n=this.vao;r.bind(),r.uniforms={model:t.model||h,view:t.view||h,projection:t.projection||h,clipBounds:d(this.clipBounds),dashTexture:this.texture.bind(),dashScale:this.dashScale/this.arcLength[this.arcLength.length-1],opacity:this.opacity,screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},m.drawPick=function(t){if(this.vertexCount){var e=this.gl,r=this.pickShader,n=this.vao;r.bind(),r.uniforms={model:t.model||h,view:t.view||h,projection:t.projection||h,pickId:this.pickId,clipBounds:d(this.clipBounds),screenShape:[e.drawingBufferWidth,e.drawingBufferHeight],pixelRatio:this.pixelRatio},n.bind(),n.draw(e.TRIANGLE_STRIP,this.vertexCount),n.unbind()}},m.update=function(t){var e,r;this.dirty=!0;var n=!!t.connectGaps;\"dashScale\"in t&&(this.dashScale=t.dashScale),\"opacity\"in t&&(this.opacity=+t.opacity);var i=[],a=[],o=[],c=0,u=0,f=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],h=t.position||t.positions;if(h){var d=t.color||t.colors||[0,0,0,1],g=t.lineWidth||1,v=!1;t:for(e=1;e0){for(var w=0;w<24;++w)i.push(i[i.length-12]);u+=2,v=!0}continue t}f[0][r]=Math.min(f[0][r],b[r],_[r]),f[1][r]=Math.max(f[1][r],b[r],_[r])}Array.isArray(d[0])?(m=d.length>e-1?d[e-1]:d.length>0?d[d.length-1]:[0,0,0,1],y=d.length>e?d[e]:d.length>0?d[d.length-1]:[0,0,0,1]):m=y=d,3===m.length&&(m=[m[0],m[1],m[2],1]),3===y.length&&(y=[y[0],y[1],y[2],1]),x=Array.isArray(g)?g.length>e-1?g[e-1]:g.length>0?g[g.length-1]:[0,0,0,1]:g;var k=c;if(c+=p(b,_),v){for(r=0;r<2;++r)i.push(b[0],b[1],b[2],_[0],_[1],_[2],k,x,m[0],m[1],m[2],m[3]);u+=2,v=!1}i.push(b[0],b[1],b[2],_[0],_[1],_[2],k,x,m[0],m[1],m[2],m[3],b[0],b[1],b[2],_[0],_[1],_[2],k,-x,m[0],m[1],m[2],m[3],_[0],_[1],_[2],b[0],b[1],b[2],c,-x,y[0],y[1],y[2],y[3],_[0],_[1],_[2],b[0],b[1],b[2],c,x,y[0],y[1],y[2],y[3]),u+=4}}if(this.buffer.update(i),a.push(c),o.push(h[h.length-1].slice()),this.bounds=f,this.vertexCount=u,this.points=o,this.arcLength=a,\"dashes\"in t){var M=t.dashes.slice();for(M.unshift(0),e=1;e max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float roughness\\n , fresnel\\n , kambient\\n , kdiffuse\\n , kspecular\\n , opacity;\\nuniform sampler2D texture;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\\n\\n vec3 N = normalize(f_normal);\\n vec3 L = normalize(f_lightDirection);\\n vec3 V = normalize(f_eyeDirection);\\n\\n vec3 normal = normals(f_data);\\n\\n if (dot(N, normal) < 0.0) {\\n N = -N;\\n }\\n\\n float specular = cookTorranceSpecular(L, V, N, roughness, fresnel);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n vec4 surfaceColor = f_color * texture2D(texture, f_uv);\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = litColor * opacity;\\n}\\n\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 uv;\\n\\nuniform mat4 model, view, projection;\\n\\nvarying vec4 f_color;\\nvarying vec3 f_data;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n f_color = color;\\n f_data = position;\\n f_uv = uv;\\n}\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform sampler2D texture;\\nuniform float opacity;\\n\\nvarying vec4 f_color;\\nvarying vec3 f_data;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_data)) discard;\\n\\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\\n}\"]),l=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 uv;\\nattribute float pointSize;\\n\\nuniform mat4 model, view, projection;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n }\\n gl_PointSize = pointSize;\\n f_color = color;\\n f_uv = uv;\\n}\"]),c=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform sampler2D texture;\\nuniform float opacity;\\n\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n vec2 pointR = gl_PointCoord.xy - vec2(0.5,0.5);\\n if(dot(pointR, pointR) > 0.25) {\\n discard;\\n }\\n gl_FragColor = f_color * texture2D(texture, f_uv) * opacity;\\n}\"]),u=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n f_id = id;\\n f_position = position;\\n}\"]),f=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n gl_FragColor = vec4(pickId, f_id.xyz);\\n}\"]),h=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute float pointSize;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n gl_PointSize = pointSize;\\n }\\n f_id = id;\\n f_position = position;\\n}\"]),p=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec3 position;\\n\\nuniform mat4 model, view, projection;\\n\\nvoid main() {\\n gl_Position = projection * view * model * vec4(position, 1.0);\\n}\"]),d=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform vec3 contourColor;\\n\\nvoid main() {\\n gl_FragColor = vec4(contourColor,1);\\n}\\n\"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:\"position\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"}]},r.wireShader={vertex:o,fragment:s,attributes:[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"}]},r.pointShader={vertex:l,fragment:c,attributes:[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"},{name:\"pointSize\",type:\"float\"}]},r.pickShader={vertex:u,fragment:f,attributes:[{name:\"position\",type:\"vec3\"},{name:\"id\",type:\"vec4\"}]},r.pointPickShader={vertex:h,fragment:f,attributes:[{name:\"position\",type:\"vec3\"},{name:\"pointSize\",type:\"float\"},{name:\"id\",type:\"vec4\"}]},r.contourShader={vertex:p,fragment:d,attributes:[{name:\"position\",type:\"vec3\"}]}},{glslify:392}],268:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"normals\"),l=t(\"gl-mat4/multiply\"),c=t(\"gl-mat4/invert\"),u=t(\"ndarray\"),f=t(\"colormap\"),h=t(\"simplicial-complex-contour\"),p=t(\"typedarray-pool\"),d=t(\"./lib/shaders\"),g=t(\"./lib/closest-point\"),v=d.meshShader,m=d.wireShader,y=d.pointShader,x=d.pickShader,b=d.pointPickShader,_=d.contourShader,w=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function k(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,v,m,y,x,b,_,k,M,A,T,S){this.gl=t,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleColors=u,this.triangleNormals=h,this.triangleUVs=f,this.triangleIds=c,this.triangleVAO=p,this.triangleCount=0,this.lineWidth=1,this.edgePositions=d,this.edgeColors=v,this.edgeUVs=m,this.edgeIds=g,this.edgeVAO=y,this.edgeCount=0,this.pointPositions=x,this.pointColors=_,this.pointUVs=k,this.pointSizes=M,this.pointIds=b,this.pointVAO=A,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=T,this.contourVAO=S,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!0,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this._model=w,this._view=w,this._projection=w,this._resolution=[1,1]}var M=k.prototype;function A(t){var e=n(t,y.vertex,y.fragment);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.pointSize.location=4,e}function T(t){var e=n(t,x.vertex,x.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e}function S(t){var e=n(t,b.vertex,b.fragment);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.pointSize.location=4,e}function E(t){var e=n(t,_.vertex,_.fragment);return e.attributes.position.location=0,e}M.isOpaque=function(){return this.opacity>=1},M.isTransparent=function(){return this.opacity<1},M.pickSlots=1,M.setPickBase=function(t){this.pickId=t},M.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},M.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||w,n=t.view||w,i=t.projection||w,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},M.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;for(var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions,i=new Array(r.length),a=0;ai[M]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=v[t],r.uniforms.angle=m[t],a.drawArrays(a.TRIANGLES,i[M],i[A]-i[M]))),y[t]&&k&&(u[1^t]-=T*p*x[t],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t],r.uniforms.angle=_[t],a.drawArrays(a.TRIANGLES,w,k)),u[1^t]=T*s[2+(1^t)]-1,d[t+2]&&(u[1^t]+=T*p*g[t+2],Mi[M]&&(r.uniforms.dataAxis=c,r.uniforms.screenOffset=u,r.uniforms.color=v[t+2],r.uniforms.angle=m[t+2],a.drawArrays(a.TRIANGLES,i[M],i[A]-i[M]))),y[t+2]&&k&&(u[1^t]+=T*p*x[t+2],r.uniforms.dataAxis=f,r.uniforms.screenOffset=u,r.uniforms.color=b[t+2],r.uniforms.angle=_[t+2],a.drawArrays(a.TRIANGLES,w,k))}),g.drawTitle=function(){var t=[0,0],e=[0,0];return function(){var r=this.plot,n=this.shader,i=r.gl,a=r.screenBox,o=r.titleCenter,s=r.titleAngle,l=r.titleColor,c=r.pixelRatio;if(this.titleCount){for(var u=0;u<2;++u)e[u]=2*(o[u]*c-a[u])/(a[2+u]-a[u])-1;n.bind(),n.uniforms.dataAxis=t,n.uniforms.screenOffset=e,n.uniforms.angle=s,n.uniforms.color=l,i.drawArrays(i.TRIANGLES,this.titleOffset,this.titleCount)}}}(),g.bind=(h=[0,0],p=[0,0],d=[0,0],function(){var t=this.plot,e=this.shader,r=t._tickBounds,n=t.dataBox,i=t.screenBox,a=t.viewBox;e.bind();for(var o=0;o<2;++o){var s=r[o],l=r[o+2]-s,c=.5*(n[o+2]+n[o]),u=n[o+2]-n[o],f=a[o],g=a[o+2]-f,v=i[o],m=i[o+2]-v;p[o]=2*l/u*g/m,h[o]=2*(s-c)/u*g/m}d[1]=2*t.pixelRatio/(i[3]-i[1]),d[0]=d[1]*(i[3]-i[1])/(i[2]-i[0]),e.uniforms.dataScale=p,e.uniforms.dataShift=h,e.uniforms.textScale=d,this.vbo.bind(),e.attributes.textCoordinate.pointer()}),g.update=function(t){var e,r,n,i,o,s=[],l=t.ticks,c=t.bounds;for(o=0;o<2;++o){var u=[Math.floor(s.length/3)],f=[-1/0],h=l[o];for(e=0;e=0){var g=e[d]-n[d]*(e[d+2]-e[d])/(n[d+2]-n[d]);0===d?o.drawLine(g,e[1],g,e[3],p[d],h[d]):o.drawLine(e[0],g,e[2],g,p[d],h[d])}}for(d=0;d=0;--t)this.objects[t].dispose();this.objects.length=0;for(t=this.overlays.length-1;t>=0;--t)this.overlays[t].dispose();this.overlays.length=0,this.gl=null},c.addObject=function(t){this.objects.indexOf(t)<0&&(this.objects.push(t),this.setDirty())},c.removeObject=function(t){for(var e=this.objects,r=0;r0&&0===L[e-1];)L.pop(),z.pop().dispose()}window.addEventListener(\"resize\",j),F.update=function(t){e||(t=t||{},O=!0,I=!0)},F.add=function(t){e||(t.axes=A,E.push(t),C.push(-1),O=!0,I=!0,V())},F.remove=function(t){if(!e){var r=E.indexOf(t);r<0||(E.splice(r,1),C.pop(),O=!0,I=!0,V())}},F.dispose=function(){if(!e&&(e=!0,window.removeEventListener(\"resize\",j),r.removeEventListener(\"webglcontextlost\",H),F.mouseListener.enabled=!1,!F.contextLost)){A.dispose(),S.dispose();for(var t=0;tb.distance)continue;for(var u=0;u0){r=Math.round(Math.pow(10,e));return Math.ceil(t/r)*r}return Math.ceil(t)}function v(t){return\"boolean\"!=typeof t||t}},{\"./lib/shader\":276,\"3d-view-controls\":44,\"a-big-triangle\":47,\"gl-axes3d\":222,\"gl-axes3d/properties\":229,\"gl-fbo\":239,\"gl-mat4/perspective\":257,\"gl-select-static\":287,\"gl-spikes3d\":297,\"is-mobile\":403,\"mouse-change\":418}],278:[function(t,e,r){var n=t(\"glslify\");r.pointVertex=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec2 position;\\n\\nuniform mat3 matrix;\\nuniform float pointSize;\\nuniform float pointCloud;\\n\\nhighp float rand(vec2 co) {\\n highp float a = 12.9898;\\n highp float b = 78.233;\\n highp float c = 43758.5453;\\n highp float d = dot(co.xy, vec2(a, b));\\n highp float e = mod(d, 3.14);\\n return fract(sin(e) * c);\\n}\\n\\nvoid main() {\\n vec3 hgPosition = matrix * vec3(position, 1);\\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\\n // if we don't jitter the point size a bit, overall point cloud\\n // saturation 'jumps' on zooming, which is disturbing and confusing\\n gl_PointSize = pointSize * ((19.5 + rand(position)) / 20.0);\\n if(pointCloud != 0.0) { // pointCloud is truthy\\n // get the same square surface as circle would be\\n gl_PointSize *= 0.886;\\n }\\n}\"]),r.pointFragment=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nuniform vec4 color, borderColor;\\nuniform float centerFraction;\\nuniform float pointCloud;\\n\\nvoid main() {\\n float radius;\\n vec4 baseColor;\\n if(pointCloud != 0.0) { // pointCloud is truthy\\n if(centerFraction == 1.0) {\\n gl_FragColor = color;\\n } else {\\n gl_FragColor = mix(borderColor, color, centerFraction);\\n }\\n } else {\\n radius = length(2.0 * gl_PointCoord.xy - 1.0);\\n if(radius > 1.0) {\\n discard;\\n }\\n baseColor = mix(borderColor, color, step(radius, centerFraction));\\n gl_FragColor = vec4(baseColor.rgb * baseColor.a, baseColor.a);\\n }\\n}\\n\"]),r.pickVertex=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec2 position;\\nattribute vec4 pickId;\\n\\nuniform mat3 matrix;\\nuniform float pointSize;\\nuniform vec4 pickOffset;\\n\\nvarying vec4 fragId;\\n\\nvoid main() {\\n vec3 hgPosition = matrix * vec3(position, 1);\\n gl_Position = vec4(hgPosition.xy, 0, hgPosition.z);\\n gl_PointSize = pointSize;\\n\\n vec4 id = pickId + pickOffset;\\n id.y += floor(id.x / 256.0);\\n id.x -= floor(id.x / 256.0) * 256.0;\\n\\n id.z += floor(id.y / 256.0);\\n id.y -= floor(id.y / 256.0) * 256.0;\\n\\n id.w += floor(id.z / 256.0);\\n id.z -= floor(id.z / 256.0) * 256.0;\\n\\n fragId = id;\\n}\\n\"]),r.pickFragment=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nvarying vec4 fragId;\\n\\nvoid main() {\\n float radius = length(2.0 * gl_PointCoord.xy - 1.0);\\n if(radius > 1.0) {\\n discard;\\n }\\n gl_FragColor = fragId / 255.0;\\n}\\n\"])},{glslify:392}],279:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),i=t(\"gl-buffer\"),a=t(\"typedarray-pool\"),o=t(\"./lib/shader\");function s(t,e,r,n,i){this.plot=t,this.offsetBuffer=e,this.pickBuffer=r,this.shader=n,this.pickShader=i,this.sizeMin=.5,this.sizeMinCap=2,this.sizeMax=20,this.areaRatio=1,this.pointCount=0,this.color=[1,0,0,1],this.borderColor=[0,0,0,1],this.blend=!1,this.pickOffset=0,this.points=null}e.exports=function(t,e){var r=t.gl,a=i(r),l=i(r),c=n(r,o.pointVertex,o.pointFragment),u=n(r,o.pickVertex,o.pickFragment),f=new s(t,a,l,c,u);return f.update(e),t.addObject(f),f};var l,c,u=s.prototype;u.dispose=function(){this.shader.dispose(),this.pickShader.dispose(),this.offsetBuffer.dispose(),this.pickBuffer.dispose(),this.plot.removeObject(this)},u.update=function(t){var e;function r(e,r){return e in t?t[e]:r}t=t||{},this.sizeMin=r(\"sizeMin\",.5),this.sizeMax=r(\"sizeMax\",20),this.color=r(\"color\",[1,0,0,1]).slice(),this.areaRatio=r(\"areaRatio\",1),this.borderColor=r(\"borderColor\",[0,0,0,1]).slice(),this.blend=r(\"blend\",!1);var n=t.positions.length>>>1,i=t.positions instanceof Float32Array,o=t.idToIndex instanceof Int32Array&&t.idToIndex.length>=n,s=t.positions,l=i?s:a.mallocFloat32(s.length),c=o?t.idToIndex:a.mallocInt32(n);if(i||l.set(s),!o)for(l.set(s),e=0;e>>1;for(r=0;r=e[0]&&a<=e[2]&&o>=e[1]&&o<=e[3]&&n++}return n}(this.points,i),u=this.plot.pickPixelRatio*Math.max(Math.min(this.sizeMinCap,this.sizeMin),Math.min(this.sizeMax,this.sizeMax/Math.pow(s,.33333)));l[0]=2/a,l[4]=2/o,l[6]=-2*i[0]/a-1,l[7]=-2*i[1]/o-1,this.offsetBuffer.bind(),r.bind(),r.attributes.position.pointer(),r.uniforms.matrix=l,r.uniforms.color=this.color,r.uniforms.borderColor=this.borderColor,r.uniforms.pointCloud=u<5,r.uniforms.pointSize=u,r.uniforms.centerFraction=Math.min(1,Math.max(0,Math.sqrt(1-this.areaRatio))),e&&(c[0]=255&t,c[1]=t>>8&255,c[2]=t>>16&255,c[3]=t>>24&255,this.pickBuffer.bind(),r.attributes.pickId.pointer(n.UNSIGNED_BYTE),r.uniforms.pickOffset=c,this.pickOffset=t);var f=n.getParameter(n.BLEND),h=n.getParameter(n.DITHER);return f&&!this.blend&&n.disable(n.BLEND),h&&n.disable(n.DITHER),n.drawArrays(n.POINTS,0,this.pointCount),f&&!this.blend&&n.enable(n.BLEND),h&&n.enable(n.DITHER),t+this.pointCount}),u.draw=u.unifiedDraw,u.drawPick=u.unifiedDraw,u.pick=function(t,e,r){var n=this.pickOffset,i=this.pointCount;if(r=n+i)return null;var a=r-n,o=this.points;return{object:this,pointId:a,dataCoord:[o[2*a],o[2*a+1]]}}},{\"./lib/shader\":278,\"gl-buffer\":230,\"gl-shader\":288,\"typedarray-pool\":522}],280:[function(t,e,r){e.exports=function(t,e,r,n){var i,a,o,s,l,c=e[0],u=e[1],f=e[2],h=e[3],p=r[0],d=r[1],g=r[2],v=r[3];(a=c*p+u*d+f*g+h*v)<0&&(a=-a,p=-p,d=-d,g=-g,v=-v);1-a>1e-6?(i=Math.acos(a),o=Math.sin(i),s=Math.sin((1-n)*i)/o,l=Math.sin(n*i)/o):(s=1-n,l=n);return t[0]=s*c+l*p,t[1]=s*u+l*d,t[2]=s*f+l*g,t[3]=s*h+l*v,t}},{}],281:[function(t,e,r){\"use strict\";e.exports=function(t){return t||0===t?t.toString():\"\"}},{}],282:[function(t,e,r){\"use strict\";var n=t(\"vectorize-text\");e.exports=function(t,e){var r=i[e];r||(r=i[e]={});if(t in r)return r[t];for(var a=n(t,{textAlign:\"center\",textBaseline:\"middle\",lineHeight:1,font:e}),o=n(t,{triangles:!0,textAlign:\"center\",textBaseline:\"middle\",lineHeight:1,font:e}),s=[[1/0,1/0],[-1/0,-1/0]],l=0;l max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 glyph;\\nattribute vec4 id;\\n\\nuniform vec4 highlightId;\\nuniform float highlightScale;\\nuniform mat4 model, view, projection;\\nuniform vec3 clipBounds[2];\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n float scale = 1.0;\\n if(distance(highlightId, id) < 0.0001) {\\n scale = highlightScale;\\n }\\n\\n vec4 worldPosition = model * vec4(position, 1);\\n vec4 viewPosition = view * worldPosition;\\n viewPosition = viewPosition / viewPosition.w;\\n vec4 clipPosition = projection * (viewPosition + scale * vec4(glyph.x, -glyph.y, 0, 0));\\n\\n gl_Position = clipPosition;\\n interpColor = color;\\n pickId = id;\\n dataCoordinate = position;\\n }\\n}\"]),o=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 glyph;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\nuniform vec2 screenSize;\\nuniform vec3 clipBounds[2];\\nuniform float highlightScale, pixelRatio;\\nuniform vec4 highlightId;\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n float scale = pixelRatio;\\n if(distance(highlightId.bgr, id.bgr) < 0.001) {\\n scale *= highlightScale;\\n }\\n\\n vec4 worldPosition = model * vec4(position, 1.0);\\n vec4 viewPosition = view * worldPosition;\\n vec4 clipPosition = projection * viewPosition;\\n clipPosition /= clipPosition.w;\\n\\n gl_Position = clipPosition + vec4(screenSize * scale * vec2(glyph.x, -glyph.y), 0.0, 0.0);\\n interpColor = color;\\n pickId = id;\\n dataCoordinate = position;\\n }\\n}\"]),s=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nattribute vec3 position;\\nattribute vec4 color;\\nattribute vec2 glyph;\\nattribute vec4 id;\\n\\nuniform float highlightScale;\\nuniform vec4 highlightId;\\nuniform vec3 axes[2];\\nuniform mat4 model, view, projection;\\nuniform vec2 screenSize;\\nuniform vec3 clipBounds[2];\\nuniform float scale, pixelRatio;\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], position)) {\\n\\n gl_Position = vec4(0,0,0,0);\\n } else {\\n float lscale = pixelRatio * scale;\\n if(distance(highlightId, id) < 0.0001) {\\n lscale *= highlightScale;\\n }\\n\\n vec4 clipCenter = projection * view * model * vec4(position, 1);\\n vec3 dataPosition = position + 0.5*lscale*(axes[0] * glyph.x + axes[1] * glyph.y) * clipCenter.w * screenSize.y;\\n vec4 clipPosition = projection * view * model * vec4(dataPosition, 1);\\n\\n gl_Position = clipPosition;\\n interpColor = color;\\n pickId = id;\\n dataCoordinate = dataPosition;\\n }\\n}\\n\"]),l=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 fragClipBounds[2];\\nuniform float opacity;\\n\\nvarying vec4 interpColor;\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\\n\\n gl_FragColor = interpColor * opacity;\\n}\\n\"]),c=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 fragClipBounds[2];\\nuniform float pickGroup;\\n\\nvarying vec4 pickId;\\nvarying vec3 dataCoordinate;\\n\\nvoid main() {\\n if (outOfRange(fragClipBounds[0], fragClipBounds[1], dataCoordinate)) discard;\\n\\n gl_FragColor = vec4(pickGroup, pickId.bgr);\\n}\"]),u=[{name:\"position\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"glyph\",type:\"vec2\"},{name:\"id\",type:\"vec4\"}],f={vertex:a,fragment:l,attributes:u},h={vertex:o,fragment:l,attributes:u},p={vertex:s,fragment:l,attributes:u},d={vertex:a,fragment:c,attributes:u},g={vertex:o,fragment:c,attributes:u},v={vertex:s,fragment:c,attributes:u};function m(t,e){var r=n(t,e),i=r.attributes;return i.position.location=0,i.color.location=1,i.glyph.location=2,i.id.location=3,r}r.createPerspective=function(t){return m(t,f)},r.createOrtho=function(t){return m(t,h)},r.createProject=function(t){return m(t,p)},r.createPickPerspective=function(t){return m(t,d)},r.createPickOrtho=function(t){return m(t,g)},r.createPickProject=function(t){return m(t,v)}},{\"gl-shader\":288,glslify:392}],284:[function(t,e,r){\"use strict\";var n=t(\"is-string-blank\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"typedarray-pool\"),s=t(\"gl-mat4/multiply\"),l=t(\"./lib/shaders\"),c=t(\"./lib/glyphs\"),u=t(\"./lib/get-simple-string\"),f=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function h(t,e){var r=t[0],n=t[1],i=t[2],a=t[3];return t[0]=e[0]*r+e[4]*n+e[8]*i+e[12]*a,t[1]=e[1]*r+e[5]*n+e[9]*i+e[13]*a,t[2]=e[2]*r+e[6]*n+e[10]*i+e[14]*a,t[3]=e[3]*r+e[7]*n+e[11]*i+e[15]*a,t}function p(t,e,r,n){return h(n,n),h(n,n),h(n,n)}function d(t,e){this.index=t,this.dataCoordinate=this.position=e}function g(t,e,r,n,i,a,o,s,l,c,u,f){this.gl=t,this.pixelRatio=1,this.shader=e,this.orthoShader=r,this.projectShader=n,this.pointBuffer=i,this.colorBuffer=a,this.glyphBuffer=o,this.idBuffer=s,this.vao=l,this.vertexCount=0,this.lineVertexCount=0,this.opacity=1,this.lineWidth=0,this.projectScale=[2/3,2/3,2/3],this.projectOpacity=[1,1,1],this.pickId=0,this.pickPerspectiveShader=c,this.pickOrthoShader=u,this.pickProjectShader=f,this.points=[],this._selectResult=new d(0,[0,0,0]),this.useOrtho=!0,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.axesProject=[!0,!0,!0],this.axesBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.highlightId=[1,1,1,1],this.highlightScale=2,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.dirty=!0}e.exports=function(t){var e=t.gl,r=l.createPerspective(e),n=l.createOrtho(e),o=l.createProject(e),s=l.createPickPerspective(e),c=l.createPickOrtho(e),u=l.createPickProject(e),f=i(e),h=i(e),p=i(e),d=i(e),v=a(e,[{buffer:f,size:3,type:e.FLOAT},{buffer:h,size:4,type:e.FLOAT},{buffer:p,size:2,type:e.FLOAT},{buffer:d,size:4,type:e.UNSIGNED_BYTE,normalized:!0}]),m=new g(e,r,n,o,f,h,p,d,v,s,c,u);return m.update(t),m};var v=g.prototype;v.pickSlots=1,v.setPickBase=function(t){this.pickId=t},v.isTransparent=function(){if(this.opacity<1)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectOpacity[t]<1)return!0;return!1},v.isOpaque=function(){if(this.opacity>=1)return!0;for(var t=0;t<3;++t)if(this.axesProject[t]&&this.projectOpacity[t]>=1)return!0;return!1};var m=[0,0],y=[0,0,0],x=[0,0,0],b=[0,0,0,1],_=[0,0,0,1],w=f.slice(),k=[0,0,0],M=[[0,0,0],[0,0,0]];function A(t){return t[0]=t[1]=t[2]=0,t}function T(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=1,t}function S(t,e,r,n){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[r]=n,t}function E(t,e,r,n,i){var a,o=e.axesProject,l=e.gl,c=t.uniforms,u=r.model||f,h=r.view||f,d=r.projection||f,g=e.axesBounds,v=function(t){for(var e=M,r=0;r<2;++r)for(var n=0;n<3;++n)e[r][n]=Math.max(Math.min(t[r][n],1e8),-1e8);return e}(e.clipBounds);a=e.axes&&e.axes.lastCubeProps?e.axes.lastCubeProps.axis:[1,1,1],m[0]=2/l.drawingBufferWidth,m[1]=2/l.drawingBufferHeight,t.bind(),c.view=h,c.projection=d,c.screenSize=m,c.highlightId=e.highlightId,c.highlightScale=e.highlightScale,c.clipBounds=v,c.pickGroup=e.pickId/255,c.pixelRatio=e.pixelRatio;for(var E=0;E<3;++E)if(o[E]&&e.projectOpacity[E]<1===n){c.scale=e.projectScale[E],c.opacity=e.projectOpacity[E];for(var C=w,L=0;L<16;++L)C[L]=0;for(L=0;L<4;++L)C[5*L]=1;C[5*E]=0,a[E]<0?C[12+E]=g[0][E]:C[12+E]=g[1][E],s(C,u,C),c.model=C;var z=(E+1)%3,O=(E+2)%3,I=A(y),P=A(x);I[z]=1,P[O]=1;var D=p(0,0,0,T(b,I)),R=p(0,0,0,T(_,P));if(Math.abs(D[1])>Math.abs(R[1])){var B=D;D=R,R=B,B=I,I=P,P=B;var F=z;z=O,O=F}D[0]<0&&(I[z]=-1),R[1]>0&&(P[O]=-1);var N=0,j=0;for(L=0;L<4;++L)N+=Math.pow(u[4*z+L],2),j+=Math.pow(u[4*O+L],2);I[z]/=Math.sqrt(N),P[O]/=Math.sqrt(j),c.axes[0]=I,c.axes[1]=P,c.fragClipBounds[0]=S(k,v[0],E,-1e8),c.fragClipBounds[1]=S(k,v[1],E,1e8),e.vao.draw(l.TRIANGLES,e.vertexCount),e.lineWidth>0&&(l.lineWidth(e.lineWidth),e.vao.draw(l.LINES,e.lineVertexCount,e.vertexCount))}}var C=[[-1e8,-1e8,-1e8],[1e8,1e8,1e8]];function L(t,e,r,n,i,a){var o=r.gl;if(r.vao.bind(),i===r.opacity<1||a){t.bind();var s=t.uniforms;s.model=n.model||f,s.view=n.view||f,s.projection=n.projection||f,m[0]=2/o.drawingBufferWidth,m[1]=2/o.drawingBufferHeight,s.screenSize=m,s.highlightId=r.highlightId,s.highlightScale=r.highlightScale,s.fragClipBounds=C,s.clipBounds=r.axes.bounds,s.opacity=r.opacity,s.pickGroup=r.pickId/255,s.pixelRatio=r.pixelRatio,r.vao.draw(o.TRIANGLES,r.vertexCount),r.lineWidth>0&&(o.lineWidth(r.lineWidth),r.vao.draw(o.LINES,r.lineVertexCount,r.vertexCount))}E(e,r,n,i),r.vao.unbind()}function z(t,e,r){var i;i=Array.isArray(t)?e=this.pointCount||e<0)return null;var r=this.points[e],n=this._selectResult;n.index=e;for(var i=0;i<3;++i)n.position[i]=n.dataCoordinate[i]=r[i];return n},v.highlight=function(t){if(t){var e=t.index,r=255&e,n=e>>8&255,i=e>>16&255;this.highlightId=[r/255,n/255,i/255,0]}else this.highlightId=[1,1,1,1]},v.update=function(t){if(\"perspective\"in(t=t||{})&&(this.useOrtho=!t.perspective),\"orthographic\"in t&&(this.useOrtho=!!t.orthographic),\"lineWidth\"in t&&(this.lineWidth=t.lineWidth),\"project\"in t)if(Array.isArray(t.project))this.axesProject=t.project;else{var e=!!t.project;this.axesProject=[e,e,e]}if(\"projectScale\"in t)if(Array.isArray(t.projectScale))this.projectScale=t.projectScale.slice();else{var r=+t.projectScale;this.projectScale=[r,r,r]}if(\"projectOpacity\"in t)if(Array.isArray(t.projectOpacity))this.projectOpacity=t.projectOpacity.slice();else{r=+t.projectOpacity;this.projectOpacity=[r,r,r]}\"opacity\"in t&&(this.opacity=t.opacity),this.dirty=!0;var n=t.position,i=t.font||\"normal\",a=t.alignment||[0,0],s=[1/0,1/0,1/0],l=[-1/0,-1/0,-1/0],c=t.glyph,u=t.color,f=t.size,h=t.angle,p=t.lineColor,d=-1,g=0,v=0,m=0;if(n.length){m=n.length;t:for(var y=0;y0){var C=0,L=g,O=[0,0,0,1],I=[0,0,0,1],P=Array.isArray(u)&&Array.isArray(u[0]),D=Array.isArray(p)&&Array.isArray(p[0]);t:for(y=0;y0?q[b]*=1-k[0][b]:a[b]<0&&(q[b]*=1+k[1][b]);var H=_.cells||[],G=_.positions||[];for(b=0;b0){var m=r*u;o.drawBox(f-m,h-m,p+m,h+m,a),o.drawBox(f-m,d-m,p+m,d+m,a),o.drawBox(f-m,h-m,f+m,d+m,a),o.drawBox(p-m,h-m,p+m,d+m,a)}}}},s.update=function(t){t=t||{},this.innerFill=!!t.innerFill,this.outerFill=!!t.outerFill,this.innerColor=(t.innerColor||[0,0,0,.5]).slice(),this.outerColor=(t.outerColor||[0,0,0,.5]).slice(),this.borderColor=(t.borderColor||[0,0,0,1]).slice(),this.borderWidth=t.borderWidth||0,this.selectBox=(t.selectBox||this.selectBox).slice()},s.dispose=function(){this.boxBuffer.dispose(),this.boxShader.dispose(),this.plot.removeOverlay(this)}},{\"./lib/shaders\":285,\"gl-buffer\":230,\"gl-shader\":288}],287:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=n(t,e),a=i.mallocUint8(e[0]*e[1]*4);return new c(t,r,a)};var n=t(\"gl-fbo\"),i=t(\"typedarray-pool\"),a=t(\"ndarray\"),o=t(\"bit-twiddle\").nextPow2,s=t(\"cwise/lib/wrapper\")({args:[\"array\",{offset:[0,0,1],array:0},{offset:[0,0,2],array:0},{offset:[0,0,3],array:0},\"scalar\",\"scalar\",\"index\"],pre:{body:\"{this_closestD2=1e8,this_closestX=-1,this_closestY=-1}\",args:[],thisVars:[\"this_closestD2\",\"this_closestX\",\"this_closestY\"],localVars:[]},body:{body:\"{if(_inline_16_arg0_<255||_inline_16_arg1_<255||_inline_16_arg2_<255||_inline_16_arg3_<255){var _inline_16_l=_inline_16_arg4_-_inline_16_arg6_[0],_inline_16_a=_inline_16_arg5_-_inline_16_arg6_[1],_inline_16_f=_inline_16_l*_inline_16_l+_inline_16_a*_inline_16_a;_inline_16_fthis.buffer.length){i.free(this.buffer);for(var n=this.buffer=i.mallocUint8(o(r*e*4)),a=0;ar)for(t=r;te)for(t=e;t=0){for(var k=0|w.type.charAt(w.type.length-1),M=new Array(k),A=0;A=0;)T+=1;_[y]=T}var S=new Array(r.length);function E(){h.program=o.program(p,h._vref,h._fref,b,_);for(var t=0;t=0){var d=h.charCodeAt(h.length-1)-48;if(d<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+f+\": \"+h);o(t,e,p[0],i,d,a,f)}else{if(!(h.indexOf(\"mat\")>=0))throw new n(\"\",\"Unknown data type for attribute \"+f+\": \"+h);var d=h.charCodeAt(h.length-1)-48;if(d<2||d>4)throw new n(\"\",\"Invalid data type for attribute \"+f+\": \"+h);s(t,e,p,i,d,a,f)}}}return a};var n=t(\"./GLError\");function i(t,e,r,n,i,a){this._gl=t,this._wrapper=e,this._index=r,this._locations=n,this._dimension=i,this._constFunc=a}var a=i.prototype;function o(t,e,r,n,a,o,s){for(var l=[\"gl\",\"v\"],c=[],u=0;u4)throw new i(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+r);return\"gl.uniformMatrix\"+a+\"fv(locations[\"+e+\"],false,obj\"+t+\")\"}throw new i(\"\",\"Unknown uniform data type for \"+name+\": \"+r)}var a=r.charCodeAt(r.length-1)-48;if(a<2||a>4)throw new i(\"\",\"Invalid data type\");switch(r.charAt(0)){case\"b\":case\"i\":return\"gl.uniform\"+a+\"iv(locations[\"+e+\"],obj\"+t+\")\";case\"v\":return\"gl.uniform\"+a+\"fv(locations[\"+e+\"],obj\"+t+\")\";default:throw new i(\"\",\"Unrecognized data type for vector \"+name+\": \"+r)}}}function c(e){for(var n=[\"return function updateProperty(obj){\"],i=function t(e,r){if(\"object\"!=typeof r)return[[e,r]];var n=[];for(var i in r){var a=r[i],o=e;parseInt(i)+\"\"===i?o+=\"[\"+i+\"]\":o+=\".\"+i,\"object\"==typeof a?n.push.apply(n,t(o,a)):n.push([o,a])}return n}(\"\",e),a=0;a4)throw new i(\"\",\"Invalid data type\");return\"b\"===t.charAt(0)?o(r,!1):o(r,0)}if(0===t.indexOf(\"mat\")&&4===t.length){var r=t.charCodeAt(t.length-1)-48;if(r<2||r>4)throw new i(\"\",\"Invalid uniform dimension type for matrix \"+name+\": \"+t);return o(r*r,0)}throw new i(\"\",\"Unknown uniform data type for \"+name+\": \"+t)}}(r[u].type);var p}function f(t){var e;if(Array.isArray(t)){e=new Array(t.length);for(var r=0;r1){l[0]in o||(o[l[0]]=[]),o=o[l[0]];for(var c=1;c1)for(var l=0;l 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the tube vertex and normal at the given index.\\n//\\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\\n//\\n// Each tube segment is made up of a ring of vertices.\\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\\n// The indexes of tube segments run from 0 to 8.\\n//\\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\\n float segmentCount = 8.0;\\n\\n float angle = 2.0 * 3.14159 * (index / segmentCount);\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d);\\n vec3 y = v * sin(angle) * length(d);\\n vec3 v3 = x + y;\\n\\n normal = normalize(v3);\\n\\n return v3;\\n}\\n\\nattribute vec4 vector;\\nattribute vec4 color, position;\\nattribute vec2 uv;\\nuniform float tubeScale;\\n\\nuniform mat4 model\\n , view\\n , projection;\\nuniform vec3 eyePosition\\n , lightPosition;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n // Scale the vector magnitude to stay constant with\\n // model & view changes.\\n vec3 normal;\\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n normal = normalize(normal * inverse(mat3(model)));\\n\\n gl_Position = projection * view * tubePosition;\\n f_color = color;\\n f_normal = normal;\\n f_data = tubePosition.xyz;\\n f_position = position.xyz;\\n f_eyeDirection = eyePosition - tubePosition.xyz;\\n f_lightDirection = lightPosition - tubePosition.xyz;\\n f_uv = uv;\\n}\\n\"]),a=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nfloat beckmannDistribution(float x, float roughness) {\\n float NdotH = max(x, 0.0001);\\n float cos2Alpha = NdotH * NdotH;\\n float tan2Alpha = (cos2Alpha - 1.0) / cos2Alpha;\\n float roughness2 = roughness * roughness;\\n float denom = 3.141592653589793 * roughness2 * cos2Alpha * cos2Alpha;\\n return exp(tan2Alpha / roughness2) / denom;\\n}\\n\\nfloat cookTorranceSpecular(\\n vec3 lightDirection,\\n vec3 viewDirection,\\n vec3 surfaceNormal,\\n float roughness,\\n float fresnel) {\\n\\n float VdotN = max(dot(viewDirection, surfaceNormal), 0.0);\\n float LdotN = max(dot(lightDirection, surfaceNormal), 0.0);\\n\\n //Half angle vector\\n vec3 H = normalize(lightDirection + viewDirection);\\n\\n //Geometric term\\n float NdotH = max(dot(surfaceNormal, H), 0.0);\\n float VdotH = max(dot(viewDirection, H), 0.000001);\\n float LdotH = max(dot(lightDirection, H), 0.000001);\\n float G1 = (2.0 * NdotH * VdotN) / VdotH;\\n float G2 = (2.0 * NdotH * LdotN) / LdotH;\\n float G = min(1.0, min(G1, G2));\\n \\n //Distribution term\\n float D = beckmannDistribution(NdotH, roughness);\\n\\n //Fresnel term\\n float F = pow(1.0 - VdotN, fresnel);\\n\\n //Multiply terms and done\\n return G * F * D / max(3.14159265 * VdotN, 0.000001);\\n}\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float roughness\\n , fresnel\\n , kambient\\n , kdiffuse\\n , kspecular\\n , opacity;\\nuniform sampler2D texture;\\n\\nvarying vec3 f_normal\\n , f_lightDirection\\n , f_eyeDirection\\n , f_data\\n , f_position;\\nvarying vec4 f_color;\\nvarying vec2 f_uv;\\n\\nvoid main() {\\n\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n vec3 N = normalize(f_normal);\\n vec3 L = normalize(f_lightDirection);\\n vec3 V = normalize(f_eyeDirection);\\n\\n if(!gl_FrontFacing) {\\n N = -N;\\n }\\n\\n float specular = cookTorranceSpecular(L, V, N, roughness, fresnel);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n vec4 surfaceColor = texture2D(texture, f_uv);\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = litColor * opacity;\\n}\"]),o=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nvec3 getOrthogonalVector(vec3 v) {\\n // Return up-vector for only-z vector.\\n // Return ax + by + cz = 0, a point that lies on the plane that has v as a normal and that isn't (0,0,0).\\n // From the above if-statement we have ||a|| > 0 U ||b|| > 0.\\n // Assign z = 0, x = -b, y = a:\\n // a*-b + b*a + c*0 = -ba + ba + 0 = 0\\n if (v.x*v.x > v.z*v.z || v.y*v.y > v.z*v.z) {\\n return normalize(vec3(-v.y, v.x, 0.0));\\n } else {\\n return normalize(vec3(0.0, v.z, -v.y));\\n }\\n}\\n\\n// Calculate the tube vertex and normal at the given index.\\n//\\n// The returned vertex is for a tube ring with its center at origin, radius of length(d), pointing in the direction of d.\\n//\\n// Each tube segment is made up of a ring of vertices.\\n// These vertices are used to make up the triangles of the tube by connecting them together in the vertex array.\\n// The indexes of tube segments run from 0 to 8.\\n//\\nvec3 getTubePosition(vec3 d, float index, out vec3 normal) {\\n float segmentCount = 8.0;\\n\\n float angle = 2.0 * 3.14159 * (index / segmentCount);\\n\\n vec3 u = getOrthogonalVector(d);\\n vec3 v = normalize(cross(u, d));\\n\\n vec3 x = u * cos(angle) * length(d);\\n vec3 y = v * sin(angle) * length(d);\\n vec3 v3 = x + y;\\n\\n normal = normalize(v3);\\n\\n return v3;\\n}\\n\\nattribute vec4 vector;\\nattribute vec4 position;\\nattribute vec4 id;\\n\\nuniform mat4 model, view, projection;\\nuniform float tubeScale;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n vec3 normal;\\n vec3 XYZ = getTubePosition(mat3(model) * (tubeScale * vector.w * normalize(vector.xyz)), position.w, normal);\\n vec4 tubePosition = model * vec4(position.xyz, 1.0) + vec4(XYZ, 0.0);\\n\\n gl_Position = projection * view * tubePosition;\\n f_id = id;\\n f_position = position.xyz;\\n}\\n\"]),s=n([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying vec3 f_position;\\nvarying vec4 f_id;\\n\\nvoid main() {\\n if (outOfRange(clipBounds[0], clipBounds[1], f_position)) discard;\\n\\n gl_FragColor = vec4(pickId, f_id.xyz);\\n}\"]);r.meshShader={vertex:i,fragment:a,attributes:[{name:\"position\",type:\"vec4\"},{name:\"normal\",type:\"vec3\"},{name:\"color\",type:\"vec4\"},{name:\"uv\",type:\"vec2\"},{name:\"vector\",type:\"vec4\"}]},r.pickShader={vertex:o,fragment:s,attributes:[{name:\"position\",type:\"vec4\"},{name:\"id\",type:\"vec4\"},{name:\"vector\",type:\"vec4\"}]}},{glslify:392}],300:[function(t,e,r){\"use strict\";var n=t(\"gl-shader\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"normals\"),l=t(\"gl-mat4/multiply\"),c=t(\"gl-mat4/invert\"),u=t(\"ndarray\"),f=t(\"colormap\"),h=t(\"simplicial-complex-contour\"),p=t(\"typedarray-pool\"),d=t(\"./shaders\"),g=(t(\"./closest-point\"),d.meshShader),v=d.pickShader,m=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1];function y(t,e,r,n,i,a,o,s,l,c,u,f,h,p,d,g,v,y,x,b,_,w,k,M,A,T,S,E){this.gl=t,this.cells=[],this.positions=[],this.intensity=[],this.texture=e,this.dirty=!0,this.triShader=r,this.lineShader=n,this.pointShader=i,this.pickShader=a,this.pointPickShader=o,this.contourShader=s,this.trianglePositions=l,this.triangleVectors=c,this.triangleColors=f,this.triangleNormals=p,this.triangleUVs=h,this.triangleIds=u,this.triangleVAO=d,this.triangleCount=0,this.lineWidth=1,this.edgePositions=g,this.edgeColors=y,this.edgeUVs=x,this.edgeIds=v,this.edgeVAO=b,this.edgeCount=0,this.pointPositions=_,this.pointColors=k,this.pointUVs=M,this.pointSizes=A,this.pointIds=w,this.pointVAO=T,this.pointCount=0,this.contourLineWidth=1,this.contourPositions=S,this.contourVAO=E,this.contourCount=0,this.contourColor=[0,0,0],this.contourEnable=!1,this.pickId=1,this.bounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.lightPosition=[1e5,1e5,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.opacity=1,this.tubeScale=1,this._model=m,this._view=m,this._projection=m,this._resolution=[1,1]}var x=y.prototype;function b(t){var e=n(t,v.vertex,v.fragment,null,v.attributes);return e.attributes.position.location=0,e.attributes.id.location=1,e.attributes.vector.location=5,e}x.isOpaque=function(){return this.opacity>=1},x.isTransparent=function(){return this.opacity<1},x.pickSlots=1,x.setPickBase=function(t){this.pickId=t},x.highlight=function(t){if(t&&this.contourEnable){for(var e=h(this.cells,this.intensity,t.intensity),r=e.cells,n=e.vertexIds,i=e.vertexWeights,a=r.length,o=p.mallocFloat32(6*a),s=0,l=0;l0&&((f=this.triShader).bind(),f.uniforms=s,this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind());this.edgeCount>0&&this.lineWidth>0&&((f=this.lineShader).bind(),f.uniforms=s,this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind());this.pointCount>0&&((f=this.pointShader).bind(),f.uniforms=s,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind());this.contourEnable&&this.contourCount>0&&this.contourLineWidth>0&&((f=this.contourShader).bind(),f.uniforms=s,this.contourVAO.bind(),e.drawArrays(e.LINES,0,this.contourCount),this.contourVAO.unbind())},x.drawPick=function(t){t=t||{};for(var e=this.gl,r=t.model||m,n=t.view||m,i=t.projection||m,a=[[-1e6,-1e6,-1e6],[1e6,1e6,1e6]],o=0;o<3;++o)a[0][o]=Math.max(a[0][o],this.clipBounds[0][o]),a[1][o]=Math.min(a[1][o],this.clipBounds[1][o]);this._model=[].slice.call(r),this._view=[].slice.call(n),this._projection=[].slice.call(i),this._resolution=[e.drawingBufferWidth,e.drawingBufferHeight];var s,l={model:r,view:n,projection:i,clipBounds:a,tubeScale:this.tubeScale,pickId:this.pickId/255};((s=this.pickShader).bind(),s.uniforms=l,this.triangleCount>0&&(this.triangleVAO.bind(),e.drawArrays(e.TRIANGLES,0,3*this.triangleCount),this.triangleVAO.unbind()),this.edgeCount>0&&(this.edgeVAO.bind(),e.lineWidth(this.lineWidth),e.drawArrays(e.LINES,0,2*this.edgeCount),this.edgeVAO.unbind()),this.pointCount>0)&&((s=this.pointPickShader).bind(),s.uniforms=l,this.pointVAO.bind(),e.drawArrays(e.POINTS,0,this.pointCount),this.pointVAO.unbind())},x.pick=function(t){if(!t)return null;if(t.id!==this.pickId)return null;var e=t.value[0]+256*t.value[1]+65536*t.value[2],r=this.cells[e],n=this.positions[r[1]].slice(0,3);return{index:e,position:n,intensity:this.intensity[r[1]],velocity:this.vectors[r[1]].slice(0,3),divergence:this.vectors[r[1]][3],dataCoordinate:n}},x.dispose=function(){this.texture.dispose(),this.triShader.dispose(),this.pickShader.dispose(),this.triangleVAO.dispose(),this.trianglePositions.dispose(),this.triangleVectors.dispose(),this.triangleColors.dispose(),this.triangleUVs.dispose(),this.triangleNormals.dispose(),this.triangleIds.dispose(),this.edgeVAO.dispose(),this.edgePositions.dispose(),this.edgeColors.dispose(),this.edgeUVs.dispose(),this.edgeIds.dispose(),this.pointVAO.dispose(),this.pointPositions.dispose(),this.pointColors.dispose(),this.pointUVs.dispose(),this.pointSizes.dispose(),this.pointIds.dispose(),this.contourVAO.dispose(),this.contourPositions.dispose()},e.exports=function(t,e){1===arguments.length&&(t=(e=t).gl);var r=e.triShader||function(t){var e=n(t,g.vertex,g.fragment,null,g.attributes);return e.attributes.position.location=0,e.attributes.color.location=2,e.attributes.uv.location=3,e.attributes.vector.location=5,e}(t),s=b(t),l=o(t,u(new Uint8Array([255,255,255,255]),[1,1,4]));l.generateMipmap(),l.minFilter=t.LINEAR_MIPMAP_LINEAR,l.magFilter=t.LINEAR;var c=i(t),f=i(t),h=i(t),p=i(t),d=i(t),v=i(t),m=a(t,[{buffer:c,type:t.FLOAT,size:4},{buffer:v,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:h,type:t.FLOAT,size:4},{buffer:p,type:t.FLOAT,size:2},{buffer:d,type:t.FLOAT,size:3},{buffer:f,type:t.FLOAT,size:4}]),x=i(t),_=i(t),w=i(t),k=i(t),M=a(t,[{buffer:x,type:t.FLOAT,size:3},{buffer:k,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:_,type:t.FLOAT,size:4},{buffer:w,type:t.FLOAT,size:2}]),A=i(t),T=i(t),S=i(t),E=i(t),C=i(t),L=a(t,[{buffer:A,type:t.FLOAT,size:3},{buffer:C,type:t.UNSIGNED_BYTE,size:4,normalized:!0},{buffer:T,type:t.FLOAT,size:4},{buffer:S,type:t.FLOAT,size:2},{buffer:E,type:t.FLOAT,size:1}]),z=i(t),O=new y(t,l,r,null,null,s,null,null,c,f,v,h,p,d,m,x,k,_,w,M,A,C,T,S,E,L,z,a(t,[{buffer:z,type:t.FLOAT,size:3}]));return O.update(e),O}},{\"./closest-point\":298,\"./shaders\":299,colormap:114,\"gl-buffer\":230,\"gl-mat4/invert\":254,\"gl-mat4/multiply\":256,\"gl-shader\":288,\"gl-texture2d\":305,\"gl-vao\":310,ndarray:433,normals:436,\"simplicial-complex-contour\":494,\"typedarray-pool\":522}],301:[function(t,e,r){\"use strict\";var n=t(\"gl-vec3\"),i=t(\"gl-vec4\"),a=function(t,e,r,a){for(var o=0,s=0;so&&(o=u)}var f=t.map(function(t){return function(t,e,r,a){var o,s,l,c=t.points,u=t.velocities,f=t.divergences;n.set(n.create(),0,1,0),n.create(),n.create();n.create();for(var h=[],p=[],d=[],g=[],v=[],m=[],y=0,x=0,b=i.create(),_=i.create(),w=0;w0)for(k=0;k<8;k++){var M=(k+1)%8;h.push(g[k],v[k],v[M],v[M],g[M],g[k]),d.push(_,b,b,b,_,_),m.push(y,x,x,x,y,y),p.push([h.length-6,h.length-5,h.length-4],[h.length-3,h.length-2,h.length-1])}var A=g;g=v,v=A,A=_,_=b,b=A,A=y,y=x,x=A}return{positions:h,cells:p,vectors:d,vertexIntensity:m}}(t,r,a,o)}),h=[],p=[],d=[],g=[];for(s=0;se)return r-1}return r},c=n.create(),u=n.create(),f=function(t,e,r){return tr?r:t},h=function(t,e,r,i){var a=t[0],o=t[1],s=t[2],h=r[0].length,p=r[1].length,d=r[2].length,g=l(r[0],a),v=l(r[1],o),m=l(r[2],s),y=g+1,x=v+1,b=m+1;if(r[0][g]===a&&(y=g),r[1][v]===o&&(x=v),r[2][m]===s&&(b=m),i&&(g=f(g,0,h-1),y=f(y,0,h-1),v=f(v,0,p-1),x=f(x,0,p-1),m=f(m,0,d-1),b=f(b,0,d-1)),g<0||v<0||m<0||y>=h||x>=p||b>=d)return n.create();var _=(a-r[0][g])/(r[0][y]-r[0][g]),w=(o-r[1][v])/(r[1][x]-r[1][v]),k=(s-r[2][m])/(r[2][b]-r[2][m]);(_<0||_>1||isNaN(_))&&(_=0),(w<0||w>1||isNaN(w))&&(w=0),(k<0||k>1||isNaN(k))&&(k=0);var M=m*h*p,A=b*h*p,T=v*h,S=x*h,E=g,C=y,L=e[T+M+E],z=e[T+M+C],O=e[S+M+E],I=e[S+M+C],P=e[T+A+E],D=e[T+A+C],R=e[S+A+E],B=e[S+A+C],F=n.create();return n.lerp(F,L,z,_),n.lerp(c,O,I,_),n.lerp(F,F,c,w),n.lerp(c,P,D,_),n.lerp(u,R,B,_),n.lerp(c,c,u,w),n.lerp(F,F,c,k),F},p=function(t){var e=1/0;t.sort(function(t,e){return t-e});for(var r=1;r=f&&r<=g&&n>=h&&n<=v&&i>=d&&i<=m},x=10*n.distance(e[0],e[1])/i,b=x*x,_=1,w=0;n.create();r.length>=2&&(_=function(t){for(var e=[],r=[],n=[],i={},a={},o={},s=0;sw&&!isNaN(P)&&isFinite(P)&&(w=P),C.push(P),u.push({points:A,velocities:T,divergences:C});for(var z=0;z<100*i&&A.lengthb&&n.scale(O,O,x/Math.sqrt(I)),n.add(O,O,M),S=t.getVelocity(O),n.squaredDistance(E,O)-b>-1e-4*b){A.push(O),E=O,T.push(S);L=t.getDivergence(O,S);(P=n.length(L))>w&&!isNaN(P)&&isFinite(P)&&(w=P),C.push(P)}M=O}}for(k=0;k max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec3 lowerBound, upperBound;\\nuniform float contourTint;\\nuniform vec4 contourColor;\\nuniform sampler2D colormap;\\nuniform vec3 clipBounds[2];\\nuniform float roughness, fresnel, kambient, kdiffuse, kspecular, opacity;\\nuniform float vertexColor;\\n\\nvarying float value, kill;\\nvarying vec3 worldCoordinate;\\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\\nvarying vec4 vColor;\\n\\nvoid main() {\\n if ((kill > 0.0) ||\\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\\n\\n vec3 N = normalize(surfaceNormal);\\n vec3 V = normalize(eyeDirection);\\n vec3 L = normalize(lightDirection);\\n\\n if(gl_FrontFacing) {\\n N = -N;\\n }\\n\\n float specular = max(beckmannSpecular(L, V, N, roughness), 0.);\\n float diffuse = min(kambient + kdiffuse * max(dot(N, L), 0.0), 1.0);\\n\\n //decide how to interpolate color \\u2014 in vertex or in fragment\\n vec4 surfaceColor = step(vertexColor, .5) * texture2D(colormap, vec2(value, value)) + step(.5, vertexColor) * vColor;\\n\\n vec4 litColor = surfaceColor.a * vec4(diffuse * surfaceColor.rgb + kspecular * vec3(1,1,1) * specular, 1.0);\\n\\n gl_FragColor = mix(litColor, contourColor, contourTint) * opacity;\\n}\\n\"]),s=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nattribute vec4 uv;\\nattribute float f;\\n\\nuniform mat3 permutation;\\nuniform mat4 model, view, projection;\\nuniform float height, zOffset;\\nuniform sampler2D colormap;\\n\\nvarying float value, kill;\\nvarying vec3 worldCoordinate;\\nvarying vec2 planeCoordinate;\\nvarying vec3 lightDirection, eyeDirection, surfaceNormal;\\nvarying vec4 vColor;\\n\\nvoid main() {\\n vec3 dataCoordinate = permutation * vec3(uv.xy, height);\\n vec4 worldPosition = model * vec4(dataCoordinate, 1.0);\\n\\n vec4 clipPosition = projection * view * worldPosition;\\n clipPosition.z = clipPosition.z + zOffset;\\n\\n gl_Position = clipPosition;\\n value = f;\\n kill = -1.0;\\n worldCoordinate = dataCoordinate;\\n planeCoordinate = uv.zw;\\n\\n vColor = texture2D(colormap, vec2(value, value));\\n\\n //Don't do lighting for contours\\n surfaceNormal = vec3(1,0,0);\\n eyeDirection = vec3(0,1,0);\\n lightDirection = vec3(0,0,1);\\n}\\n\"]),l=i([\"precision mediump float;\\n#define GLSLIFY 1\\n\\nbool outOfRange(float a, float b, float p) {\\n return ((p > max(a, b)) || \\n (p < min(a, b)));\\n}\\n\\nbool outOfRange(vec2 a, vec2 b, vec2 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y));\\n}\\n\\nbool outOfRange(vec3 a, vec3 b, vec3 p) {\\n return (outOfRange(a.x, b.x, p.x) ||\\n outOfRange(a.y, b.y, p.y) ||\\n outOfRange(a.z, b.z, p.z));\\n}\\n\\nbool outOfRange(vec4 a, vec4 b, vec4 p) {\\n return outOfRange(a.xyz, b.xyz, p.xyz);\\n}\\n\\nuniform vec2 shape;\\nuniform vec3 clipBounds[2];\\nuniform float pickId;\\n\\nvarying float value, kill;\\nvarying vec3 worldCoordinate;\\nvarying vec2 planeCoordinate;\\nvarying vec3 surfaceNormal;\\n\\nvec2 splitFloat(float v) {\\n float vh = 255.0 * v;\\n float upper = floor(vh);\\n float lower = fract(vh);\\n return vec2(upper / 255.0, floor(lower * 16.0) / 16.0);\\n}\\n\\nvoid main() {\\n if ((kill > 0.0) ||\\n (outOfRange(clipBounds[0], clipBounds[1], worldCoordinate))) discard;\\n\\n vec2 ux = splitFloat(planeCoordinate.x / shape.x);\\n vec2 uy = splitFloat(planeCoordinate.y / shape.y);\\n gl_FragColor = vec4(pickId, ux.x, uy.x, ux.y + (uy.y/16.0));\\n}\\n\"]);r.createShader=function(t){var e=n(t,a,o,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createPickShader=function(t){var e=n(t,a,l,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"vec3\"},{name:\"normal\",type:\"vec3\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e.attributes.normal.location=2,e},r.createContourShader=function(t){var e=n(t,s,o,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"float\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e},r.createPickContourShader=function(t){var e=n(t,s,l,null,[{name:\"uv\",type:\"vec4\"},{name:\"f\",type:\"float\"}]);return e.attributes.uv.location=0,e.attributes.f.location=1,e}},{\"gl-shader\":288,glslify:392}],303:[function(t,e,r){\"use strict\";e.exports=function(t){var e=t.gl,r=y(e),n=b(e),s=x(e),l=_(e),c=i(e),u=a(e,[{buffer:c,size:4,stride:w,offset:0},{buffer:c,size:3,stride:w,offset:16},{buffer:c,size:3,stride:w,offset:28}]),f=i(e),h=a(e,[{buffer:f,size:4,stride:20,offset:0},{buffer:f,size:1,stride:20,offset:16}]),p=i(e),d=a(e,[{buffer:p,size:2,type:e.FLOAT}]),g=o(e,1,S,e.RGBA,e.UNSIGNED_BYTE);g.minFilter=e.LINEAR,g.magFilter=e.LINEAR;var v=new E(e,[0,0],[[0,0,0],[0,0,0]],r,n,c,u,g,s,l,f,h,p,d),m={levels:[[],[],[]]};for(var k in t)m[k]=t[k];return m.colormap=m.colormap||\"jet\",v.update(m),v};var n=t(\"bit-twiddle\"),i=t(\"gl-buffer\"),a=t(\"gl-vao\"),o=t(\"gl-texture2d\"),s=t(\"typedarray-pool\"),l=t(\"colormap\"),c=t(\"ndarray-ops\"),u=t(\"ndarray-pack\"),f=t(\"ndarray\"),h=t(\"surface-nets\"),p=t(\"gl-mat4/multiply\"),d=t(\"gl-mat4/invert\"),g=t(\"binary-search-bounds\"),v=t(\"ndarray-gradient\"),m=t(\"./lib/shaders\"),y=m.createShader,x=m.createContourShader,b=m.createPickShader,_=m.createPickContourShader,w=40,k=[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],M=[[0,0],[0,1],[1,0],[1,1],[1,0],[0,1]],A=[[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0],[0,0,0,0,0,0,0,0,0]];function T(t,e,r,n,i){this.position=t,this.index=e,this.uv=r,this.level=n,this.dataCoordinate=i}!function(){for(var t=0;t<3;++t){var e=A[t],r=(t+2)%3;e[(t+1)%3+0]=1,e[r+3]=1,e[t+6]=1}}();var S=256;function E(t,e,r,n,i,a,o,l,c,u,h,p,d,g){this.gl=t,this.shape=e,this.bounds=r,this.intensityBounds=[],this._shader=n,this._pickShader=i,this._coordinateBuffer=a,this._vao=o,this._colorMap=l,this._contourShader=c,this._contourPickShader=u,this._contourBuffer=h,this._contourVAO=p,this._contourOffsets=[[],[],[]],this._contourCounts=[[],[],[]],this._vertexCount=0,this._pickResult=new T([0,0,0],[0,0],[0,0],[0,0,0],[0,0,0]),this._dynamicBuffer=d,this._dynamicVAO=g,this._dynamicOffsets=[0,0,0],this._dynamicCounts=[0,0,0],this.contourWidth=[1,1,1],this.contourLevels=[[1],[1],[1]],this.contourTint=[0,0,0],this.contourColor=[[.5,.5,.5,1],[.5,.5,.5,1],[.5,.5,.5,1]],this.showContour=!0,this.showSurface=!0,this.enableHighlight=[!0,!0,!0],this.highlightColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.highlightTint=[1,1,1],this.highlightLevel=[-1,-1,-1],this.enableDynamic=[!0,!0,!0],this.dynamicLevel=[NaN,NaN,NaN],this.dynamicColor=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.dynamicTint=[1,1,1],this.dynamicWidth=[1,1,1],this.axesBounds=[[1/0,1/0,1/0],[-1/0,-1/0,-1/0]],this.surfaceProject=[!1,!1,!1],this.contourProject=[[!1,!1,!1],[!1,!1,!1],[!1,!1,!1]],this.colorBounds=[!1,!1],this._field=[f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0]),f(s.mallocFloat(1024),[0,0])],this.pickId=1,this.clipBounds=[[-1/0,-1/0,-1/0],[1/0,1/0,1/0]],this.snapToData=!1,this.opacity=1,this.lightPosition=[10,1e4,0],this.ambientLight=.8,this.diffuseLight=.8,this.specularLight=2,this.roughness=.5,this.fresnel=1.5,this.vertexColor=0,this.dirty=!0}var C=E.prototype;C.isTransparent=function(){return this.opacity<1},C.isOpaque=function(){if(this.opacity>=1)return!0;for(var t=0;t<3;++t)if(this._contourCounts[t].length>0||this._dynamicCounts[t]>0)return!0;return!1},C.pickSlots=1,C.setPickBase=function(t){this.pickId=t};var L=[0,0,0],z={showSurface:!1,showContour:!1,projections:[k.slice(),k.slice(),k.slice()],clipBounds:[[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]],[[0,0,0],[0,0,0]]]};function O(t,e){var r,n,i,a=e.axes&&e.axes.lastCubeProps.axis||L,o=e.showSurface,s=e.showContour;for(r=0;r<3;++r)for(o=o||e.surfaceProject[r],n=0;n<3;++n)s=s||e.contourProject[r][n];for(r=0;r<3;++r){var l=z.projections[r];for(n=0;n<16;++n)l[n]=0;for(n=0;n<4;++n)l[5*n]=1;l[5*r]=0,l[12+r]=e.axesBounds[+(a[r]>0)][r],p(l,t.model,l);var c=z.clipBounds[r];for(i=0;i<2;++i)for(n=0;n<3;++n)c[i][n]=t.clipBounds[i][n];c[0][r]=-1e8,c[1][r]=1e8}return z.showSurface=o,z.showContour=s,z}var I={model:k,view:k,projection:k,inverseModel:k.slice(),lowerBound:[0,0,0],upperBound:[0,0,0],colorMap:0,clipBounds:[[0,0,0],[0,0,0]],height:0,contourTint:0,contourColor:[0,0,0,1],permutation:[1,0,0,0,1,0,0,0,1],zOffset:-1e-4,kambient:1,kdiffuse:1,kspecular:1,lightPosition:[1e3,1e3,1e3],eyePosition:[0,0,0],roughness:1,fresnel:1,opacity:1,vertexColor:0},P=k.slice(),D=[1,0,0,0,1,0,0,0,1];function R(t,e){t=t||{};var r=this.gl;r.disable(r.CULL_FACE),this._colorMap.bind(0);var n=I;n.model=t.model||k,n.view=t.view||k,n.projection=t.projection||k,n.lowerBound=[this.bounds[0][0],this.bounds[0][1],this.colorBounds[0]||this.bounds[0][2]],n.upperBound=[this.bounds[1][0],this.bounds[1][1],this.colorBounds[1]||this.bounds[1][2]],n.contourColor=this.contourColor[0],n.inverseModel=d(n.inverseModel,n.model);for(var i=0;i<2;++i)for(var a=n.clipBounds[i],o=0;o<3;++o)a[o]=Math.min(Math.max(this.clipBounds[i][o],-1e8),1e8);n.kambient=this.ambientLight,n.kdiffuse=this.diffuseLight,n.kspecular=this.specularLight,n.roughness=this.roughness,n.fresnel=this.fresnel,n.opacity=this.opacity,n.height=0,n.permutation=D,n.vertexColor=this.vertexColor;var s=P;for(p(s,n.view,n.model),p(s,n.projection,s),d(s,s),i=0;i<3;++i)n.eyePosition[i]=s[12+i]/s[15];var l=s[15];for(i=0;i<3;++i)l+=this.lightPosition[i]*s[4*i+3];for(i=0;i<3;++i){var c=s[12+i];for(o=0;o<3;++o)c+=s[4*o+i]*this.lightPosition[o];n.lightPosition[i]=c/l}var u=O(n,this);if(u.showSurface&&e===this.opacity<1){for(this._shader.bind(),this._shader.uniforms=n,this._vao.bind(),this.showSurface&&this._vertexCount&&this._vao.draw(r.TRIANGLES,this._vertexCount),i=0;i<3;++i)this.surfaceProject[i]&&this.vertexCount&&(this._shader.uniforms.model=u.projections[i],this._shader.uniforms.clipBounds=u.clipBounds[i],this._vao.draw(r.TRIANGLES,this._vertexCount));this._vao.unbind()}if(u.showContour&&!e){var f=this._contourShader;n.kambient=1,n.kdiffuse=0,n.kspecular=0,n.opacity=1,f.bind(),f.uniforms=n;var h=this._contourVAO;for(h.bind(),i=0;i<3;++i)for(f.uniforms.permutation=A[i],r.lineWidth(this.contourWidth[i]),o=0;o>4)/16)/255,i=Math.floor(n),a=n-i,o=e[1]*(t.value[1]+(15&t.value[2])/16)/255,s=Math.floor(o),l=o-s;i+=1,s+=1;var c=r.position;c[0]=c[1]=c[2]=0;for(var u=0;u<2;++u)for(var f=u?a:1-a,h=0;h<2;++h)for(var p=i+u,d=s+h,v=f*(h?l:1-l),m=0;m<3;++m)c[m]+=this._field[m].get(p,d)*v;for(var y=this._pickResult.level,x=0;x<3;++x)if(y[x]=g.le(this.contourLevels[x],c[x]),y[x]<0)this.contourLevels[x].length>0&&(y[x]=0);else if(y[x]Math.abs(_-c[x])&&(y[x]+=1)}for(r.index[0]=a<.5?i:i+1,r.index[1]=l<.5?s:s+1,r.uv[0]=n/e[0],r.uv[1]=o/e[1],m=0;m<3;++m)r.dataCoordinate[m]=this._field[m].get(r.index[0],r.index[1]);return r},C.update=function(t){t=t||{},this.dirty=!0,\"contourWidth\"in t&&(this.contourWidth=N(t.contourWidth,Number)),\"showContour\"in t&&(this.showContour=N(t.showContour,Boolean)),\"showSurface\"in t&&(this.showSurface=!!t.showSurface),\"contourTint\"in t&&(this.contourTint=N(t.contourTint,Boolean)),\"contourColor\"in t&&(this.contourColor=V(t.contourColor)),\"contourProject\"in t&&(this.contourProject=N(t.contourProject,function(t){return N(t,Boolean)})),\"surfaceProject\"in t&&(this.surfaceProject=t.surfaceProject),\"dynamicColor\"in t&&(this.dynamicColor=V(t.dynamicColor)),\"dynamicTint\"in t&&(this.dynamicTint=N(t.dynamicTint,Number)),\"dynamicWidth\"in t&&(this.dynamicWidth=N(t.dynamicWidth,Number)),\"opacity\"in t&&(this.opacity=t.opacity),\"colorBounds\"in t&&(this.colorBounds=t.colorBounds),\"vertexColor\"in t&&(this.vertexColor=t.vertexColor?1:0);var e=t.field||t.coords&&t.coords[2]||null,r=!1;if(e||(e=this._field[2].shape[0]||this._field[2].shape[2]?this._field[2].lo(1,1).hi(this._field[2].shape[0]-2,this._field[2].shape[1]-2):this._field[2].hi(0,0)),\"field\"in t||\"coords\"in t){var i=(e.shape[0]+2)*(e.shape[1]+2);i>this._field[2].data.length&&(s.freeFloat(this._field[2].data),this._field[2].data=s.mallocFloat(n.nextPow2(i))),this._field[2]=f(this._field[2].data,[e.shape[0]+2,e.shape[1]+2]),F(this._field[2],e),this.shape=e.shape.slice();for(var a=this.shape,o=0;o<2;++o)this._field[2].size>this._field[o].data.length&&(s.freeFloat(this._field[o].data),this._field[o].data=s.mallocFloat(this._field[2].size)),this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2]);if(t.coords){var p=t.coords;if(!Array.isArray(p)||3!==p.length)throw new Error(\"gl-surface: invalid coordinates for x/y\");for(o=0;o<2;++o){var d=p[o];for(b=0;b<2;++b)if(d.shape[b]!==a[b])throw new Error(\"gl-surface: coords have incorrect shape\");F(this._field[o],d)}}else if(t.ticks){var g=t.ticks;if(!Array.isArray(g)||2!==g.length)throw new Error(\"gl-surface: invalid ticks\");for(o=0;o<2;++o){var m=g[o];if((Array.isArray(m)||m.length)&&(m=f(m)),m.shape[0]!==a[o])throw new Error(\"gl-surface: invalid tick length\");var y=f(m.data,a);y.stride[o]=m.stride[0],y.stride[1^o]=0,F(this._field[o],y)}}else{for(o=0;o<2;++o){var x=[0,0];x[o]=1,this._field[o]=f(this._field[o].data,[a[0]+2,a[1]+2],x,0)}this._field[0].set(0,0,0);for(var b=0;b0){for(var kt=0;kt<5;++kt)nt.pop();W-=1}continue t}nt.push(st[0],st[1],ut[0],ut[1],st[2]),W+=1}}ot.push(W)}this._contourOffsets[it]=at,this._contourCounts[it]=ot}var Mt=s.mallocFloat(nt.length);for(o=0;o halfCharStep + halfCharWidth ||\\n\\t\\t\\t\\t\\tfloor(uv.x) < halfCharStep - halfCharWidth) return;\\n\\n\\t\\t\\t\\tuv += charId * charStep;\\n\\t\\t\\t\\tuv = uv / atlasSize;\\n\\n\\t\\t\\t\\tvec4 color = fontColor;\\n\\t\\t\\t\\tvec4 mask = texture2D(atlas, uv);\\n\\n\\t\\t\\t\\tfloat maskY = lightness(mask);\\n\\t\\t\\t\\t// float colorY = lightness(color);\\n\\t\\t\\t\\tcolor.a *= maskY;\\n\\t\\t\\t\\tcolor.a *= opacity;\\n\\n\\t\\t\\t\\t// color.a += .1;\\n\\n\\t\\t\\t\\t// antialiasing, see yiq color space y-channel formula\\n\\t\\t\\t\\t// color.rgb += (1. - color.rgb) * (1. - mask.rgb);\\n\\n\\t\\t\\t\\tgl_FragColor = color;\\n\\t\\t\\t}\"});return{regl:t,draw:e,atlas:{}}},k.prototype.update=function(t){var e=this;if(\"string\"==typeof t)t={text:t};else if(!t)return;null!=(t=i(t,{position:\"position positions coord coords coordinates\",font:\"font fontFace fontface typeface cssFont css-font family fontFamily\",fontSize:\"fontSize fontsize size font-size\",text:\"text texts chars characters value values symbols\",align:\"align alignment textAlign textbaseline\",baseline:\"baseline textBaseline textbaseline\",direction:\"dir direction textDirection\",color:\"color colour fill fill-color fillColor textColor textcolor\",kerning:\"kerning kern\",range:\"range dataBox\",viewport:\"vp viewport viewBox viewbox viewPort\",opacity:\"opacity alpha transparency visible visibility opaque\",offset:\"offset positionOffset padding shift indent indentation\"},!0)).opacity&&(Array.isArray(t.opacity)?this.opacity=t.opacity.map(function(t){return parseFloat(t)}):this.opacity=parseFloat(t.opacity)),null!=t.viewport&&(this.viewport=f(t.viewport),k.normalViewport&&(this.viewport.y=this.canvas.height-this.viewport.y-this.viewport.height),this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null==this.viewport&&(this.viewport={x:0,y:0,width:this.gl.drawingBufferWidth,height:this.gl.drawingBufferHeight},this.viewportArray=[this.viewport.x,this.viewport.y,this.viewport.width,this.viewport.height]),null!=t.kerning&&(this.kerning=t.kerning),null!=t.offset&&(\"number\"==typeof t.offset&&(t.offset=[t.offset,0]),this.positionOffset=y(t.offset)),t.direction&&(this.direction=t.direction),t.range&&(this.range=t.range,this.scale=[1/(t.range[2]-t.range[0]),1/(t.range[3]-t.range[1])],this.translate=[-t.range[0],-t.range[1]]),t.scale&&(this.scale=t.scale),t.translate&&(this.translate=t.translate),this.scale||(this.scale=[1/this.viewport.width,1/this.viewport.height]),this.translate||(this.translate=[0,0]),this.font.length||t.font||(t.font=k.baseFontSize+\"px sans-serif\");var r,a=!1,o=!1;if(t.font&&(Array.isArray(t.font)?t.font:[t.font]).forEach(function(t,r){if(\"string\"==typeof t)try{t=n.parse(t)}catch(e){t=n.parse(k.baseFontSize+\"px \"+t)}else t=n.parse(n.stringify(t));var i=n.stringify({size:k.baseFontSize,family:t.family,stretch:_?t.stretch:void 0,variant:t.variant,weight:t.weight,style:t.style}),s=p(t.size),l=Math.round(s[0]*d(s[1]));if(l!==e.fontSize[r]&&(o=!0,e.fontSize[r]=l),!(e.font[r]&&i==e.font[r].baseString||(a=!0,e.font[r]=k.fonts[i],e.font[r]))){var c=t.family.join(\", \"),u=[t.style];t.style!=t.variant&&u.push(t.variant),t.variant!=t.weight&&u.push(t.weight),_&&t.weight!=t.stretch&&u.push(t.stretch),e.font[r]={baseString:i,family:c,weight:t.weight,stretch:t.stretch,style:t.style,variant:t.variant,width:{},kerning:{},metrics:m(c,{origin:\"top\",fontSize:k.baseFontSize,fontStyle:u.join(\" \")})},k.fonts[i]=e.font[r]}}),(a||o)&&this.font.forEach(function(r,i){var a=n.stringify({size:e.fontSize[i],family:r.family,stretch:_?r.stretch:void 0,variant:r.variant,weight:r.weight,style:r.style});if(e.fontAtlas[i]=e.shader.atlas[a],!e.fontAtlas[i]){var o=r.metrics;e.shader.atlas[a]=e.fontAtlas[i]={fontString:a,step:2*Math.ceil(e.fontSize[i]*o.bottom*.5),em:e.fontSize[i],cols:0,rows:0,height:0,width:0,chars:[],ids:{},texture:e.regl.texture()}}null==t.text&&(t.text=e.text)}),\"string\"==typeof t.text&&t.position&&t.position.length>2){for(var s=Array(.5*t.position.length),h=0;h2){for(var w=!t.position[0].length,M=u.mallocFloat(2*this.count),A=0,T=0;A1?e.align[r]:e.align[0]:e.align;if(\"number\"==typeof n)return n;switch(n){case\"right\":case\"end\":return-t;case\"center\":case\"centre\":case\"middle\":return.5*-t}return 0})),null==this.baseline&&null==t.baseline&&(t.baseline=0),null!=t.baseline&&(this.baseline=t.baseline,Array.isArray(this.baseline)||(this.baseline=[this.baseline]),this.baselineOffset=this.baseline.map(function(t,r){var n=(e.font[r]||e.font[0]).metrics,i=0;return i+=.5*n.bottom,i+=\"number\"==typeof t?t-n.baseline:-n[t],k.normalViewport||(i*=-1),i})),null!=t.color)if(t.color||(t.color=\"transparent\"),\"string\"!=typeof t.color&&isNaN(t.color)){var H;if(\"number\"==typeof t.color[0]&&t.color.length>this.counts.length){var G=t.color.length;H=u.mallocUint8(G);for(var W=(t.color.subarray||t.color.slice).bind(t.color),Y=0;Y4||this.baselineOffset.length>1||this.align&&this.align.length>1||this.fontAtlas.length>1||this.positionOffset.length>2){var $=Math.max(.5*this.position.length||0,.25*this.color.length||0,this.baselineOffset.length||0,this.alignOffset.length||0,this.font.length||0,this.opacity.length||0,.5*this.positionOffset.length||0);this.batch=Array($);for(var J=0;J1?e.counts[J]:e.counts[0],offset:e.textOffsets.length>1?e.textOffsets[J]:e.textOffsets[0],color:e.color?e.color.length<=4?e.color:e.color.subarray(4*J,4*J+4):[0,0,0,255],opacity:Array.isArray(e.opacity)?e.opacity[J]:e.opacity,baseline:null!=e.baselineOffset[J]?e.baselineOffset[J]:e.baselineOffset[0],align:e.align?null!=e.alignOffset[J]?e.alignOffset[J]:e.alignOffset[0]:0,atlas:e.fontAtlas[J]||e.fontAtlas[0],positionOffset:e.positionOffset.length>2?e.positionOffset.subarray(2*J,2*J+2):e.positionOffset}}else this.count?this.batch=[{count:this.count,offset:0,color:this.color||[0,0,0,255],opacity:Array.isArray(this.opacity)?this.opacity[0]:this.opacity,baseline:this.baselineOffset[0],align:this.alignOffset?this.alignOffset[0]:0,atlas:this.fontAtlas[0],positionOffset:this.positionOffset}]:this.batch=[]},k.prototype.destroy=function(){},k.prototype.kerning=!0,k.prototype.position={constant:new Float32Array(2)},k.prototype.translate=null,k.prototype.scale=null,k.prototype.font=null,k.prototype.text=\"\",k.prototype.positionOffset=[0,0],k.prototype.opacity=1,k.prototype.color=new Uint8Array([0,0,0,255]),k.prototype.alignOffset=[0,0],k.normalViewport=!1,k.maxAtlasSize=1024,k.atlasCanvas=document.createElement(\"canvas\"),k.atlasContext=k.atlasCanvas.getContext(\"2d\",{alpha:!1}),k.baseFontSize=64,k.fonts={},e.exports=k},{\"bit-twiddle\":80,\"color-normalize\":108,\"css-font\":127,\"detect-kerning\":151,\"es6-weak-map\":209,\"flatten-vertex-data\":216,\"font-atlas\":217,\"font-measure\":218,\"gl-util/context\":306,\"is-plain-obj\":405,\"object-assign\":437,\"parse-rect\":442,\"parse-unit\":444,\"pick-by-alias\":448,regl:478,\"to-px\":516,\"typedarray-pool\":522}],305:[function(t,e,r){\"use strict\";var n=t(\"ndarray\"),i=t(\"ndarray-ops\"),a=t(\"typedarray-pool\");e.exports=function(t){if(arguments.length<=1)throw new Error(\"gl-texture2d: Missing arguments for texture2d constructor\");o||function(t){o=[t.LINEAR,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_NEAREST],s=[t.NEAREST,t.LINEAR,t.NEAREST_MIPMAP_NEAREST,t.NEAREST_MIPMAP_LINEAR,t.LINEAR_MIPMAP_NEAREST,t.LINEAR_MIPMAP_LINEAR],l=[t.REPEAT,t.CLAMP_TO_EDGE,t.MIRRORED_REPEAT]}(t);if(\"number\"==typeof arguments[1])return v(t,arguments[1],arguments[2],arguments[3]||t.RGBA,arguments[4]||t.UNSIGNED_BYTE);if(Array.isArray(arguments[1]))return v(t,0|arguments[1][0],0|arguments[1][1],arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(\"object\"==typeof arguments[1]){var e=arguments[1],r=c(e)?e:e.raw;if(r)return function(t,e,r,n,i,a){var o=g(t);return t.texImage2D(t.TEXTURE_2D,0,i,i,a,e),new h(t,o,r,n,i,a)}(t,r,0|e.width,0|e.height,arguments[2]||t.RGBA,arguments[3]||t.UNSIGNED_BYTE);if(e.shape&&e.data&&e.stride)return function(t,e){var r=e.dtype,o=e.shape.slice(),s=t.getParameter(t.MAX_TEXTURE_SIZE);if(o[0]<0||o[0]>s||o[1]<0||o[1]>s)throw new Error(\"gl-texture2d: Invalid texture size\");var l=d(o,e.stride.slice()),c=0;\"float32\"===r?c=t.FLOAT:\"float64\"===r?(c=t.FLOAT,l=!1,r=\"float32\"):\"uint8\"===r?c=t.UNSIGNED_BYTE:(c=t.UNSIGNED_BYTE,l=!1,r=\"uint8\");var f,p,v=0;if(2===o.length)v=t.LUMINANCE,o=[o[0],o[1],1],e=n(e.data,o,[e.stride[0],e.stride[1],1],e.offset);else{if(3!==o.length)throw new Error(\"gl-texture2d: Invalid shape for texture\");if(1===o[2])v=t.ALPHA;else if(2===o[2])v=t.LUMINANCE_ALPHA;else if(3===o[2])v=t.RGB;else{if(4!==o[2])throw new Error(\"gl-texture2d: Invalid shape for pixel coords\");v=t.RGBA}}c!==t.FLOAT||t.getExtension(\"OES_texture_float\")||(c=t.UNSIGNED_BYTE,l=!1);var m=e.size;if(l)f=0===e.offset&&e.data.length===m?e.data:e.data.subarray(e.offset,e.offset+m);else{var y=[o[2],o[2]*o[0],1];p=a.malloc(m,r);var x=n(p,o,y,0);\"float32\"!==r&&\"float64\"!==r||c!==t.UNSIGNED_BYTE?i.assign(x,e):u(x,e),f=p.subarray(0,m)}var b=g(t);t.texImage2D(t.TEXTURE_2D,0,v,o[0],o[1],0,v,c,f),l||a.free(p);return new h(t,b,o[0],o[1],v,c)}(t,e)}throw new Error(\"gl-texture2d: Invalid arguments for texture2d constructor\")};var o=null,s=null,l=null;function c(t){return\"undefined\"!=typeof HTMLCanvasElement&&t instanceof HTMLCanvasElement||\"undefined\"!=typeof HTMLImageElement&&t instanceof HTMLImageElement||\"undefined\"!=typeof HTMLVideoElement&&t instanceof HTMLVideoElement||\"undefined\"!=typeof ImageData&&t instanceof ImageData}var u=function(t,e){i.muls(t,e,255)};function f(t,e,r){var n=t.gl,i=n.getParameter(n.MAX_TEXTURE_SIZE);if(e<0||e>i||r<0||r>i)throw new Error(\"gl-texture2d: Invalid texture size\");return t._shape=[e,r],t.bind(),n.texImage2D(n.TEXTURE_2D,0,t.format,e,r,0,t.format,t.type,null),t._mipLevels=[0],t}function h(t,e,r,n,i,a){this.gl=t,this.handle=e,this.format=i,this.type=a,this._shape=[r,n],this._mipLevels=[0],this._magFilter=t.NEAREST,this._minFilter=t.NEAREST,this._wrapS=t.CLAMP_TO_EDGE,this._wrapT=t.CLAMP_TO_EDGE,this._anisoSamples=1;var o=this,s=[this._wrapS,this._wrapT];Object.defineProperties(s,[{get:function(){return o._wrapS},set:function(t){return o.wrapS=t}},{get:function(){return o._wrapT},set:function(t){return o.wrapT=t}}]),this._wrapVector=s;var l=[this._shape[0],this._shape[1]];Object.defineProperties(l,[{get:function(){return o._shape[0]},set:function(t){return o.width=t}},{get:function(){return o._shape[1]},set:function(t){return o.height=t}}]),this._shapeVector=l}var p=h.prototype;function d(t,e){return 3===t.length?1===e[2]&&e[1]===t[0]*t[2]&&e[0]===t[2]:1===e[0]&&e[1]===t[0]}function g(t){var e=t.createTexture();return t.bindTexture(t.TEXTURE_2D,e),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MIN_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_MAG_FILTER,t.NEAREST),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_S,t.CLAMP_TO_EDGE),t.texParameteri(t.TEXTURE_2D,t.TEXTURE_WRAP_T,t.CLAMP_TO_EDGE),e}function v(t,e,r,n,i){var a=t.getParameter(t.MAX_TEXTURE_SIZE);if(e<0||e>a||r<0||r>a)throw new Error(\"gl-texture2d: Invalid texture shape\");if(i===t.FLOAT&&!t.getExtension(\"OES_texture_float\"))throw new Error(\"gl-texture2d: Floating point textures not supported on this platform\");var o=g(t);return t.texImage2D(t.TEXTURE_2D,0,n,e,r,0,n,i,null),new h(t,o,e,r,n,i)}Object.defineProperties(p,{minFilter:{get:function(){return this._minFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension(\"OES_texture_float_linear\")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown filter mode \"+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MIN_FILTER,t),this._minFilter=t}},magFilter:{get:function(){return this._magFilter},set:function(t){this.bind();var e=this.gl;if(this.type===e.FLOAT&&o.indexOf(t)>=0&&(e.getExtension(\"OES_texture_float_linear\")||(t=e.NEAREST)),s.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown filter mode \"+t);return e.texParameteri(e.TEXTURE_2D,e.TEXTURE_MAG_FILTER,t),this._magFilter=t}},mipSamples:{get:function(){return this._anisoSamples},set:function(t){var e=this._anisoSamples;if(this._anisoSamples=0|Math.max(t,1),e!==this._anisoSamples){var r=this.gl.getExtension(\"EXT_texture_filter_anisotropic\");r&&this.gl.texParameterf(this.gl.TEXTURE_2D,r.TEXTURE_MAX_ANISOTROPY_EXT,this._anisoSamples)}return this._anisoSamples}},wrapS:{get:function(){return this._wrapS},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown wrap mode \"+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_S,t),this._wrapS=t}},wrapT:{get:function(){return this._wrapT},set:function(t){if(this.bind(),l.indexOf(t)<0)throw new Error(\"gl-texture2d: Unknown wrap mode \"+t);return this.gl.texParameteri(this.gl.TEXTURE_2D,this.gl.TEXTURE_WRAP_T,t),this._wrapT=t}},wrap:{get:function(){return this._wrapVector},set:function(t){if(Array.isArray(t)||(t=[t,t]),2!==t.length)throw new Error(\"gl-texture2d: Must specify wrap mode for rows and columns\");for(var e=0;e<2;++e)if(l.indexOf(t[e])<0)throw new Error(\"gl-texture2d: Unknown wrap mode \"+t);this._wrapS=t[0],this._wrapT=t[1];var r=this.gl;return this.bind(),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_S,this._wrapS),r.texParameteri(r.TEXTURE_2D,r.TEXTURE_WRAP_T,this._wrapT),t}},shape:{get:function(){return this._shapeVector},set:function(t){if(Array.isArray(t)){if(2!==t.length)throw new Error(\"gl-texture2d: Invalid texture shape\")}else t=[0|t,0|t];return f(this,0|t[0],0|t[1]),[0|t[0],0|t[1]]}},width:{get:function(){return this._shape[0]},set:function(t){return f(this,t|=0,this._shape[1]),t}},height:{get:function(){return this._shape[1]},set:function(t){return t|=0,f(this,this._shape[0],t),t}}}),p.bind=function(t){var e=this.gl;return void 0!==t&&e.activeTexture(e.TEXTURE0+(0|t)),e.bindTexture(e.TEXTURE_2D,this.handle),void 0!==t?0|t:e.getParameter(e.ACTIVE_TEXTURE)-e.TEXTURE0},p.dispose=function(){this.gl.deleteTexture(this.handle)},p.generateMipmap=function(){this.bind(),this.gl.generateMipmap(this.gl.TEXTURE_2D);for(var t=Math.min(this._shape[0],this._shape[1]),e=0;t>0;++e,t>>>=1)this._mipLevels.indexOf(e)<0&&this._mipLevels.push(e)},p.setPixels=function(t,e,r,o){var s=this.gl;this.bind(),Array.isArray(e)?(o=r,r=0|e[1],e=0|e[0]):(e=e||0,r=r||0),o=o||0;var l=c(t)?t:t.raw;if(l){this._mipLevels.indexOf(o)<0?(s.texImage2D(s.TEXTURE_2D,0,this.format,this.format,this.type,l),this._mipLevels.push(o)):s.texSubImage2D(s.TEXTURE_2D,o,e,r,this.format,this.type,l)}else{if(!(t.shape&&t.stride&&t.data))throw new Error(\"gl-texture2d: Unsupported data type\");if(t.shape.length<2||e+t.shape[1]>this._shape[1]>>>o||r+t.shape[0]>this._shape[0]>>>o||e<0||r<0)throw new Error(\"gl-texture2d: Texture dimensions are out of bounds\");!function(t,e,r,o,s,l,c,f){var h=f.dtype,p=f.shape.slice();if(p.length<2||p.length>3)throw new Error(\"gl-texture2d: Invalid ndarray, must be 2d or 3d\");var g=0,v=0,m=d(p,f.stride.slice());\"float32\"===h?g=t.FLOAT:\"float64\"===h?(g=t.FLOAT,m=!1,h=\"float32\"):\"uint8\"===h?g=t.UNSIGNED_BYTE:(g=t.UNSIGNED_BYTE,m=!1,h=\"uint8\");if(2===p.length)v=t.LUMINANCE,p=[p[0],p[1],1],f=n(f.data,p,[f.stride[0],f.stride[1],1],f.offset);else{if(3!==p.length)throw new Error(\"gl-texture2d: Invalid shape for texture\");if(1===p[2])v=t.ALPHA;else if(2===p[2])v=t.LUMINANCE_ALPHA;else if(3===p[2])v=t.RGB;else{if(4!==p[2])throw new Error(\"gl-texture2d: Invalid shape for pixel coords\");v=t.RGBA}p[2]}v!==t.LUMINANCE&&v!==t.ALPHA||s!==t.LUMINANCE&&s!==t.ALPHA||(v=s);if(v!==s)throw new Error(\"gl-texture2d: Incompatible texture format for setPixels\");var y=f.size,x=c.indexOf(o)<0;x&&c.push(o);if(g===l&&m)0===f.offset&&f.data.length===y?x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,f.data):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,f.data):x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,f.data.subarray(f.offset,f.offset+y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,f.data.subarray(f.offset,f.offset+y));else{var b;b=l===t.FLOAT?a.mallocFloat32(y):a.mallocUint8(y);var _=n(b,p,[p[2],p[2]*p[0],1]);g===t.FLOAT&&l===t.UNSIGNED_BYTE?u(_,f):i.assign(_,f),x?t.texImage2D(t.TEXTURE_2D,o,s,p[0],p[1],0,s,l,b.subarray(0,y)):t.texSubImage2D(t.TEXTURE_2D,o,e,r,p[0],p[1],s,l,b.subarray(0,y)),l===t.FLOAT?a.freeFloat32(b):a.freeUint8(b)}}(s,e,r,o,this.format,this.type,this._mipLevels,t)}}},{ndarray:433,\"ndarray-ops\":427,\"typedarray-pool\":522}],306:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\");function i(t){if(t.container)if(t.container==document.body)document.body.style.width||(t.canvas.width=t.width||t.pixelRatio*window.innerWidth),document.body.style.height||(t.canvas.height=t.height||t.pixelRatio*window.innerHeight);else{var e=t.container.getBoundingClientRect();t.canvas.width=t.width||e.right-e.left,t.canvas.height=t.height||e.bottom-e.top}}function a(t){return\"function\"==typeof t.getContext&&\"width\"in t&&\"height\"in t}e.exports=function(t){var e;if(t?\"string\"==typeof t&&(t={container:t}):t={},a(t)?t={container:t}:t=\"string\"==typeof(e=t).nodeName&&\"function\"==typeof e.appendChild&&\"function\"==typeof e.getBoundingClientRect?{container:t}:function(t){return\"function\"==typeof t.drawArrays||\"function\"==typeof t.drawElements}(t)?{gl:t}:n(t,{container:\"container target element el canvas holder parent parentNode wrapper use ref root node\",gl:\"gl context webgl glContext\",attrs:\"attributes attrs contextAttributes\",pixelRatio:\"pixelRatio pxRatio px ratio pxratio pixelratio\"},!0),t.pixelRatio||(t.pixelRatio=window.pixelRatio||1),t.gl)return t.gl;if(t.canvas&&(t.container=t.canvas.parentNode),t.container){if(\"string\"==typeof t.container){var r=document.querySelector(t.container);if(!r)throw Error(\"Element \"+t.container+\" is not found\");t.container=r}a(t.container)?(t.canvas=t.container,t.container=t.canvas.parentNode):t.canvas||(t.canvas=document.createElement(\"canvas\"),t.container.appendChild(t.canvas),i(t))}else t.canvas||(t.container=document.body||document.documentElement,t.canvas=document.createElement(\"canvas\"),t.canvas.style.position=\"absolute\",t.canvas.style.top=0,t.canvas.style.left=0,t.container.appendChild(t.canvas),i(t));if(!t.gl)try{t.gl=t.canvas.getContext(\"webgl\",t.attrs)}catch(e){try{t.gl=t.canvas.getContext(\"experimental-webgl\",t.attrs)}catch(e){t.gl=t.canvas.getContext(\"webgl-experimental\",t.attrs)}}return t.gl}},{\"pick-by-alias\":448}],307:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){e?e.bind():t.bindBuffer(t.ELEMENT_ARRAY_BUFFER,null);var n=0|t.getParameter(t.MAX_VERTEX_ATTRIBS);if(r){if(r.length>n)throw new Error(\"gl-vao: Too many vertex attributes\");for(var i=0;i1?0:Math.acos(s)};var n=t(\"./fromValues\"),i=t(\"./normalize\"),a=t(\"./dot\")},{\"./dot\":322,\"./fromValues\":328,\"./normalize\":339}],313:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.ceil(e[0]),t[1]=Math.ceil(e[1]),t[2]=Math.ceil(e[2]),t}},{}],314:[function(t,e,r){e.exports=function(t){var e=new Float32Array(3);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}},{}],315:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}},{}],316:[function(t,e,r){e.exports=function(){var t=new Float32Array(3);return t[0]=0,t[1]=0,t[2]=0,t}},{}],317:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2];return t[0]=i*l-a*s,t[1]=a*o-n*l,t[2]=n*s-i*o,t}},{}],318:[function(t,e,r){e.exports=t(\"./distance\")},{\"./distance\":319}],319:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return Math.sqrt(r*r+n*n+i*i)}},{}],320:[function(t,e,r){e.exports=t(\"./divide\")},{\"./divide\":321}],321:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t}},{}],322:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]}},{}],323:[function(t,e,r){e.exports=1e-6},{}],324:[function(t,e,r){e.exports=function(t,e){var r=t[0],i=t[1],a=t[2],o=e[0],s=e[1],l=e[2];return Math.abs(r-o)<=n*Math.max(1,Math.abs(r),Math.abs(o))&&Math.abs(i-s)<=n*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(a-l)<=n*Math.max(1,Math.abs(a),Math.abs(l))};var n=t(\"./epsilon\")},{\"./epsilon\":323}],325:[function(t,e,r){e.exports=function(t,e){return t[0]===e[0]&&t[1]===e[1]&&t[2]===e[2]}},{}],326:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.floor(e[0]),t[1]=Math.floor(e[1]),t[2]=Math.floor(e[2]),t}},{}],327:[function(t,e,r){e.exports=function(t,e,r,i,a,o){var s,l;e||(e=3);r||(r=0);l=i?Math.min(i*e+r,t.length):t.length;for(s=r;s0&&(a=1/Math.sqrt(a),t[0]=e[0]*a,t[1]=e[1]*a,t[2]=e[2]*a);return t}},{}],340:[function(t,e,r){e.exports=function(t,e){e=e||1;var r=2*Math.random()*Math.PI,n=2*Math.random()-1,i=Math.sqrt(1-n*n)*e;return t[0]=Math.cos(r)*i,t[1]=Math.sin(r)*i,t[2]=n*e,t}},{}],341:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[1],a=r[2],o=e[1]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=e[0],t[1]=i+o*c-s*l,t[2]=a+o*l+s*c,t}},{}],342:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[2],o=e[0]-i,s=e[2]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+s*l+o*c,t[1]=e[1],t[2]=a+s*c-o*l,t}},{}],343:[function(t,e,r){e.exports=function(t,e,r,n){var i=r[0],a=r[1],o=e[0]-i,s=e[1]-a,l=Math.sin(n),c=Math.cos(n);return t[0]=i+o*c-s*l,t[1]=a+o*l+s*c,t[2]=e[2],t}},{}],344:[function(t,e,r){e.exports=function(t,e){return t[0]=Math.round(e[0]),t[1]=Math.round(e[1]),t[2]=Math.round(e[2]),t}},{}],345:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t}},{}],346:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t}},{}],347:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e,t[1]=r,t[2]=n,t}},{}],348:[function(t,e,r){e.exports=t(\"./squaredDistance\")},{\"./squaredDistance\":350}],349:[function(t,e,r){e.exports=t(\"./squaredLength\")},{\"./squaredLength\":351}],350:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2];return r*r+n*n+i*i}},{}],351:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2];return e*e+r*r+n*n}},{}],352:[function(t,e,r){e.exports=t(\"./subtract\")},{\"./subtract\":353}],353:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t}},{}],354:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},{}],355:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[3]*n+r[7]*i+r[11]*a+r[15];return o=o||1,t[0]=(r[0]*n+r[4]*i+r[8]*a+r[12])/o,t[1]=(r[1]*n+r[5]*i+r[9]*a+r[13])/o,t[2]=(r[2]*n+r[6]*i+r[10]*a+r[14])/o,t}},{}],356:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t}},{}],357:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]+r[0],t[1]=e[1]+r[1],t[2]=e[2]+r[2],t[3]=e[3]+r[3],t}},{}],358:[function(t,e,r){e.exports=function(t){var e=new Float32Array(4);return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}},{}],359:[function(t,e,r){e.exports=function(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}},{}],360:[function(t,e,r){e.exports=function(){var t=new Float32Array(4);return t[0]=0,t[1]=0,t[2]=0,t[3]=0,t}},{}],361:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return Math.sqrt(r*r+n*n+i*i+a*a)}},{}],362:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]/r[0],t[1]=e[1]/r[1],t[2]=e[2]/r[2],t[3]=e[3]/r[3],t}},{}],363:[function(t,e,r){e.exports=function(t,e){return t[0]*e[0]+t[1]*e[1]+t[2]*e[2]+t[3]*e[3]}},{}],364:[function(t,e,r){e.exports=function(t,e,r,n){var i=new Float32Array(4);return i[0]=t,i[1]=e,i[2]=r,i[3]=n,i}},{}],365:[function(t,e,r){e.exports={create:t(\"./create\"),clone:t(\"./clone\"),fromValues:t(\"./fromValues\"),copy:t(\"./copy\"),set:t(\"./set\"),add:t(\"./add\"),subtract:t(\"./subtract\"),multiply:t(\"./multiply\"),divide:t(\"./divide\"),min:t(\"./min\"),max:t(\"./max\"),scale:t(\"./scale\"),scaleAndAdd:t(\"./scaleAndAdd\"),distance:t(\"./distance\"),squaredDistance:t(\"./squaredDistance\"),length:t(\"./length\"),squaredLength:t(\"./squaredLength\"),negate:t(\"./negate\"),inverse:t(\"./inverse\"),normalize:t(\"./normalize\"),dot:t(\"./dot\"),lerp:t(\"./lerp\"),random:t(\"./random\"),transformMat4:t(\"./transformMat4\"),transformQuat:t(\"./transformQuat\")}},{\"./add\":357,\"./clone\":358,\"./copy\":359,\"./create\":360,\"./distance\":361,\"./divide\":362,\"./dot\":363,\"./fromValues\":364,\"./inverse\":366,\"./length\":367,\"./lerp\":368,\"./max\":369,\"./min\":370,\"./multiply\":371,\"./negate\":372,\"./normalize\":373,\"./random\":374,\"./scale\":375,\"./scaleAndAdd\":376,\"./set\":377,\"./squaredDistance\":378,\"./squaredLength\":379,\"./subtract\":380,\"./transformMat4\":381,\"./transformQuat\":382}],366:[function(t,e,r){e.exports=function(t,e){return t[0]=1/e[0],t[1]=1/e[1],t[2]=1/e[2],t[3]=1/e[3],t}},{}],367:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return Math.sqrt(e*e+r*r+n*n+i*i)}},{}],368:[function(t,e,r){e.exports=function(t,e,r,n){var i=e[0],a=e[1],o=e[2],s=e[3];return t[0]=i+n*(r[0]-i),t[1]=a+n*(r[1]-a),t[2]=o+n*(r[2]-o),t[3]=s+n*(r[3]-s),t}},{}],369:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.max(e[0],r[0]),t[1]=Math.max(e[1],r[1]),t[2]=Math.max(e[2],r[2]),t[3]=Math.max(e[3],r[3]),t}},{}],370:[function(t,e,r){e.exports=function(t,e,r){return t[0]=Math.min(e[0],r[0]),t[1]=Math.min(e[1],r[1]),t[2]=Math.min(e[2],r[2]),t[3]=Math.min(e[3],r[3]),t}},{}],371:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r[0],t[1]=e[1]*r[1],t[2]=e[2]*r[2],t[3]=e[3]*r[3],t}},{}],372:[function(t,e,r){e.exports=function(t,e){return t[0]=-e[0],t[1]=-e[1],t[2]=-e[2],t[3]=-e[3],t}},{}],373:[function(t,e,r){e.exports=function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=r*r+n*n+i*i+a*a;o>0&&(o=1/Math.sqrt(o),t[0]=r*o,t[1]=n*o,t[2]=i*o,t[3]=a*o);return t}},{}],374:[function(t,e,r){var n=t(\"./normalize\"),i=t(\"./scale\");e.exports=function(t,e){return e=e||1,t[0]=Math.random(),t[1]=Math.random(),t[2]=Math.random(),t[3]=Math.random(),n(t,t),i(t,t,e),t}},{\"./normalize\":373,\"./scale\":375}],375:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]*r,t[1]=e[1]*r,t[2]=e[2]*r,t[3]=e[3]*r,t}},{}],376:[function(t,e,r){e.exports=function(t,e,r,n){return t[0]=e[0]+r[0]*n,t[1]=e[1]+r[1]*n,t[2]=e[2]+r[2]*n,t[3]=e[3]+r[3]*n,t}},{}],377:[function(t,e,r){e.exports=function(t,e,r,n,i){return t[0]=e,t[1]=r,t[2]=n,t[3]=i,t}},{}],378:[function(t,e,r){e.exports=function(t,e){var r=e[0]-t[0],n=e[1]-t[1],i=e[2]-t[2],a=e[3]-t[3];return r*r+n*n+i*i+a*a}},{}],379:[function(t,e,r){e.exports=function(t){var e=t[0],r=t[1],n=t[2],i=t[3];return e*e+r*r+n*n+i*i}},{}],380:[function(t,e,r){e.exports=function(t,e,r){return t[0]=e[0]-r[0],t[1]=e[1]-r[1],t[2]=e[2]-r[2],t[3]=e[3]-r[3],t}},{}],381:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},{}],382:[function(t,e,r){e.exports=function(t,e,r){var n=e[0],i=e[1],a=e[2],o=r[0],s=r[1],l=r[2],c=r[3],u=c*n+s*a-l*i,f=c*i+l*n-o*a,h=c*a+o*i-s*n,p=-o*n-s*i-l*a;return t[0]=u*c+p*-o+f*-l-h*-s,t[1]=f*c+p*-s+h*-o-u*-l,t[2]=h*c+p*-l+u*-s-f*-o,t[3]=e[3],t}},{}],383:[function(t,e,r){e.exports=function(t,e,r,a){return n[0]=a,n[1]=r,n[2]=e,n[3]=t,i[0]};var n=new Uint8Array(4),i=new Float32Array(n.buffer)},{}],384:[function(t,e,r){var n=t(\"glsl-tokenizer\"),i=t(\"atob-lite\");e.exports=function(t){for(var e=Array.isArray(t)?t:n(t),r=0;r0)continue;r=t.slice(0,1).join(\"\")}return B(r),z+=r.length,(S=S.slice(r.length)).length}}function H(){return/[^a-fA-F0-9]/.test(e)?(B(S.join(\"\")),T=l,M):(S.push(e),r=e,M+1)}function G(){return\".\"===e?(S.push(e),T=g,r=e,M+1):/[eE]/.test(e)?(S.push(e),T=g,r=e,M+1):\"x\"===e&&1===S.length&&\"0\"===S[0]?(T=_,S.push(e),r=e,M+1):/[^\\d]/.test(e)?(B(S.join(\"\")),T=l,M):(S.push(e),r=e,M+1)}function W(){return\"f\"===e&&(S.push(e),r=e,M+=1),/[eE]/.test(e)?(S.push(e),r=e,M+1):\"-\"===e&&/[eE]/.test(r)?(S.push(e),r=e,M+1):/[^\\d]/.test(e)?(B(S.join(\"\")),T=l,M):(S.push(e),r=e,M+1)}function Y(){if(/[^\\d\\w_]/.test(e)){var t=S.join(\"\");return T=R.indexOf(t)>-1?y:D.indexOf(t)>-1?m:v,B(S.join(\"\")),T=l,M}return S.push(e),r=e,M+1}};var n=t(\"./lib/literals\"),i=t(\"./lib/operators\"),a=t(\"./lib/builtins\"),o=t(\"./lib/literals-300es\"),s=t(\"./lib/builtins-300es\"),l=999,c=9999,u=0,f=1,h=2,p=3,d=4,g=5,v=6,m=7,y=8,x=9,b=10,_=11,w=[\"block-comment\",\"line-comment\",\"preprocessor\",\"operator\",\"integer\",\"float\",\"ident\",\"builtin\",\"keyword\",\"whitespace\",\"eof\",\"integer\"]},{\"./lib/builtins\":387,\"./lib/builtins-300es\":386,\"./lib/literals\":389,\"./lib/literals-300es\":388,\"./lib/operators\":390}],386:[function(t,e,r){var n=t(\"./builtins\");n=n.slice().filter(function(t){return!/^(gl\\_|texture)/.test(t)}),e.exports=n.concat([\"gl_VertexID\",\"gl_InstanceID\",\"gl_Position\",\"gl_PointSize\",\"gl_FragCoord\",\"gl_FrontFacing\",\"gl_FragDepth\",\"gl_PointCoord\",\"gl_MaxVertexAttribs\",\"gl_MaxVertexUniformVectors\",\"gl_MaxVertexOutputVectors\",\"gl_MaxFragmentInputVectors\",\"gl_MaxVertexTextureImageUnits\",\"gl_MaxCombinedTextureImageUnits\",\"gl_MaxTextureImageUnits\",\"gl_MaxFragmentUniformVectors\",\"gl_MaxDrawBuffers\",\"gl_MinProgramTexelOffset\",\"gl_MaxProgramTexelOffset\",\"gl_DepthRangeParameters\",\"gl_DepthRange\",\"trunc\",\"round\",\"roundEven\",\"isnan\",\"isinf\",\"floatBitsToInt\",\"floatBitsToUint\",\"intBitsToFloat\",\"uintBitsToFloat\",\"packSnorm2x16\",\"unpackSnorm2x16\",\"packUnorm2x16\",\"unpackUnorm2x16\",\"packHalf2x16\",\"unpackHalf2x16\",\"outerProduct\",\"transpose\",\"determinant\",\"inverse\",\"texture\",\"textureSize\",\"textureProj\",\"textureLod\",\"textureOffset\",\"texelFetch\",\"texelFetchOffset\",\"textureProjOffset\",\"textureLodOffset\",\"textureProjLod\",\"textureProjLodOffset\",\"textureGrad\",\"textureGradOffset\",\"textureProjGrad\",\"textureProjGradOffset\"])},{\"./builtins\":387}],387:[function(t,e,r){e.exports=[\"abs\",\"acos\",\"all\",\"any\",\"asin\",\"atan\",\"ceil\",\"clamp\",\"cos\",\"cross\",\"dFdx\",\"dFdy\",\"degrees\",\"distance\",\"dot\",\"equal\",\"exp\",\"exp2\",\"faceforward\",\"floor\",\"fract\",\"gl_BackColor\",\"gl_BackLightModelProduct\",\"gl_BackLightProduct\",\"gl_BackMaterial\",\"gl_BackSecondaryColor\",\"gl_ClipPlane\",\"gl_ClipVertex\",\"gl_Color\",\"gl_DepthRange\",\"gl_DepthRangeParameters\",\"gl_EyePlaneQ\",\"gl_EyePlaneR\",\"gl_EyePlaneS\",\"gl_EyePlaneT\",\"gl_Fog\",\"gl_FogCoord\",\"gl_FogFragCoord\",\"gl_FogParameters\",\"gl_FragColor\",\"gl_FragCoord\",\"gl_FragData\",\"gl_FragDepth\",\"gl_FragDepthEXT\",\"gl_FrontColor\",\"gl_FrontFacing\",\"gl_FrontLightModelProduct\",\"gl_FrontLightProduct\",\"gl_FrontMaterial\",\"gl_FrontSecondaryColor\",\"gl_LightModel\",\"gl_LightModelParameters\",\"gl_LightModelProducts\",\"gl_LightProducts\",\"gl_LightSource\",\"gl_LightSourceParameters\",\"gl_MaterialParameters\",\"gl_MaxClipPlanes\",\"gl_MaxCombinedTextureImageUnits\",\"gl_MaxDrawBuffers\",\"gl_MaxFragmentUniformComponents\",\"gl_MaxLights\",\"gl_MaxTextureCoords\",\"gl_MaxTextureImageUnits\",\"gl_MaxTextureUnits\",\"gl_MaxVaryingFloats\",\"gl_MaxVertexAttribs\",\"gl_MaxVertexTextureImageUnits\",\"gl_MaxVertexUniformComponents\",\"gl_ModelViewMatrix\",\"gl_ModelViewMatrixInverse\",\"gl_ModelViewMatrixInverseTranspose\",\"gl_ModelViewMatrixTranspose\",\"gl_ModelViewProjectionMatrix\",\"gl_ModelViewProjectionMatrixInverse\",\"gl_ModelViewProjectionMatrixInverseTranspose\",\"gl_ModelViewProjectionMatrixTranspose\",\"gl_MultiTexCoord0\",\"gl_MultiTexCoord1\",\"gl_MultiTexCoord2\",\"gl_MultiTexCoord3\",\"gl_MultiTexCoord4\",\"gl_MultiTexCoord5\",\"gl_MultiTexCoord6\",\"gl_MultiTexCoord7\",\"gl_Normal\",\"gl_NormalMatrix\",\"gl_NormalScale\",\"gl_ObjectPlaneQ\",\"gl_ObjectPlaneR\",\"gl_ObjectPlaneS\",\"gl_ObjectPlaneT\",\"gl_Point\",\"gl_PointCoord\",\"gl_PointParameters\",\"gl_PointSize\",\"gl_Position\",\"gl_ProjectionMatrix\",\"gl_ProjectionMatrixInverse\",\"gl_ProjectionMatrixInverseTranspose\",\"gl_ProjectionMatrixTranspose\",\"gl_SecondaryColor\",\"gl_TexCoord\",\"gl_TextureEnvColor\",\"gl_TextureMatrix\",\"gl_TextureMatrixInverse\",\"gl_TextureMatrixInverseTranspose\",\"gl_TextureMatrixTranspose\",\"gl_Vertex\",\"greaterThan\",\"greaterThanEqual\",\"inversesqrt\",\"length\",\"lessThan\",\"lessThanEqual\",\"log\",\"log2\",\"matrixCompMult\",\"max\",\"min\",\"mix\",\"mod\",\"normalize\",\"not\",\"notEqual\",\"pow\",\"radians\",\"reflect\",\"refract\",\"sign\",\"sin\",\"smoothstep\",\"sqrt\",\"step\",\"tan\",\"texture2D\",\"texture2DLod\",\"texture2DProj\",\"texture2DProjLod\",\"textureCube\",\"textureCubeLod\",\"texture2DLodEXT\",\"texture2DProjLodEXT\",\"textureCubeLodEXT\",\"texture2DGradEXT\",\"texture2DProjGradEXT\",\"textureCubeGradEXT\"]},{}],388:[function(t,e,r){var n=t(\"./literals\");e.exports=n.slice().concat([\"layout\",\"centroid\",\"smooth\",\"case\",\"mat2x2\",\"mat2x3\",\"mat2x4\",\"mat3x2\",\"mat3x3\",\"mat3x4\",\"mat4x2\",\"mat4x3\",\"mat4x4\",\"uint\",\"uvec2\",\"uvec3\",\"uvec4\",\"samplerCubeShadow\",\"sampler2DArray\",\"sampler2DArrayShadow\",\"isampler2D\",\"isampler3D\",\"isamplerCube\",\"isampler2DArray\",\"usampler2D\",\"usampler3D\",\"usamplerCube\",\"usampler2DArray\",\"coherent\",\"restrict\",\"readonly\",\"writeonly\",\"resource\",\"atomic_uint\",\"noperspective\",\"patch\",\"sample\",\"subroutine\",\"common\",\"partition\",\"active\",\"filter\",\"image1D\",\"image2D\",\"image3D\",\"imageCube\",\"iimage1D\",\"iimage2D\",\"iimage3D\",\"iimageCube\",\"uimage1D\",\"uimage2D\",\"uimage3D\",\"uimageCube\",\"image1DArray\",\"image2DArray\",\"iimage1DArray\",\"iimage2DArray\",\"uimage1DArray\",\"uimage2DArray\",\"image1DShadow\",\"image2DShadow\",\"image1DArrayShadow\",\"image2DArrayShadow\",\"imageBuffer\",\"iimageBuffer\",\"uimageBuffer\",\"sampler1DArray\",\"sampler1DArrayShadow\",\"isampler1D\",\"isampler1DArray\",\"usampler1D\",\"usampler1DArray\",\"isampler2DRect\",\"usampler2DRect\",\"samplerBuffer\",\"isamplerBuffer\",\"usamplerBuffer\",\"sampler2DMS\",\"isampler2DMS\",\"usampler2DMS\",\"sampler2DMSArray\",\"isampler2DMSArray\",\"usampler2DMSArray\"])},{\"./literals\":389}],389:[function(t,e,r){e.exports=[\"precision\",\"highp\",\"mediump\",\"lowp\",\"attribute\",\"const\",\"uniform\",\"varying\",\"break\",\"continue\",\"do\",\"for\",\"while\",\"if\",\"else\",\"in\",\"out\",\"inout\",\"float\",\"int\",\"void\",\"bool\",\"true\",\"false\",\"discard\",\"return\",\"mat2\",\"mat3\",\"mat4\",\"vec2\",\"vec3\",\"vec4\",\"ivec2\",\"ivec3\",\"ivec4\",\"bvec2\",\"bvec3\",\"bvec4\",\"sampler1D\",\"sampler2D\",\"sampler3D\",\"samplerCube\",\"sampler1DShadow\",\"sampler2DShadow\",\"struct\",\"asm\",\"class\",\"union\",\"enum\",\"typedef\",\"template\",\"this\",\"packed\",\"goto\",\"switch\",\"default\",\"inline\",\"noinline\",\"volatile\",\"public\",\"static\",\"extern\",\"external\",\"interface\",\"long\",\"short\",\"double\",\"half\",\"fixed\",\"unsigned\",\"input\",\"output\",\"hvec2\",\"hvec3\",\"hvec4\",\"dvec2\",\"dvec3\",\"dvec4\",\"fvec2\",\"fvec3\",\"fvec4\",\"sampler2DRect\",\"sampler3DRect\",\"sampler2DRectShadow\",\"sizeof\",\"cast\",\"namespace\",\"using\"]},{}],390:[function(t,e,r){e.exports=[\"<<=\",\">>=\",\"++\",\"--\",\"<<\",\">>\",\"<=\",\">=\",\"==\",\"!=\",\"&&\",\"||\",\"+=\",\"-=\",\"*=\",\"/=\",\"%=\",\"&=\",\"^^\",\"^=\",\"|=\",\"(\",\")\",\"[\",\"]\",\".\",\"!\",\"~\",\"*\",\"/\",\"%\",\"+\",\"-\",\"<\",\">\",\"&\",\"^\",\"|\",\"?\",\":\",\"=\",\",\",\";\",\"{\",\"}\"]},{}],391:[function(t,e,r){var n=t(\"./index\");e.exports=function(t,e){var r=n(e),i=[];return i=(i=i.concat(r(t))).concat(r(null))}},{\"./index\":385}],392:[function(t,e,r){e.exports=function(t){\"string\"==typeof t&&(t=[t]);for(var e=[].slice.call(arguments,1),r=[],n=0;n>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},r.write=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g}},{}],396:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=t.length;if(0===r)throw new Error(\"Must have at least d+1 points\");var i=t[0].length;if(r<=i)throw new Error(\"Must input at least d+1 points\");var o=t.slice(0,i+1),s=n.apply(void 0,o);if(0===s)throw new Error(\"Input not in general position\");for(var l=new Array(i+1),u=0;u<=i;++u)l[u]=u;s<0&&(l[0]=1,l[1]=0);for(var f=new a(l,new Array(i+1),!1),h=f.adjacent,p=new Array(i+2),u=0;u<=i;++u){for(var d=l.slice(),g=0;g<=i;++g)g===u&&(d[g]=-1);var v=d[0];d[0]=d[1],d[1]=v;var m=new a(d,new Array(i+1),!0);h[u]=m,p[u]=m}p[i+1]=f;for(var u=0;u<=i;++u)for(var d=h[u].vertices,y=h[u].adjacent,g=0;g<=i;++g){var x=d[g];if(x<0)y[g]=f;else for(var b=0;b<=i;++b)h[b].vertices.indexOf(x)<0&&(y[g]=h[b])}for(var _=new c(i,o,p),w=!!e,u=i+1;u0&&e.push(\",\"),e.push(\"tuple[\",r,\"]\");e.push(\")}return orient\");var i=new Function(\"test\",e.join(\"\")),a=n[t+1];return a||(a=n),i(a)}(t)),this.orient=a}var u=c.prototype;u.handleBoundaryDegeneracy=function(t,e){var r=this.dimension,n=this.vertices.length-1,i=this.tuple,a=this.vertices,o=[t];for(t.lastVisited=-n;o.length>0;){(t=o.pop()).vertices;for(var s=t.adjacent,l=0;l<=r;++l){var c=s[l];if(c.boundary&&!(c.lastVisited<=-n)){for(var u=c.vertices,f=0;f<=r;++f){var h=u[f];i[f]=h<0?e:a[h]}var p=this.orient();if(p>0)return c;c.lastVisited=-n,0===p&&o.push(c)}}}return null},u.walk=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,a=this.tuple,o=e?this.interior.length*Math.random()|0:this.interior.length-1,s=this.interior[o];t:for(;!s.boundary;){for(var l=s.vertices,c=s.adjacent,u=0;u<=n;++u)a[u]=i[l[u]];s.lastVisited=r;for(u=0;u<=n;++u){var f=c[u];if(!(f.lastVisited>=r)){var h=a[u];a[u]=t;var p=this.orient();if(a[u]=h,p<0){s=f;continue t}f.boundary?f.lastVisited=-r:f.lastVisited=r}}return}return s},u.addPeaks=function(t,e){var r=this.vertices.length-1,n=this.dimension,i=this.vertices,l=this.tuple,c=this.interior,u=this.simplices,f=[e];e.lastVisited=r,e.vertices[e.vertices.indexOf(-1)]=r,e.boundary=!1,c.push(e);for(var h=[];f.length>0;){var p=(e=f.pop()).vertices,d=e.adjacent,g=p.indexOf(r);if(!(g<0))for(var v=0;v<=n;++v)if(v!==g){var m=d[v];if(m.boundary&&!(m.lastVisited>=r)){var y=m.vertices;if(m.lastVisited!==-r){for(var x=0,b=0;b<=n;++b)y[b]<0?(x=b,l[b]=t):l[b]=i[y[b]];if(this.orient()>0){y[x]=r,m.boundary=!1,c.push(m),f.push(m),m.lastVisited=r;continue}m.lastVisited=-r}var _=m.adjacent,w=p.slice(),k=d.slice(),M=new a(w,k,!0);u.push(M);var A=_.indexOf(e);if(!(A<0)){_[A]=M,k[g]=m,w[v]=-1,k[v]=e,d[v]=M,M.flip();for(b=0;b<=n;++b){var T=w[b];if(!(T<0||T===r)){for(var S=new Array(n-1),E=0,C=0;C<=n;++C){var L=w[C];L<0||C===b||(S[E++]=L)}h.push(new o(S,M,b))}}}}}}h.sort(s);for(v=0;v+1=0?o[l++]=s[u]:c=1&u;if(c===(1&t)){var f=o[0];o[0]=o[1],o[1]=f}e.push(o)}}return e}},{\"robust-orientation\":486,\"simplicial-complex\":496}],397:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\"),i=0,a=1;function o(t,e,r,n,i){this.mid=t,this.left=e,this.right=r,this.leftPoints=n,this.rightPoints=i,this.count=(e?e.count:0)+(r?r.count:0)+n.length}e.exports=function(t){if(!t||0===t.length)return new x(null);return new x(y(t))};var s=o.prototype;function l(t,e){t.mid=e.mid,t.left=e.left,t.right=e.right,t.leftPoints=e.leftPoints,t.rightPoints=e.rightPoints,t.count=e.count}function c(t,e){var r=y(e);t.mid=r.mid,t.left=r.left,t.right=r.right,t.leftPoints=r.leftPoints,t.rightPoints=r.rightPoints,t.count=r.count}function u(t,e){var r=t.intervals([]);r.push(e),c(t,r)}function f(t,e){var r=t.intervals([]),n=r.indexOf(e);return n<0?i:(r.splice(n,1),c(t,r),a)}function h(t,e,r){for(var n=0;n=0&&t[n][1]>=e;--n){var i=r(t[n]);if(i)return i}}function d(t,e){for(var r=0;r>1],i=[],a=[],s=[];for(r=0;r3*(e+1)?u(this,t):this.left.insert(t):this.left=y([t]);else if(t[0]>this.mid)this.right?4*(this.right.count+1)>3*(e+1)?u(this,t):this.right.insert(t):this.right=y([t]);else{var r=n.ge(this.leftPoints,t,v),i=n.ge(this.rightPoints,t,m);this.leftPoints.splice(r,0,t),this.rightPoints.splice(i,0,t)}},s.remove=function(t){var e=this.count-this.leftPoints;if(t[1]3*(e-1)?f(this,t):2===(c=this.left.remove(t))?(this.left=null,this.count-=1,a):(c===a&&(this.count-=1),c):i;if(t[0]>this.mid)return this.right?4*(this.left?this.left.count:0)>3*(e-1)?f(this,t):2===(c=this.right.remove(t))?(this.right=null,this.count-=1,a):(c===a&&(this.count-=1),c):i;if(1===this.count)return this.leftPoints[0]===t?2:i;if(1===this.leftPoints.length&&this.leftPoints[0]===t){if(this.left&&this.right){for(var r=this,o=this.left;o.right;)r=o,o=o.right;if(r===this)o.right=this.right;else{var s=this.left,c=this.right;r.count-=o.count,r.right=o.left,o.left=s,o.right=c}l(this,o),this.count=(this.left?this.left.count:0)+(this.right?this.right.count:0)+this.leftPoints.length}else this.left?l(this,this.left):l(this,this.right);return a}for(s=n.ge(this.leftPoints,t,v);sthis.mid){var r;if(this.right)if(r=this.right.queryPoint(t,e))return r;return p(this.rightPoints,t,e)}return d(this.leftPoints,e)},s.queryInterval=function(t,e,r){var n;if(tthis.mid&&this.right&&(n=this.right.queryInterval(t,e,r)))return n;return ethis.mid?p(this.rightPoints,t,r):d(this.leftPoints,r)};var b=x.prototype;b.insert=function(t){this.root?this.root.insert(t):this.root=new o(t[0],null,null,[t],[t])},b.remove=function(t){if(this.root){var e=this.root.remove(t);return 2===e&&(this.root=null),e!==i}return!1},b.queryPoint=function(t,e){if(this.root)return this.root.queryPoint(t,e)},b.queryInterval=function(t,e,r){if(t<=e&&this.root)return this.root.queryInterval(t,e,r)},Object.defineProperty(b,\"count\",{get:function(){return this.root?this.root.count:0}}),Object.defineProperty(b,\"intervals\",{get:function(){return this.root?this.root.intervals([]):[]}})},{\"binary-search-bounds\":79}],398:[function(t,e,r){\"use strict\";e.exports=function(t,e){e=e||new Array(t.length);for(var r=0;r13)&&32!==e&&133!==e&&160!==e&&5760!==e&&6158!==e&&(e<8192||e>8205)&&8232!==e&&8233!==e&&8239!==e&&8287!==e&&8288!==e&&12288!==e&&65279!==e)return!1;return!0}},{}],407:[function(t,e,r){\"use strict\";e.exports=function(t){return\"string\"==typeof t&&(t=t.trim(),!!(/^[mzlhvcsqta]\\s*[-+.0-9][^mlhvzcsqta]+/i.test(t)&&/[\\dz]$/i.test(t)&&t.length>4))}},{}],408:[function(t,e,r){e.exports=function(t,e,r){return t*(1-r)+e*r}},{}],409:[function(t,e,r){(function(t){!function(t,n){\"object\"==typeof r&&\"undefined\"!=typeof e?e.exports=n():t.mapboxgl=n()}(this,function(){\"use strict\";var e,r,n;function i(t,i){if(e)if(r){var a=\"var sharedChunk = {}; (\"+e+\")(sharedChunk); (\"+r+\")(sharedChunk);\",o={};e(o),(n=i(o)).workerUrl=window.URL.createObjectURL(new Blob([a],{type:\"text/javascript\"}))}else r=i;else e=i}return i(0,function(e){var r=\"undefined\"!=typeof window?window:\"undefined\"!=typeof t?t:\"undefined\"!=typeof self?self:{};function n(t){return t&&t.__esModule&&Object.prototype.hasOwnProperty.call(t,\"default\")?t.default:t}function i(t,e){return t(e={exports:{}},e.exports),e.exports}var a=o;function o(t,e,r,n){this.cx=3*t,this.bx=3*(r-t)-this.cx,this.ax=1-this.cx-this.bx,this.cy=3*e,this.by=3*(n-e)-this.cy,this.ay=1-this.cy-this.by,this.p1x=t,this.p1y=n,this.p2x=r,this.p2y=n}o.prototype.sampleCurveX=function(t){return((this.ax*t+this.bx)*t+this.cx)*t},o.prototype.sampleCurveY=function(t){return((this.ay*t+this.by)*t+this.cy)*t},o.prototype.sampleCurveDerivativeX=function(t){return(3*this.ax*t+2*this.bx)*t+this.cx},o.prototype.solveCurveX=function(t,e){var r,n,i,a,o;for(void 0===e&&(e=1e-6),i=t,o=0;o<8;o++){if(a=this.sampleCurveX(i)-t,Math.abs(a)(n=1))return n;for(;ra?r=i:n=i,i=.5*(n-r)+r}return i},o.prototype.solve=function(t,e){return this.sampleCurveY(this.solveCurveX(t,e))};var s=function(t,e,r){this.column=t,this.row=e,this.zoom=r};s.prototype.clone=function(){return new s(this.column,this.row,this.zoom)},s.prototype.zoomTo=function(t){return this.clone()._zoomTo(t)},s.prototype.sub=function(t){return this.clone()._sub(t)},s.prototype._zoomTo=function(t){var e=Math.pow(2,t-this.zoom);return this.column*=e,this.row*=e,this.zoom=t,this},s.prototype._sub=function(t){return t=t.zoomTo(this.zoom),this.column-=t.column,this.row-=t.row,this};var l=c;function c(t,e){this.x=t,this.y=e}function u(t,e,r,n){var i=new a(t,e,r,n);return function(t){return i.solve(t)}}c.prototype={clone:function(){return new c(this.x,this.y)},add:function(t){return this.clone()._add(t)},sub:function(t){return this.clone()._sub(t)},multByPoint:function(t){return this.clone()._multByPoint(t)},divByPoint:function(t){return this.clone()._divByPoint(t)},mult:function(t){return this.clone()._mult(t)},div:function(t){return this.clone()._div(t)},rotate:function(t){return this.clone()._rotate(t)},rotateAround:function(t,e){return this.clone()._rotateAround(t,e)},matMult:function(t){return this.clone()._matMult(t)},unit:function(){return this.clone()._unit()},perp:function(){return this.clone()._perp()},round:function(){return this.clone()._round()},mag:function(){return Math.sqrt(this.x*this.x+this.y*this.y)},equals:function(t){return this.x===t.x&&this.y===t.y},dist:function(t){return Math.sqrt(this.distSqr(t))},distSqr:function(t){var e=t.x-this.x,r=t.y-this.y;return e*e+r*r},angle:function(){return Math.atan2(this.y,this.x)},angleTo:function(t){return Math.atan2(this.y-t.y,this.x-t.x)},angleWith:function(t){return this.angleWithSep(t.x,t.y)},angleWithSep:function(t,e){return Math.atan2(this.x*e-this.y*t,this.x*t+this.y*e)},_matMult:function(t){var e=t[0]*this.x+t[1]*this.y,r=t[2]*this.x+t[3]*this.y;return this.x=e,this.y=r,this},_add:function(t){return this.x+=t.x,this.y+=t.y,this},_sub:function(t){return this.x-=t.x,this.y-=t.y,this},_mult:function(t){return this.x*=t,this.y*=t,this},_div:function(t){return this.x/=t,this.y/=t,this},_multByPoint:function(t){return this.x*=t.x,this.y*=t.y,this},_divByPoint:function(t){return this.x/=t.x,this.y/=t.y,this},_unit:function(){return this._div(this.mag()),this},_perp:function(){var t=this.y;return this.y=this.x,this.x=-t,this},_rotate:function(t){var e=Math.cos(t),r=Math.sin(t),n=e*this.x-r*this.y,i=r*this.x+e*this.y;return this.x=n,this.y=i,this},_rotateAround:function(t,e){var r=Math.cos(t),n=Math.sin(t),i=e.x+r*(this.x-e.x)-n*(this.y-e.y),a=e.y+n*(this.x-e.x)+r*(this.y-e.y);return this.x=i,this.y=a,this},_round:function(){return this.x=Math.round(this.x),this.y=Math.round(this.y),this}},c.convert=function(t){return t instanceof c?t:Array.isArray(t)?new c(t[0],t[1]):t};var f=u(.25,.1,.25,1);function h(t,e,r){return Math.min(r,Math.max(e,t))}function p(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n(e.y-t.y)*(r.x-t.x)}function k(t){for(var e=0,r=0,n=t.length,i=n-1,a=void 0,o=void 0;r=200&&r.status<300&&r.response?e(null,{data:n,cacheControl:r.getResponseHeader(\"Cache-Control\"),expires:r.getResponseHeader(\"Expires\")}):e(new A(r.statusText,r.status,t.url))},r.send(),r};function E(t,e,r){r[t]=r[t]||[],r[t].push(e)}function C(t,e,r){if(r&&r[t]){var n=r[t].indexOf(e);-1!==n&&r[t].splice(n,1)}}var L=function(t,e){void 0===e&&(e={}),p(this,e),this.type=t},z=function(t){function e(e,r){void 0===r&&(r={}),t.call(this,\"error\",p({error:e},r))}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e}(L),O=function(){};O.prototype.on=function(t,e){return this._listeners=this._listeners||{},E(t,e,this._listeners),this},O.prototype.off=function(t,e){return C(t,e,this._listeners),C(t,e,this._oneTimeListeners),this},O.prototype.once=function(t,e){return this._oneTimeListeners=this._oneTimeListeners||{},E(t,e,this._oneTimeListeners),this},O.prototype.fire=function(t){\"string\"==typeof t&&(t=new L(t,arguments[1]||{}));var e=t.type;if(this.listens(e)){t.target=this;for(var r=0,n=this._listeners&&this._listeners[e]?this._listeners[e].slice():[];r0||this._oneTimeListeners&&this._oneTimeListeners[t]&&this._oneTimeListeners[t].length>0||this._eventedParent&&this._eventedParent.listens(t)},O.prototype.setEventedParent=function(t,e){return this._eventedParent=t,this._eventedParentData=e,this};var I={$version:8,$root:{version:{required:!0,type:\"enum\",values:[8]},name:{type:\"string\"},metadata:{type:\"*\"},center:{type:\"array\",value:\"number\"},zoom:{type:\"number\"},bearing:{type:\"number\",default:0,period:360,units:\"degrees\"},pitch:{type:\"number\",default:0,units:\"degrees\"},light:{type:\"light\"},sources:{required:!0,type:\"sources\"},sprite:{type:\"string\"},glyphs:{type:\"string\"},transition:{type:\"transition\"},layers:{required:!0,type:\"array\",value:\"layer\"}},sources:{\"*\":{type:\"source\"}},source:[\"source_vector\",\"source_raster\",\"source_raster_dem\",\"source_geojson\",\"source_video\",\"source_image\"],source_vector:{type:{required:!0,type:\"enum\",values:{vector:{}}},url:{type:\"string\"},tiles:{type:\"array\",value:\"string\"},bounds:{type:\"array\",value:\"number\",length:4,default:[-180,-85.0511,180,85.0511]},minzoom:{type:\"number\",default:0},maxzoom:{type:\"number\",default:22},attribution:{type:\"string\"},\"*\":{type:\"*\"}},source_raster:{type:{required:!0,type:\"enum\",values:{raster:{}}},url:{type:\"string\"},tiles:{type:\"array\",value:\"string\"},bounds:{type:\"array\",value:\"number\",length:4,default:[-180,-85.0511,180,85.0511]},minzoom:{type:\"number\",default:0},maxzoom:{type:\"number\",default:22},tileSize:{type:\"number\",default:512,units:\"pixels\"},scheme:{type:\"enum\",values:{xyz:{},tms:{}},default:\"xyz\"},attribution:{type:\"string\"},\"*\":{type:\"*\"}},source_raster_dem:{type:{required:!0,type:\"enum\",values:{\"raster-dem\":{}}},url:{type:\"string\"},tiles:{type:\"array\",value:\"string\"},bounds:{type:\"array\",value:\"number\",length:4,default:[-180,-85.0511,180,85.0511]},minzoom:{type:\"number\",default:0},maxzoom:{type:\"number\",default:22},tileSize:{type:\"number\",default:512,units:\"pixels\"},attribution:{type:\"string\"},encoding:{type:\"enum\",values:{terrarium:{},mapbox:{}},default:\"mapbox\"},\"*\":{type:\"*\"}},source_geojson:{type:{required:!0,type:\"enum\",values:{geojson:{}}},data:{type:\"*\"},maxzoom:{type:\"number\",default:18},buffer:{type:\"number\",default:128,maximum:512,minimum:0},tolerance:{type:\"number\",default:.375},cluster:{type:\"boolean\",default:!1},clusterRadius:{type:\"number\",default:50,minimum:0},clusterMaxZoom:{type:\"number\"},lineMetrics:{type:\"boolean\",default:!1}},source_video:{type:{required:!0,type:\"enum\",values:{video:{}}},urls:{required:!0,type:\"array\",value:\"string\"},coordinates:{required:!0,type:\"array\",length:4,value:{type:\"array\",length:2,value:\"number\"}}},source_image:{type:{required:!0,type:\"enum\",values:{image:{}}},url:{required:!0,type:\"string\"},coordinates:{required:!0,type:\"array\",length:4,value:{type:\"array\",length:2,value:\"number\"}}},layer:{id:{type:\"string\",required:!0},type:{type:\"enum\",values:{fill:{},line:{},symbol:{},circle:{},heatmap:{},\"fill-extrusion\":{},raster:{},hillshade:{},background:{}},required:!0},metadata:{type:\"*\"},source:{type:\"string\"},\"source-layer\":{type:\"string\"},minzoom:{type:\"number\",minimum:0,maximum:24},maxzoom:{type:\"number\",minimum:0,maximum:24},filter:{type:\"filter\"},layout:{type:\"layout\"},paint:{type:\"paint\"}},layout:[\"layout_fill\",\"layout_line\",\"layout_circle\",\"layout_heatmap\",\"layout_fill-extrusion\",\"layout_symbol\",\"layout_raster\",\"layout_hillshade\",\"layout_background\"],layout_background:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_fill:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_circle:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_heatmap:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_line:{\"line-cap\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{butt:{},round:{},square:{}},default:\"butt\"},\"line-join\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{bevel:{},round:{},miter:{}},default:\"miter\"},\"line-miter-limit\":{type:\"number\",default:2,function:\"interpolated\",\"zoom-function\":!0,requires:[{\"line-join\":\"miter\"}]},\"line-round-limit\":{type:\"number\",default:1.05,function:\"interpolated\",\"zoom-function\":!0,requires:[{\"line-join\":\"round\"}]},visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_symbol:{\"symbol-placement\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{point:{},line:{}},default:\"point\"},\"symbol-spacing\":{type:\"number\",default:250,minimum:1,function:\"interpolated\",\"zoom-function\":!0,units:\"pixels\",requires:[{\"symbol-placement\":\"line\"}]},\"symbol-avoid-edges\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1},\"icon-allow-overlap\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\"]},\"icon-ignore-placement\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\"]},\"icon-optional\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\",\"text-field\"]},\"icon-rotation-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"icon-image\"]},\"icon-size\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,units:\"factor of the original icon size\",requires:[\"icon-image\"]},\"icon-text-fit\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{none:{},width:{},height:{},both:{}},default:\"none\",requires:[\"icon-image\",\"text-field\"]},\"icon-text-fit-padding\":{type:\"array\",value:\"number\",length:4,default:[0,0,0,0],units:\"pixels\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"icon-image\",\"text-field\",{\"icon-text-fit\":[\"both\",\"width\",\"height\"]}]},\"icon-image\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,tokens:!0},\"icon-rotate\":{type:\"number\",default:0,period:360,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,units:\"degrees\",requires:[\"icon-image\"]},\"icon-padding\":{type:\"number\",default:2,minimum:0,function:\"interpolated\",\"zoom-function\":!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-keep-upright\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"icon-image\",{\"icon-rotation-alignment\":\"map\"},{\"symbol-placement\":\"line\"}]},\"icon-offset\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"icon-image\"]},\"icon-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{center:{},left:{},right:{},top:{},bottom:{},\"top-left\":{},\"top-right\":{},\"bottom-left\":{},\"bottom-right\":{}},default:\"center\",requires:[\"icon-image\"]},\"icon-pitch-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"icon-image\"]},\"text-pitch-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"text-field\"]},\"text-rotation-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{},auto:{}},default:\"auto\",requires:[\"text-field\"]},\"text-field\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,default:\"\",tokens:!0},\"text-font\":{type:\"array\",value:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,default:[\"Open Sans Regular\",\"Arial Unicode MS Regular\"],requires:[\"text-field\"]},\"text-size\":{type:\"number\",default:16,minimum:0,units:\"pixels\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-max-width\":{type:\"number\",default:10,minimum:0,units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-line-height\":{type:\"number\",default:1.2,units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"text-field\"]},\"text-letter-spacing\":{type:\"number\",default:0,units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-justify\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{left:{},center:{},right:{}},default:\"center\",requires:[\"text-field\"]},\"text-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{center:{},left:{},right:{},top:{},bottom:{},\"top-left\":{},\"top-right\":{},\"bottom-left\":{},\"bottom-right\":{}},default:\"center\",requires:[\"text-field\"]},\"text-max-angle\":{type:\"number\",default:45,units:\"degrees\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"text-field\",{\"symbol-placement\":\"line\"}]},\"text-rotate\":{type:\"number\",default:0,period:360,units:\"degrees\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,requires:[\"text-field\"]},\"text-padding\":{type:\"number\",default:2,minimum:0,units:\"pixels\",function:\"interpolated\",\"zoom-function\":!0,requires:[\"text-field\"]},\"text-keep-upright\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!0,requires:[\"text-field\",{\"text-rotation-alignment\":\"map\"},{\"symbol-placement\":\"line\"}]},\"text-transform\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,\"property-function\":!0,values:{none:{},uppercase:{},lowercase:{}},default:\"none\",requires:[\"text-field\"]},\"text-offset\":{type:\"array\",value:\"number\",units:\"ems\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,length:2,default:[0,0],requires:[\"text-field\"]},\"text-allow-overlap\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"text-field\"]},\"text-ignore-placement\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"text-field\"]},\"text-optional\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!1,requires:[\"text-field\",\"icon-image\"]},visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_raster:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},layout_hillshade:{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},filter:{type:\"array\",value:\"*\"},filter_operator:{type:\"enum\",values:{\"==\":{},\"!=\":{},\">\":{},\">=\":{},\"<\":{},\"<=\":{},in:{},\"!in\":{},all:{},any:{},none:{},has:{},\"!has\":{}}},geometry_type:{type:\"enum\",values:{Point:{},LineString:{},Polygon:{}}},function_stop:{type:\"array\",minimum:0,maximum:22,value:[\"number\",\"color\"],length:2},expression:{type:\"array\",value:\"*\",minimum:1},expression_name:{type:\"enum\",values:{let:{group:\"Variable binding\"},var:{group:\"Variable binding\"},literal:{group:\"Types\"},array:{group:\"Types\"},at:{group:\"Lookup\"},case:{group:\"Decision\"},match:{group:\"Decision\"},coalesce:{group:\"Decision\"},step:{group:\"Ramps, scales, curves\"},interpolate:{group:\"Ramps, scales, curves\"},ln2:{group:\"Math\"},pi:{group:\"Math\"},e:{group:\"Math\"},typeof:{group:\"Types\"},string:{group:\"Types\"},number:{group:\"Types\"},boolean:{group:\"Types\"},object:{group:\"Types\"},collator:{group:\"Types\"},\"to-string\":{group:\"Types\"},\"to-number\":{group:\"Types\"},\"to-boolean\":{group:\"Types\"},\"to-rgba\":{group:\"Color\"},\"to-color\":{group:\"Types\"},rgb:{group:\"Color\"},rgba:{group:\"Color\"},get:{group:\"Lookup\"},has:{group:\"Lookup\"},length:{group:\"Lookup\"},properties:{group:\"Feature data\"},\"geometry-type\":{group:\"Feature data\"},id:{group:\"Feature data\"},zoom:{group:\"Zoom\"},\"heatmap-density\":{group:\"Heatmap\"},\"line-progress\":{group:\"Heatmap\"},\"+\":{group:\"Math\"},\"*\":{group:\"Math\"},\"-\":{group:\"Math\"},\"/\":{group:\"Math\"},\"%\":{group:\"Math\"},\"^\":{group:\"Math\"},sqrt:{group:\"Math\"},log10:{group:\"Math\"},ln:{group:\"Math\"},log2:{group:\"Math\"},sin:{group:\"Math\"},cos:{group:\"Math\"},tan:{group:\"Math\"},asin:{group:\"Math\"},acos:{group:\"Math\"},atan:{group:\"Math\"},min:{group:\"Math\"},max:{group:\"Math\"},round:{group:\"Math\"},abs:{group:\"Math\"},ceil:{group:\"Math\"},floor:{group:\"Math\"},\"==\":{group:\"Decision\"},\"!=\":{group:\"Decision\"},\">\":{group:\"Decision\"},\"<\":{group:\"Decision\"},\">=\":{group:\"Decision\"},\"<=\":{group:\"Decision\"},all:{group:\"Decision\"},any:{group:\"Decision\"},\"!\":{group:\"Decision\"},\"is-supported-script\":{group:\"String\"},upcase:{group:\"String\"},downcase:{group:\"String\"},concat:{group:\"String\"},\"resolved-locale\":{group:\"String\"}}},light:{anchor:{type:\"enum\",default:\"viewport\",values:{map:{},viewport:{}},transition:!1,\"zoom-function\":!0,\"property-function\":!1,function:\"piecewise-constant\"},position:{type:\"array\",default:[1.15,210,30],length:3,value:\"number\",transition:!0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1},color:{type:\"color\",default:\"#ffffff\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0},intensity:{type:\"number\",default:.5,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0}},paint:[\"paint_fill\",\"paint_line\",\"paint_circle\",\"paint_heatmap\",\"paint_fill-extrusion\",\"paint_symbol\",\"paint_raster\",\"paint_hillshade\",\"paint_background\"],paint_fill:{\"fill-antialias\":{type:\"boolean\",function:\"piecewise-constant\",\"zoom-function\":!0,default:!0},\"fill-opacity\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:1,minimum:0,maximum:1,transition:!0},\"fill-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"fill-pattern\"}]},\"fill-outline-color\":{type:\"color\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"fill-pattern\"},{\"fill-antialias\":!0}]},\"fill-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"fill-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"fill-translate\"]},\"fill-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0}},paint_line:{\"line-opacity\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:1,minimum:0,maximum:1,transition:!0},\"line-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"line-pattern\"}]},\"line-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"line-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"line-translate\"]},\"line-width\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-gap-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-offset\":{type:\"number\",default:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-blur\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"line-dasharray\":{type:\"array\",value:\"number\",function:\"piecewise-constant\",\"zoom-function\":!0,minimum:0,transition:!0,units:\"line widths\",requires:[{\"!\":\"line-pattern\"}]},\"line-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0},\"line-gradient\":{type:\"color\",function:\"interpolated\",\"zoom-function\":!1,\"property-function\":!1,transition:!1,requires:[{\"!\":\"line-dasharray\"},{\"!\":\"line-pattern\"},{source:\"geojson\",has:{lineMetrics:!0}}]}},paint_circle:{\"circle-radius\":{type:\"number\",default:5,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"circle-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-blur\":{type:\"number\",default:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"circle-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"circle-translate\"]},\"circle-pitch-scale\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\"},\"circle-pitch-alignment\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"viewport\"},\"circle-stroke-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"circle-stroke-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0},\"circle-stroke-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0}},paint_heatmap:{\"heatmap-radius\":{type:\"number\",default:30,minimum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\"},\"heatmap-weight\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!1},\"heatmap-intensity\":{type:\"number\",default:1,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0},\"heatmap-color\":{type:\"color\",default:[\"interpolate\",[\"linear\"],[\"heatmap-density\"],0,\"rgba(0, 0, 255, 0)\",.1,\"royalblue\",.3,\"cyan\",.5,\"lime\",.7,\"yellow\",1,\"red\"],function:\"interpolated\",\"zoom-function\":!1,\"property-function\":!1,transition:!1},\"heatmap-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,transition:!0}},paint_symbol:{\"icon-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"icon-image\"]},\"icon-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"icon-image\"]},\"icon-halo-color\":{type:\"color\",default:\"rgba(0, 0, 0, 0)\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"icon-image\"]},\"icon-halo-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-halo-blur\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\",requires:[\"icon-image\"]},\"icon-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"icon-image\",\"icon-translate\"]},\"text-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"text-field\"]},\"text-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"text-field\"]},\"text-halo-color\":{type:\"color\",default:\"rgba(0, 0, 0, 0)\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[\"text-field\"]},\"text-halo-width\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"text-field\"]},\"text-halo-blur\":{type:\"number\",default:0,minimum:0,function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,units:\"pixels\",requires:[\"text-field\"]},\"text-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\",requires:[\"text-field\"]},\"text-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"text-field\",\"text-translate\"]}},paint_raster:{\"raster-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"raster-hue-rotate\":{type:\"number\",default:0,period:360,function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"degrees\"},\"raster-brightness-min\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,default:0,minimum:0,maximum:1,transition:!0},\"raster-brightness-max\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,default:1,minimum:0,maximum:1,transition:!0},\"raster-saturation\":{type:\"number\",default:0,minimum:-1,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"raster-contrast\":{type:\"number\",default:0,minimum:-1,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"raster-fade-duration\":{type:\"number\",default:300,minimum:0,function:\"interpolated\",\"zoom-function\":!0,transition:!1,units:\"milliseconds\"}},paint_hillshade:{\"hillshade-illumination-direction\":{type:\"number\",default:335,minimum:0,maximum:359,function:\"interpolated\",\"zoom-function\":!0,transition:!1},\"hillshade-illumination-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"viewport\"},\"hillshade-exaggeration\":{type:\"number\",default:.5,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"hillshade-shadow-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"hillshade-highlight-color\":{type:\"color\",default:\"#FFFFFF\",function:\"interpolated\",\"zoom-function\":!0,transition:!0},\"hillshade-accent-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,transition:!0}},paint_background:{\"background-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,transition:!0,requires:[{\"!\":\"background-pattern\"}]},\"background-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0},\"background-opacity\":{type:\"number\",default:1,minimum:0,maximum:1,function:\"interpolated\",\"zoom-function\":!0,transition:!0}},transition:{duration:{type:\"number\",default:300,minimum:0,units:\"milliseconds\"},delay:{type:\"number\",default:0,minimum:0,units:\"milliseconds\"}},\"layout_fill-extrusion\":{visibility:{type:\"enum\",values:{visible:{},none:{}},default:\"visible\"}},function:{expression:{type:\"expression\"},stops:{type:\"array\",value:\"function_stop\"},base:{type:\"number\",default:1,minimum:0},property:{type:\"string\",default:\"$zoom\"},type:{type:\"enum\",values:{identity:{},exponential:{},interval:{},categorical:{}},default:\"exponential\"},colorSpace:{type:\"enum\",values:{rgb:{},lab:{},hcl:{}},default:\"rgb\"},default:{type:\"*\",required:!1}},\"paint_fill-extrusion\":{\"fill-extrusion-opacity\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!1,default:1,minimum:0,maximum:1,transition:!0},\"fill-extrusion-color\":{type:\"color\",default:\"#000000\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,transition:!0,requires:[{\"!\":\"fill-extrusion-pattern\"}]},\"fill-extrusion-translate\":{type:\"array\",value:\"number\",length:2,default:[0,0],function:\"interpolated\",\"zoom-function\":!0,transition:!0,units:\"pixels\"},\"fill-extrusion-translate-anchor\":{type:\"enum\",function:\"piecewise-constant\",\"zoom-function\":!0,values:{map:{},viewport:{}},default:\"map\",requires:[\"fill-extrusion-translate\"]},\"fill-extrusion-pattern\":{type:\"string\",function:\"piecewise-constant\",\"zoom-function\":!0,transition:!0},\"fill-extrusion-height\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:0,minimum:0,units:\"meters\",transition:!0},\"fill-extrusion-base\":{type:\"number\",function:\"interpolated\",\"zoom-function\":!0,\"property-function\":!0,default:0,minimum:0,units:\"meters\",transition:!0,requires:[\"fill-extrusion-height\"]}}},P=function(t,e,r,n){this.message=(t?t+\": \":\"\")+r,n&&(this.identifier=n),null!=e&&e.__line__&&(this.line=e.__line__)};function D(t){var e=t.key,r=t.value;return r?[new P(e,r,\"constants have been deprecated as of v8\")]:[]}function R(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];for(var n=0,i=e;n\":\"value\"===t.itemType.kind?\"array\":\"array<\"+e+\">\"}return t.kind}var J=[V,U,q,H,G,W,Z(Y)];function K(t,e){if(\"error\"===e.kind)return null;if(\"array\"===t.kind){if(\"array\"===e.kind&&!K(t.itemType,e.itemType)&&(\"number\"!=typeof t.N||t.N===e.N))return null}else{if(t.kind===e.kind)return null;if(\"value\"===t.kind)for(var r=0,n=J;r255?255:t}function i(t){return t<0?0:t>1?1:t}function a(t){return\"%\"===t[t.length-1]?n(parseFloat(t)/100*255):n(parseInt(t))}function o(t){return\"%\"===t[t.length-1]?i(parseFloat(t)/100):i(parseFloat(t))}function s(t,e,r){return r<0?r+=1:r>1&&(r-=1),6*r<1?t+(e-t)*r*6:2*r<1?e:3*r<2?t+(e-t)*(2/3-r)*6:t}try{e.parseCSSColor=function(t){var e,i=t.replace(/ /g,\"\").toLowerCase();if(i in r)return r[i].slice();if(\"#\"===i[0])return 4===i.length?(e=parseInt(i.substr(1),16))>=0&&e<=4095?[(3840&e)>>4|(3840&e)>>8,240&e|(240&e)>>4,15&e|(15&e)<<4,1]:null:7===i.length&&(e=parseInt(i.substr(1),16))>=0&&e<=16777215?[(16711680&e)>>16,(65280&e)>>8,255&e,1]:null;var l=i.indexOf(\"(\"),c=i.indexOf(\")\");if(-1!==l&&c+1===i.length){var u=i.substr(0,l),f=i.substr(l+1,c-(l+1)).split(\",\"),h=1;switch(u){case\"rgba\":if(4!==f.length)return null;h=o(f.pop());case\"rgb\":return 3!==f.length?null:[a(f[0]),a(f[1]),a(f[2]),h];case\"hsla\":if(4!==f.length)return null;h=o(f.pop());case\"hsl\":if(3!==f.length)return null;var p=(parseFloat(f[0])%360+360)%360/360,d=o(f[1]),g=o(f[2]),v=g<=.5?g*(d+1):g+d-g*d,m=2*g-v;return[n(255*s(m,v,p+1/3)),n(255*s(m,v,p)),n(255*s(m,v,p-1/3)),h];default:return null}}return null}}catch(t){}}).parseCSSColor,tt=function(t,e,r,n){void 0===n&&(n=1),this.r=t,this.g=e,this.b=r,this.a=n};tt.parse=function(t){if(t){if(t instanceof tt)return t;if(\"string\"==typeof t){var e=Q(t);if(e)return new tt(e[0]/255*e[3],e[1]/255*e[3],e[2]/255*e[3],e[3])}}},tt.prototype.toString=function(){var t=this.toArray(),e=t[0],r=t[1],n=t[2],i=t[3];return\"rgba(\"+Math.round(e)+\",\"+Math.round(r)+\",\"+Math.round(n)+\",\"+i+\")\"},tt.prototype.toArray=function(){var t=this.r,e=this.g,r=this.b,n=this.a;return 0===n?[0,0,0,0]:[255*t/n,255*e/n,255*r/n,n]},tt.black=new tt(0,0,0,1),tt.white=new tt(1,1,1,1),tt.transparent=new tt(0,0,0,0);var et=function(t,e,r){this.sensitivity=t?e?\"variant\":\"case\":e?\"accent\":\"base\",this.locale=r,this.collator=new Intl.Collator(this.locale?this.locale:[],{sensitivity:this.sensitivity,usage:\"search\"})};et.prototype.compare=function(t,e){return this.collator.compare(t,e)},et.prototype.resolvedLocale=function(){return new Intl.Collator(this.locale?this.locale:[]).resolvedOptions().locale};var rt=function(t,e,r){this.type=X,this.locale=r,this.caseSensitive=t,this.diacriticSensitive=e};function nt(t,e,r,n){return\"number\"==typeof t&&t>=0&&t<=255&&\"number\"==typeof e&&e>=0&&e<=255&&\"number\"==typeof r&&r>=0&&r<=255?void 0===n||\"number\"==typeof n&&n>=0&&n<=1?null:\"Invalid rgba value [\"+[t,e,r,n].join(\", \")+\"]: 'a' must be between 0 and 1.\":\"Invalid rgba value [\"+(\"number\"==typeof n?[t,e,r,n]:[t,e,r]).join(\", \")+\"]: 'r', 'g', and 'b' must be between 0 and 255.\"}function it(t){if(null===t)return V;if(\"string\"==typeof t)return q;if(\"boolean\"==typeof t)return H;if(\"number\"==typeof t)return U;if(t instanceof tt)return G;if(t instanceof et)return X;if(Array.isArray(t)){for(var e,r=t.length,n=0,i=t;n4)return e.error(\"Expected 1, 2, or 3 arguments, but found \"+(t.length-1)+\" instead.\");var r,n;if(t.length>2){var i=t[1];if(\"string\"!=typeof i||!(i in ct))return e.error('The item type argument of \"array\" must be one of string, number, boolean',1);r=ct[i]}else r=Y;if(t.length>3){if(\"number\"!=typeof t[2]||t[2]<0||t[2]!==Math.floor(t[2]))return e.error('The length argument to \"array\" must be a positive integer literal',2);n=t[2]}var a=Z(r,n),o=e.parse(t[t.length-1],t.length-1,Y);return o?new ut(a,o):null},ut.prototype.evaluate=function(t){var e=this.input.evaluate(t);if(K(this.type,it(e)))throw new ot(\"Expected value to be of type \"+$(this.type)+\", but found \"+$(it(e))+\" instead.\");return e},ut.prototype.eachChild=function(t){t(this.input)},ut.prototype.possibleOutputs=function(){return this.input.possibleOutputs()},ut.prototype.serialize=function(){var t=[\"array\"],e=this.type.itemType;if(\"string\"===e.kind||\"number\"===e.kind||\"boolean\"===e.kind){t.push(e.kind);var r=this.type.N;\"number\"==typeof r&&t.push(r)}return t.push(this.input.serialize()),t};var ft={\"to-number\":U,\"to-color\":G},ht=function(t,e){this.type=t,this.args=e};ht.parse=function(t,e){if(t.length<2)return e.error(\"Expected at least one argument.\");for(var r=t[0],n=ft[r],i=[],a=1;a4?\"Invalid rbga value \"+JSON.stringify(e)+\": expected an array containing either three or four numeric values.\":nt(e[0],e[1],e[2],e[3])))return new tt(e[0]/255,e[1]/255,e[2]/255,e[3]);throw new ot(r||\"Could not parse color from value '\"+(\"string\"==typeof e?e:JSON.stringify(e))+\"'\")}for(var o=null,s=0,l=this.args;s=0)return!1;var r=!0;return t.eachChild(function(t){r&&!mt(t,e)&&(r=!1)}),r}gt.prototype.evaluate=function(t){return this._evaluate(t,this.args)},gt.prototype.eachChild=function(t){this.args.forEach(t)},gt.prototype.possibleOutputs=function(){return[void 0]},gt.prototype.serialize=function(){return[this.name].concat(this.args.map(function(t){return t.serialize()}))},gt.parse=function(t,e){var r=t[0],n=gt.definitions[r];if(!n)return e.error('Unknown expression \"'+r+'\". If you wanted a literal array, use [\"literal\", [...]].',0);for(var i=Array.isArray(n)?n[0]:n.type,a=Array.isArray(n)?[[n[1],n[2]]]:n.overloads,o=a.filter(function(e){var r=e[0];return!Array.isArray(r)||r.length===t.length-1}),s=[],l=1;lr&&ee))throw new ot(\"Input is not a number.\");a=o-1}}return Math.max(o-1,0)}xt.prototype.parse=function(t,e,r,n,i){return void 0===i&&(i={}),e?this.concat(e,r,n)._parse(t,i):this._parse(t,i)},xt.prototype._parse=function(t,e){if(null!==t&&\"string\"!=typeof t&&\"boolean\"!=typeof t&&\"number\"!=typeof t||(t=[\"literal\",t]),Array.isArray(t)){if(0===t.length)return this.error('Expected an array with at least one element. If you wanted a literal array, use [\"literal\", []].');var r=t[0];if(\"string\"!=typeof r)return this.error(\"Expression name must be a string, but found \"+typeof r+' instead. If you wanted a literal array, use [\"literal\", [...]].',0),null;var n=this.registry[r];if(n){var i=n.parse(t,this);if(!i)return null;if(this.expectedType){var a=this.expectedType,o=i.type;if(\"string\"!==a.kind&&\"number\"!==a.kind&&\"boolean\"!==a.kind&&\"object\"!==a.kind||\"value\"!==o.kind)if(\"array\"===a.kind&&\"value\"===o.kind)e.omitTypeAnnotations||(i=new ut(a,i));else if(\"color\"!==a.kind||\"value\"!==o.kind&&\"string\"!==o.kind){if(this.checkSubtype(this.expectedType,i.type))return null}else e.omitTypeAnnotations||(i=new ht(a,[i]));else e.omitTypeAnnotations||(i=new lt(a,[i]))}if(!(i instanceof at)&&function t(e){if(e instanceof yt)return t(e.boundExpression);if(e instanceof gt&&\"error\"===e.name)return!1;if(e instanceof rt)return!1;var r=e instanceof ht||e instanceof lt||e instanceof ut,n=!0;return e.eachChild(function(e){n=r?n&&t(e):n&&e instanceof at}),!!n&&(vt(e)&&mt(e,[\"zoom\",\"heatmap-density\",\"line-progress\",\"is-supported-script\"]))}(i)){var s=new dt;try{i=new at(i.type,i.evaluate(s))}catch(t){return this.error(t.message),null}}return i}return this.error('Unknown expression \"'+r+'\". If you wanted a literal array, use [\"literal\", [...]].',0)}return void 0===t?this.error(\"'undefined' value invalid. Use null instead.\"):\"object\"==typeof t?this.error('Bare objects invalid. Use [\"literal\", {...}] instead.'):this.error(\"Expected an array, but found \"+typeof t+\" instead.\")},xt.prototype.concat=function(t,e,r){var n=\"number\"==typeof t?this.path.concat(t):this.path,i=r?this.scope.concat(r):this.scope;return new xt(this.registry,n,e||null,i,this.errors)},xt.prototype.error=function(t){for(var e=[],r=arguments.length-1;r-- >0;)e[r]=arguments[r+1];var n=\"\"+this.key+e.map(function(t){return\"[\"+t+\"]\"}).join(\"\");this.errors.push(new N(n,t))},xt.prototype.checkSubtype=function(t,e){var r=K(t,e);return r&&this.error(r),r};var _t=function(t,e,r){this.type=t,this.input=e,this.labels=[],this.outputs=[];for(var n=0,i=r;n=s)return e.error('Input/output pairs for \"step\" expressions must be arranged with input values in strictly ascending order.',c);var f=e.parse(l,u,a);if(!f)return null;a=a||f.type,i.push([s,f])}return new _t(a,r,i)},_t.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;return n>=e[i-1]?r[i-1].evaluate(t):r[bt(e,n)].evaluate(t)},_t.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e0&&t.push(this.labels[e]),t.push(this.outputs[e].serialize());return t};var kt=Object.freeze({number:wt,color:function(t,e,r){return new tt(wt(t.r,e.r,r),wt(t.g,e.g,r),wt(t.b,e.b,r),wt(t.a,e.a,r))},array:function(t,e,r){return t.map(function(t,n){return wt(t,e[n],r)})}}),Mt=function(t,e,r,n){this.type=t,this.interpolation=e,this.input=r,this.labels=[],this.outputs=[];for(var i=0,a=n;i1}))return e.error(\"Cubic bezier interpolation requires four numeric arguments with values between 0 and 1.\",1);r={name:\"cubic-bezier\",controlPoints:o}}if(t.length-1<4)return e.error(\"Expected at least 4 arguments, but found only \"+(t.length-1)+\".\");if((t.length-1)%2!=0)return e.error(\"Expected an even number of arguments.\");if(!(n=e.parse(n,2,U)))return null;var s=[],l=null;e.expectedType&&\"value\"!==e.expectedType.kind&&(l=e.expectedType);for(var c=0;c=u)return e.error('Input/output pairs for \"interpolate\" expressions must be arranged with input values in strictly ascending order.',h);var d=e.parse(f,p,l);if(!d)return null;l=l||d.type,s.push([u,d])}return\"number\"===l.kind||\"color\"===l.kind||\"array\"===l.kind&&\"number\"===l.itemType.kind&&\"number\"==typeof l.N?new Mt(l,r,n,s):e.error(\"Type \"+$(l)+\" is not interpolatable.\")},Mt.prototype.evaluate=function(t){var e=this.labels,r=this.outputs;if(1===e.length)return r[0].evaluate(t);var n=this.input.evaluate(t);if(n<=e[0])return r[0].evaluate(t);var i=e.length;if(n>=e[i-1])return r[i-1].evaluate(t);var a=bt(e,n),o=e[a],s=e[a+1],l=Mt.interpolationFactor(this.interpolation,n,o,s),c=r[a].evaluate(t),u=r[a+1].evaluate(t);return kt[this.type.kind.toLowerCase()](c,u,l)},Mt.prototype.eachChild=function(t){t(this.input);for(var e=0,r=this.outputs;e=r.length)throw new ot(\"Array index out of bounds: \"+e+\" > \"+(r.length-1)+\".\");if(e!==Math.floor(e))throw new ot(\"Array index must be an integer, but found \"+e+\" instead.\");return r[e]},Et.prototype.eachChild=function(t){t(this.index),t(this.input)},Et.prototype.possibleOutputs=function(){return[void 0]},Et.prototype.serialize=function(){return[\"at\",this.index.serialize(),this.input.serialize()]};var Ct=function(t,e,r,n,i,a){this.inputType=t,this.type=e,this.input=r,this.cases=n,this.outputs=i,this.otherwise=a};Ct.parse=function(t,e){if(t.length<5)return e.error(\"Expected at least 4 arguments, but found only \"+(t.length-1)+\".\");if(t.length%2!=1)return e.error(\"Expected an even number of arguments.\");var r,n;e.expectedType&&\"value\"!==e.expectedType.kind&&(n=e.expectedType);for(var i={},a=[],o=2;oNumber.MAX_SAFE_INTEGER)return c.error(\"Branch labels must be integers no larger than \"+Number.MAX_SAFE_INTEGER+\".\");if(\"number\"==typeof h&&Math.floor(h)!==h)return c.error(\"Numeric branch labels must be integer values.\");if(r){if(c.checkSubtype(r,it(h)))return null}else r=it(h);if(void 0!==i[String(h)])return c.error(\"Branch labels must be unique.\");i[String(h)]=a.length}var p=e.parse(l,o,n);if(!p)return null;n=n||p.type,a.push(p)}var d=e.parse(t[1],1,r);if(!d)return null;var g=e.parse(t[t.length-1],t.length-1,n);return g?new Ct(r,n,d,i,a,g):null},Ct.prototype.evaluate=function(t){var e=this.input.evaluate(t);return(this.outputs[this.cases[e]]||this.otherwise).evaluate(t)},Ct.prototype.eachChild=function(t){t(this.input),this.outputs.forEach(t),t(this.otherwise)},Ct.prototype.possibleOutputs=function(){return(t=[]).concat.apply(t,this.outputs.map(function(t){return t.possibleOutputs()})).concat(this.otherwise.possibleOutputs());var t},Ct.prototype.serialize=function(){for(var t=this,e=[\"match\",this.input.serialize()],r=[],n={},i=0,a=Object.keys(this.cases).sort();in.evaluate(t)}function Ut(t,e){var r=e[0],n=e[1];return r.evaluate(t)<=n.evaluate(t)}function qt(t,e){var r=e[0],n=e[1];return r.evaluate(t)>=n.evaluate(t)}function Ht(t){return{type:t}}function Gt(t){return{result:\"success\",value:t}}function Wt(t){return{result:\"error\",value:t}}gt.register(Rt,{error:[{kind:\"error\"},[q],function(t,e){var r=e[0];throw new ot(r.evaluate(t))}],typeof:[q,[Y],function(t,e){return $(it(e[0].evaluate(t)))}],\"to-string\":[q,[Y],function(t,e){var r=e[0],n=typeof(r=r.evaluate(t));return null===r?\"\":\"string\"===n||\"number\"===n||\"boolean\"===n?String(r):r instanceof tt?r.toString():JSON.stringify(r)}],\"to-boolean\":[H,[Y],function(t,e){var r=e[0];return Boolean(r.evaluate(t))}],\"to-rgba\":[Z(U,4),[G],function(t,e){return e[0].evaluate(t).toArray()}],rgb:[G,[U,U,U],Bt],rgba:[G,[U,U,U,U],Bt],has:{type:H,overloads:[[[q],function(t,e){return Ft(e[0].evaluate(t),t.properties())}],[[q,W],function(t,e){var r=e[0],n=e[1];return Ft(r.evaluate(t),n.evaluate(t))}]]},get:{type:Y,overloads:[[[q],function(t,e){return Nt(e[0].evaluate(t),t.properties())}],[[q,W],function(t,e){var r=e[0],n=e[1];return Nt(r.evaluate(t),n.evaluate(t))}]]},properties:[W,[],function(t){return t.properties()}],\"geometry-type\":[q,[],function(t){return t.geometryType()}],id:[Y,[],function(t){return t.id()}],zoom:[U,[],function(t){return t.globals.zoom}],\"heatmap-density\":[U,[],function(t){return t.globals.heatmapDensity||0}],\"line-progress\":[U,[],function(t){return t.globals.lineProgress||0}],\"+\":[U,Ht(U),function(t,e){for(var r=0,n=0,i=e;n\":[H,[q,Y],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>a}],\"filter-id->\":[H,[Y],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>i}],\"filter-<=\":[H,[q,Y],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i<=a}],\"filter-id-<=\":[H,[Y],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n<=i}],\"filter->=\":[H,[q,Y],function(t,e){var r=e[0],n=e[1],i=t.properties()[r.value],a=n.value;return typeof i==typeof a&&i>=a}],\"filter-id->=\":[H,[Y],function(t,e){var r=e[0],n=t.id(),i=r.value;return typeof n==typeof i&&n>=i}],\"filter-has\":[H,[Y],function(t,e){return e[0].value in t.properties()}],\"filter-has-id\":[H,[],function(t){return null!==t.id()}],\"filter-type-in\":[H,[Z(q)],function(t,e){return e[0].value.indexOf(t.geometryType())>=0}],\"filter-id-in\":[H,[Z(Y)],function(t,e){return e[0].value.indexOf(t.id())>=0}],\"filter-in-small\":[H,[q,Z(Y)],function(t,e){var r=e[0];return e[1].value.indexOf(t.properties()[r.value])>=0}],\"filter-in-large\":[H,[q,Z(Y)],function(t,e){var r=e[0],n=e[1];return function(t,e,r,n){for(;r<=n;){var i=r+n>>1;if(e[i]===t)return!0;e[i]>t?n=i-1:r=i+1}return!1}(t.properties()[r.value],n.value,0,n.value.length-1)}],\">\":{type:H,overloads:[[[U,U],Vt],[[q,q],Vt],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))>0}]]},\"<\":{type:H,overloads:[[[U,U],jt],[[q,q],jt],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))<0}]]},\">=\":{type:H,overloads:[[[U,U],qt],[[q,q],qt],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))>=0}]]},\"<=\":{type:H,overloads:[[[U,U],Ut],[[q,q],Ut],[[q,q,X],function(t,e){var r=e[0],n=e[1];return e[2].evaluate(t).compare(r.evaluate(t),n.evaluate(t))<=0}]]},all:{type:H,overloads:[[[H,H],function(t,e){var r=e[0],n=e[1];return r.evaluate(t)&&n.evaluate(t)}],[Ht(H),function(t,e){for(var r=0,n=e;rQt?Math.pow(t,1/3):t/Kt+$t}function ne(t){return t>Jt?t*t*t:Kt*(t-$t)}function ie(t){return 255*(t<=.0031308?12.92*t:1.055*Math.pow(t,1/2.4)-.055)}function ae(t){return(t/=255)<=.04045?t/12.92:Math.pow((t+.055)/1.055,2.4)}function oe(t){var e=ae(t.r),r=ae(t.g),n=ae(t.b),i=re((.4124564*e+.3575761*r+.1804375*n)/Yt),a=re((.2126729*e+.7151522*r+.072175*n)/Xt);return{l:116*a-16,a:500*(i-a),b:200*(a-re((.0193339*e+.119192*r+.9503041*n)/Zt)),alpha:t.a}}function se(t){var e=(t.l+16)/116,r=isNaN(t.a)?e:e+t.a/500,n=isNaN(t.b)?e:e-t.b/200;return e=Xt*ne(e),r=Yt*ne(r),n=Zt*ne(n),new tt(ie(3.2404542*r-1.5371385*e-.4985314*n),ie(-.969266*r+1.8760108*e+.041556*n),ie(.0556434*r-.2040259*e+1.0572252*n),t.alpha)}var le={forward:oe,reverse:se,interpolate:function(t,e,r){return{l:wt(t.l,e.l,r),a:wt(t.a,e.a,r),b:wt(t.b,e.b,r),alpha:wt(t.alpha,e.alpha,r)}}},ce={forward:function(t){var e=oe(t),r=e.l,n=e.a,i=e.b,a=Math.atan2(i,n)*ee;return{h:a<0?a+360:a,c:Math.sqrt(n*n+i*i),l:r,alpha:t.a}},reverse:function(t){var e=t.h*te,r=t.c;return se({l:t.l,a:Math.cos(e)*r,b:Math.sin(e)*r,alpha:t.alpha})},interpolate:function(t,e,r){return{h:function(t,e,r){var n=e-t;return t+r*(n>180||n<-180?n-360*Math.round(n/360):n)}(t.h,e.h,r),c:wt(t.c,e.c,r),l:wt(t.l,e.l,r),alpha:wt(t.alpha,e.alpha,r)}}},ue=Object.freeze({lab:le,hcl:ce});function fe(t){return t instanceof Number?\"number\":t instanceof String?\"string\":t instanceof Boolean?\"boolean\":Array.isArray(t)?\"array\":null===t?\"null\":typeof t}function he(t){return\"object\"==typeof t&&null!==t&&!Array.isArray(t)}function pe(t){return t}function de(t,e,r){return void 0!==t?t:void 0!==e?e:void 0!==r?r:void 0}function ge(t,e,r,n,i){return de(typeof r===i?n[r]:void 0,t.default,e.default)}function ve(t,e,r){if(\"number\"!==fe(r))return de(t.default,e.default);var n=t.stops.length;if(1===n)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[n-1][0])return t.stops[n-1][1];var i=xe(t.stops,r);return t.stops[i][1]}function me(t,e,r){var n=void 0!==t.base?t.base:1;if(\"number\"!==fe(r))return de(t.default,e.default);var i=t.stops.length;if(1===i)return t.stops[0][1];if(r<=t.stops[0][0])return t.stops[0][1];if(r>=t.stops[i-1][0])return t.stops[i-1][1];var a=xe(t.stops,r),o=function(t,e,r,n){var i=n-r,a=t-r;return 0===i?0:1===e?a/i:(Math.pow(e,a)-1)/(Math.pow(e,i)-1)}(r,n,t.stops[a][0],t.stops[a+1][0]),s=t.stops[a][1],l=t.stops[a+1][1],c=kt[e.type]||pe;if(t.colorSpace&&\"rgb\"!==t.colorSpace){var u=ue[t.colorSpace];c=function(t,e){return u.reverse(u.interpolate(u.forward(t),u.forward(e),o))}}return\"function\"==typeof s.evaluate?{evaluate:function(){for(var t=[],e=arguments.length;e--;)t[e]=arguments[e];var r=s.evaluate.apply(void 0,t),n=l.evaluate.apply(void 0,t);if(void 0!==r&&void 0!==n)return c(r,n,o)}}:c(s,l,o)}function ye(t,e,r){return\"color\"===e.type?r=tt.parse(r):fe(r)===e.type||\"enum\"===e.type&&e.values[r]||(r=void 0),de(r,t.default,e.default)}function xe(t,e){for(var r,n,i=0,a=t.length-1,o=0;i<=a;){if(r=t[o=Math.floor((i+a)/2)][0],n=t[o+1][0],e===r||e>r&&ee&&(a=o-1)}return Math.max(o-1,0)}var be=function(t,e){var r;this.expression=t,this._warningHistory={},this._defaultValue=\"color\"===(r=e).type&&he(r.default)?new tt(0,0,0,0):\"color\"===r.type?tt.parse(r.default)||null:void 0===r.default?null:r.default,\"enum\"===e.type&&(this._enumValues=e.values)};function _e(t){return Array.isArray(t)&&t.length>0&&\"string\"==typeof t[0]&&t[0]in Rt}function we(t,e){var r=new xt(Rt,[],function(t){var e={color:G,string:q,number:U,enum:q,boolean:H};return\"array\"===t.type?Z(e[t.value]||Y,t.length):e[t.type]||null}(e)),n=r.parse(t);return n?Gt(new be(n,e)):Wt(r.errors)}be.prototype.evaluateWithoutErrorHandling=function(t,e){return this._evaluator||(this._evaluator=new dt),this._evaluator.globals=t,this._evaluator.feature=e,this.expression.evaluate(this._evaluator)},be.prototype.evaluate=function(t,e){this._evaluator||(this._evaluator=new dt),this._evaluator.globals=t,this._evaluator.feature=e;try{var r=this.expression.evaluate(this._evaluator);if(null==r)return this._defaultValue;if(this._enumValues&&!(r in this._enumValues))throw new ot(\"Expected value to be one of \"+Object.keys(this._enumValues).map(function(t){return JSON.stringify(t)}).join(\", \")+\", but found \"+JSON.stringify(r)+\" instead.\");return r}catch(t){return this._warningHistory[t.message]||(this._warningHistory[t.message]=!0,\"undefined\"!=typeof console&&console.warn(t.message)),this._defaultValue}};var ke=function(t,e){this.kind=t,this._styleExpression=e};ke.prototype.evaluateWithoutErrorHandling=function(t,e){return this._styleExpression.evaluateWithoutErrorHandling(t,e)},ke.prototype.evaluate=function(t,e){return this._styleExpression.evaluate(t,e)};var Me=function(t,e,r){this.kind=t,this.zoomStops=r.labels,this._styleExpression=e,r instanceof Mt&&(this._interpolationType=r.interpolation)};function Ae(t,e){if(\"error\"===(t=we(t,e)).result)return t;var r=t.value.expression,n=vt(r);if(!n&&!e[\"property-function\"])return Wt([new N(\"\",\"property expressions not supported\")]);var i=mt(r,[\"zoom\"]);if(!i&&!1===e[\"zoom-function\"])return Wt([new N(\"\",\"zoom expressions not supported\")]);var a=function t(e){var r=null;if(e instanceof St)r=t(e.result);else if(e instanceof Tt)for(var n=0,i=e.args;nn.maximum?[new P(e,r,r+\" is greater than the maximum value \"+n.maximum)]:[]}function ze(t){var e,r,n,i=t.valueSpec,a=B(t.value.type),o={},s=\"categorical\"!==a&&void 0===t.value.property,l=!s,c=\"array\"===fe(t.value.stops)&&\"array\"===fe(t.value.stops[0])&&\"object\"===fe(t.value.stops[0][0]),u=Ee({key:t.key,value:t.value,valueSpec:t.styleSpec.function,style:t.style,styleSpec:t.styleSpec,objectElementValidators:{stops:function(t){if(\"identity\"===a)return[new P(t.key,t.value,'identity function may not have a \"stops\" property')];var e=[],r=t.value;return e=e.concat(Ce({key:t.key,value:r,valueSpec:t.valueSpec,style:t.style,styleSpec:t.styleSpec,arrayElementValidator:f})),\"array\"===fe(r)&&0===r.length&&e.push(new P(t.key,r,\"array must have at least one stop\")),e},default:function(t){return Ke({key:t.key,value:t.value,valueSpec:i,style:t.style,styleSpec:t.styleSpec})}}});return\"identity\"===a&&s&&u.push(new P(t.key,t.value,'missing required property \"property\"')),\"identity\"===a||t.value.stops||u.push(new P(t.key,t.value,'missing required property \"stops\"')),\"exponential\"===a&&\"piecewise-constant\"===t.valueSpec.function&&u.push(new P(t.key,t.value,\"exponential functions not supported\")),t.styleSpec.$version>=8&&(l&&!t.valueSpec[\"property-function\"]?u.push(new P(t.key,t.value,\"property functions not supported\")):s&&!t.valueSpec[\"zoom-function\"]&&\"heatmap-color\"!==t.objectKey&&\"line-gradient\"!==t.objectKey&&u.push(new P(t.key,t.value,\"zoom functions not supported\"))),\"categorical\"!==a&&!c||void 0!==t.value.property||u.push(new P(t.key,t.value,'\"property\" property is required')),u;function f(t){var e=[],a=t.value,s=t.key;if(\"array\"!==fe(a))return[new P(s,a,\"array expected, \"+fe(a)+\" found\")];if(2!==a.length)return[new P(s,a,\"array length 2 expected, length \"+a.length+\" found\")];if(c){if(\"object\"!==fe(a[0]))return[new P(s,a,\"object expected, \"+fe(a[0])+\" found\")];if(void 0===a[0].zoom)return[new P(s,a,\"object stop key must have zoom\")];if(void 0===a[0].value)return[new P(s,a,\"object stop key must have value\")];if(n&&n>B(a[0].zoom))return[new P(s,a[0].zoom,\"stop zoom values must appear in ascending order\")];B(a[0].zoom)!==n&&(n=B(a[0].zoom),r=void 0,o={}),e=e.concat(Ee({key:s+\"[0]\",value:a[0],valueSpec:{zoom:{}},style:t.style,styleSpec:t.styleSpec,objectElementValidators:{zoom:Le,value:h}}))}else e=e.concat(h({key:s+\"[0]\",value:a[0],valueSpec:{},style:t.style,styleSpec:t.styleSpec},a));return e.concat(Ke({key:s+\"[1]\",value:a[1],valueSpec:i,style:t.style,styleSpec:t.styleSpec}))}function h(t,n){var s=fe(t.value),l=B(t.value),c=null!==t.value?t.value:n;if(e){if(s!==e)return[new P(t.key,c,s+\" stop domain type must match previous stop domain type \"+e)]}else e=s;if(\"number\"!==s&&\"string\"!==s&&\"boolean\"!==s)return[new P(t.key,c,\"stop domain value must be a number, string, or boolean\")];if(\"number\"!==s&&\"categorical\"!==a){var u=\"number expected, \"+s+\" found\";return i[\"property-function\"]&&void 0===a&&(u+='\\nIf you intended to use a categorical function, specify `\"type\": \"categorical\"`.'),[new P(t.key,c,u)]}return\"categorical\"!==a||\"number\"!==s||isFinite(l)&&Math.floor(l)===l?\"categorical\"!==a&&\"number\"===s&&void 0!==r&&l=2&&\"$id\"!==t[1]&&\"$type\"!==t[1];case\"in\":case\"!in\":case\"!has\":case\"none\":return!1;case\"==\":case\"!=\":case\">\":case\">=\":case\"<\":case\"<=\":return 3===t.length&&(Array.isArray(t[1])||Array.isArray(t[2]));case\"any\":case\"all\":for(var e=0,r=t.slice(1);ee?1:0}function Fe(t){if(!t)return!0;var e,r=t[0];return t.length<=1?\"any\"!==r:\"==\"===r?Ne(t[1],t[2],\"==\"):\"!=\"===r?Ue(Ne(t[1],t[2],\"==\")):\"<\"===r||\">\"===r||\"<=\"===r||\">=\"===r?Ne(t[1],t[2],r):\"any\"===r?(e=t.slice(1),[\"any\"].concat(e.map(Fe))):\"all\"===r?[\"all\"].concat(t.slice(1).map(Fe)):\"none\"===r?[\"all\"].concat(t.slice(1).map(Fe).map(Ue)):\"in\"===r?je(t[1],t.slice(2)):\"!in\"===r?Ue(je(t[1],t.slice(2))):\"has\"===r?Ve(t[1]):\"!has\"!==r||Ue(Ve(t[1]))}function Ne(t,e,r){switch(t){case\"$type\":return[\"filter-type-\"+r,e];case\"$id\":return[\"filter-id-\"+r,e];default:return[\"filter-\"+r,t,e]}}function je(t,e){if(0===e.length)return!1;switch(t){case\"$type\":return[\"filter-type-in\",[\"literal\",e]];case\"$id\":return[\"filter-id-in\",[\"literal\",e]];default:return e.length>200&&!e.some(function(t){return typeof t!=typeof e[0]})?[\"filter-in-large\",t,[\"literal\",e.sort(Be)]]:[\"filter-in-small\",t,[\"literal\",e]]}}function Ve(t){switch(t){case\"$type\":return!0;case\"$id\":return[\"filter-has-id\"];default:return[\"filter-has\",t]}}function Ue(t){return[\"!\",t]}function qe(t){return Pe(F(t.value))?Oe(R({},t,{expressionContext:\"filter\",valueSpec:{value:\"boolean\"}})):function t(e){var r=e.value,n=e.key;if(\"array\"!==fe(r))return[new P(n,r,\"array expected, \"+fe(r)+\" found\")];var i,a=e.styleSpec,o=[];if(r.length<1)return[new P(n,r,\"filter array must have at least 1 element\")];switch(o=o.concat(Ie({key:n+\"[0]\",value:r[0],valueSpec:a.filter_operator,style:e.style,styleSpec:e.styleSpec})),B(r[0])){case\"<\":case\"<=\":case\">\":case\">=\":r.length>=2&&\"$type\"===B(r[1])&&o.push(new P(n,r,'\"$type\" cannot be use with operator \"'+r[0]+'\"'));case\"==\":case\"!=\":3!==r.length&&o.push(new P(n,r,'filter array for operator \"'+r[0]+'\" must have 3 elements'));case\"in\":case\"!in\":r.length>=2&&\"string\"!==(i=fe(r[1]))&&o.push(new P(n+\"[1]\",r[1],\"string expected, \"+i+\" found\"));for(var s=2;s=c[h+0]&&n>=c[h+1]?(o[f]=!0,a.push(l[f])):o[f]=!1}}},ur.prototype._forEachCell=function(t,e,r,n,i,a,o){for(var s=this._convertToCellCoord(t),l=this._convertToCellCoord(e),c=this._convertToCellCoord(r),u=this._convertToCellCoord(n),f=s;f<=c;f++)for(var h=l;h<=u;h++){var p=this.d*h+f;if(i.call(this,t,e,r,n,p,a,o))return}},ur.prototype._convertToCellCoord=function(t){return Math.max(0,Math.min(this.d-1,Math.floor(t*this.scale)+this.padding))},ur.prototype.toArrayBuffer=function(){if(this.arrayBuffer)return this.arrayBuffer;for(var t=this.cells,e=cr+this.cells.length+1+1,r=0,n=0;n=0)){var f=t[u];c[u]=hr[l].shallow.indexOf(u)>=0?f:gr(f,e)}t instanceof Error&&(c.message=t.message)}return{name:l,properties:c}}throw new Error(\"can't serialize object of type \"+typeof t)}function vr(t){if(null==t||\"boolean\"==typeof t||\"number\"==typeof t||\"string\"==typeof t||t instanceof Boolean||t instanceof Number||t instanceof String||t instanceof Date||t instanceof RegExp||t instanceof ArrayBuffer||ArrayBuffer.isView(t)||t instanceof fr)return t;if(Array.isArray(t))return t.map(function(t){return vr(t)});if(\"object\"==typeof t){var e=t,r=e.name,n=e.properties;if(!r)throw new Error(\"can't deserialize object of anonymous class\");var i=hr[r].klass;if(!i)throw new Error(\"can't deserialize unregistered class \"+r);if(i.deserialize)return i.deserialize(n._serialized);for(var a=Object.create(i.prototype),o=0,s=Object.keys(n);o=0?n[l]:vr(n[l])}return a}throw new Error(\"can't deserialize object of type \"+typeof t)}var mr=function(){this.first=!0};mr.prototype.update=function(t,e){var r=Math.floor(t);return this.first?(this.first=!1,this.lastIntegerZoom=r,this.lastIntegerZoomTime=0,this.lastZoom=t,this.lastFloorZoom=r,!0):(this.lastFloorZoom>r?(this.lastIntegerZoom=r+1,this.lastIntegerZoomTime=e):this.lastFloorZoom=128&&t<=255},Arabic:function(t){return t>=1536&&t<=1791},\"Arabic Supplement\":function(t){return t>=1872&&t<=1919},\"Arabic Extended-A\":function(t){return t>=2208&&t<=2303},\"Hangul Jamo\":function(t){return t>=4352&&t<=4607},\"Unified Canadian Aboriginal Syllabics\":function(t){return t>=5120&&t<=5759},Khmer:function(t){return t>=6016&&t<=6143},\"Unified Canadian Aboriginal Syllabics Extended\":function(t){return t>=6320&&t<=6399},\"General Punctuation\":function(t){return t>=8192&&t<=8303},\"Letterlike Symbols\":function(t){return t>=8448&&t<=8527},\"Number Forms\":function(t){return t>=8528&&t<=8591},\"Miscellaneous Technical\":function(t){return t>=8960&&t<=9215},\"Control Pictures\":function(t){return t>=9216&&t<=9279},\"Optical Character Recognition\":function(t){return t>=9280&&t<=9311},\"Enclosed Alphanumerics\":function(t){return t>=9312&&t<=9471},\"Geometric Shapes\":function(t){return t>=9632&&t<=9727},\"Miscellaneous Symbols\":function(t){return t>=9728&&t<=9983},\"Miscellaneous Symbols and Arrows\":function(t){return t>=11008&&t<=11263},\"CJK Radicals Supplement\":function(t){return t>=11904&&t<=12031},\"Kangxi Radicals\":function(t){return t>=12032&&t<=12255},\"Ideographic Description Characters\":function(t){return t>=12272&&t<=12287},\"CJK Symbols and Punctuation\":function(t){return t>=12288&&t<=12351},Hiragana:function(t){return t>=12352&&t<=12447},Katakana:function(t){return t>=12448&&t<=12543},Bopomofo:function(t){return t>=12544&&t<=12591},\"Hangul Compatibility Jamo\":function(t){return t>=12592&&t<=12687},Kanbun:function(t){return t>=12688&&t<=12703},\"Bopomofo Extended\":function(t){return t>=12704&&t<=12735},\"CJK Strokes\":function(t){return t>=12736&&t<=12783},\"Katakana Phonetic Extensions\":function(t){return t>=12784&&t<=12799},\"Enclosed CJK Letters and Months\":function(t){return t>=12800&&t<=13055},\"CJK Compatibility\":function(t){return t>=13056&&t<=13311},\"CJK Unified Ideographs Extension A\":function(t){return t>=13312&&t<=19903},\"Yijing Hexagram Symbols\":function(t){return t>=19904&&t<=19967},\"CJK Unified Ideographs\":function(t){return t>=19968&&t<=40959},\"Yi Syllables\":function(t){return t>=40960&&t<=42127},\"Yi Radicals\":function(t){return t>=42128&&t<=42191},\"Hangul Jamo Extended-A\":function(t){return t>=43360&&t<=43391},\"Hangul Syllables\":function(t){return t>=44032&&t<=55215},\"Hangul Jamo Extended-B\":function(t){return t>=55216&&t<=55295},\"Private Use Area\":function(t){return t>=57344&&t<=63743},\"CJK Compatibility Ideographs\":function(t){return t>=63744&&t<=64255},\"Arabic Presentation Forms-A\":function(t){return t>=64336&&t<=65023},\"Vertical Forms\":function(t){return t>=65040&&t<=65055},\"CJK Compatibility Forms\":function(t){return t>=65072&&t<=65103},\"Small Form Variants\":function(t){return t>=65104&&t<=65135},\"Arabic Presentation Forms-B\":function(t){return t>=65136&&t<=65279},\"Halfwidth and Fullwidth Forms\":function(t){return t>=65280&&t<=65519}};function xr(t){for(var e=0,r=t;e=65097&&t<=65103)||yr[\"CJK Compatibility Ideographs\"](t)||yr[\"CJK Compatibility\"](t)||yr[\"CJK Radicals Supplement\"](t)||yr[\"CJK Strokes\"](t)||!(!yr[\"CJK Symbols and Punctuation\"](t)||t>=12296&&t<=12305||t>=12308&&t<=12319||12336===t)||yr[\"CJK Unified Ideographs Extension A\"](t)||yr[\"CJK Unified Ideographs\"](t)||yr[\"Enclosed CJK Letters and Months\"](t)||yr[\"Hangul Compatibility Jamo\"](t)||yr[\"Hangul Jamo Extended-A\"](t)||yr[\"Hangul Jamo Extended-B\"](t)||yr[\"Hangul Jamo\"](t)||yr[\"Hangul Syllables\"](t)||yr.Hiragana(t)||yr[\"Ideographic Description Characters\"](t)||yr.Kanbun(t)||yr[\"Kangxi Radicals\"](t)||yr[\"Katakana Phonetic Extensions\"](t)||yr.Katakana(t)&&12540!==t||!(!yr[\"Halfwidth and Fullwidth Forms\"](t)||65288===t||65289===t||65293===t||t>=65306&&t<=65310||65339===t||65341===t||65343===t||t>=65371&&t<=65503||65507===t||t>=65512&&t<=65519)||!(!yr[\"Small Form Variants\"](t)||t>=65112&&t<=65118||t>=65123&&t<=65126)||yr[\"Unified Canadian Aboriginal Syllabics\"](t)||yr[\"Unified Canadian Aboriginal Syllabics Extended\"](t)||yr[\"Vertical Forms\"](t)||yr[\"Yijing Hexagram Symbols\"](t)||yr[\"Yi Syllables\"](t)||yr[\"Yi Radicals\"](t)))}function wr(t){return!(_r(t)||function(t){return!!(yr[\"Latin-1 Supplement\"](t)&&(167===t||169===t||174===t||177===t||188===t||189===t||190===t||215===t||247===t)||yr[\"General Punctuation\"](t)&&(8214===t||8224===t||8225===t||8240===t||8241===t||8251===t||8252===t||8258===t||8263===t||8264===t||8265===t||8273===t)||yr[\"Letterlike Symbols\"](t)||yr[\"Number Forms\"](t)||yr[\"Miscellaneous Technical\"](t)&&(t>=8960&&t<=8967||t>=8972&&t<=8991||t>=8996&&t<=9e3||9003===t||t>=9085&&t<=9114||t>=9150&&t<=9165||9167===t||t>=9169&&t<=9179||t>=9186&&t<=9215)||yr[\"Control Pictures\"](t)&&9251!==t||yr[\"Optical Character Recognition\"](t)||yr[\"Enclosed Alphanumerics\"](t)||yr[\"Geometric Shapes\"](t)||yr[\"Miscellaneous Symbols\"](t)&&!(t>=9754&&t<=9759)||yr[\"Miscellaneous Symbols and Arrows\"](t)&&(t>=11026&&t<=11055||t>=11088&&t<=11097||t>=11192&&t<=11243)||yr[\"CJK Symbols and Punctuation\"](t)||yr.Katakana(t)||yr[\"Private Use Area\"](t)||yr[\"CJK Compatibility Forms\"](t)||yr[\"Small Form Variants\"](t)||yr[\"Halfwidth and Fullwidth Forms\"](t)||8734===t||8756===t||8757===t||t>=9984&&t<=10087||t>=10102&&t<=10131||65532===t||65533===t)}(t))}function kr(t,e){return!(!e&&(t>=1424&&t<=2303||yr[\"Arabic Presentation Forms-A\"](t)||yr[\"Arabic Presentation Forms-B\"](t))||t>=2304&&t<=3583||t>=3840&&t<=4255||yr.Khmer(t))}var Mr,Ar=!1,Tr=null,Sr=!1,Er=new O,Cr={applyArabicShaping:null,processBidirectionalText:null,isLoaded:function(){return Sr||null!=Cr.applyArabicShaping}},Lr=function(t,e){this.zoom=t,e?(this.now=e.now,this.fadeDuration=e.fadeDuration,this.zoomHistory=e.zoomHistory,this.transition=e.transition):(this.now=0,this.fadeDuration=0,this.zoomHistory=new mr,this.transition={})};Lr.prototype.isSupportedScript=function(t){return function(t,e){for(var r=0,n=t;rthis.end)return this.prior=null,r;if(this.value.isDataDriven())return this.prior=null,r;if(e=1)return 1;var e=i*i,r=e*i;return 4*(i<.5?r:3*(i-e)+r-.75)}())}return r};var Dr=function(t){this._properties=t,this._values=Object.create(t.defaultTransitioningPropertyValues)};Dr.prototype.possiblyEvaluate=function(t){for(var e=new Fr(this._properties),r=0,n=Object.keys(this._values);rn.zoomHistory.lastIntegerZoom?{from:t,to:e,fromScale:2,toScale:1,t:a+(1-a)*o}:{from:r,to:e,fromScale:.5,toScale:1,t:1-(1-o)*a}},Vr.prototype.interpolate=function(t){return t};var Ur=function(t){this.specification=t};Ur.prototype.possiblyEvaluate=function(t,e){return!!t.expression.evaluate(e)},Ur.prototype.interpolate=function(){return!1};var qr=function(t){for(var e in this.properties=t,this.defaultPropertyValues={},this.defaultTransitionablePropertyValues={},this.defaultTransitioningPropertyValues={},this.defaultPossiblyEvaluatedValues={},t){var r=t[e],n=this.defaultPropertyValues[e]=new zr(r,void 0),i=this.defaultTransitionablePropertyValues[e]=new Or(r);this.defaultTransitioningPropertyValues[e]=i.untransitioned(),this.defaultPossiblyEvaluatedValues[e]=n.possiblyEvaluate({})}};pr(\"DataDrivenProperty\",jr),pr(\"DataConstantProperty\",Nr),pr(\"CrossFadedProperty\",Vr),pr(\"ColorRampProperty\",Ur);var Hr=function(t){function e(e,r){for(var n in t.call(this),this.id=e.id,this.metadata=e.metadata,this.type=e.type,this.minzoom=e.minzoom,this.maxzoom=e.maxzoom,this.visibility=\"visible\",\"background\"!==e.type&&(this.source=e.source,this.sourceLayer=e[\"source-layer\"],this.filter=e.filter),this._featureFilter=function(){return!0},r.layout&&(this._unevaluatedLayout=new Rr(r.layout)),this._transitionablePaint=new Ir(r.paint),e.paint)this.setPaintProperty(n,e.paint[n],{validate:!1});for(var i in e.layout)this.setLayoutProperty(i,e.layout[i],{validate:!1});this._transitioningPaint=this._transitionablePaint.untransitioned()}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.getLayoutProperty=function(t){return\"visibility\"===t?this.visibility:this._unevaluatedLayout.getValue(t)},e.prototype.setLayoutProperty=function(t,e,r){if(null!=e){var n=\"layers.\"+this.id+\".layout.\"+t;if(this._validate(or,n,t,e,r))return}\"visibility\"!==t?this._unevaluatedLayout.setValue(t,e):this.visibility=\"none\"===e?e:\"visible\"},e.prototype.getPaintProperty=function(t){return v(t,\"-transition\")?this._transitionablePaint.getTransition(t.slice(0,-\"-transition\".length)):this._transitionablePaint.getValue(t)},e.prototype.setPaintProperty=function(t,e,r){if(null!=e){var n=\"layers.\"+this.id+\".paint.\"+t;if(this._validate(ar,n,t,e,r))return}v(t,\"-transition\")?this._transitionablePaint.setTransition(t.slice(0,-\"-transition\".length),e||void 0):this._transitionablePaint.setValue(t,e)},e.prototype.isHidden=function(t){return!!(this.minzoom&&t=this.maxzoom)||\"none\"===this.visibility},e.prototype.updateTransitions=function(t){this._transitioningPaint=this._transitionablePaint.transitioned(t,this._transitioningPaint)},e.prototype.hasTransition=function(){return this._transitioningPaint.hasTransition()},e.prototype.recalculate=function(t){this._unevaluatedLayout&&(this.layout=this._unevaluatedLayout.possiblyEvaluate(t)),this.paint=this._transitioningPaint.possiblyEvaluate(t)},e.prototype.serialize=function(){var t={id:this.id,type:this.type,source:this.source,\"source-layer\":this.sourceLayer,metadata:this.metadata,minzoom:this.minzoom,maxzoom:this.maxzoom,filter:this.filter,layout:this._unevaluatedLayout&&this._unevaluatedLayout.serialize(),paint:this._transitionablePaint&&this._transitionablePaint.serialize()};return\"none\"===this.visibility&&(t.layout=t.layout||{},t.layout.visibility=\"none\"),y(t,function(t,e){return!(void 0===t||\"layout\"===e&&!Object.keys(t).length||\"paint\"===e&&!Object.keys(t).length)})},e.prototype._validate=function(t,e,r,n,i){return(!i||!1!==i.validate)&&sr(this,t.call(nr,{key:e,layerType:this.type,objectKey:r,value:n,styleSpec:I,style:{glyphs:!0,sprite:!0}}))},e.prototype.hasOffscreenPass=function(){return!1},e.prototype.resize=function(){},e}(O),Gr={Int8:Int8Array,Uint8:Uint8Array,Int16:Int16Array,Uint16:Uint16Array,Int32:Int32Array,Uint32:Uint32Array,Float32:Float32Array},Wr=function(t,e){this._structArray=t,this._pos1=e*this.size,this._pos2=this._pos1/2,this._pos4=this._pos1/4,this._pos8=this._pos1/8},Yr=function(){this.isTransferred=!1,this.capacity=-1,this.resize(0)};function Xr(t,e){void 0===e&&(e=1);var r=0,n=0;return{members:t.map(function(t){var i,a=(i=t.type,Gr[i].BYTES_PER_ELEMENT),o=r=Zr(r,Math.max(e,a)),s=t.components||1;return n=Math.max(n,a),r+=a*s,{name:t.name,type:t.type,components:s,offset:o}}),size:Zr(r,Math.max(n,e)),alignment:e}}function Zr(t,e){return Math.ceil(t/e)*e}Yr.serialize=function(t,e){return t._trim(),e&&(t.isTransferred=!0,e.push(t.arrayBuffer)),{length:t.length,arrayBuffer:t.arrayBuffer}},Yr.deserialize=function(t){var e=Object.create(this.prototype);return e.arrayBuffer=t.arrayBuffer,e.length=t.length,e.capacity=t.arrayBuffer.byteLength/e.bytesPerElement,e._refreshViews(),e},Yr.prototype._trim=function(){this.length!==this.capacity&&(this.capacity=this.length,this.arrayBuffer=this.arrayBuffer.slice(0,this.length*this.bytesPerElement),this._refreshViews())},Yr.prototype.clear=function(){this.length=0},Yr.prototype.resize=function(t){this.reserve(t),this.length=t},Yr.prototype.reserve=function(t){if(t>this.capacity){this.capacity=Math.max(t,Math.floor(5*this.capacity),128),this.arrayBuffer=new ArrayBuffer(this.capacity*this.bytesPerElement);var e=this.uint8;this._refreshViews(),e&&this.uint8.set(e)}},Yr.prototype._refreshViews=function(){throw new Error(\"_refreshViews() must be implemented by each concrete StructArray layout\")};var $r=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=2*r;return this.int16[n+0]=t,this.int16[n+1]=e,r},e}(Yr);$r.prototype.bytesPerElement=4,pr(\"StructArrayLayout2i4\",$r);var Jr=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;this.resize(i+1);var a=4*i;return this.int16[a+0]=t,this.int16[a+1]=e,this.int16[a+2]=r,this.int16[a+3]=n,i},e}(Yr);Jr.prototype.bytesPerElement=8,pr(\"StructArrayLayout4i8\",Jr);var Kr=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;this.resize(o+1);var s=6*o;return this.int16[s+0]=t,this.int16[s+1]=e,this.int16[s+2]=r,this.int16[s+3]=n,this.int16[s+4]=i,this.int16[s+5]=a,o},e}(Yr);Kr.prototype.bytesPerElement=12,pr(\"StructArrayLayout2i4i12\",Kr);var Qr=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s){var l=this.length;this.resize(l+1);var c=6*l,u=12*l;return this.int16[c+0]=t,this.int16[c+1]=e,this.int16[c+2]=r,this.int16[c+3]=n,this.uint8[u+8]=i,this.uint8[u+9]=a,this.uint8[u+10]=o,this.uint8[u+11]=s,l},e}(Yr);Qr.prototype.bytesPerElement=12,pr(\"StructArrayLayout4i4ub12\",Qr);var tn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s){var l=this.length;this.resize(l+1);var c=8*l;return this.int16[c+0]=t,this.int16[c+1]=e,this.int16[c+2]=r,this.int16[c+3]=n,this.uint16[c+4]=i,this.uint16[c+5]=a,this.uint16[c+6]=o,this.uint16[c+7]=s,l},e}(Yr);tn.prototype.bytesPerElement=16,pr(\"StructArrayLayout4i4ui16\",tn);var en=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=3*n;return this.float32[i+0]=t,this.float32[i+1]=e,this.float32[i+2]=r,n},e}(Yr);en.prototype.bytesPerElement=12,pr(\"StructArrayLayout3f12\",en);var rn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;this.resize(e+1);var r=1*e;return this.uint32[r+0]=t,e},e}(Yr);rn.prototype.bytesPerElement=4,pr(\"StructArrayLayout1ul4\",rn);var nn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u){var f=this.length;this.resize(f+1);var h=12*f,p=6*f;return this.int16[h+0]=t,this.int16[h+1]=e,this.int16[h+2]=r,this.int16[h+3]=n,this.int16[h+4]=i,this.int16[h+5]=a,this.uint32[p+3]=o,this.uint16[h+8]=s,this.uint16[h+9]=l,this.int16[h+10]=c,this.int16[h+11]=u,f},e}(Yr);nn.prototype.bytesPerElement=24,pr(\"StructArrayLayout6i1ul2ui2i24\",nn);var an=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a){var o=this.length;this.resize(o+1);var s=6*o;return this.int16[s+0]=t,this.int16[s+1]=e,this.int16[s+2]=r,this.int16[s+3]=n,this.int16[s+4]=i,this.int16[s+5]=a,o},e}(Yr);an.prototype.bytesPerElement=12,pr(\"StructArrayLayout2i2i2i12\",an);var on=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=4*r;return this.uint8[n+0]=t,this.uint8[n+1]=e,r},e}(Yr);on.prototype.bytesPerElement=4,pr(\"StructArrayLayout2ub4\",on);var sn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n,i,a,o,s,l,c,u,f,h,p){var d=this.length;this.resize(d+1);var g=20*d,v=10*d,m=40*d;return this.int16[g+0]=t,this.int16[g+1]=e,this.uint16[g+2]=r,this.uint16[g+3]=n,this.uint32[v+2]=i,this.uint32[v+3]=a,this.uint32[v+4]=o,this.uint16[g+10]=s,this.uint16[g+11]=l,this.uint16[g+12]=c,this.float32[v+7]=u,this.float32[v+8]=f,this.uint8[m+36]=h,this.uint8[m+37]=p,d},e}(Yr);sn.prototype.bytesPerElement=40,pr(\"StructArrayLayout2i2ui3ul3ui2f2ub40\",sn);var ln=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t){var e=this.length;this.resize(e+1);var r=1*e;return this.float32[r+0]=t,e},e}(Yr);ln.prototype.bytesPerElement=4,pr(\"StructArrayLayout1f4\",ln);var cn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.int16=new Int16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=3*n;return this.int16[i+0]=t,this.int16[i+1]=e,this.int16[i+2]=r,n},e}(Yr);cn.prototype.bytesPerElement=6,pr(\"StructArrayLayout3i6\",cn);var un=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint32=new Uint32Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=2*n,a=4*n;return this.uint32[i+0]=t,this.uint16[a+2]=e,this.uint16[a+3]=r,n},e}(Yr);un.prototype.bytesPerElement=8,pr(\"StructArrayLayout1ul2ui8\",un);var fn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r){var n=this.length;this.resize(n+1);var i=3*n;return this.uint16[i+0]=t,this.uint16[i+1]=e,this.uint16[i+2]=r,n},e}(Yr);fn.prototype.bytesPerElement=6,pr(\"StructArrayLayout3ui6\",fn);var hn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.uint16=new Uint16Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=2*r;return this.uint16[n+0]=t,this.uint16[n+1]=e,r},e}(Yr);hn.prototype.bytesPerElement=4,pr(\"StructArrayLayout2ui4\",hn);var pn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e){var r=this.length;this.resize(r+1);var n=2*r;return this.float32[n+0]=t,this.float32[n+1]=e,r},e}(Yr);pn.prototype.bytesPerElement=8,pr(\"StructArrayLayout2f8\",pn);var dn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype._refreshViews=function(){this.uint8=new Uint8Array(this.arrayBuffer),this.float32=new Float32Array(this.arrayBuffer)},e.prototype.emplaceBack=function(t,e,r,n){var i=this.length;this.resize(i+1);var a=4*i;return this.float32[a+0]=t,this.float32[a+1]=e,this.float32[a+2]=r,this.float32[a+3]=n,i},e}(Yr);dn.prototype.bytesPerElement=16,pr(\"StructArrayLayout4f16\",dn);var gn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={anchorPointX:{configurable:!0},anchorPointY:{configurable:!0},x1:{configurable:!0},y1:{configurable:!0},x2:{configurable:!0},y2:{configurable:!0},featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0},radius:{configurable:!0},signedDistanceFromAnchor:{configurable:!0},anchorPoint:{configurable:!0}};return r.anchorPointX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorPointX.set=function(t){this._structArray.int16[this._pos2+0]=t},r.anchorPointY.get=function(){return this._structArray.int16[this._pos2+1]},r.anchorPointY.set=function(t){this._structArray.int16[this._pos2+1]=t},r.x1.get=function(){return this._structArray.int16[this._pos2+2]},r.x1.set=function(t){this._structArray.int16[this._pos2+2]=t},r.y1.get=function(){return this._structArray.int16[this._pos2+3]},r.y1.set=function(t){this._structArray.int16[this._pos2+3]=t},r.x2.get=function(){return this._structArray.int16[this._pos2+4]},r.x2.set=function(t){this._structArray.int16[this._pos2+4]=t},r.y2.get=function(){return this._structArray.int16[this._pos2+5]},r.y2.set=function(t){this._structArray.int16[this._pos2+5]=t},r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.featureIndex.set=function(t){this._structArray.uint32[this._pos4+3]=t},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+8]},r.sourceLayerIndex.set=function(t){this._structArray.uint16[this._pos2+8]=t},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+9]},r.bucketIndex.set=function(t){this._structArray.uint16[this._pos2+9]=t},r.radius.get=function(){return this._structArray.int16[this._pos2+10]},r.radius.set=function(t){this._structArray.int16[this._pos2+10]=t},r.signedDistanceFromAnchor.get=function(){return this._structArray.int16[this._pos2+11]},r.signedDistanceFromAnchor.set=function(t){this._structArray.int16[this._pos2+11]=t},r.anchorPoint.get=function(){return new l(this.anchorPointX,this.anchorPointY)},Object.defineProperties(e.prototype,r),e}(Wr);gn.prototype.size=24;var vn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.get=function(t){return new gn(this,t)},e}(nn);pr(\"CollisionBoxArray\",vn);var mn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={anchorX:{configurable:!0},anchorY:{configurable:!0},glyphStartIndex:{configurable:!0},numGlyphs:{configurable:!0},vertexStartIndex:{configurable:!0},lineStartIndex:{configurable:!0},lineLength:{configurable:!0},segment:{configurable:!0},lowerSize:{configurable:!0},upperSize:{configurable:!0},lineOffsetX:{configurable:!0},lineOffsetY:{configurable:!0},writingMode:{configurable:!0},hidden:{configurable:!0}};return r.anchorX.get=function(){return this._structArray.int16[this._pos2+0]},r.anchorX.set=function(t){this._structArray.int16[this._pos2+0]=t},r.anchorY.get=function(){return this._structArray.int16[this._pos2+1]},r.anchorY.set=function(t){this._structArray.int16[this._pos2+1]=t},r.glyphStartIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.glyphStartIndex.set=function(t){this._structArray.uint16[this._pos2+2]=t},r.numGlyphs.get=function(){return this._structArray.uint16[this._pos2+3]},r.numGlyphs.set=function(t){this._structArray.uint16[this._pos2+3]=t},r.vertexStartIndex.get=function(){return this._structArray.uint32[this._pos4+2]},r.vertexStartIndex.set=function(t){this._structArray.uint32[this._pos4+2]=t},r.lineStartIndex.get=function(){return this._structArray.uint32[this._pos4+3]},r.lineStartIndex.set=function(t){this._structArray.uint32[this._pos4+3]=t},r.lineLength.get=function(){return this._structArray.uint32[this._pos4+4]},r.lineLength.set=function(t){this._structArray.uint32[this._pos4+4]=t},r.segment.get=function(){return this._structArray.uint16[this._pos2+10]},r.segment.set=function(t){this._structArray.uint16[this._pos2+10]=t},r.lowerSize.get=function(){return this._structArray.uint16[this._pos2+11]},r.lowerSize.set=function(t){this._structArray.uint16[this._pos2+11]=t},r.upperSize.get=function(){return this._structArray.uint16[this._pos2+12]},r.upperSize.set=function(t){this._structArray.uint16[this._pos2+12]=t},r.lineOffsetX.get=function(){return this._structArray.float32[this._pos4+7]},r.lineOffsetX.set=function(t){this._structArray.float32[this._pos4+7]=t},r.lineOffsetY.get=function(){return this._structArray.float32[this._pos4+8]},r.lineOffsetY.set=function(t){this._structArray.float32[this._pos4+8]=t},r.writingMode.get=function(){return this._structArray.uint8[this._pos1+36]},r.writingMode.set=function(t){this._structArray.uint8[this._pos1+36]=t},r.hidden.get=function(){return this._structArray.uint8[this._pos1+37]},r.hidden.set=function(t){this._structArray.uint8[this._pos1+37]=t},Object.defineProperties(e.prototype,r),e}(Wr);mn.prototype.size=40;var yn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.get=function(t){return new mn(this,t)},e}(sn);pr(\"PlacedSymbolArray\",yn);var xn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={offsetX:{configurable:!0}};return r.offsetX.get=function(){return this._structArray.float32[this._pos4+0]},r.offsetX.set=function(t){this._structArray.float32[this._pos4+0]=t},Object.defineProperties(e.prototype,r),e}(Wr);xn.prototype.size=4;var bn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.getoffsetX=function(t){return this.float32[1*t+0]},e.prototype.get=function(t){return new xn(this,t)},e}(ln);pr(\"GlyphOffsetArray\",bn);var _n=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={x:{configurable:!0},y:{configurable:!0},tileUnitDistanceFromAnchor:{configurable:!0}};return r.x.get=function(){return this._structArray.int16[this._pos2+0]},r.x.set=function(t){this._structArray.int16[this._pos2+0]=t},r.y.get=function(){return this._structArray.int16[this._pos2+1]},r.y.set=function(t){this._structArray.int16[this._pos2+1]=t},r.tileUnitDistanceFromAnchor.get=function(){return this._structArray.int16[this._pos2+2]},r.tileUnitDistanceFromAnchor.set=function(t){this._structArray.int16[this._pos2+2]=t},Object.defineProperties(e.prototype,r),e}(Wr);_n.prototype.size=6;var wn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.getx=function(t){return this.int16[3*t+0]},e.prototype.gety=function(t){return this.int16[3*t+1]},e.prototype.gettileUnitDistanceFromAnchor=function(t){return this.int16[3*t+2]},e.prototype.get=function(t){return new _n(this,t)},e}(cn);pr(\"SymbolLineVertexArray\",wn);var kn=function(t){function e(){t.apply(this,arguments)}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={featureIndex:{configurable:!0},sourceLayerIndex:{configurable:!0},bucketIndex:{configurable:!0}};return r.featureIndex.get=function(){return this._structArray.uint32[this._pos4+0]},r.featureIndex.set=function(t){this._structArray.uint32[this._pos4+0]=t},r.sourceLayerIndex.get=function(){return this._structArray.uint16[this._pos2+2]},r.sourceLayerIndex.set=function(t){this._structArray.uint16[this._pos2+2]=t},r.bucketIndex.get=function(){return this._structArray.uint16[this._pos2+3]},r.bucketIndex.set=function(t){this._structArray.uint16[this._pos2+3]=t},Object.defineProperties(e.prototype,r),e}(Wr);kn.prototype.size=8;var Mn=function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.get=function(t){return new kn(this,t)},e}(un);pr(\"FeatureIndexArray\",Mn);var An=Xr([{name:\"a_pos\",components:2,type:\"Int16\"}],4).members,Tn=function(t){void 0===t&&(t=[]),this.segments=t};Tn.prototype.prepareSegment=function(t,e,r){var n=this.segments[this.segments.length-1];return t>Tn.MAX_VERTEX_ARRAY_LENGTH&&_(\"Max vertices per segment is \"+Tn.MAX_VERTEX_ARRAY_LENGTH+\": bucket requested \"+t),(!n||n.vertexLength+t>Tn.MAX_VERTEX_ARRAY_LENGTH)&&(n={vertexOffset:e.length,primitiveOffset:r.length,vertexLength:0,primitiveLength:0},this.segments.push(n)),n},Tn.prototype.get=function(){return this.segments},Tn.prototype.destroy=function(){for(var t=0,e=this.segments;tRn.max||o.yRn.max)&&_(\"Geometry exceeds allowed extent, reduce your vector tile buffer size\")}return r}function Fn(t,e,r,n,i){t.emplaceBack(2*e+(n+1)/2,2*r+(i+1)/2)}var Nn=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map(function(t){return t.id}),this.index=t.index,this.layoutVertexArray=new $r,this.indexArray=new fn,this.segments=new Tn,this.programConfigurations=new In(An,t.layers,t.zoom)};function jn(t,e,r){for(var n=0;n=3)for(var s=0;s1){if(Hn(t,e))return!0;for(var n=0;n1?t.distSqr(r):t.distSqr(r.sub(e)._mult(i)._add(e))}function Xn(t,e){for(var r,n,i,a=!1,o=0;oe.y!=i.y>e.y&&e.x<(i.x-n.x)*(e.y-n.y)/(i.y-n.y)+n.x&&(a=!a);return a}function Zn(t,e){for(var r=!1,n=0,i=t.length-1;ne.y!=o.y>e.y&&e.x<(o.x-a.x)*(e.y-a.y)/(o.y-a.y)+a.x&&(r=!r)}return r}function $n(t,e,r){var n=e.paint.get(t).value;return\"constant\"===n.kind?n.value:r.programConfigurations.get(e.id).binders[t].statistics.max}function Jn(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function Kn(t,e,r,n,i){if(!e[0]&&!e[1])return t;var a=l.convert(e);\"viewport\"===r&&a._rotate(-n);for(var o=[],s=0;s=Dn||l<0||l>=Dn)){var c=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray),u=c.vertexLength;Fn(this.layoutVertexArray,s,l,-1,-1),Fn(this.layoutVertexArray,s,l,1,-1),Fn(this.layoutVertexArray,s,l,1,1),Fn(this.layoutVertexArray,s,l,-1,1),this.indexArray.emplaceBack(u,u+1,u+2),this.indexArray.emplaceBack(u,u+3,u+2),c.vertexLength+=4,c.primitiveLength+=2}}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,t)},pr(\"CircleBucket\",Nn,{omit:[\"layers\"]});var Qn={paint:new qr({\"circle-radius\":new jr(I.paint_circle[\"circle-radius\"]),\"circle-color\":new jr(I.paint_circle[\"circle-color\"]),\"circle-blur\":new jr(I.paint_circle[\"circle-blur\"]),\"circle-opacity\":new jr(I.paint_circle[\"circle-opacity\"]),\"circle-translate\":new Nr(I.paint_circle[\"circle-translate\"]),\"circle-translate-anchor\":new Nr(I.paint_circle[\"circle-translate-anchor\"]),\"circle-pitch-scale\":new Nr(I.paint_circle[\"circle-pitch-scale\"]),\"circle-pitch-alignment\":new Nr(I.paint_circle[\"circle-pitch-alignment\"]),\"circle-stroke-width\":new jr(I.paint_circle[\"circle-stroke-width\"]),\"circle-stroke-color\":new jr(I.paint_circle[\"circle-stroke-color\"]),\"circle-stroke-opacity\":new jr(I.paint_circle[\"circle-stroke-opacity\"])})},ti=i(function(t,e){var r;t.exports=((r=new Float32Array(3))[0]=0,r[1]=0,r[2]=0,function(){var t=new Float32Array(4);t[0]=0,t[1]=0,t[2]=0,t[3]=0}(),{vec3:{transformMat3:function(t,e,r){var n=e[0],i=e[1],a=e[2];return t[0]=n*r[0]+i*r[3]+a*r[6],t[1]=n*r[1]+i*r[4]+a*r[7],t[2]=n*r[2]+i*r[5]+a*r[8],t}},vec4:{transformMat4:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3];return t[0]=r[0]*n+r[4]*i+r[8]*a+r[12]*o,t[1]=r[1]*n+r[5]*i+r[9]*a+r[13]*o,t[2]=r[2]*n+r[6]*i+r[10]*a+r[14]*o,t[3]=r[3]*n+r[7]*i+r[11]*a+r[15]*o,t}},mat2:{create:function(){var t=new Float32Array(4);return t[0]=1,t[1]=0,t[2]=0,t[3]=1,t},rotate:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=Math.sin(r),l=Math.cos(r);return t[0]=n*l+a*s,t[1]=i*l+o*s,t[2]=n*-s+a*l,t[3]=i*-s+o*l,t},scale:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=r[0],l=r[1];return t[0]=n*s,t[1]=i*s,t[2]=a*l,t[3]=o*l,t}},mat3:{create:function(){var t=new Float32Array(9);return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=1,t[5]=0,t[6]=0,t[7]=0,t[8]=1,t},fromRotation:function(t,e){var r=Math.sin(e),n=Math.cos(e);return t[0]=n,t[1]=r,t[2]=0,t[3]=-r,t[4]=n,t[5]=0,t[6]=0,t[7]=0,t[8]=1,t}},mat4:{create:function(){var t=new Float32Array(16);return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t},identity:function(t){return t[0]=1,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=1,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=1,t[11]=0,t[12]=0,t[13]=0,t[14]=0,t[15]=1,t},translate:function(t,e,r){var n,i,a,o,s,l,c,u,f,h,p,d,g=r[0],v=r[1],m=r[2];return e===t?(t[12]=e[0]*g+e[4]*v+e[8]*m+e[12],t[13]=e[1]*g+e[5]*v+e[9]*m+e[13],t[14]=e[2]*g+e[6]*v+e[10]*m+e[14],t[15]=e[3]*g+e[7]*v+e[11]*m+e[15]):(n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],t[0]=n,t[1]=i,t[2]=a,t[3]=o,t[4]=s,t[5]=l,t[6]=c,t[7]=u,t[8]=f,t[9]=h,t[10]=p,t[11]=d,t[12]=n*g+s*v+f*m+e[12],t[13]=i*g+l*v+h*m+e[13],t[14]=a*g+c*v+p*m+e[14],t[15]=o*g+u*v+d*m+e[15]),t},scale:function(t,e,r){var n=r[0],i=r[1],a=r[2];return t[0]=e[0]*n,t[1]=e[1]*n,t[2]=e[2]*n,t[3]=e[3]*n,t[4]=e[4]*i,t[5]=e[5]*i,t[6]=e[6]*i,t[7]=e[7]*i,t[8]=e[8]*a,t[9]=e[9]*a,t[10]=e[10]*a,t[11]=e[11]*a,t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15],t},multiply:function(t,e,r){var n=e[0],i=e[1],a=e[2],o=e[3],s=e[4],l=e[5],c=e[6],u=e[7],f=e[8],h=e[9],p=e[10],d=e[11],g=e[12],v=e[13],m=e[14],y=e[15],x=r[0],b=r[1],_=r[2],w=r[3];return t[0]=x*n+b*s+_*f+w*g,t[1]=x*i+b*l+_*h+w*v,t[2]=x*a+b*c+_*p+w*m,t[3]=x*o+b*u+_*d+w*y,x=r[4],b=r[5],_=r[6],w=r[7],t[4]=x*n+b*s+_*f+w*g,t[5]=x*i+b*l+_*h+w*v,t[6]=x*a+b*c+_*p+w*m,t[7]=x*o+b*u+_*d+w*y,x=r[8],b=r[9],_=r[10],w=r[11],t[8]=x*n+b*s+_*f+w*g,t[9]=x*i+b*l+_*h+w*v,t[10]=x*a+b*c+_*p+w*m,t[11]=x*o+b*u+_*d+w*y,x=r[12],b=r[13],_=r[14],w=r[15],t[12]=x*n+b*s+_*f+w*g,t[13]=x*i+b*l+_*h+w*v,t[14]=x*a+b*c+_*p+w*m,t[15]=x*o+b*u+_*d+w*y,t},perspective:function(t,e,r,n,i){var a=1/Math.tan(e/2),o=1/(n-i);return t[0]=a/r,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=a,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=(i+n)*o,t[11]=-1,t[12]=0,t[13]=0,t[14]=2*i*n*o,t[15]=0,t},rotateX:function(t,e,r){var n=Math.sin(r),i=Math.cos(r),a=e[4],o=e[5],s=e[6],l=e[7],c=e[8],u=e[9],f=e[10],h=e[11];return e!==t&&(t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15]),t[4]=a*i+c*n,t[5]=o*i+u*n,t[6]=s*i+f*n,t[7]=l*i+h*n,t[8]=c*i-a*n,t[9]=u*i-o*n,t[10]=f*i-s*n,t[11]=h*i-l*n,t},rotateZ:function(t,e,r){var n=Math.sin(r),i=Math.cos(r),a=e[0],o=e[1],s=e[2],l=e[3],c=e[4],u=e[5],f=e[6],h=e[7];return e!==t&&(t[8]=e[8],t[9]=e[9],t[10]=e[10],t[11]=e[11],t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15]),t[0]=a*i+c*n,t[1]=o*i+u*n,t[2]=s*i+f*n,t[3]=l*i+h*n,t[4]=c*i-a*n,t[5]=u*i-o*n,t[6]=f*i-s*n,t[7]=h*i-l*n,t},invert:function(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=e[4],s=e[5],l=e[6],c=e[7],u=e[8],f=e[9],h=e[10],p=e[11],d=e[12],g=e[13],v=e[14],m=e[15],y=r*s-n*o,x=r*l-i*o,b=r*c-a*o,_=n*l-i*s,w=n*c-a*s,k=i*c-a*l,M=u*g-f*d,A=u*v-h*d,T=u*m-p*d,S=f*v-h*g,E=f*m-p*g,C=h*m-p*v,L=y*C-x*E+b*S+_*T-w*A+k*M;return L?(L=1/L,t[0]=(s*C-l*E+c*S)*L,t[1]=(i*E-n*C-a*S)*L,t[2]=(g*k-v*w+m*_)*L,t[3]=(h*w-f*k-p*_)*L,t[4]=(l*T-o*C-c*A)*L,t[5]=(r*C-i*T+a*A)*L,t[6]=(v*b-d*k-m*x)*L,t[7]=(u*k-h*b+p*x)*L,t[8]=(o*E-s*T+c*M)*L,t[9]=(n*T-r*E-a*M)*L,t[10]=(d*w-g*b+m*y)*L,t[11]=(f*b-u*w-p*y)*L,t[12]=(s*A-o*S-l*M)*L,t[13]=(r*S-n*A+i*M)*L,t[14]=(g*x-d*_-v*y)*L,t[15]=(u*_-f*x+h*y)*L,t):null},ortho:function(t,e,r,n,i,a,o){var s=1/(e-r),l=1/(n-i),c=1/(a-o);return t[0]=-2*s,t[1]=0,t[2]=0,t[3]=0,t[4]=0,t[5]=-2*l,t[6]=0,t[7]=0,t[8]=0,t[9]=0,t[10]=2*c,t[11]=0,t[12]=(e+r)*s,t[13]=(i+n)*l,t[14]=(o+a)*c,t[15]=1,t}}})}),ei=(ti.vec3,ti.vec4),ri=(ti.mat2,ti.mat3,ti.mat4),ni=function(t){function e(e){t.call(this,e,Qn)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.createBucket=function(t){return new Nn(t)},e.prototype.queryRadius=function(t){var e=t;return $n(\"circle-radius\",this,e)+$n(\"circle-stroke-width\",this,e)+Jn(this.paint.get(\"circle-translate\"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a,o){for(var s=Kn(t,this.paint.get(\"circle-translate\"),this.paint.get(\"circle-translate-anchor\"),i.angle,a),l=this.paint.get(\"circle-radius\").evaluate(e)+this.paint.get(\"circle-stroke-width\").evaluate(e),c=\"map\"===this.paint.get(\"circle-pitch-alignment\"),u=c?s:function(t,e,r){return s.map(function(t){return t.map(function(t){return ii(t,e,r)})})}(0,o,i),f=c?l*a:l,h=0,p=r;ht.width||i.height>t.height||r.x>t.width-i.width||r.y>t.height-i.height)throw new RangeError(\"out of range source coordinates for image copy\");if(i.width>e.width||i.height>e.height||n.x>e.width-i.width||n.y>e.height-i.height)throw new RangeError(\"out of range destination coordinates for image copy\");for(var o=t.data,s=e.data,l=0;l80*r){n=a=t[0],i=o=t[1];for(var d=r;da&&(a=s),l>o&&(o=l);c=0!==(c=Math.max(a-n,o-i))?1/c:0}return wi(h,p,r,n,i,c),p}function bi(t,e,r,n,i){var a,o;if(i===Vi(t,e,r,n)>0)for(a=e;a=e;a-=n)o=Fi(a,t[a],t[a+1],o);return o&&Pi(o,o.next)&&(Ni(o),o=o.next),o}function _i(t,e){if(!t)return t;e||(e=t);var r,n=t;do{if(r=!1,n.steiner||!Pi(n,n.next)&&0!==Ii(n.prev,n,n.next))n=n.next;else{if(Ni(n),(n=e=n.prev)===n.next)break;r=!0}}while(r||n!==e);return e}function wi(t,e,r,n,i,a,o){if(t){!o&&a&&function(t,e,r,n){var i=t;do{null===i.z&&(i.z=Ci(i.x,i.y,e,r,n)),i.prevZ=i.prev,i.nextZ=i.next,i=i.next}while(i!==t);i.prevZ.nextZ=null,i.prevZ=null,function(t){var e,r,n,i,a,o,s,l,c=1;do{for(r=t,t=null,a=null,o=0;r;){for(o++,n=r,s=0,e=0;e0||l>0&&n;)0!==s&&(0===l||!n||r.z<=n.z)?(i=r,r=r.nextZ,s--):(i=n,n=n.nextZ,l--),a?a.nextZ=i:t=i,i.prevZ=a,a=i;r=n}a.nextZ=null,c*=2}while(o>1)}(i)}(t,n,i,a);for(var s,l,c=t;t.prev!==t.next;)if(s=t.prev,l=t.next,a?Mi(t,n,i,a):ki(t))e.push(s.i/r),e.push(t.i/r),e.push(l.i/r),Ni(t),t=l.next,c=l.next;else if((t=l)===c){o?1===o?wi(t=Ai(t,e,r),e,r,n,i,a,2):2===o&&Ti(t,e,r,n,i,a):wi(_i(t),e,r,n,i,a,1);break}}}function ki(t){var e=t.prev,r=t,n=t.next;if(Ii(e,r,n)>=0)return!1;for(var i=t.next.next;i!==t.prev;){if(zi(e.x,e.y,r.x,r.y,n.x,n.y,i.x,i.y)&&Ii(i.prev,i,i.next)>=0)return!1;i=i.next}return!0}function Mi(t,e,r,n){var i=t.prev,a=t,o=t.next;if(Ii(i,a,o)>=0)return!1;for(var s=i.xa.x?i.x>o.x?i.x:o.x:a.x>o.x?a.x:o.x,u=i.y>a.y?i.y>o.y?i.y:o.y:a.y>o.y?a.y:o.y,f=Ci(s,l,e,r,n),h=Ci(c,u,e,r,n),p=t.prevZ,d=t.nextZ;p&&p.z>=f&&d&&d.z<=h;){if(p!==t.prev&&p!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&Ii(p.prev,p,p.next)>=0)return!1;if(p=p.prevZ,d!==t.prev&&d!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&Ii(d.prev,d,d.next)>=0)return!1;d=d.nextZ}for(;p&&p.z>=f;){if(p!==t.prev&&p!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,p.x,p.y)&&Ii(p.prev,p,p.next)>=0)return!1;p=p.prevZ}for(;d&&d.z<=h;){if(d!==t.prev&&d!==t.next&&zi(i.x,i.y,a.x,a.y,o.x,o.y,d.x,d.y)&&Ii(d.prev,d,d.next)>=0)return!1;d=d.nextZ}return!0}function Ai(t,e,r){var n=t;do{var i=n.prev,a=n.next.next;!Pi(i,a)&&Di(i,n,n.next,a)&&Ri(i,a)&&Ri(a,i)&&(e.push(i.i/r),e.push(n.i/r),e.push(a.i/r),Ni(n),Ni(n.next),n=t=a),n=n.next}while(n!==t);return n}function Ti(t,e,r,n,i,a){var o=t;do{for(var s=o.next.next;s!==o.prev;){if(o.i!==s.i&&Oi(o,s)){var l=Bi(o,s);return o=_i(o,o.next),l=_i(l,l.next),wi(o,e,r,n,i,a),void wi(l,e,r,n,i,a)}s=s.next}o=o.next}while(o!==t)}function Si(t,e){return t.x-e.x}function Ei(t,e){if(e=function(t,e){var r,n=e,i=t.x,a=t.y,o=-1/0;do{if(a<=n.y&&a>=n.next.y&&n.next.y!==n.y){var s=n.x+(a-n.y)*(n.next.x-n.x)/(n.next.y-n.y);if(s<=i&&s>o){if(o=s,s===i){if(a===n.y)return n;if(a===n.next.y)return n.next}r=n.x=n.x&&n.x>=u&&i!==n.x&&zi(ar.x)&&Ri(n,t)&&(r=n,h=l),n=n.next;return r}(t,e)){var r=Bi(e,t);_i(r,r.next)}}function Ci(t,e,r,n,i){return(t=1431655765&((t=858993459&((t=252645135&((t=16711935&((t=32767*(t-r)*i)|t<<8))|t<<4))|t<<2))|t<<1))|(e=1431655765&((e=858993459&((e=252645135&((e=16711935&((e=32767*(e-n)*i)|e<<8))|e<<4))|e<<2))|e<<1))<<1}function Li(t){var e=t,r=t;do{e.x=0&&(t-o)*(n-s)-(r-o)*(e-s)>=0&&(r-o)*(a-s)-(i-o)*(n-s)>=0}function Oi(t,e){return t.next.i!==e.i&&t.prev.i!==e.i&&!function(t,e){var r=t;do{if(r.i!==t.i&&r.next.i!==t.i&&r.i!==e.i&&r.next.i!==e.i&&Di(r,r.next,t,e))return!0;r=r.next}while(r!==t);return!1}(t,e)&&Ri(t,e)&&Ri(e,t)&&function(t,e){var r=t,n=!1,i=(t.x+e.x)/2,a=(t.y+e.y)/2;do{r.y>a!=r.next.y>a&&r.next.y!==r.y&&i<(r.next.x-r.x)*(a-r.y)/(r.next.y-r.y)+r.x&&(n=!n),r=r.next}while(r!==t);return n}(t,e)}function Ii(t,e,r){return(e.y-t.y)*(r.x-e.x)-(e.x-t.x)*(r.y-e.y)}function Pi(t,e){return t.x===e.x&&t.y===e.y}function Di(t,e,r,n){return!!(Pi(t,e)&&Pi(r,n)||Pi(t,n)&&Pi(r,e))||Ii(t,e,r)>0!=Ii(t,e,n)>0&&Ii(r,n,t)>0!=Ii(r,n,e)>0}function Ri(t,e){return Ii(t.prev,t,t.next)<0?Ii(t,e,t.next)>=0&&Ii(t,t.prev,e)>=0:Ii(t,e,t.prev)<0||Ii(t,t.next,e)<0}function Bi(t,e){var r=new ji(t.i,t.x,t.y),n=new ji(e.i,e.x,e.y),i=t.next,a=e.prev;return t.next=e,e.prev=t,r.next=i,i.prev=r,n.next=r,r.prev=n,a.next=n,n.prev=a,n}function Fi(t,e,r,n){var i=new ji(t,e,r);return n?(i.next=n.next,i.prev=n,n.next.prev=i,n.next=i):(i.prev=i,i.next=i),i}function Ni(t){t.next.prev=t.prev,t.prev.next=t.next,t.prevZ&&(t.prevZ.nextZ=t.nextZ),t.nextZ&&(t.nextZ.prevZ=t.prevZ)}function ji(t,e,r){this.i=t,this.x=e,this.y=r,this.prev=null,this.next=null,this.z=null,this.prevZ=null,this.nextZ=null,this.steiner=!1}function Vi(t,e,r,n){for(var i=0,a=e,o=r-n;a0&&(n+=t[i-1].length,r.holes.push(n))}return r},mi.default=yi;var Ui=Hi,qi=Hi;function Hi(t,e,r,n,i){!function t(e,r,n,i,a){for(;i>n;){if(i-n>600){var o=i-n+1,s=r-n+1,l=Math.log(o),c=.5*Math.exp(2*l/3),u=.5*Math.sqrt(l*c*(o-c)/o)*(s-o/2<0?-1:1);t(e,r,Math.max(n,Math.floor(r-s*c/o+u)),Math.min(i,Math.floor(r+(o-s)*c/o+u)),a)}var f=e[r],h=n,p=i;for(Gi(e,n,r),a(e[i],f)>0&&Gi(e,n,i);h0;)p--}0===a(e[n],f)?Gi(e,n,p):Gi(e,++p,i),p<=r&&(n=p+1),r<=p&&(i=p-1)}}(t,e,r||0,n||t.length-1,i||Wi)}function Gi(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function Wi(t,e){return te?1:0}function Yi(t,e){var r=t.length;if(r<=1)return[t];for(var n,i,a=[],o=0;o1)for(var l=0;lDn)||t.y===e.y&&(t.y<0||t.y>Dn)}function na(t){return t.every(function(t){return t.x<0})||t.every(function(t){return t.x>Dn})||t.every(function(t){return t.y<0})||t.every(function(t){return t.y>Dn})}ea.prototype.populate=function(t,e){for(var r=0,n=t;r=1){var g=f[p-1];if(!ra(d,g)){l.vertexLength+4>Tn.MAX_VERTEX_ARRAY_LENGTH&&(l=this.segments.prepareSegment(4,this.layoutVertexArray,this.indexArray));var v=d.sub(g)._perp()._unit(),m=g.dist(d);h+m>32768&&(h=0),ta(this.layoutVertexArray,d.x,d.y,v.x,v.y,0,0,h),ta(this.layoutVertexArray,d.x,d.y,v.x,v.y,0,1,h),h+=m,ta(this.layoutVertexArray,g.x,g.y,v.x,v.y,0,0,h),ta(this.layoutVertexArray,g.x,g.y,v.x,v.y,0,1,h);var y=l.vertexLength;this.indexArray.emplaceBack(y,y+1,y+2),this.indexArray.emplaceBack(y+1,y+2,y+3),l.vertexLength+=4,l.primitiveLength+=2}}}}l.vertexLength+a>Tn.MAX_VERTEX_ARRAY_LENGTH&&(l=this.segments.prepareSegment(a,this.layoutVertexArray,this.indexArray));for(var x=[],b=[],_=l.vertexLength,w=0,k=i;w>3}if(i--,1===n||2===n)a+=t.readSVarint(),o+=t.readSVarint(),1===n&&(e&&s.push(e),e=[]),e.push(new l(a,o));else{if(7!==n)throw new Error(\"unknown command \"+n);e&&e.push(e[0].clone())}}return e&&s.push(e),s},la.prototype.bbox=function(){var t=this._pbf;t.pos=this._geometry;for(var e=t.readVarint()+t.pos,r=1,n=0,i=0,a=0,o=1/0,s=-1/0,l=1/0,c=-1/0;t.pos>3}if(n--,1===r||2===r)(i+=t.readSVarint())s&&(s=i),(a+=t.readSVarint())c&&(c=a);else if(7!==r)throw new Error(\"unknown command \"+r)}return[o,l,s,c]},la.prototype.toGeoJSON=function(t,e,r){var n,i,a=this.extent*Math.pow(2,r),o=this.extent*t,s=this.extent*e,l=this.loadGeometry(),c=la.types[this.type];function u(t){for(var e=0;e>3;e=1===n?t.readString():2===n?t.readFloat():3===n?t.readDouble():4===n?t.readVarint64():5===n?t.readVarint():6===n?t.readSVarint():7===n?t.readBoolean():null}return e}(r))}function da(t,e,r){if(3===t){var n=new fa(r,r.readVarint()+r.pos);n.length&&(e[n.name]=n)}}ha.prototype.feature=function(t){if(t<0||t>=this._features.length)throw new Error(\"feature index out of bounds\");this._pbf.pos=this._features[t];var e=this._pbf.readVarint()+this._pbf.pos;return new sa(this._pbf,e,this.extent,this._keys,this._values)};var ga={VectorTile:function(t,e){this.layers=t.readFields(da,{},e)},VectorTileFeature:sa,VectorTileLayer:fa},va=ga.VectorTileFeature.types,ma=63,ya=Math.cos(Math.PI/180*37.5),xa=.5,ba=Math.pow(2,14)/xa;function _a(t,e,r,n,i,a,o){t.emplaceBack(e.x,e.y,n?1:0,i?1:-1,Math.round(ma*r.x)+128,Math.round(ma*r.y)+128,1+(0===a?0:a<0?-1:1)|(o*xa&63)<<2,o*xa>>6)}var wa=function(t){this.zoom=t.zoom,this.overscaling=t.overscaling,this.layers=t.layers,this.layerIds=this.layers.map(function(t){return t.id}),this.index=t.index,this.layoutVertexArray=new Qr,this.indexArray=new fn,this.programConfigurations=new In(oa,t.layers,t.zoom),this.segments=new Tn};function ka(t,e){return(t/e.tileTotal*(e.end-e.start)+e.start)*(ba-1)}wa.prototype.populate=function(t,e){for(var r=0,n=t;r=2&&t[l-1].equals(t[l-2]);)l--;for(var c=0;cc){var E=p.dist(x);if(E>2*u){var C=p.sub(p.sub(x)._mult(u/E)._round());this.distance+=C.dist(x),this.addCurrentVertex(C,this.distance,_.mult(1),0,0,!1,h,o),x=C}}var L=x&&b,z=L?r:b?v:m;if(L&&\"round\"===z&&(Ti&&(z=\"bevel\"),\"bevel\"===z&&(T>2&&(z=\"flipbevel\"),T100)M=w.clone().mult(-1);else{var O=_.x*w.y-_.y*w.x>0?-1:1,I=T*_.add(w).mag()/_.sub(w).mag();M._perp()._mult(I*O)}this.addCurrentVertex(p,this.distance,M,0,0,!1,h,o),this.addCurrentVertex(p,this.distance,M.mult(-1),0,0,!1,h,o)}else if(\"bevel\"===z||\"fakeround\"===z){var P=_.x*w.y-_.y*w.x>0,D=-Math.sqrt(T*T-1);if(P?(g=0,d=D):(d=0,g=D),y||this.addCurrentVertex(p,this.distance,_,d,g,!1,h,o),\"fakeround\"===z){for(var R=Math.floor(8*(.5-(A-.5))),B=void 0,F=0;F=0;N--)B=_.mult((N+1)/(R+1))._add(w)._unit(),this.addPieSliceVertex(p,this.distance,B,P,h,o)}b&&this.addCurrentVertex(p,this.distance,w,-d,-g,!1,h,o)}else\"butt\"===z?(y||this.addCurrentVertex(p,this.distance,_,0,0,!1,h,o),b&&this.addCurrentVertex(p,this.distance,w,0,0,!1,h,o)):\"square\"===z?(y||(this.addCurrentVertex(p,this.distance,_,1,1,!1,h,o),this.e1=this.e2=-1),b&&this.addCurrentVertex(p,this.distance,w,-1,-1,!1,h,o)):\"round\"===z&&(y||(this.addCurrentVertex(p,this.distance,_,0,0,!1,h,o),this.addCurrentVertex(p,this.distance,_,1,1,!0,h,o),this.e1=this.e2=-1),b&&(this.addCurrentVertex(p,this.distance,w,-1,-1,!0,h,o),this.addCurrentVertex(p,this.distance,w,0,0,!1,h,o)));if(S&&k2*u){var V=p.add(b.sub(p)._mult(u/j)._round());this.distance+=V.dist(p),this.addCurrentVertex(V,this.distance,w.mult(1),0,0,!1,h,o),p=V}}y=!1}this.programConfigurations.populatePaintArrays(this.layoutVertexArray.length,e)}},wa.prototype.addCurrentVertex=function(t,e,r,n,i,a,o,s){var l,c=this.layoutVertexArray,u=this.indexArray;s&&(e=ka(e,s)),l=r.clone(),n&&l._sub(r.perp()._mult(n)),_a(c,t,l,a,!1,n,e),this.e3=o.vertexLength++,this.e1>=0&&this.e2>=0&&(u.emplaceBack(this.e1,this.e2,this.e3),o.primitiveLength++),this.e1=this.e2,this.e2=this.e3,l=r.mult(-1),i&&l._sub(r.perp()._mult(i)),_a(c,t,l,a,!0,-i,e),this.e3=o.vertexLength++,this.e1>=0&&this.e2>=0&&(u.emplaceBack(this.e1,this.e2,this.e3),o.primitiveLength++),this.e1=this.e2,this.e2=this.e3,e>ba/2&&!s&&(this.distance=0,this.addCurrentVertex(t,this.distance,r,n,i,a,o))},wa.prototype.addPieSliceVertex=function(t,e,r,n,i,a){r=r.mult(n?-1:1);var o=this.layoutVertexArray,s=this.indexArray;a&&(e=ka(e,a)),_a(o,t,r,!1,n,0,e),this.e3=i.vertexLength++,this.e1>=0&&this.e2>=0&&(s.emplaceBack(this.e1,this.e2,this.e3),i.primitiveLength++),n?this.e2=this.e3:this.e1=this.e3},pr(\"LineBucket\",wa,{omit:[\"layers\"]});var Ma=new qr({\"line-cap\":new Nr(I.layout_line[\"line-cap\"]),\"line-join\":new jr(I.layout_line[\"line-join\"]),\"line-miter-limit\":new Nr(I.layout_line[\"line-miter-limit\"]),\"line-round-limit\":new Nr(I.layout_line[\"line-round-limit\"])}),Aa={paint:new qr({\"line-opacity\":new jr(I.paint_line[\"line-opacity\"]),\"line-color\":new jr(I.paint_line[\"line-color\"]),\"line-translate\":new Nr(I.paint_line[\"line-translate\"]),\"line-translate-anchor\":new Nr(I.paint_line[\"line-translate-anchor\"]),\"line-width\":new jr(I.paint_line[\"line-width\"]),\"line-gap-width\":new jr(I.paint_line[\"line-gap-width\"]),\"line-offset\":new jr(I.paint_line[\"line-offset\"]),\"line-blur\":new jr(I.paint_line[\"line-blur\"]),\"line-dasharray\":new Vr(I.paint_line[\"line-dasharray\"]),\"line-pattern\":new Vr(I.paint_line[\"line-pattern\"]),\"line-gradient\":new Ur(I.paint_line[\"line-gradient\"])}),layout:Ma},Ta=new(function(t){function e(){t.apply(this,arguments)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.possiblyEvaluate=function(e,r){return r=new Lr(Math.floor(r.zoom),{now:r.now,fadeDuration:r.fadeDuration,zoomHistory:r.zoomHistory,transition:r.transition}),t.prototype.possiblyEvaluate.call(this,e,r)},e.prototype.evaluate=function(e,r,n){return r=p({},r,{zoom:Math.floor(r.zoom)}),t.prototype.evaluate.call(this,e,r,n)},e}(jr))(Aa.paint.properties[\"line-width\"].specification);Ta.useIntegerZoom=!0;var Sa=function(t){function e(e){t.call(this,e,Aa)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.setPaintProperty=function(e,r,n){t.prototype.setPaintProperty.call(this,e,r,n),\"line-gradient\"===e&&this._updateGradient()},e.prototype._updateGradient=function(){var t=this._transitionablePaint._values[\"line-gradient\"].value.expression;this.gradient=hi(t,\"lineProgress\"),this.gradientTexture=null},e.prototype.recalculate=function(e){t.prototype.recalculate.call(this,e),this.paint._values[\"line-floorwidth\"]=Ta.possiblyEvaluate(this._transitioningPaint._values[\"line-width\"].value,e)},e.prototype.createBucket=function(t){return new wa(t)},e.prototype.queryRadius=function(t){var e=t,r=Ea($n(\"line-width\",this,e),$n(\"line-gap-width\",this,e)),n=$n(\"line-offset\",this,e);return r/2+Math.abs(n)+Jn(this.paint.get(\"line-translate\"))},e.prototype.queryIntersectsFeature=function(t,e,r,n,i,a){var o=Kn(t,this.paint.get(\"line-translate\"),this.paint.get(\"line-translate-anchor\"),i.angle,a),s=a/2*Ea(this.paint.get(\"line-width\").evaluate(e),this.paint.get(\"line-gap-width\").evaluate(e)),c=this.paint.get(\"line-offset\").evaluate(e);return c&&(r=function(t,e){for(var r=[],n=new l(0,0),i=0;i0?e+2*t:t}var Ca=Xr([{name:\"a_pos_offset\",components:4,type:\"Int16\"},{name:\"a_data\",components:4,type:\"Uint16\"}]),La=Xr([{name:\"a_projected_pos\",components:3,type:\"Float32\"}],4),za=(Xr([{name:\"a_fade_opacity\",components:1,type:\"Uint32\"}],4),Xr([{name:\"a_placed\",components:2,type:\"Uint8\"}],4)),Oa=(Xr([{type:\"Int16\",name:\"anchorPointX\"},{type:\"Int16\",name:\"anchorPointY\"},{type:\"Int16\",name:\"x1\"},{type:\"Int16\",name:\"y1\"},{type:\"Int16\",name:\"x2\"},{type:\"Int16\",name:\"y2\"},{type:\"Uint32\",name:\"featureIndex\"},{type:\"Uint16\",name:\"sourceLayerIndex\"},{type:\"Uint16\",name:\"bucketIndex\"},{type:\"Int16\",name:\"radius\"},{type:\"Int16\",name:\"signedDistanceFromAnchor\"}]),Xr([{name:\"a_pos\",components:2,type:\"Int16\"},{name:\"a_anchor_pos\",components:2,type:\"Int16\"},{name:\"a_extrude\",components:2,type:\"Int16\"}],4)),Ia=Xr([{name:\"a_pos\",components:2,type:\"Int16\"},{name:\"a_anchor_pos\",components:2,type:\"Int16\"},{name:\"a_extrude\",components:2,type:\"Int16\"}],4);function Pa(t,e,r){var n=e.layout.get(\"text-transform\").evaluate(r);return\"uppercase\"===n?t=t.toLocaleUpperCase():\"lowercase\"===n&&(t=t.toLocaleLowerCase()),Cr.applyArabicShaping&&(t=Cr.applyArabicShaping(t)),t}Xr([{type:\"Int16\",name:\"anchorX\"},{type:\"Int16\",name:\"anchorY\"},{type:\"Uint16\",name:\"glyphStartIndex\"},{type:\"Uint16\",name:\"numGlyphs\"},{type:\"Uint32\",name:\"vertexStartIndex\"},{type:\"Uint32\",name:\"lineStartIndex\"},{type:\"Uint32\",name:\"lineLength\"},{type:\"Uint16\",name:\"segment\"},{type:\"Uint16\",name:\"lowerSize\"},{type:\"Uint16\",name:\"upperSize\"},{type:\"Float32\",name:\"lineOffsetX\"},{type:\"Float32\",name:\"lineOffsetY\"},{type:\"Uint8\",name:\"writingMode\"},{type:\"Uint8\",name:\"hidden\"}]),Xr([{type:\"Float32\",name:\"offsetX\"}]),Xr([{type:\"Int16\",name:\"x\"},{type:\"Int16\",name:\"y\"},{type:\"Int16\",name:\"tileUnitDistanceFromAnchor\"}]);var Da={\"!\":\"\\ufe15\",\"#\":\"\\uff03\",$:\"\\uff04\",\"%\":\"\\uff05\",\"&\":\"\\uff06\",\"(\":\"\\ufe35\",\")\":\"\\ufe36\",\"*\":\"\\uff0a\",\"+\":\"\\uff0b\",\",\":\"\\ufe10\",\"-\":\"\\ufe32\",\".\":\"\\u30fb\",\"/\":\"\\uff0f\",\":\":\"\\ufe13\",\";\":\"\\ufe14\",\"<\":\"\\ufe3f\",\"=\":\"\\uff1d\",\">\":\"\\ufe40\",\"?\":\"\\ufe16\",\"@\":\"\\uff20\",\"[\":\"\\ufe47\",\"\\\\\":\"\\uff3c\",\"]\":\"\\ufe48\",\"^\":\"\\uff3e\",_:\"\\ufe33\",\"`\":\"\\uff40\",\"{\":\"\\ufe37\",\"|\":\"\\u2015\",\"}\":\"\\ufe38\",\"~\":\"\\uff5e\",\"\\xa2\":\"\\uffe0\",\"\\xa3\":\"\\uffe1\",\"\\xa5\":\"\\uffe5\",\"\\xa6\":\"\\uffe4\",\"\\xac\":\"\\uffe2\",\"\\xaf\":\"\\uffe3\",\"\\u2013\":\"\\ufe32\",\"\\u2014\":\"\\ufe31\",\"\\u2018\":\"\\ufe43\",\"\\u2019\":\"\\ufe44\",\"\\u201c\":\"\\ufe41\",\"\\u201d\":\"\\ufe42\",\"\\u2026\":\"\\ufe19\",\"\\u2027\":\"\\u30fb\",\"\\u20a9\":\"\\uffe6\",\"\\u3001\":\"\\ufe11\",\"\\u3002\":\"\\ufe12\",\"\\u3008\":\"\\ufe3f\",\"\\u3009\":\"\\ufe40\",\"\\u300a\":\"\\ufe3d\",\"\\u300b\":\"\\ufe3e\",\"\\u300c\":\"\\ufe41\",\"\\u300d\":\"\\ufe42\",\"\\u300e\":\"\\ufe43\",\"\\u300f\":\"\\ufe44\",\"\\u3010\":\"\\ufe3b\",\"\\u3011\":\"\\ufe3c\",\"\\u3014\":\"\\ufe39\",\"\\u3015\":\"\\ufe3a\",\"\\u3016\":\"\\ufe17\",\"\\u3017\":\"\\ufe18\",\"\\uff01\":\"\\ufe15\",\"\\uff08\":\"\\ufe35\",\"\\uff09\":\"\\ufe36\",\"\\uff0c\":\"\\ufe10\",\"\\uff0d\":\"\\ufe32\",\"\\uff0e\":\"\\u30fb\",\"\\uff1a\":\"\\ufe13\",\"\\uff1b\":\"\\ufe14\",\"\\uff1c\":\"\\ufe3f\",\"\\uff1e\":\"\\ufe40\",\"\\uff1f\":\"\\ufe16\",\"\\uff3b\":\"\\ufe47\",\"\\uff3d\":\"\\ufe48\",\"\\uff3f\":\"\\ufe33\",\"\\uff5b\":\"\\ufe37\",\"\\uff5c\":\"\\u2015\",\"\\uff5d\":\"\\ufe38\",\"\\uff5f\":\"\\ufe35\",\"\\uff60\":\"\\ufe36\",\"\\uff61\":\"\\ufe12\",\"\\uff62\":\"\\ufe41\",\"\\uff63\":\"\\ufe42\"},Ra=function(t){function e(e,r,n,i){t.call(this,e,r),this.angle=n,void 0!==i&&(this.segment=i)}return t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e,e.prototype.clone=function(){return new e(this.x,this.y,this.angle,this.segment)},e}(l);function Ba(t,e){var r=e.expression;if(\"constant\"===r.kind)return{functionType:\"constant\",layoutSize:r.evaluate(new Lr(t+1))};if(\"source\"===r.kind)return{functionType:\"source\"};for(var n=r.zoomStops,i=0;i0)&&(\"constant\"!==i.value.kind||i.value.value.length>0),l=\"constant\"!==o.value.kind||o.value.value&&o.value.value.length>0;if(this.features=[],s||l){for(var c=e.iconDependencies,u=e.glyphDependencies,f=new Lr(this.zoom),h=0,p=t;h=0;s--)a[s]={x:e[s].x,y:e[s].y,tileUnitDistanceFromAnchor:i},s>0&&(i+=e[s-1].dist(e[s]));for(var l=0;l0;this.addCollisionDebugVertices(s,l,c,u,f?this.collisionCircle:this.collisionBox,o.anchorPoint,r,f)}}}},Ha.prototype.deserializeCollisionBoxes=function(t,e,r,n,i){for(var a={},o=e;o0},Ha.prototype.hasIconData=function(){return this.icon.segments.get().length>0},Ha.prototype.hasCollisionBoxData=function(){return this.collisionBox.segments.get().length>0},Ha.prototype.hasCollisionCircleData=function(){return this.collisionCircle.segments.get().length>0},Ha.prototype.sortFeatures=function(t){var e=this;if(this.sortFeaturesByY&&this.sortedAngle!==t&&(this.sortedAngle=t,!(this.text.segments.get().length>1||this.icon.segments.get().length>1))){for(var r=[],n=0;ni.maxh||t>i.maxw||r<=i.maxh&&t<=i.maxw&&(o=i.maxw*i.maxh-t*r)a.free)){if(r===a.h)return this.allocShelf(s,t,r,n);r>a.h||ru)&&(f=2*Math.max(t,u)),(ll)&&(c=2*Math.max(r,l)),this.resize(f,c),this.packOne(t,r,n)):null},t.prototype.allocFreebin=function(t,e,r,n){var i=this.freebins.splice(t,1)[0];return i.id=n,i.w=e,i.h=r,i.refcount=0,this.bins[n]=i,this.ref(i),i},t.prototype.allocShelf=function(t,e,r,n){var i=this.shelves[t].alloc(e,r,n);return this.bins[n]=i,this.ref(i),i},t.prototype.shrink=function(){if(this.shelves.length>0){for(var t=0,e=0,r=0;rthis.free||e>this.h)return null;var n=this.x;return this.x+=t,this.free-=t,new function(t,e,r,n,i,a,o){this.id=t,this.x=e,this.y=r,this.w=n,this.h=i,this.maxw=a||n,this.maxh=o||i,this.refcount=0}(r,n,this.y,t,e,t,this.h)},e.prototype.resize=function(t){return this.free+=t-this.w,this.w=t,!0},t}()}),Qa=function(t,e){var r=e.pixelRatio;this.paddedRect=t,this.pixelRatio=r},to={tl:{configurable:!0},br:{configurable:!0},displaySize:{configurable:!0}};to.tl.get=function(){return[this.paddedRect.x+1,this.paddedRect.y+1]},to.br.get=function(){return[this.paddedRect.x+this.paddedRect.w-1,this.paddedRect.y+this.paddedRect.h-1]},to.displaySize.get=function(){return[(this.paddedRect.w-2)/this.pixelRatio,(this.paddedRect.h-2)/this.pixelRatio]},Object.defineProperties(Qa.prototype,to);var eo=function(t){var e=new ui({width:0,height:0}),r={},n=new Ka(0,0,{autoResize:!0});for(var i in t){var a=t[i],o=n.packOne(a.data.width+2,a.data.height+2);e.resize({width:n.w,height:n.h}),ui.copy(a.data,e,{x:0,y:0},{x:o.x+1,y:o.y+1},a.data),r[i]=new Qa(o,a)}n.shrink(),e.resize({width:n.w,height:n.h}),this.image=e,this.positions=r};pr(\"ImagePosition\",Qa),pr(\"ImageAtlas\",eo);var ro=function(t,e,r,n,i){var a,o,s=8*i-n-1,l=(1<>1,u=-7,f=r?i-1:0,h=r?-1:1,p=t[e+f];for(f+=h,a=p&(1<<-u)-1,p>>=-u,u+=s;u>0;a=256*a+t[e+f],f+=h,u-=8);for(o=a&(1<<-u)-1,a>>=-u,u+=n;u>0;o=256*o+t[e+f],f+=h,u-=8);if(0===a)a=1-c;else{if(a===l)return o?NaN:1/0*(p?-1:1);o+=Math.pow(2,n),a-=c}return(p?-1:1)*o*Math.pow(2,a-n)},no=function(t,e,r,n,i,a){var o,s,l,c=8*a-i-1,u=(1<>1,h=23===i?Math.pow(2,-24)-Math.pow(2,-77):0,p=n?0:a-1,d=n?1:-1,g=e<0||0===e&&1/e<0?1:0;for(e=Math.abs(e),isNaN(e)||e===1/0?(s=isNaN(e)?1:0,o=u):(o=Math.floor(Math.log(e)/Math.LN2),e*(l=Math.pow(2,-o))<1&&(o--,l*=2),(e+=o+f>=1?h/l:h*Math.pow(2,1-f))*l>=2&&(o++,l/=2),o+f>=u?(s=0,o=u):o+f>=1?(s=(e*l-1)*Math.pow(2,i),o+=f):(s=e*Math.pow(2,f-1)*Math.pow(2,i),o=0));i>=8;t[r+p]=255&s,p+=d,s/=256,i-=8);for(o=o<0;t[r+p]=255&o,p+=d,o/=256,c-=8);t[r+p-d]|=128*g},io=ao;function ao(t){this.buf=ArrayBuffer.isView&&ArrayBuffer.isView(t)?t:new Uint8Array(t||0),this.pos=0,this.type=0,this.length=this.buf.length}function oo(t){return t.type===ao.Bytes?t.readVarint()+t.pos:t.pos+1}function so(t,e,r){return r?4294967296*e+(t>>>0):4294967296*(e>>>0)+(t>>>0)}function lo(t,e,r){var n=e<=16383?1:e<=2097151?2:e<=268435455?3:Math.ceil(Math.log(e)/(7*Math.LN2));r.realloc(n);for(var i=r.pos-1;i>=t;i--)r.buf[i+n]=r.buf[i]}function co(t,e){for(var r=0;r>>8,t[r+2]=e>>>16,t[r+3]=e>>>24}function _o(t,e){return(t[e]|t[e+1]<<8|t[e+2]<<16)+(t[e+3]<<24)}ao.Varint=0,ao.Fixed64=1,ao.Bytes=2,ao.Fixed32=5,ao.prototype={destroy:function(){this.buf=null},readFields:function(t,e,r){for(r=r||this.length;this.pos>3,a=this.pos;this.type=7&n,t(i,e,this),this.pos===a&&this.skip(n)}return e},readMessage:function(t,e){return this.readFields(t,e,this.readVarint()+this.pos)},readFixed32:function(){var t=xo(this.buf,this.pos);return this.pos+=4,t},readSFixed32:function(){var t=_o(this.buf,this.pos);return this.pos+=4,t},readFixed64:function(){var t=xo(this.buf,this.pos)+4294967296*xo(this.buf,this.pos+4);return this.pos+=8,t},readSFixed64:function(){var t=xo(this.buf,this.pos)+4294967296*_o(this.buf,this.pos+4);return this.pos+=8,t},readFloat:function(){var t=ro(this.buf,this.pos,!0,23,4);return this.pos+=4,t},readDouble:function(){var t=ro(this.buf,this.pos,!0,52,8);return this.pos+=8,t},readVarint:function(t){var e,r,n=this.buf;return e=127&(r=n[this.pos++]),r<128?e:(e|=(127&(r=n[this.pos++]))<<7,r<128?e:(e|=(127&(r=n[this.pos++]))<<14,r<128?e:(e|=(127&(r=n[this.pos++]))<<21,r<128?e:function(t,e,r){var n,i,a=r.buf;if(n=(112&(i=a[r.pos++]))>>4,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<3,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<10,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<17,i<128)return so(t,n,e);if(n|=(127&(i=a[r.pos++]))<<24,i<128)return so(t,n,e);if(n|=(1&(i=a[r.pos++]))<<31,i<128)return so(t,n,e);throw new Error(\"Expected varint not more than 10 bytes\")}(e|=(15&(r=n[this.pos]))<<28,t,this))))},readVarint64:function(){return this.readVarint(!0)},readSVarint:function(){var t=this.readVarint();return t%2==1?(t+1)/-2:t/2},readBoolean:function(){return Boolean(this.readVarint())},readString:function(){var t=this.readVarint()+this.pos,e=function(t,e,r){for(var n=\"\",i=e;i239?4:l>223?3:l>191?2:1;if(i+u>r)break;1===u?l<128&&(c=l):2===u?128==(192&(a=t[i+1]))&&(c=(31&l)<<6|63&a)<=127&&(c=null):3===u?(a=t[i+1],o=t[i+2],128==(192&a)&&128==(192&o)&&((c=(15&l)<<12|(63&a)<<6|63&o)<=2047||c>=55296&&c<=57343)&&(c=null)):4===u&&(a=t[i+1],o=t[i+2],s=t[i+3],128==(192&a)&&128==(192&o)&&128==(192&s)&&((c=(15&l)<<18|(63&a)<<12|(63&o)<<6|63&s)<=65535||c>=1114112)&&(c=null)),null===c?(c=65533,u=1):c>65535&&(c-=65536,n+=String.fromCharCode(c>>>10&1023|55296),c=56320|1023&c),n+=String.fromCharCode(c),i+=u}return n}(this.buf,this.pos,t);return this.pos=t,e},readBytes:function(){var t=this.readVarint()+this.pos,e=this.buf.subarray(this.pos,t);return this.pos=t,e},readPackedVarint:function(t,e){var r=oo(this);for(t=t||[];this.pos127;);else if(e===ao.Bytes)this.pos=this.readVarint()+this.pos;else if(e===ao.Fixed32)this.pos+=4;else{if(e!==ao.Fixed64)throw new Error(\"Unimplemented type: \"+e);this.pos+=8}},writeTag:function(t,e){this.writeVarint(t<<3|e)},realloc:function(t){for(var e=this.length||16;e268435455||t<0?function(t,e){var r,n;if(t>=0?(r=t%4294967296|0,n=t/4294967296|0):(n=~(-t/4294967296),4294967295^(r=~(-t%4294967296))?r=r+1|0:(r=0,n=n+1|0)),t>=0x10000000000000000||t<-0x10000000000000000)throw new Error(\"Given varint doesn't fit into 10 bytes\");e.realloc(10),function(t,e,r){r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos++]=127&t|128,t>>>=7,r.buf[r.pos]=127&t}(r,0,e),function(t,e){var r=(7&t)<<4;e.buf[e.pos++]|=r|((t>>>=3)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t|((t>>>=7)?128:0),t&&(e.buf[e.pos++]=127&t)))))}(n,e)}(t,this):(this.realloc(4),this.buf[this.pos++]=127&t|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=127&(t>>>=7)|(t>127?128:0),t<=127||(this.buf[this.pos++]=t>>>7&127))))},writeSVarint:function(t){this.writeVarint(t<0?2*-t-1:2*t)},writeBoolean:function(t){this.writeVarint(Boolean(t))},writeString:function(t){t=String(t),this.realloc(4*t.length),this.pos++;var e=this.pos;this.pos=function(t,e,r){for(var n,i,a=0;a55295&&n<57344){if(!i){n>56319||a+1===e.length?(t[r++]=239,t[r++]=191,t[r++]=189):i=n;continue}if(n<56320){t[r++]=239,t[r++]=191,t[r++]=189,i=n;continue}n=i-55296<<10|n-56320|65536,i=null}else i&&(t[r++]=239,t[r++]=191,t[r++]=189,i=null);n<128?t[r++]=n:(n<2048?t[r++]=n>>6|192:(n<65536?t[r++]=n>>12|224:(t[r++]=n>>18|240,t[r++]=n>>12&63|128),t[r++]=n>>6&63|128),t[r++]=63&n|128)}return r}(this.buf,t,this.pos);var r=this.pos-e;r>=128&&lo(e,r,this),this.pos=e-1,this.writeVarint(r),this.pos+=r},writeFloat:function(t){this.realloc(4),no(this.buf,t,this.pos,!0,23,4),this.pos+=4},writeDouble:function(t){this.realloc(8),no(this.buf,t,this.pos,!0,52,8),this.pos+=8},writeBytes:function(t){var e=t.length;this.writeVarint(e),this.realloc(e);for(var r=0;r=128&&lo(r,n,this),this.pos=r-1,this.writeVarint(n),this.pos+=n},writeMessage:function(t,e,r){this.writeTag(t,ao.Bytes),this.writeRawMessage(e,r)},writePackedVarint:function(t,e){this.writeMessage(t,co,e)},writePackedSVarint:function(t,e){this.writeMessage(t,uo,e)},writePackedBoolean:function(t,e){this.writeMessage(t,po,e)},writePackedFloat:function(t,e){this.writeMessage(t,fo,e)},writePackedDouble:function(t,e){this.writeMessage(t,ho,e)},writePackedFixed32:function(t,e){this.writeMessage(t,go,e)},writePackedSFixed32:function(t,e){this.writeMessage(t,vo,e)},writePackedFixed64:function(t,e){this.writeMessage(t,mo,e)},writePackedSFixed64:function(t,e){this.writeMessage(t,yo,e)},writeBytesField:function(t,e){this.writeTag(t,ao.Bytes),this.writeBytes(e)},writeFixed32Field:function(t,e){this.writeTag(t,ao.Fixed32),this.writeFixed32(e)},writeSFixed32Field:function(t,e){this.writeTag(t,ao.Fixed32),this.writeSFixed32(e)},writeFixed64Field:function(t,e){this.writeTag(t,ao.Fixed64),this.writeFixed64(e)},writeSFixed64Field:function(t,e){this.writeTag(t,ao.Fixed64),this.writeSFixed64(e)},writeVarintField:function(t,e){this.writeTag(t,ao.Varint),this.writeVarint(e)},writeSVarintField:function(t,e){this.writeTag(t,ao.Varint),this.writeSVarint(e)},writeStringField:function(t,e){this.writeTag(t,ao.Bytes),this.writeString(e)},writeFloatField:function(t,e){this.writeTag(t,ao.Fixed32),this.writeFloat(e)},writeDoubleField:function(t,e){this.writeTag(t,ao.Fixed64),this.writeDouble(e)},writeBooleanField:function(t,e){this.writeVarintField(t,Boolean(e))}};var wo=3;function ko(t,e,r){1===t&&r.readMessage(Mo,e)}function Mo(t,e,r){if(3===t){var n=r.readMessage(Ao,{}),i=n.id,a=n.bitmap,o=n.width,s=n.height,l=n.left,c=n.top,u=n.advance;e.push({id:i,bitmap:new ci({width:o+2*wo,height:s+2*wo},a),metrics:{width:o,height:s,left:l,top:c,advance:u}})}}function Ao(t,e,r){1===t?e.id=r.readVarint():2===t?e.bitmap=r.readBytes():3===t?e.width=r.readVarint():4===t?e.height=r.readVarint():5===t?e.left=r.readSVarint():6===t?e.top=r.readSVarint():7===t&&(e.advance=r.readVarint())}var To=wo,So=function(t,e,r){this.target=t,this.parent=e,this.mapId=r,this.callbacks={},this.callbackID=0,g([\"receive\"],this),this.target.addEventListener(\"message\",this.receive,!1)};So.prototype.send=function(t,e,r,n){var i=r?this.mapId+\":\"+this.callbackID++:null;r&&(this.callbacks[i]=r);var a=[];this.target.postMessage({targetMapId:n,sourceMapId:this.mapId,type:t,id:String(i),data:gr(e,a)},a)},So.prototype.receive=function(t){var e,r=this,n=t.data,i=n.id;if(!n.targetMapId||this.mapId===n.targetMapId){var a=function(t,e){var n=[];r.target.postMessage({sourceMapId:r.mapId,type:\"\",id:String(i),error:t?gr(t):null,data:gr(e,n)},n)};if(\"\"===n.type)e=this.callbacks[n.id],delete this.callbacks[n.id],e&&n.error?e(vr(n.error)):e&&e(null,vr(n.data));else if(void 0!==n.id&&this.parent[n.type])this.parent[n.type](n.sourceMapId,vr(n.data),a);else if(void 0!==n.id&&this.parent.getWorkerSource){var o=n.type.split(\".\");this.parent.getWorkerSource(n.sourceMapId,o[0],o[1])[o[2]](vr(n.data),a)}else this.parent[n.type](vr(n.data))}},So.prototype.remove=function(){this.target.removeEventListener(\"message\",this.receive,!1)};var Eo=n(i(function(t,e){!function(t){function e(t,e,n){var i=r(256*t,256*(e=Math.pow(2,n)-e-1),n),a=r(256*(t+1),256*(e+1),n);return i[0]+\",\"+i[1]+\",\"+a[0]+\",\"+a[1]}function r(t,e,r){var n=2*Math.PI*6378137/256/Math.pow(2,r);return[t*n-2*Math.PI*6378137/2,e*n-2*Math.PI*6378137/2]}t.getURL=function(t,r,n,i,a,o){return o=o||{},t+\"?\"+[\"bbox=\"+e(n,i,a),\"format=\"+(o.format||\"image/png\"),\"service=\"+(o.service||\"WMS\"),\"version=\"+(o.version||\"1.1.1\"),\"request=\"+(o.request||\"GetMap\"),\"srs=\"+(o.srs||\"EPSG:3857\"),\"width=\"+(o.width||256),\"height=\"+(o.height||256),\"layers=\"+r].join(\"&\")},t.getTileBBox=e,t.getMercCoords=r,Object.defineProperty(t,\"__esModule\",{value:!0})}(e)})),Co=function(t,e,r){this.z=t,this.x=e,this.y=r,this.key=Oo(0,t,e,r)};Co.prototype.equals=function(t){return this.z===t.z&&this.x===t.x&&this.y===t.y},Co.prototype.url=function(t,e){var r=Eo.getTileBBox(this.x,this.y,this.z),n=function(t,e,r){for(var n,i=\"\",a=t;a>0;a--)i+=(e&(n=1<this.canonical.z?new zo(t,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y):new zo(t,this.wrap,t,this.canonical.x>>e,this.canonical.y>>e)},zo.prototype.isChildOf=function(t){var e=this.canonical.z-t.canonical.z;return 0===t.overscaledZ||t.overscaledZ>e&&t.canonical.y===this.canonical.y>>e},zo.prototype.children=function(t){if(this.overscaledZ>=t)return[new zo(this.overscaledZ+1,this.wrap,this.canonical.z,this.canonical.x,this.canonical.y)];var e=this.canonical.z+1,r=2*this.canonical.x,n=2*this.canonical.y;return[new zo(e,this.wrap,e,r,n),new zo(e,this.wrap,e,r+1,n),new zo(e,this.wrap,e,r,n+1),new zo(e,this.wrap,e,r+1,n+1)]},zo.prototype.isLessThan=function(t){return this.wrapt.wrap)&&(this.overscaledZt.overscaledZ)&&(this.canonical.xt.canonical.x)&&this.canonical.y=this.dim+this.border||e<-this.border||e>=this.dim+this.border)throw new RangeError(\"out of range source coordinates for DEM data\");return(e+this.border)*this.stride+(t+this.border)},pr(\"Level\",Io);var Po=function(t,e,r){this.uid=t,this.scale=e||1,this.level=r||new Io(256,512),this.loaded=!!r};Po.prototype.loadFromImage=function(t,e){if(t.height!==t.width)throw new RangeError(\"DEM tiles must be square\");if(e&&\"mapbox\"!==e&&\"terrarium\"!==e)return _('\"'+e+'\" is not a valid encoding type. Valid types include \"mapbox\" and \"terrarium\".');var r=this.level=new Io(t.width,t.width/2),n=t.data;this._unpackData(r,n,e||\"mapbox\");for(var i=0;i=0&&l[3]>=0&&this.grid.insert(a,l[0],l[1],l[2],l[3])}},Fo.prototype.loadVTLayers=function(){return this.vtLayers||(this.vtLayers=new ga.VectorTile(new io(this.rawTileData)).layers,this.sourceLayerCoder=new Do(this.vtLayers?Object.keys(this.vtLayers).sort():[\"_geojsonTileLayer\"])),this.vtLayers},Fo.prototype.query=function(t,e){var r=this;this.loadVTLayers();for(var n=t.params||{},i=Dn/t.tileSize/t.scale,a=Re(n.filter),o=t.queryGeometry,s=t.queryPadding*i,l=1/0,c=1/0,u=-1/0,f=-1/0,h=0;h=0)return!0;return!1}(a,l)){var c=this.sourceLayerCoder.decode(r),u=this.vtLayers[c].feature(n);if(i(new Lr(this.tileID.overscaledZ),u))for(var f=0;f=200&&r.status<300&&r.response){var n;try{n=JSON.parse(r.response)}catch(t){return e(t)}e(null,n)}else 401===r.status&&t.url.match(/mapbox.com/)?e(new A(r.statusText+\": you may have provided an invalid Mapbox access token. See https://www.mapbox.com/api-documentation/#access-tokens\",r.status,t.url)):e(new A(r.statusText,r.status,t.url))},r.send(),r},e.getImage=function(t,e){return S(t,function(t,r){if(t)e(t);else if(r){var n=new self.Image,i=self.URL||self.webkitURL;n.onload=function(){e(null,n),i.revokeObjectURL(n.src)};var a=new self.Blob([new Uint8Array(r.data)],{type:\"image/png\"});n.cacheControl=r.cacheControl,n.expires=r.expires,n.src=r.data.byteLength?i.createObjectURL(a):\"data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAAAEAAAABCAYAAAAfFcSJAAAAC0lEQVQYV2NgAAIAAAUAAarVyFEAAAAASUVORK5CYII=\"}})},e.ResourceType=M,e.RGBAImage=ui,e.default$2=Ka,e.ImagePosition=Qa,e.getArrayBuffer=S,e.default$3=function(t){return new io(t).readFields(ko,[])},e.default$4=yr,e.asyncAll=function(t,e,r){if(!t.length)return r(null,[]);var n=t.length,i=new Array(t.length),a=null;t.forEach(function(t,o){e(t,function(t,e){t&&(a=t),i[o]=e,0==--n&&r(a,i)})})},e.AlphaImage=ci,e.default$5=I,e.endsWith=v,e.extend=p,e.sphericalToCartesian=function(t){var e=t[0],r=t[1],n=t[2];return r+=90,r*=Math.PI/180,n*=Math.PI/180,{x:e*Math.cos(r)*Math.sin(n),y:e*Math.sin(r)*Math.sin(n),z:e*Math.cos(n)}},e.Evented=O,e.validateStyle=nr,e.validateLight=ir,e.emitValidationErrors=sr,e.default$6=tt,e.number=wt,e.Properties=qr,e.Transitionable=Ir,e.Transitioning=Dr,e.PossiblyEvaluated=Fr,e.DataConstantProperty=Nr,e.warnOnce=_,e.uniqueId=function(){return d++},e.default$7=So,e.pick=function(t,e){for(var r={},n=0;n@\\,;\\:\\\\\"\\/\\[\\]\\?\\=\\{\\}\\x7F]+)(?:\\=(?:([^\\x00-\\x20\\(\\)<>@\\,;\\:\\\\\"\\/\\[\\]\\?\\=\\{\\}\\x7F]+)|(?:\\\"((?:[^\"\\\\]|\\\\.)*)\\\")))?/g,function(t,r,n,i){var a=n||i;return e[r]=!a||a.toLowerCase(),\"\"}),e[\"max-age\"]){var r=parseInt(e[\"max-age\"],10);isNaN(r)?delete e[\"max-age\"]:e[\"max-age\"]=r}return e},e.default$11=Fo,e.default$12=Ro,e.default$13=Re,e.default$14=Ha,e.CollisionBoxArray=vn,e.default$15=Tn,e.TriangleIndexArray=fn,e.default$16=Lr,e.default$17=s,e.keysDifference=function(t,e){var r=[];for(var n in t)n in e||r.push(n);return r},e.default$18=[\"type\",\"source\",\"source-layer\",\"minzoom\",\"maxzoom\",\"filter\",\"layout\"],e.mat4=ri,e.vec4=ei,e.getSizeData=Ba,e.evaluateSizeForFeature=function(t,e,r){var n=e;return\"source\"===t.functionType?r.lowerSize/10:\"composite\"===t.functionType?wt(r.lowerSize/10,r.upperSize/10,n.uSizeT):n.uSize},e.evaluateSizeForZoom=function(t,e,r){if(\"constant\"===t.functionType)return{uSizeT:0,uSize:t.layoutSize};if(\"source\"===t.functionType)return{uSizeT:0,uSize:0};if(\"camera\"===t.functionType){var n=t.propertyValue,i=t.zoomRange,a=t.sizeRange,o=h(Se(n,r.specification).interpolationFactor(e,i.min,i.max),0,1);return{uSizeT:0,uSize:a.min+o*(a.max-a.min)}}var s=t.propertyValue,l=t.zoomRange;return{uSizeT:h(Se(s,r.specification).interpolationFactor(e,l.min,l.max),0,1),uSize:0}},e.addDynamicAttributes=Va,e.default$19=Wa,e.WritingMode=jo,e.multiPolygonIntersectsBufferedPoint=jn,e.multiPolygonIntersectsMultiPolygon=Vn,e.multiPolygonIntersectsBufferedMultiLine=Un,e.polygonIntersectsPolygon=function(t,e){for(var r=0;r-r/2;){if(--o<0)return!1;s-=t[o].dist(a),a=t[o]}s+=t[o].dist(t[o+1]),o++;for(var l=[],c=0;sn;)c-=l.shift().angleDelta;if(c>i)return!1;o++,s+=f.dist(h)}return!0}function a(e,r,n,a,o,s,l,c,u){var f=a?.6*s*l:0,h=Math.max(a?a.right-a.left:0,o?o.right-o.left:0),p=0===e[0].x||e[0].x===u||0===e[0].y||e[0].y===u;return r-h*l=0&&M=0&&A=0&&v+h<=p){var T=new t.default$25(M,A,w,y);T._round(),o&&!i(r,T,l,o,s)||m.push(T)}}g+=_}return u||m.length||c||(m=e(r,g/2,a,o,s,l,c,!0,f)),m}(e,p?r/2*c%r:(h/2+2*s)*l*c%r,r,f,n,h*l,p,!1,u)}n.prototype.replace=function(t){this._layerConfigs={},this._layers={},this.update(t,[])},n.prototype.update=function(e,n){for(var i=this,a=0,o=e;a0&&(g=Math.max(10*s,g),this._addLineCollisionCircles(t,e,r,r.segment,v,g,n,i,a,u))}else t.emplaceBack(r.x,r.y,p,f,d,h,n,i,a,0,0);this.boxEndIndex=t.length};s.prototype._addLineCollisionCircles=function(t,e,r,n,i,a,o,s,l,c){var u=a/2,f=Math.floor(i/u),h=1+.4*Math.log(c)/Math.LN2,p=Math.floor(f*h/2),d=-a/2,g=r,v=n+1,m=d,y=-i/2,x=y-i/4;do{if(--v<0){if(m>y)return;v=0;break}m-=e[v].dist(g),g=e[v]}while(m>x);for(var b=e[v].dist(e[v+1]),_=-p;_i&&(k+=w-i),!(k=e.length)return;b=e[v].dist(e[v+1])}var M=k-m,A=e[v],T=e[v+1].sub(A)._unit()._mult(M)._add(A)._round(),S=Math.abs(k-d)0)for(var r=(this.length>>1)-1;r>=0;r--)this._down(r)}function f(t,e){return te?1:0}function h(e,r,n){void 0===r&&(r=1),void 0===n&&(n=!1);for(var i=1/0,a=1/0,o=-1/0,s=-1/0,c=e[0],u=0;uo)&&(o=f.x),(!u||f.y>s)&&(s=f.y)}var h=o-i,g=s-a,v=Math.min(h,g),m=v/2,y=new l(null,p);if(0===v)return new t.default$1(i,a);for(var x=i;x_.d||!_.d)&&(_=k,n&&console.log(\"found best %d after %d probes\",Math.round(1e4*k.d)/1e4,w)),k.max-_.d<=r||(m=k.h/2,y.push(new d(k.p.x-m,k.p.y-m,m,e)),y.push(new d(k.p.x+m,k.p.y-m,m,e)),y.push(new d(k.p.x-m,k.p.y+m,m,e)),y.push(new d(k.p.x+m,k.p.y+m,m,e)),w+=4)}return n&&(console.log(\"num probes: \"+w),console.log(\"best distance: \"+_.d)),_.p}function p(t,e){return e.max-t.max}function d(e,r,n,i){this.p=new t.default$1(e,r),this.h=n,this.d=function(e,r){for(var n=!1,i=1/0,a=0;ae.y!=f.y>e.y&&e.x<(f.x-u.x)*(e.y-u.y)/(f.y-u.y)+u.x&&(n=!n),i=Math.min(i,t.distToSegmentSquared(e,u,f))}return(n?1:-1)*Math.sqrt(i)}(this.p,i),this.max=this.d+this.h*Math.SQRT2}function g(e,r,n,i,a,o){e.createArrays(),e.symbolInstances=[];var s=512*e.overscaling;e.tilePixelRatio=t.default$8/s,e.compareText={},e.iconsNeedLinear=!1;var l=e.layers[0].layout,c=e.layers[0]._unevaluatedLayout._values,u={};if(\"composite\"===e.textSizeData.functionType){var f=e.textSizeData.zoomRange,h=f.min,p=f.max;u.compositeTextSizes=[c[\"text-size\"].possiblyEvaluate(new t.default$16(h)),c[\"text-size\"].possiblyEvaluate(new t.default$16(p))]}if(\"composite\"===e.iconSizeData.functionType){var d=e.iconSizeData.zoomRange,g=d.min,m=d.max;u.compositeIconSizes=[c[\"icon-size\"].possiblyEvaluate(new t.default$16(g)),c[\"icon-size\"].possiblyEvaluate(new t.default$16(m))]}u.layoutTextSize=c[\"text-size\"].possiblyEvaluate(new t.default$16(e.zoom+1)),u.layoutIconSize=c[\"icon-size\"].possiblyEvaluate(new t.default$16(e.zoom+1)),u.textMaxSize=c[\"text-size\"].possiblyEvaluate(new t.default$16(18));for(var y=24*l.get(\"text-line-height\"),x=\"map\"===l.get(\"text-rotation-alignment\")&&\"line\"===l.get(\"symbol-placement\"),b=l.get(\"text-keep-upright\"),_=0,w=e.features;_=t.default$8||u.y<0||u.y>=t.default$8||e.symbolInstances.push(function(e,r,n,i,a,l,c,u,f,h,p,d,g,v,y,x,b,_,w,k,M){var A,T,S=e.addToLineVertexArray(r,n),E=0,C=0,L=0,z=i.horizontal?i.horizontal.text:\"\",O=[];i.horizontal&&(A=new s(c,n,r,u,f,h,i.horizontal,p,d,g,e.overscaling),C+=m(e,r,i.horizontal,l,g,w,v,S,i.vertical?t.WritingMode.horizontal:t.WritingMode.horizontalOnly,O,k,M),i.vertical&&(L+=m(e,r,i.vertical,l,g,w,v,S,t.WritingMode.vertical,O,k,M)));var I=A?A.boxStartIndex:e.collisionBoxArray.length,P=A?A.boxEndIndex:e.collisionBoxArray.length;if(a){var D=function(e,r,n,i,a,o){var s,l,c,u,f=r.image,h=n.layout,p=r.top-1/f.pixelRatio,d=r.left-1/f.pixelRatio,g=r.bottom+1/f.pixelRatio,v=r.right+1/f.pixelRatio;if(\"none\"!==h.get(\"icon-text-fit\")&&a){var m=v-d,y=g-p,x=h.get(\"text-size\").evaluate(o)/24,b=a.left*x,_=a.right*x,w=a.top*x,k=_-b,M=a.bottom*x-w,A=h.get(\"icon-text-fit-padding\")[0],T=h.get(\"icon-text-fit-padding\")[1],S=h.get(\"icon-text-fit-padding\")[2],E=h.get(\"icon-text-fit-padding\")[3],C=\"width\"===h.get(\"icon-text-fit\")?.5*(M-y):0,L=\"height\"===h.get(\"icon-text-fit\")?.5*(k-m):0,z=\"width\"===h.get(\"icon-text-fit\")||\"both\"===h.get(\"icon-text-fit\")?k:m,O=\"height\"===h.get(\"icon-text-fit\")||\"both\"===h.get(\"icon-text-fit\")?M:y;s=new t.default$1(b+L-E,w+C-A),l=new t.default$1(b+L+T+z,w+C-A),c=new t.default$1(b+L+T+z,w+C+S+O),u=new t.default$1(b+L-E,w+C+S+O)}else s=new t.default$1(d,p),l=new t.default$1(v,p),c=new t.default$1(v,g),u=new t.default$1(d,g);var I=n.layout.get(\"icon-rotate\").evaluate(o)*Math.PI/180;if(I){var P=Math.sin(I),D=Math.cos(I),R=[D,-P,P,D];s._matMult(R),l._matMult(R),u._matMult(R),c._matMult(R)}return[{tl:s,tr:l,bl:u,br:c,tex:f.paddedRect,writingMode:void 0,glyphOffset:[0,0]}]}(0,a,l,0,i.horizontal,w);T=new s(c,n,r,u,f,h,a,y,x,!1,e.overscaling),E=4*D.length;var R=e.iconSizeData,B=null;\"source\"===R.functionType?B=[10*l.layout.get(\"icon-size\").evaluate(w)]:\"composite\"===R.functionType&&(B=[10*M.compositeIconSizes[0].evaluate(w),10*M.compositeIconSizes[1].evaluate(w)]),e.addSymbols(e.icon,D,B,_,b,w,!1,r,S.lineStartIndex,S.lineLength)}var F=T?T.boxStartIndex:e.collisionBoxArray.length,N=T?T.boxEndIndex:e.collisionBoxArray.length;return e.glyphOffsetArray.length>=t.default$14.MAX_GLYPHS&&t.warnOnce(\"Too many glyphs being rendered in a tile. See https://github.com/mapbox/mapbox-gl-js/issues/2907\"),{key:z,textBoxStartIndex:I,textBoxEndIndex:P,iconBoxStartIndex:F,iconBoxEndIndex:N,textOffset:v,iconOffset:_,anchor:r,line:n,featureIndex:u,feature:w,numGlyphVertices:C,numVerticalGlyphVertices:L,numIconVertices:E,textOpacityState:new o,iconOpacityState:new o,isDuplicate:!1,placedTextSymbolIndices:O,crossTileID:0}}(e,u,a,n,i,e.layers[0],e.collisionBoxArray,r.index,r.sourceLayerIndex,e.index,b,M,S,g,w,A,E,v,r,l,c))};if(\"line\"===d.get(\"symbol-placement\"))for(var z=0,O=function(e,r,n,i,a){for(var o=[],s=0;s=i&&h.x>=i||(f.x>=i?f=new t.default$1(i,f.y+(h.y-f.y)*((i-f.x)/(h.x-f.x)))._round():h.x>=i&&(h=new t.default$1(i,f.y+(h.y-f.y)*((i-f.x)/(h.x-f.x)))._round()),f.y>=a&&h.y>=a||(f.y>=a?f=new t.default$1(f.x+(h.x-f.x)*((a-f.y)/(h.y-f.y)),a)._round():h.y>=a&&(h=new t.default$1(f.x+(h.x-f.x)*((a-f.y)/(h.y-f.y)),a)._round()),c&&f.equals(c[c.length-1])||(c=[f],o.push(c)),c.push(h)))))}return o}(r.geometry,0,0,t.default$8,t.default$8);z=0;o--)if(n.dist(a[o])0&&(this.data[0]=this.data[this.length],this._down(0)),this.data.pop(),t}},peek:function(){return this.data[0]},_up:function(t){for(var e=this.data,r=this.compare,n=e[t];t>0;){var i=t-1>>1,a=e[i];if(r(n,a)>=0)break;e[t]=a,t=i}e[t]=n},_down:function(t){for(var e=this.data,r=this.compare,n=this.length>>1,i=e[t];t=0)break;e[t]=s,t=a}e[t]=i}},l.default=c;var x=function(e){var r=new t.AlphaImage({width:0,height:0}),n={},i=new t.default$2(0,0,{autoResize:!0});for(var a in e){var o=e[a],s=n[a]={};for(var l in o){var c=o[+l];if(c&&0!==c.bitmap.width&&0!==c.bitmap.height){var u=i.packOne(c.bitmap.width+2,c.bitmap.height+2);r.resize({width:i.w,height:i.h}),t.AlphaImage.copy(c.bitmap,r,{x:0,y:0},{x:u.x+1,y:u.y+1},c.bitmap),s[l]={rect:u,metrics:c.metrics}}}}i.shrink(),r.resize({width:i.w,height:i.h}),this.image=r,this.positions=n};t.register(\"GlyphAtlas\",x);var b=function(e){this.tileID=new t.OverscaledTileID(e.tileID.overscaledZ,e.tileID.wrap,e.tileID.canonical.z,e.tileID.canonical.x,e.tileID.canonical.y),this.uid=e.uid,this.zoom=e.zoom,this.pixelRatio=e.pixelRatio,this.tileSize=e.tileSize,this.source=e.source,this.overscaling=this.tileID.overscaleFactor(),this.showCollisionBoxes=e.showCollisionBoxes,this.collectResourceTiming=!!e.collectResourceTiming};function _(e,r){for(var n=new t.default$16(r),i=0,a=e;i=T.maxzoom||\"none\"!==T.visibility&&(_(A,a.zoom),(f[T.id]=T.createBucket({index:s.bucketLayerIDs.length,layers:A,zoom:a.zoom,pixelRatio:a.pixelRatio,overscaling:a.overscaling,collisionBoxArray:a.collisionBoxArray,sourceLayerIndex:m})).populate(y,h),s.bucketLayerIDs.push(A.map(function(t){return t.id})))}}}var S=t.mapObject(h.glyphDependencies,function(t){return Object.keys(t).map(Number)});Object.keys(S).length?n.send(\"getGlyphs\",{uid:this.uid,stacks:S},function(t,e){l||(l=t,c=e,C.call(a))}):c={};var E=Object.keys(h.iconDependencies);function C(){if(l)return i(l);if(c&&u){var e=new x(c),r=new t.default$28(u);for(var n in f){var a=f[n];a instanceof t.default$14&&(_(a.layers,this.zoom),g(a,c,e.positions,u,r.positions,this.showCollisionBoxes))}this.status=\"done\",i(null,{buckets:t.values(f).filter(function(t){return!t.isEmpty()}),featureIndex:s,collisionBoxArray:this.collisionBoxArray,glyphAtlasImage:e.image,iconAtlasImage:r.image})}}E.length?n.send(\"getImages\",{icons:E},function(t,e){l||(l=t,u=e,C.call(a))}):u={},C.call(this)};var w=function(t){return!(!performance||!performance.getEntriesByName)&&performance.getEntriesByName(t)};function k(e,r){var n=t.getArrayBuffer(e.request,function(e,n){e?r(e):n&&r(null,{vectorTile:new t.default$29.VectorTile(new t.default$30(n.data)),rawData:n.data,cacheControl:n.cacheControl,expires:n.expires})});return function(){n.abort(),r()}}var M=function(t,e,r){this.actor=t,this.layerIndex=e,this.loadVectorData=r||k,this.loading={},this.loaded={}};M.prototype.loadTile=function(e,r){var n=this,i=e.uid;this.loading||(this.loading={});var a=this.loading[i]=new b(e);a.abort=this.loadVectorData(e,function(o,s){if(delete n.loading[i],o||!s)return r(o);var l=s.rawData,c={};s.expires&&(c.expires=s.expires),s.cacheControl&&(c.cacheControl=s.cacheControl);var u={};if(e.request&&e.request.collectResourceTiming){var f=w(e.request.url);f&&(u.resourceTiming=JSON.parse(JSON.stringify(f)))}a.vectorTile=s.vectorTile,a.parse(s.vectorTile,n.layerIndex,n.actor,function(e,n){if(e||!n)return r(e);r(null,t.extend({rawTileData:l.slice(0)},n,c,u))}),n.loaded=n.loaded||{},n.loaded[i]=a})},M.prototype.reloadTile=function(t,e){var r=this.loaded,n=t.uid,i=this;if(r&&r[n]){var a=r[n];a.showCollisionBoxes=t.showCollisionBoxes;var o=function(t,r){var n=a.reloadCallback;n&&(delete a.reloadCallback,a.parse(a.vectorTile,i.layerIndex,i.actor,n)),e(t,r)};\"parsing\"===a.status?a.reloadCallback=o:\"done\"===a.status&&a.parse(a.vectorTile,this.layerIndex,this.actor,o)}},M.prototype.abortTile=function(t,e){var r=this.loading,n=t.uid;r&&r[n]&&r[n].abort&&(r[n].abort(),delete r[n]),e()},M.prototype.removeTile=function(t,e){var r=this.loaded,n=t.uid;r&&r[n]&&delete r[n],e()};var A=function(){this.loading={},this.loaded={}};A.prototype.loadTile=function(e,r){var n=e.uid,i=e.encoding,a=new t.default$31(n);this.loading[n]=a,a.loadFromImage(e.rawImageData,i),delete this.loading[n],this.loaded=this.loaded||{},this.loaded[n]=a,r(null,a)},A.prototype.removeTile=function(t){var e=this.loaded,r=t.uid;e&&e[r]&&delete e[r]};var T={RADIUS:6378137,FLATTENING:1/298.257223563,POLAR_RADIUS:6356752.3142};function S(t){var e=0;if(t&&t.length>0){e+=Math.abs(E(t[0]));for(var r=1;r2){for(o=0;o=0}(t)===e?t:t.reverse()}var P=t.default$29.VectorTileFeature.prototype.toGeoJSON,D=function(e){this._feature=e,this.extent=t.default$8,this.type=e.type,this.properties=e.tags,\"id\"in e&&!isNaN(e.id)&&(this.id=parseInt(e.id,10))};D.prototype.loadGeometry=function(){if(1===this._feature.type){for(var e=[],r=0,n=this._feature.geometry;r>31}function $(t,e){for(var r=t.loadGeometry(),n=t.type,i=0,a=0,o=r.length,s=0;si;){if(a-i>600){var s=a-i+1,l=n-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),f=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1);t(e,r,n,Math.max(i,Math.floor(n-l*u/s+f)),Math.min(a,Math.floor(n+(s-l)*u/s+f)),o)}var h=r[2*n+o],p=i,d=a;for(Q(e,r,i,n),r[2*a+o]>h&&Q(e,r,i,a);ph;)d--}r[2*i+o]===h?Q(e,r,i,d):Q(e,r,++d,a),d<=n&&(i=d+1),n<=d&&(a=d-1)}}(e,r,s,i,a,o%2),t(e,r,n,i,s-1,o+1),t(e,r,n,s+1,a,o+1)}};function Q(t,e,r,n){tt(t,r,n),tt(e,2*r,2*n),tt(e,2*r+1,2*n+1)}function tt(t,e,r){var n=t[e];t[e]=t[r],t[r]=n}function et(t,e,r,n){var i=t-r,a=e-n;return i*i+a*a}var rt=function(t,e,r,n,i){return new nt(t,e,r,n,i)};function nt(t,e,r,n,i){e=e||it,r=r||at,i=i||Array,this.nodeSize=n||64,this.points=t,this.ids=new i(t.length),this.coords=new i(2*t.length);for(var a=0;a=r&&s<=i&&l>=n&&l<=a&&u.push(t[d]);else{var g=Math.floor((p+h)/2);s=e[2*g],l=e[2*g+1],s>=r&&s<=i&&l>=n&&l<=a&&u.push(t[g]);var v=(f+1)%2;(0===f?r<=s:n<=l)&&(c.push(p),c.push(g-1),c.push(v)),(0===f?i>=s:a>=l)&&(c.push(g+1),c.push(h),c.push(v))}}return u}(this.ids,this.coords,t,e,r,n,this.nodeSize)},within:function(t,e,r){return function(t,e,r,n,i,a){for(var o=[0,t.length-1,0],s=[],l=i*i;o.length;){var c=o.pop(),u=o.pop(),f=o.pop();if(u-f<=a)for(var h=f;h<=u;h++)et(e[2*h],e[2*h+1],r,n)<=l&&s.push(t[h]);else{var p=Math.floor((f+u)/2),d=e[2*p],g=e[2*p+1];et(d,g,r,n)<=l&&s.push(t[p]);var v=(c+1)%2;(0===c?r-i<=d:n-i<=g)&&(o.push(f),o.push(p-1),o.push(v)),(0===c?r+i>=d:n+i>=g)&&(o.push(p+1),o.push(u),o.push(v))}}return s}(this.ids,this.coords,t,e,r,this.nodeSize)}};function ot(t){this.options=pt(Object.create(this.options),t),this.trees=new Array(this.options.maxZoom+1)}function st(t,e,r,n,i){return{x:t,y:e,zoom:1/0,id:n,properties:i,parentId:-1,numPoints:r}}function lt(t,e){var r=t.geometry.coordinates;return{x:ft(r[0]),y:ht(r[1]),zoom:1/0,id:e,parentId:-1}}function ct(t){return{type:\"Feature\",properties:ut(t),geometry:{type:\"Point\",coordinates:[(n=t.x,360*(n-.5)),(e=t.y,r=(180-360*e)*Math.PI/180,360*Math.atan(Math.exp(r))/Math.PI-90)]}};var e,r,n}function ut(t){var e=t.numPoints,r=e>=1e4?Math.round(e/1e3)+\"k\":e>=1e3?Math.round(e/100)/10+\"k\":e;return pt(pt({},t.properties),{cluster:!0,cluster_id:t.id,point_count:e,point_count_abbreviated:r})}function ft(t){return t/360+.5}function ht(t){var e=Math.sin(t*Math.PI/180),r=.5-.25*Math.log((1+e)/(1-e))/Math.PI;return r<0?0:r>1?1:r}function pt(t,e){for(var r in e)t[r]=e[r];return t}function dt(t){return t.x}function gt(t){return t.y}function vt(t,e,r,n,i,a){var o=i-r,s=a-n;if(0!==o||0!==s){var l=((t-r)*o+(e-n)*s)/(o*o+s*s);l>1?(r=i,n=a):l>0&&(r+=o*l,n+=s*l)}return(o=t-r)*o+(s=e-n)*s}function mt(t,e,r,n){var i={id:t||null,type:e,geometry:r,tags:n,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0};return function(t){var e=t.geometry,r=t.type;if(\"Point\"===r||\"MultiPoint\"===r||\"LineString\"===r)yt(t,e);else if(\"Polygon\"===r||\"MultiLineString\"===r)for(var n=0;n0&&(o+=n?(i*c-l*a)/2:Math.sqrt(Math.pow(l-i,2)+Math.pow(c-a,2))),i=l,a=c}var u=e.length-3;e[2]=1,function t(e,r,n,i){for(var a,o=i,s=e[r],l=e[r+1],c=e[n],u=e[n+1],f=r+3;fo&&(a=f,o=h)}o>i&&(a-r>3&&t(e,r,a,i),e[a+2]=o,n-a>3&&t(e,a,n,i))}(e,0,u,r),e[u+2]=1,e.size=Math.abs(o),e.start=0,e.end=e.size}function wt(t,e,r,n){for(var i=0;i1?1:r}function At(t,e,r,n,i,a,o,s){if(n/=e,a>=(r/=e)&&o<=n)return t;if(a>n||o=r&&d<=n)l.push(u);else if(!(p>n||d=r&&o<=n&&(e.push(t[a]),e.push(t[a+1]),e.push(t[a+2]))}}function St(t,e,r,n,i,a,o){for(var s,l,c=Et(t),u=0===i?zt:Ot,f=t.start,h=0;h=r&&(l=u(c,p,d,v,m,r),o&&(c.start=f+s*l)):y>n?x<=n&&(l=u(c,p,d,v,m,n),o&&(c.start=f+s*l)):Lt(c,p,d,g),x=r&&(l=u(c,p,d,v,m,r),b=!0),x>n&&y<=n&&(l=u(c,p,d,v,m,n),b=!0),!a&&b&&(o&&(c.end=f+s*l),e.push(c),c=Et(t)),o&&(f+=s)}var _=t.length-3;p=t[_],d=t[_+1],g=t[_+2],(y=0===i?p:d)>=r&&y<=n&&Lt(c,p,d,g),_=c.length-3,a&&_>=3&&(c[_]!==c[0]||c[_+1]!==c[1])&&Lt(c,c[0],c[1],c[2]),c.length&&e.push(c)}function Et(t){var e=[];return e.size=t.size,e.start=t.start,e.end=t.end,e}function Ct(t,e,r,n,i,a){for(var o=0;oo.maxX&&(o.maxX=u),f>o.maxY&&(o.maxY=f)}return o}function Ft(t,e,r,n){var i=e.geometry,a=e.type,o=[];if(\"Point\"===a||\"MultiPoint\"===a)for(var s=0;s0&&e.size<(i?o:n))r.numPoints+=e.length/3;else{for(var s=[],l=0;lo)&&(r.numSimplified++,s.push(e[l]),s.push(e[l+1])),r.numPoints++;i&&function(t,e){for(var r=0,n=0,i=t.length,a=i-2;n0===e)for(n=0,i=t.length;n24)throw new Error(\"maxZoom should be in the 0-24 range\");var n=function(t,e){var r=[];if(\"FeatureCollection\"===t.type)for(var n=0;n=this.options.minZoom;i--){var a=+Date.now();this.trees[i+1]=rt(n,dt,gt,this.options.nodeSize,Float32Array),n=this._cluster(n,i),e&&console.log(\"z%d: %d clusters in %dms\",i,n.length,+Date.now()-a)}return this.trees[this.options.minZoom]=rt(n,dt,gt,this.options.nodeSize,Float32Array),e&&console.timeEnd(\"total time\"),this},getClusters:function(t,e){for(var r=this.trees[this._limitZoom(e)],n=r.range(ft(t[0]),ht(t[3]),ft(t[2]),ht(t[1])),i=[],a=0;a1&&console.time(\"creation\"),h=this.tiles[f]=Bt(t,e,r,n,l),this.tileCoords.push({z:e,x:r,y:n}),c)){c>1&&(console.log(\"tile z%d-%d-%d (features: %d, points: %d, simplified: %d)\",e,r,n,h.numFeatures,h.numPoints,h.numSimplified),console.timeEnd(\"creation\"));var p=\"z\"+e;this.stats[p]=(this.stats[p]||0)+1,this.total++}if(h.source=t,i){if(e===l.maxZoom||e===i)continue;var d=1<1&&console.time(\"clipping\");var g,v,m,y,x,b,_=.5*l.buffer/l.extent,w=.5-_,k=.5+_,M=1+_;g=v=m=y=null,x=At(t,u,r-_,r+k,0,h.minX,h.maxX,l),b=At(t,u,r+w,r+M,0,h.minX,h.maxX,l),t=null,x&&(g=At(x,u,n-_,n+k,1,h.minY,h.maxY,l),v=At(x,u,n+w,n+M,1,h.minY,h.maxY,l),x=null),b&&(m=At(b,u,n-_,n+k,1,h.minY,h.maxY,l),y=At(b,u,n+w,n+M,1,h.minY,h.maxY,l),b=null),c>1&&console.timeEnd(\"clipping\"),s.push(g||[],e+1,2*r,2*n),s.push(v||[],e+1,2*r,2*n+1),s.push(m||[],e+1,2*r+1,2*n),s.push(y||[],e+1,2*r+1,2*n+1)}}},jt.prototype.getTile=function(t,e,r){var n=this.options,i=n.extent,a=n.debug;if(t<0||t>24)return null;var o=1<1&&console.log(\"drilling down to z%d-%d-%d\",t,e,r);for(var l,c=t,u=e,f=r;!l&&c>0;)c--,u=Math.floor(u/2),f=Math.floor(f/2),l=this.tiles[Vt(c,u,f)];return l&&l.source?(a>1&&console.log(\"found parent tile z%d-%d-%d\",c,u,f),a>1&&console.time(\"drilling down\"),this.splitTile(l.source,c,u,f,t,e,r),a>1&&console.timeEnd(\"drilling down\"),this.tiles[s]?Dt(this.tiles[s],i):null):null};var qt=function(e){function r(t,r,n){e.call(this,t,r,Ut),n&&(this.loadGeoJSON=n)}return e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r,r.prototype.loadData=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),this._pendingCallback=e,this._pendingLoadDataParams=t,this._state&&\"Idle\"!==this._state?this._state=\"NeedsLoadData\":(this._state=\"Coalescing\",this._loadData())},r.prototype._loadData=function(){var t=this;if(this._pendingCallback&&this._pendingLoadDataParams){var e=this._pendingCallback,r=this._pendingLoadDataParams;delete this._pendingCallback,delete this._pendingLoadDataParams,this.loadGeoJSON(r,function(n,i){if(n||!i)return e(n);if(\"object\"!=typeof i)return e(new Error(\"Input data is not a valid GeoJSON object.\"));!function t(e,r){switch(e&&e.type||null){case\"FeatureCollection\":return e.features=e.features.map(z(t,r)),e;case\"Feature\":return e.geometry=t(e.geometry,r),e;case\"Polygon\":case\"MultiPolygon\":return function(t,e){return\"Polygon\"===t.type?t.coordinates=O(t.coordinates,e):\"MultiPolygon\"===t.type&&(t.coordinates=t.coordinates.map(z(O,e))),t}(e,r);default:return e}}(i,!0);try{t._geoJSONIndex=r.cluster?function(t){return new ot(t)}(r.superclusterOptions).load(i.features):new jt(i,r.geojsonVtOptions)}catch(n){return e(n)}t.loaded={};var a={};if(r.request&&r.request.collectResourceTiming){var o=w(r.request.url);o&&(a.resourceTiming={},a.resourceTiming[r.source]=JSON.parse(JSON.stringify(o)))}e(null,a)})}},r.prototype.coalesce=function(){\"Coalescing\"===this._state?this._state=\"Idle\":\"NeedsLoadData\"===this._state&&(this._state=\"Coalescing\",this._loadData())},r.prototype.reloadTile=function(t,r){var n=this.loaded,i=t.uid;return n&&n[i]?e.prototype.reloadTile.call(this,t,r):this.loadTile(t,r)},r.prototype.loadGeoJSON=function(e,r){if(e.request)t.getJSON(e.request,r);else{if(\"string\"!=typeof e.data)return r(new Error(\"Input data is not a valid GeoJSON object.\"));try{return r(null,JSON.parse(e.data))}catch(t){return r(new Error(\"Input data is not a valid GeoJSON object.\"))}}},r.prototype.removeSource=function(t,e){this._pendingCallback&&this._pendingCallback(null,{abandoned:!0}),e()},r}(M),Ht=function(e){var r=this;this.self=e,this.actor=new t.default$7(e,this),this.layerIndexes={},this.workerSourceTypes={vector:M,geojson:qt},this.workerSources={},this.demWorkerSources={},this.self.registerWorkerSource=function(t,e){if(r.workerSourceTypes[t])throw new Error('Worker source with name \"'+t+'\" already registered.');r.workerSourceTypes[t]=e},this.self.registerRTLTextPlugin=function(e){if(t.plugin.isLoaded())throw new Error(\"RTL text plugin already registered.\");t.plugin.applyArabicShaping=e.applyArabicShaping,t.plugin.processBidirectionalText=e.processBidirectionalText}};return Ht.prototype.setLayers=function(t,e,r){this.getLayerIndex(t).replace(e),r()},Ht.prototype.updateLayers=function(t,e,r){this.getLayerIndex(t).update(e.layers,e.removedIds),r()},Ht.prototype.loadTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).loadTile(e,r)},Ht.prototype.loadDEMTile=function(t,e,r){this.getDEMWorkerSource(t,e.source).loadTile(e,r)},Ht.prototype.reloadTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).reloadTile(e,r)},Ht.prototype.abortTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).abortTile(e,r)},Ht.prototype.removeTile=function(t,e,r){this.getWorkerSource(t,e.type,e.source).removeTile(e,r)},Ht.prototype.removeDEMTile=function(t,e){this.getDEMWorkerSource(t,e.source).removeTile(e)},Ht.prototype.removeSource=function(t,e,r){if(this.workerSources[t]&&this.workerSources[t][e.type]&&this.workerSources[t][e.type][e.source]){var n=this.workerSources[t][e.type][e.source];delete this.workerSources[t][e.type][e.source],void 0!==n.removeSource?n.removeSource(e,r):r()}},Ht.prototype.loadWorkerSource=function(t,e,r){try{this.self.importScripts(e.url),r()}catch(t){r(t.toString())}},Ht.prototype.loadRTLTextPlugin=function(e,r,n){try{t.plugin.isLoaded()||(this.self.importScripts(r),n(t.plugin.isLoaded()?null:new Error(\"RTL Text Plugin failed to import scripts from \"+r)))}catch(t){n(t.toString())}},Ht.prototype.getLayerIndex=function(t){var e=this.layerIndexes[t];return e||(e=this.layerIndexes[t]=new n),e},Ht.prototype.getWorkerSource=function(t,e,r){var n=this;if(this.workerSources[t]||(this.workerSources[t]={}),this.workerSources[t][e]||(this.workerSources[t][e]={}),!this.workerSources[t][e][r]){var i={send:function(e,r,i){n.actor.send(e,r,i,t)}};this.workerSources[t][e][r]=new this.workerSourceTypes[e](i,this.getLayerIndex(t))}return this.workerSources[t][e][r]},Ht.prototype.getDEMWorkerSource=function(t,e){return this.demWorkerSources[t]||(this.demWorkerSources[t]={}),this.demWorkerSources[t][e]||(this.demWorkerSources[t][e]=new A),this.demWorkerSources[t][e]},\"undefined\"!=typeof WorkerGlobalScope&&\"undefined\"!=typeof self&&self instanceof WorkerGlobalScope&&new Ht(self),Ht}),i(0,function(t){var e=t.createCommonjsModule(function(t){function e(t){return!!(\"undefined\"!=typeof window&&\"undefined\"!=typeof document&&Array.prototype&&Array.prototype.every&&Array.prototype.filter&&Array.prototype.forEach&&Array.prototype.indexOf&&Array.prototype.lastIndexOf&&Array.prototype.map&&Array.prototype.some&&Array.prototype.reduce&&Array.prototype.reduceRight&&Array.isArray&&Function.prototype&&Function.prototype.bind&&Object.keys&&Object.create&&Object.getPrototypeOf&&Object.getOwnPropertyNames&&Object.isSealed&&Object.isFrozen&&Object.isExtensible&&Object.getOwnPropertyDescriptor&&Object.defineProperty&&Object.defineProperties&&Object.seal&&Object.freeze&&Object.preventExtensions&&\"JSON\"in window&&\"parse\"in JSON&&\"stringify\"in JSON&&function(){if(!(\"Worker\"in window&&\"Blob\"in window&&\"URL\"in window))return!1;var t,e,r=new Blob([\"\"],{type:\"text/javascript\"}),n=URL.createObjectURL(r);try{e=new Worker(n),t=!0}catch(e){t=!1}return e&&e.terminate(),URL.revokeObjectURL(n),t}()&&\"Uint8ClampedArray\"in window&&function(t){return void 0===r[t]&&(r[t]=function(t){var r=document.createElement(\"canvas\"),n=Object.create(e.webGLContextAttributes);return n.failIfMajorPerformanceCaveat=t,r.probablySupportsContext?r.probablySupportsContext(\"webgl\",n)||r.probablySupportsContext(\"experimental-webgl\",n):r.supportsContext?r.supportsContext(\"webgl\",n)||r.supportsContext(\"experimental-webgl\",n):r.getContext(\"webgl\",n)||r.getContext(\"experimental-webgl\",n)}(t)),r[t]}(t&&t.failIfMajorPerformanceCaveat))}t.exports?t.exports=e:window&&(window.mapboxgl=window.mapboxgl||{},window.mapboxgl.supported=e);var r={};e.webGLContextAttributes={antialias:!1,alpha:!0,stencil:!0,depth:!0}}),r=t.default.performance&&t.default.performance.now?t.default.performance.now.bind(t.default.performance):Date.now.bind(Date),n=t.default.requestAnimationFrame||t.default.mozRequestAnimationFrame||t.default.webkitRequestAnimationFrame||t.default.msRequestAnimationFrame,i=t.default.cancelAnimationFrame||t.default.mozCancelAnimationFrame||t.default.webkitCancelAnimationFrame||t.default.msCancelAnimationFrame,a={now:r,frame:function(t){return n(t)},cancelFrame:function(t){return i(t)},getImageData:function(e){var r=t.default.document.createElement(\"canvas\"),n=r.getContext(\"2d\");if(!n)throw new Error(\"failed to create canvas 2d context\");return r.width=e.width,r.height=e.height,n.drawImage(e,0,0,e.width,e.height),n.getImageData(0,0,e.width,e.height)},hardwareConcurrency:t.default.navigator.hardwareConcurrency||4,get devicePixelRatio(){return t.default.devicePixelRatio},supportsWebp:!1};if(t.default.document){var o=t.default.document.createElement(\"img\");o.onload=function(){a.supportsWebp=!0},o.src=\"data:image/webp;base64,UklGRh4AAABXRUJQVlA4TBEAAAAvAQAAAAfQ//73v/+BiOh/AAA=\"}var s={create:function(e,r,n){var i=t.default.document.createElement(e);return r&&(i.className=r),n&&n.appendChild(i),i},createNS:function(e,r){return t.default.document.createElementNS(e,r)}},l=t.default.document?t.default.document.documentElement.style:null;function c(t){if(!l)return null;for(var e=0;e=0?0:e.button},s.remove=function(t){t.parentNode&&t.parentNode.removeChild(t)};var v={API_URL:\"https://api.mapbox.com\",REQUIRE_ACCESS_TOKEN:!0,ACCESS_TOKEN:null},m=\"See https://www.mapbox.com/api-documentation/#access-tokens\";function y(t,e){var r=A(v.API_URL);if(t.protocol=r.protocol,t.authority=r.authority,\"/\"!==r.path&&(t.path=\"\"+r.path+t.path),!v.REQUIRE_ACCESS_TOKEN)return T(t);if(!(e=e||v.ACCESS_TOKEN))throw new Error(\"An API access token is required to use Mapbox GL. \"+m);if(\"s\"===e[0])throw new Error(\"Use a public access token (pk.*) with Mapbox GL, not a secret access token (sk.*). \"+m);return t.params.push(\"access_token=\"+e),T(t)}function x(t){return 0===t.indexOf(\"mapbox:\")}var b=function(t,e){if(!x(t))return t;var r=A(t);return r.path=\"/v4/\"+r.authority+\".json\",r.params.push(\"secure\"),y(r,e)},_=function(t,e,r,n){var i=A(t);return x(t)?(i.path=\"/styles/v1\"+i.path+\"/sprite\"+e+r,y(i,n)):(i.path+=\"\"+e+r,T(i))},w=/(\\.(png|jpg)\\d*)(?=$)/,k=function(t,e,r){if(!e||!x(e))return t;var n=A(t),i=a.devicePixelRatio>=2||512===r?\"@2x\":\"\",o=a.supportsWebp?\".webp\":\"$1\";return n.path=n.path.replace(w,\"\"+i+o),function(t){for(var e=0;e=0?1.2:1))}function R(t,e,r,n,i,a,o){for(var s=0;s65535)e(new Error(\"glyphs > 65535 not supported\"));else{var l=a.requests[s];l||(l=a.requests[s]=[],F.loadGlyphRange(r,s,n.url,n.requestTransform,function(t,e){if(e)for(var r in e)a.glyphs[+r]=e[+r];for(var n=0,i=l;nthis.height)return t.warnOnce(\"LineAtlas out of space\"),null;for(var a=0,o=0;o90||this.lat<-90)throw new Error(\"Invalid LngLat latitude value: must be between -90 and 90\")};G.prototype.wrap=function(){return new G(t.wrap(this.lng,-180,180),this.lat)},G.prototype.toArray=function(){return[this.lng,this.lat]},G.prototype.toString=function(){return\"LngLat(\"+this.lng+\", \"+this.lat+\")\"},G.prototype.toBounds=function(t){var e=360*t/40075017,r=e/Math.cos(Math.PI/180*this.lat);return new W(new G(this.lng-r,this.lat-e),new G(this.lng+r,this.lat+e))},G.convert=function(t){if(t instanceof G)return t;if(Array.isArray(t)&&(2===t.length||3===t.length))return new G(Number(t[0]),Number(t[1]));if(!Array.isArray(t)&&\"object\"==typeof t&&null!==t)return new G(Number(t.lng),Number(t.lat));throw new Error(\"`LngLatLike` argument must be specified as a LngLat instance, an object {lng: , lat: }, or an array of [, ]\")};var W=function(t,e){t&&(e?this.setSouthWest(t).setNorthEast(e):4===t.length?this.setSouthWest([t[0],t[1]]).setNorthEast([t[2],t[3]]):this.setSouthWest(t[0]).setNorthEast(t[1]))};W.prototype.setNorthEast=function(t){return this._ne=t instanceof G?new G(t.lng,t.lat):G.convert(t),this},W.prototype.setSouthWest=function(t){return this._sw=t instanceof G?new G(t.lng,t.lat):G.convert(t),this},W.prototype.extend=function(t){var e,r,n=this._sw,i=this._ne;if(t instanceof G)e=t,r=t;else{if(!(t instanceof W))return Array.isArray(t)?t.every(Array.isArray)?this.extend(W.convert(t)):this.extend(G.convert(t)):this;if(e=t._sw,r=t._ne,!e||!r)return this}return n||i?(n.lng=Math.min(e.lng,n.lng),n.lat=Math.min(e.lat,n.lat),i.lng=Math.max(r.lng,i.lng),i.lat=Math.max(r.lat,i.lat)):(this._sw=new G(e.lng,e.lat),this._ne=new G(r.lng,r.lat)),this},W.prototype.getCenter=function(){return new G((this._sw.lng+this._ne.lng)/2,(this._sw.lat+this._ne.lat)/2)},W.prototype.getSouthWest=function(){return this._sw},W.prototype.getNorthEast=function(){return this._ne},W.prototype.getNorthWest=function(){return new G(this.getWest(),this.getNorth())},W.prototype.getSouthEast=function(){return new G(this.getEast(),this.getSouth())},W.prototype.getWest=function(){return this._sw.lng},W.prototype.getSouth=function(){return this._sw.lat},W.prototype.getEast=function(){return this._ne.lng},W.prototype.getNorth=function(){return this._ne.lat},W.prototype.toArray=function(){return[this._sw.toArray(),this._ne.toArray()]},W.prototype.toString=function(){return\"LngLatBounds(\"+this._sw.toString()+\", \"+this._ne.toString()+\")\"},W.prototype.isEmpty=function(){return!(this._sw&&this._ne)},W.convert=function(t){return!t||t instanceof W?t:new W(t)};var Y=function(t,e,r){this.bounds=W.convert(this.validateBounds(t)),this.minzoom=e||0,this.maxzoom=r||24};Y.prototype.validateBounds=function(t){return Array.isArray(t)&&4===t.length?[Math.max(-180,t[0]),Math.max(-90,t[1]),Math.min(180,t[2]),Math.min(90,t[3])]:[-180,-90,180,90]},Y.prototype.contains=function(t){var e=Math.floor(this.lngX(this.bounds.getWest(),t.z)),r=Math.floor(this.latY(this.bounds.getNorth(),t.z)),n=Math.ceil(this.lngX(this.bounds.getEast(),t.z)),i=Math.ceil(this.latY(this.bounds.getSouth(),t.z));return t.x>=e&&t.x=r&&t.y0&&(l[new t.OverscaledTileID(e.overscaledZ,a,r.z,i,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,e.wrap,r.z,r.x,r.y-1).key]={backfilled:!1},l[new t.OverscaledTileID(e.overscaledZ,s,r.z,o,r.y-1).key]={backfilled:!1}),r.y+10&&(n.resourceTiming=e._resourceTiming,e._resourceTiming=[]),e.fire(new t.Event(\"data\",n))}})},r.prototype.onAdd=function(t){this.map=t,this.load()},r.prototype.setData=function(e){var r=this;return this._data=e,this.fire(new t.Event(\"dataloading\",{dataType:\"source\"})),this._updateWorkerData(function(e){if(e)return r.fire(new t.ErrorEvent(e));var n={dataType:\"source\",sourceDataType:\"content\"};r._collectResourceTiming&&r._resourceTiming&&r._resourceTiming.length>0&&(n.resourceTiming=r._resourceTiming,r._resourceTiming=[]),r.fire(new t.Event(\"data\",n))}),this},r.prototype._updateWorkerData=function(e){var r,n,i=this,a=t.extend({},this.workerOptions),o=this._data;\"string\"==typeof o?(a.request=this.map._transformRequest((r=o,(n=t.default.document.createElement(\"a\")).href=r,n.href),t.ResourceType.Source),a.request.collectResourceTiming=this._collectResourceTiming):a.data=JSON.stringify(o),this.workerID=this.dispatcher.send(this.type+\".\"+a.source+\".loadData\",a,function(t,r){i._removed||r&&r.abandoned||(i._loaded=!0,r&&r.resourceTiming&&r.resourceTiming[i.id]&&(i._resourceTiming=r.resourceTiming[i.id].slice(0)),i.dispatcher.send(i.type+\".\"+a.source+\".coalesce\",null,null,i.workerID),e(t))},this.workerID)},r.prototype.loadTile=function(t,e){var r=this,n=void 0===t.workerID?\"loadTile\":\"reloadTile\",i={type:this.type,uid:t.uid,tileID:t.tileID,zoom:t.tileID.overscaledZ,maxZoom:this.maxzoom,tileSize:this.tileSize,source:this.id,pixelRatio:a.devicePixelRatio,showCollisionBoxes:this.map.showCollisionBoxes};t.workerID=this.dispatcher.send(n,i,function(i,a){return t.unloadVectorData(),t.aborted?e(null):i?e(i):(t.loadVectorData(a,r.map.painter,\"reloadTile\"===n),e(null))},this.workerID)},r.prototype.abortTile=function(t){t.aborted=!0},r.prototype.unloadTile=function(t){t.unloadVectorData(),this.dispatcher.send(\"removeTile\",{uid:t.uid,type:this.type,source:this.id},null,t.workerID)},r.prototype.onRemove=function(){this._removed=!0,this.dispatcher.send(\"removeSource\",{type:this.type,source:this.id},null,this.workerID)},r.prototype.serialize=function(){return t.extend({},this._options,{type:this.type,data:this._data})},r.prototype.hasTransition=function(){return!1},r}(t.Evented),K=t.createLayout([{name:\"a_pos\",type:\"Int16\",components:2},{name:\"a_texture_pos\",type:\"Int16\",components:2}]),Q=function(){this.boundProgram=null,this.boundLayoutVertexBuffer=null,this.boundPaintVertexBuffers=[],this.boundIndexBuffer=null,this.boundVertexOffset=null,this.boundDynamicVertexBuffer=null,this.vao=null};Q.prototype.bind=function(t,e,r,n,i,a,o,s){this.context=t;for(var l=this.boundPaintVertexBuffers.length!==n.length,c=0;!l&&c>s.z,c=new t.default$1(s.x*l,s.y*l),u=new t.default$1(c.x+l,c.y+l),f=this.segments.prepareSegment(4,n,i);n.emplaceBack(c.x,c.y,c.x,c.y),n.emplaceBack(u.x,c.y,u.x,c.y),n.emplaceBack(c.x,u.y,c.x,u.y),n.emplaceBack(u.x,u.y,u.x,u.y);var h=f.vertexLength;i.emplaceBack(h,h+1,h+2),i.emplaceBack(h+1,h+2,h+3),f.vertexLength+=4,f.primitiveLength+=2}this.maskedBoundsBuffer=r.createVertexBuffer(n,K.members),this.maskedIndexBuffer=r.createIndexBuffer(i)}},st.prototype.hasData=function(){return\"loaded\"===this.state||\"reloading\"===this.state||\"expired\"===this.state},st.prototype.setExpiryData=function(e){var r=this.expirationTime;if(e.cacheControl){var n=t.parseCacheControl(e.cacheControl);n[\"max-age\"]&&(this.expirationTime=Date.now()+1e3*n[\"max-age\"])}else e.expires&&(this.expirationTime=new Date(e.expires).getTime());if(this.expirationTime){var i=Date.now(),a=!1;if(this.expirationTime>i)a=!1;else if(r)if(this.expirationTimethis.max){var o=this._getAndRemoveByKey(this.order[0]);o&&this.onRemove(o)}return this},lt.prototype.has=function(t){return t.wrapped().key in this.data},lt.prototype.getAndRemove=function(t){return this.has(t)?this._getAndRemoveByKey(t.wrapped().key):null},lt.prototype._getAndRemoveByKey=function(t){var e=this.data[t].shift();return e.timeout&&clearTimeout(e.timeout),0===this.data[t].length&&delete this.data[t],this.order.splice(this.order.indexOf(t),1),e.value},lt.prototype.get=function(t){return this.has(t)?this.data[t.wrapped().key][0].value:null},lt.prototype.remove=function(t,e){if(!this.has(t))return this;var r=t.wrapped().key,n=void 0===e?0:this.data[r].indexOf(e),i=this.data[r][n];return this.data[r].splice(n,1),i.timeout&&clearTimeout(i.timeout),0===this.data[r].length&&delete this.data[r],this.onRemove(i.value),this.order.splice(this.order.indexOf(r),1),this},lt.prototype.setMaxSize=function(t){for(this.max=t;this.order.length>this.max;){var e=this._getAndRemoveByKey(this.order[0]);e&&this.onRemove(e)}return this};var ct=function(t,e,r){this.context=t;var n=t.gl;this.buffer=n.createBuffer(),this.dynamicDraw=Boolean(r),this.unbindVAO(),t.bindElementBuffer.set(this.buffer),n.bufferData(n.ELEMENT_ARRAY_BUFFER,e.arrayBuffer,this.dynamicDraw?n.DYNAMIC_DRAW:n.STATIC_DRAW),this.dynamicDraw||delete e.arrayBuffer};ct.prototype.unbindVAO=function(){this.context.extVertexArrayObject&&this.context.bindVertexArrayOES.set(null)},ct.prototype.bind=function(){this.context.bindElementBuffer.set(this.buffer)},ct.prototype.updateData=function(t){var e=this.context.gl;this.unbindVAO(),this.bind(),e.bufferSubData(e.ELEMENT_ARRAY_BUFFER,0,t.arrayBuffer)},ct.prototype.destroy=function(){var t=this.context.gl;this.buffer&&(t.deleteBuffer(this.buffer),delete this.buffer)};var ut={Int8:\"BYTE\",Uint8:\"UNSIGNED_BYTE\",Int16:\"SHORT\",Uint16:\"UNSIGNED_SHORT\",Int32:\"INT\",Uint32:\"UNSIGNED_INT\",Float32:\"FLOAT\"},ft=function(t,e,r,n){this.length=e.length,this.attributes=r,this.itemSize=e.bytesPerElement,this.dynamicDraw=n,this.context=t;var i=t.gl;this.buffer=i.createBuffer(),t.bindVertexBuffer.set(this.buffer),i.bufferData(i.ARRAY_BUFFER,e.arrayBuffer,this.dynamicDraw?i.DYNAMIC_DRAW:i.STATIC_DRAW),this.dynamicDraw||delete e.arrayBuffer};ft.prototype.bind=function(){this.context.bindVertexBuffer.set(this.buffer)},ft.prototype.updateData=function(t){var e=this.context.gl;this.bind(),e.bufferSubData(e.ARRAY_BUFFER,0,t.arrayBuffer)},ft.prototype.enableAttributes=function(t,e){for(var r=0;r1||(Math.abs(r)>1&&(1===Math.abs(r+i)?r+=i:1===Math.abs(r-i)&&(r-=i)),e.dem&&t.dem&&(t.dem.backfillBorder(e.dem,r,n),t.neighboringTiles&&t.neighboringTiles[a]&&(t.neighboringTiles[a].backfilled=!0)))}},r.prototype.getTile=function(t){return this.getTileByID(t.key)},r.prototype.getTileByID=function(t){return this._tiles[t]},r.prototype.getZoom=function(t){return t.zoom+t.scaleZoom(t.tileSize/this._source.tileSize)},r.prototype._findLoadedChildren=function(t,e,r){var n=!1;for(var i in this._tiles){var a=this._tiles[i];if(!(r[i]||!a.hasData()||a.tileID.overscaledZ<=t.overscaledZ||a.tileID.overscaledZ>e)){var o=Math.pow(2,a.tileID.canonical.z-t.canonical.z);if(Math.floor(a.tileID.canonical.x/o)===t.canonical.x&&Math.floor(a.tileID.canonical.y/o)===t.canonical.y)for(r[i]=a.tileID,n=!0;a&&a.tileID.overscaledZ-1>t.overscaledZ;){var s=a.tileID.scaledTo(a.tileID.overscaledZ-1);if(!s)break;(a=this._tiles[s.key])&&a.hasData()&&(delete r[i],r[s.key]=s)}}}return n},r.prototype.findLoadedParent=function(t,e,r){for(var n=t.overscaledZ-1;n>=e;n--){var i=t.scaledTo(n);if(!i)return;var a=String(i.key),o=this._tiles[a];if(o&&o.hasData())return r[a]=i,o;if(this._cache.has(i))return r[a]=i,this._cache.get(i)}},r.prototype.updateCacheSize=function(t){var e=(Math.ceil(t.width/this._source.tileSize)+1)*(Math.ceil(t.height/this._source.tileSize)+1),r=Math.floor(5*e),n=\"number\"==typeof this._maxTileCacheSize?Math.min(this._maxTileCacheSize,r):r;this._cache.setMaxSize(n)},r.prototype.handleWrapJump=function(t){var e=(t-(void 0===this._prevLng?t:this._prevLng))/360,r=Math.round(e);if(this._prevLng=t,r){var n={};for(var i in this._tiles){var a=this._tiles[i];a.tileID=a.tileID.unwrapTo(a.tileID.wrap+r),n[a.tileID.key]=a}for(var o in this._tiles=n,this._timers)clearTimeout(this._timers[o]),delete this._timers[o];for(var s in this._tiles){var l=this._tiles[s];this._setTileReloadTimer(s,l)}}},r.prototype.update=function(e){var n=this;if(this.transform=e,this._sourceLoaded&&!this._paused){var i;this.updateCacheSize(e),this.handleWrapJump(this.transform.center.lng),this._coveredTiles={},this.used?this._source.tileID?i=e.getVisibleUnwrappedCoordinates(this._source.tileID).map(function(e){return new t.OverscaledTileID(e.canonical.z,e.wrap,e.canonical.z,e.canonical.x,e.canonical.y)}):(i=e.coveringTiles({tileSize:this._source.tileSize,minzoom:this._source.minzoom,maxzoom:this._source.maxzoom,roundZoom:this._source.roundZoom,reparseOverscaled:this._source.reparseOverscaled}),this._source.hasTile&&(i=i.filter(function(t){return n._source.hasTile(t)}))):i=[];var o,s=(this._source.roundZoom?Math.round:Math.floor)(this.getZoom(e)),l=Math.max(s-r.maxOverzooming,this._source.minzoom),c=Math.max(s+r.maxUnderzooming,this._source.minzoom),u=this._updateRetainedTiles(i,s),f={};if(Zt(this._source.type))for(var h=Object.keys(u),p=0;p=a.now())){n._findLoadedChildren(g,c,u)&&(u[d]=g);var m=n.findLoadedParent(g,l,f);m&&n._addTile(m.tileID)}}for(o in f)u[o]||(n._coveredTiles[o]=!0);for(o in f)u[o]=f[o];for(var y=t.keysDifference(this._tiles,u),x=0;xthis._source.maxzoom){var h=l.children(this._source.maxzoom)[0],p=this.getTile(h);p&&p.hasData()?n[h.key]=h:f=!1}else{this._findLoadedChildren(l,o,n);for(var d=l.children(this._source.maxzoom),g=0;g=a;--v){var m=l.scaledTo(v);if(i[m.key])break;if(i[m.key]=!0,!(c=this.getTile(m))&&u&&(c=this._addTile(m)),c&&(n[m.key]=m,u=c.wasRequested(),c.hasData()))break}}}return n},r.prototype._addTile=function(e){var r=this._tiles[e.key];if(r)return r;(r=this._cache.getAndRemove(e))&&(this._setTileReloadTimer(e.key,r),r.tileID=e);var n=Boolean(r);return n||(r=new st(e,this._source.tileSize*e.overscaleFactor()),this._loadTile(r,this._tileLoaded.bind(this,r,e.key,r.state))),r?(r.uses++,this._tiles[e.key]=r,n||this._source.fire(new t.Event(\"dataloading\",{tile:r,coord:r.tileID,dataType:\"source\"})),r):null},r.prototype._setTileReloadTimer=function(t,e){var r=this;t in this._timers&&(clearTimeout(this._timers[t]),delete this._timers[t]);var n=e.getExpiryTimeout();n&&(this._timers[t]=setTimeout(function(){r._reloadTile(t,\"expired\"),delete r._timers[t]},n))},r.prototype._removeTile=function(t){var e=this._tiles[t];e&&(e.uses--,delete this._tiles[t],this._timers[t]&&(clearTimeout(this._timers[t]),delete this._timers[t]),e.uses>0||(e.hasData()?this._cache.add(e.tileID,e,e.getExpiryTimeout()):(e.aborted=!0,this._abortTile(e),this._unloadTile(e))))},r.prototype.clearTiles=function(){for(var t in this._shouldReloadOnResume=!1,this._paused=!1,this._tiles)this._removeTile(t);this._cache.reset()},r.prototype.tilesIn=function(e,r){for(var n=[],i=this.getIds(),a=1/0,o=1/0,s=-1/0,l=-1/0,c=e[0].zoom,u=0;u=0&&m[1].y+v>=0){for(var y=[],x=0;x=a.now())return!0}return!1},r}(t.Evented);function Xt(e,r){var n=r.zoomTo(e.canonical.z);return new t.default$1((n.column-(e.canonical.x+e.wrap*Math.pow(2,e.canonical.z)))*t.default$8,(n.row-e.canonical.y)*t.default$8)}function Zt(t){return\"raster\"===t||\"image\"===t||\"video\"===t}function $t(){return new t.default.Worker(En.workerUrl)}Yt.maxOverzooming=10,Yt.maxUnderzooming=3;var Jt,Kt=function(){this.active={}};function Qt(e,r){var n={};for(var i in e)\"ref\"!==i&&(n[i]=e[i]);return t.default$18.forEach(function(t){t in r&&(n[t]=r[t])}),n}function te(t){t=t.slice();for(var e=Object.create(null),r=0;rthis.width||n<0||e>this.height)return!i&&[];var a=[];if(t<=0&&e<=0&&this.width<=r&&this.height<=n){if(i)return!0;for(var o=0;o0:a},ce.prototype._queryCircle=function(t,e,r,n){var i=t-r,a=t+r,o=e-r,s=e+r;if(a<0||i>this.width||s<0||o>this.height)return!n&&[];var l=[],c={hitTest:n,circle:{x:t,y:e,radius:r},seenUids:{box:{},circle:{}}};return this._forEachCell(i,o,a,s,this._queryCellCircle,l,c),n?l.length>0:l},ce.prototype.query=function(t,e,r,n){return this._query(t,e,r,n,!1)},ce.prototype.hitTest=function(t,e,r,n){return this._query(t,e,r,n,!0)},ce.prototype.hitTestCircle=function(t,e,r){return this._queryCircle(t,e,r,!0)},ce.prototype._queryCell=function(t,e,r,n,i,a,o){var s=o.seenUids,l=this.boxCells[i];if(null!==l)for(var c=this.bboxes,u=0,f=l;u=c[p+0]&&n>=c[p+1]){if(o.hitTest)return a.push(!0),!0;a.push({key:this.boxKeys[h],x1:c[p],y1:c[p+1],x2:c[p+2],y2:c[p+3]})}}}var d=this.circleCells[i];if(null!==d)for(var g=this.circles,v=0,m=d;vo*o+s*s},ce.prototype._circleAndRectCollide=function(t,e,r,n,i,a,o){var s=(a-n)/2,l=Math.abs(t-(n+s));if(l>s+r)return!1;var c=(o-i)/2,u=Math.abs(e-(i+c));if(u>c+r)return!1;if(l<=s||u<=c)return!0;var f=l-s,h=u-c;return f*f+h*h<=r*r};var ue=t.default$19.layout;function fe(e,r,n,i,a){var o=t.mat4.identity(new Float32Array(16));return r?(t.mat4.identity(o),t.mat4.scale(o,o,[1/a,1/a,1]),n||t.mat4.rotateZ(o,o,i.angle)):(t.mat4.scale(o,o,[i.width/2,-i.height/2,1]),t.mat4.translate(o,o,[1,-1,0]),t.mat4.multiply(o,o,e)),o}function he(e,r,n,i,a){var o=t.mat4.identity(new Float32Array(16));return r?(t.mat4.multiply(o,o,e),t.mat4.scale(o,o,[a,a,1]),n||t.mat4.rotateZ(o,o,-i.angle)):(t.mat4.scale(o,o,[1,-1,1]),t.mat4.translate(o,o,[-1,-1,0]),t.mat4.scale(o,o,[2/i.width,2/i.height,1])),o}function pe(e,r){var n=[e.x,e.y,0,1];ke(n,n,r);var i=n[3];return{point:new t.default$1(n[0]/i,n[1]/i),signedDistanceFromCamera:i}}function de(t,e){var r=t[0]/t[3],n=t[1]/t[3];return r>=-e[0]&&r<=e[0]&&n>=-e[1]&&n<=e[1]}function ge(e,r,n,i,a,o,s,l){var c=i?e.textSizeData:e.iconSizeData,u=t.evaluateSizeForZoom(c,n.transform.zoom,ue.properties[i?\"text-size\":\"icon-size\"]),f=[256/n.width*2+1,256/n.height*2+1],h=i?e.text.dynamicLayoutVertexArray:e.icon.dynamicLayoutVertexArray;h.clear();for(var p=e.lineVertexArray,d=i?e.text.placedSymbolArray:e.icon.placedSymbolArray,g=n.transform.width/n.transform.height,v=!1,m=0;mMath.abs(n.x-r.x)*i?{useVertical:!0}:(e===t.WritingMode.vertical?r.yn.x)?{needsFlipping:!0}:null}function ye(e,r,n,i,a,o,s,l,c,u,f,h,p,d){var g,v=r/24,m=e.lineOffsetX*r,y=e.lineOffsetY*r;if(e.numGlyphs>1){var x=e.glyphStartIndex+e.numGlyphs,b=e.lineStartIndex,_=e.lineStartIndex+e.lineLength,w=ve(v,l,m,y,n,f,h,e,c,o,p,!1);if(!w)return{notEnoughRoom:!0};var k=pe(w.first.point,s).point,M=pe(w.last.point,s).point;if(i&&!n){var A=me(e.writingMode,k,M,d);if(A)return A}g=[w.first];for(var T=e.glyphStartIndex+1;T0?L.point:xe(h,C,S,1,a),O=me(e.writingMode,S,z,d);if(O)return O}var I=be(v*l.getoffsetX(e.glyphStartIndex),m,y,n,f,h,e.segment,e.lineStartIndex,e.lineStartIndex+e.lineLength,c,o,p,!1);if(!I)return{notEnoughRoom:!0};g=[I]}for(var P=0,D=g;P0?1:-1,v=0;i&&(g*=-1,v=Math.PI),g<0&&(v+=Math.PI);for(var m=g>0?l+s:l+s+1,y=m,x=a,b=a,_=0,w=0,k=Math.abs(d);_+w<=k;){if((m+=g)=c)return null;if(b=x,void 0===(x=h[m])){var M=new t.default$1(u.getx(m),u.gety(m)),A=pe(M,f);if(A.signedDistanceFromCamera>0)x=h[m]=A.point;else{var T=m-g;x=xe(0===_?o:new t.default$1(u.getx(T),u.gety(T)),M,b,k-_+1,f)}}_+=w,w=b.dist(x)}var S=(k-_)/w,E=x.sub(b),C=E.mult(S)._add(b);return C._add(E._unit()._perp()._mult(n*g)),{point:C,angle:v+Math.atan2(x.y-b.y,x.x-b.x),tileDistance:p?{prevTileDistance:m-g===y?0:u.gettileUnitDistanceFromAnchor(m-g),lastSegmentViewportDistance:k-_}:null}}var _e=new Float32Array([-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0,-1/0,-1/0,0]);function we(t,e){for(var r=0;rT)Ae(e,S,!1);else{var O=this.projectPoint(u,E,C),I=L*k;if(d.length>0){var P=O.x-d[d.length-4],D=O.y-d[d.length-3];if(I*I*2>P*P+D*D&&S+8-A&&R=this.screenRightBoundary||n<100||e>this.screenBottomBoundary};var Se=t.default$19.layout,Ee=function(t,e,r,n){this.opacity=t?Math.max(0,Math.min(1,t.opacity+(t.placed?e:-e))):n&&r?1:0,this.placed=r};Ee.prototype.isHidden=function(){return 0===this.opacity&&!this.placed};var Ce=function(t,e,r,n,i){this.text=new Ee(t?t.text:null,e,r,i),this.icon=new Ee(t?t.icon:null,e,n,i)};Ce.prototype.isHidden=function(){return this.text.isHidden()&&this.icon.isHidden()};var Le=function(t,e,r){this.text=t,this.icon=e,this.skipFade=r},ze=function(t,e){this.transform=t.clone(),this.collisionIndex=new Me(this.transform),this.placements={},this.opacities={},this.stale=!1,this.fadeDuration=e,this.retainedQueryData={}};function Oe(t,e,r){t.emplaceBack(e?1:0,r?1:0),t.emplaceBack(e?1:0,r?1:0),t.emplaceBack(e?1:0,r?1:0),t.emplaceBack(e?1:0,r?1:0)}ze.prototype.placeLayerTile=function(e,r,n,i){var a=r.getBucket(e),o=r.latestFeatureIndex;if(a&&o&&e.id===a.layerIds[0]){var s=r.collisionBoxArray,l=a.layers[0].layout,c=Math.pow(2,this.transform.zoom-r.tileID.overscaledZ),u=r.tileSize/t.default$8,f=this.transform.calculatePosMatrix(r.tileID.toUnwrapped()),h=fe(f,\"map\"===l.get(\"text-pitch-alignment\"),\"map\"===l.get(\"text-rotation-alignment\"),this.transform,Te(r,1,this.transform.zoom)),p=fe(f,\"map\"===l.get(\"icon-pitch-alignment\"),\"map\"===l.get(\"icon-rotation-alignment\"),this.transform,Te(r,1,this.transform.zoom));this.retainedQueryData[a.bucketInstanceId]=new function(t,e,r,n,i){this.bucketInstanceId=t,this.featureIndex=e,this.sourceLayerIndex=r,this.bucketIndex=n,this.tileID=i}(a.bucketInstanceId,o,a.sourceLayerIndex,a.index,r.tileID),this.placeLayerBucket(a,f,h,p,c,u,n,i,s)}},ze.prototype.placeLayerBucket=function(e,r,n,i,a,o,s,l,c){for(var u=e.layers[0].layout,f=t.evaluateSizeForZoom(e.textSizeData,this.transform.zoom,Se.properties[\"text-size\"]),h=!e.hasTextData()||u.get(\"text-optional\"),p=!e.hasIconData()||u.get(\"icon-optional\"),d=0,g=e.symbolInstances;d0,x=x&&b.offscreen);var A=v.collisionArrays.textCircles;if(A){var T=e.text.placedSymbolArray.get(v.placedTextSymbolIndices[0]),S=t.evaluateSizeForFeature(e.textSizeData,f,T);_=this.collisionIndex.placeCollisionCircles(A,u.get(\"text-allow-overlap\"),a,o,v.key,T,e.lineVertexArray,e.glyphOffsetArray,S,r,n,s,\"map\"===u.get(\"text-pitch-alignment\")),m=u.get(\"text-allow-overlap\")||_.circles.length>0,x=x&&_.offscreen}v.collisionArrays.iconFeatureIndex&&(M=v.collisionArrays.iconFeatureIndex),v.collisionArrays.iconBox&&(y=(w=this.collisionIndex.placeCollisionBox(v.collisionArrays.iconBox,u.get(\"icon-allow-overlap\"),o,r)).box.length>0,x=x&&w.offscreen),h||p?p?h||(y=y&&m):m=y&&m:y=m=y&&m,m&&b&&this.collisionIndex.insertCollisionBox(b.box,u.get(\"text-ignore-placement\"),e.bucketInstanceId,k),y&&w&&this.collisionIndex.insertCollisionBox(w.box,u.get(\"icon-ignore-placement\"),e.bucketInstanceId,M),m&&_&&this.collisionIndex.insertCollisionCircles(_.circles,u.get(\"text-ignore-placement\"),e.bucketInstanceId,k),this.placements[v.crossTileID]=new Le(m,y,x||e.justReloaded),l[v.crossTileID]=!0}}e.justReloaded=!1},ze.prototype.commit=function(t,e){this.commitTime=e;var r=!1,n=t&&0!==this.fadeDuration?(this.commitTime-t.commitTime)/this.fadeDuration:1,i=t?t.opacities:{};for(var a in this.placements){var o=this.placements[a],s=i[a];s?(this.opacities[a]=new Ce(s,n,o.text,o.icon),r=r||o.text!==s.text.placed||o.icon!==s.icon.placed):(this.opacities[a]=new Ce(null,n,o.text,o.icon,o.skipFade),r=r||o.text||o.icon)}for(var l in i){var c=i[l];if(!this.opacities[l]){var u=new Ce(c,n,!1,!1);u.isHidden()||(this.opacities[l]=u,r=r||c.text.placed||c.icon.placed)}}r?this.lastPlacementChangeTime=e:\"number\"!=typeof this.lastPlacementChangeTime&&(this.lastPlacementChangeTime=t?t.lastPlacementChangeTime:e)},ze.prototype.updateLayerOpacities=function(t,e){for(var r={},n=0,i=e;n0||s.numVerticalGlyphVertices>0,f=s.numIconVertices>0;if(u){for(var h=je(c.text),p=(s.numGlyphVertices+s.numVerticalGlyphVertices)/4,d=0;dt},ze.prototype.setStale=function(){this.stale=!0};var Ie=Math.pow(2,25),Pe=Math.pow(2,24),De=Math.pow(2,17),Re=Math.pow(2,16),Be=Math.pow(2,9),Fe=Math.pow(2,8),Ne=Math.pow(2,1);function je(t){if(0===t.opacity&&!t.placed)return 0;if(1===t.opacity&&t.placed)return 4294967295;var e=t.placed?1:0,r=Math.floor(127*t.opacity);return r*Ie+e*Pe+r*De+e*Re+r*Be+e*Fe+r*Ne+e}var Ve=function(){this._currentTileIndex=0,this._seenCrossTileIDs={}};Ve.prototype.continuePlacement=function(t,e,r,n,i){for(;this._currentTileIndex2};this._currentPlacementIndex>=0;){var s=e[t[n._currentPlacementIndex]],l=n.placement.collisionIndex.transform.zoom;if(\"symbol\"===s.type&&(!s.minzoom||s.minzoom<=l)&&(!s.maxzoom||s.maxzoom>l)){if(n._inProgressLayer||(n._inProgressLayer=new Ve),n._inProgressLayer.continuePlacement(r[s.source],n.placement,n._showCollisionBoxes,s,o))return;delete n._inProgressLayer}n._currentPlacementIndex--}this._done=!0},Ue.prototype.commit=function(t,e){return this.placement.commit(t,e),this.placement};var qe=512/t.default$8/2,He=function(t,e,r){this.tileID=t,this.indexedSymbolInstances={},this.bucketInstanceId=r;for(var n=0,i=e;nt.overscaledZ)for(var l in s){var c=s[l];c.tileID.isChildOf(t)&&c.findMatches(e.symbolInstances,t,a)}else{var u=s[t.scaledTo(Number(o)).key];u&&u.findMatches(e.symbolInstances,t,a)}}for(var f=0,h=e.symbolInstances;f1?\"@2x\":\"\";function c(){if(s)n(s);else if(i&&o){var e=a.getImageData(o),r={};for(var l in i){var c=i[l],u=c.width,f=c.height,h=c.x,p=c.y,d=c.sdf,g=c.pixelRatio,v=new t.RGBAImage({width:u,height:f});t.RGBAImage.copy(e,v,{x:h,y:p},{x:0,y:0},{width:u,height:f}),r[l]={data:v,pixelRatio:g,sdf:d}}n(null,r)}}t.getJSON(r(_(e,l,\".json\"),t.ResourceType.SpriteJSON),function(t,e){s||(s=t,i=e,c())}),t.getImage(r(_(e,l,\".png\"),t.ResourceType.SpriteImage),function(t,e){s||(s=t,o=e,c())})}(e.sprite,this.map._transformRequest,function(e,r){if(e)n.fire(new t.ErrorEvent(e));else if(r)for(var i in r)n.imageManager.addImage(i,r[i]);n.imageManager.setLoaded(!0),n.fire(new t.Event(\"data\",{dataType:\"style\"}))}):this.imageManager.setLoaded(!0),this.glyphManager.setURL(e.glyphs);var o=te(this.stylesheet.layers);this._order=o.map(function(t){return t.id}),this._layers={};for(var s=0,l=o;s0)throw new Error(\"Unimplemented: \"+i.map(function(t){return t.command}).join(\", \")+\".\");return n.forEach(function(t){\"setTransition\"!==t.command&&r[t.command].apply(r,t.args)}),this.stylesheet=e,!0},r.prototype.addImage=function(e,r){if(this.getImage(e))return this.fire(new t.ErrorEvent(new Error(\"An image with this name already exists.\")));this.imageManager.addImage(e,r),this.fire(new t.Event(\"data\",{dataType:\"style\"}))},r.prototype.getImage=function(t){return this.imageManager.getImage(t)},r.prototype.removeImage=function(e){if(!this.getImage(e))return this.fire(new t.ErrorEvent(new Error(\"No image with this name exists.\")));this.imageManager.removeImage(e),this.fire(new t.Event(\"data\",{dataType:\"style\"}))},r.prototype.addSource=function(e,r,n){var i=this;if(this._checkLoaded(),void 0!==this.sourceCaches[e])throw new Error(\"There is already a source with this ID\");if(!r.type)throw new Error(\"The type property must be defined, but the only the following properties were given: \"+Object.keys(r).join(\", \")+\".\");if(!([\"vector\",\"raster\",\"geojson\",\"video\",\"image\"].indexOf(r.type)>=0&&this._validate(t.validateStyle.source,\"sources.\"+e,r,null,n))){this.map&&this.map._collectResourceTiming&&(r.collectResourceTiming=!0);var a=this.sourceCaches[e]=new Yt(e,r,this.dispatcher);a.style=this,a.setEventedParent(this,function(){return{isSourceLoaded:i.loaded(),source:a.serialize(),sourceId:e}}),a.onAdd(this.map),this._changed=!0}},r.prototype.removeSource=function(e){if(this._checkLoaded(),void 0===this.sourceCaches[e])throw new Error(\"There is no source with this ID\");for(var r in this._layers)if(this._layers[r].source===e)return this.fire(new t.ErrorEvent(new Error('Source \"'+e+'\" cannot be removed while layer \"'+r+'\" is using it.')));var n=this.sourceCaches[e];delete this.sourceCaches[e],delete this._updatedSources[e],n.fire(new t.Event(\"data\",{sourceDataType:\"metadata\",dataType:\"source\",sourceId:e})),n.setEventedParent(null),n.clearTiles(),n.onRemove&&n.onRemove(this.map),this._changed=!0},r.prototype.setGeoJSONSourceData=function(t,e){this._checkLoaded(),this.sourceCaches[t].getSource().setData(e),this._changed=!0},r.prototype.getSource=function(t){return this.sourceCaches[t]&&this.sourceCaches[t].getSource()},r.prototype.addLayer=function(e,r,n){this._checkLoaded();var i=e.id;if(this.getLayer(i))this.fire(new t.ErrorEvent(new Error('Layer with id \"'+i+'\" already exists on this map')));else if(\"object\"==typeof e.source&&(this.addSource(i,e.source),e=t.clone(e),e=t.extend(e,{source:i})),!this._validate(t.validateStyle.layer,\"layers.\"+i,e,{arrayIndex:-1},n)){var a=t.default$22(e);this._validateLayer(a),a.setEventedParent(this,{layer:{id:i}});var o=r?this._order.indexOf(r):this._order.length;if(r&&-1===o)this.fire(new t.ErrorEvent(new Error('Layer with id \"'+r+'\" does not exist on this map.')));else{if(this._order.splice(o,0,i),this._layerOrderChanged=!0,this._layers[i]=a,this._removedLayers[i]&&a.source){var s=this._removedLayers[i];delete this._removedLayers[i],s.type!==a.type?this._updatedSources[a.source]=\"clear\":(this._updatedSources[a.source]=\"reload\",this.sourceCaches[a.source].pause())}this._updateLayer(a)}}},r.prototype.moveLayer=function(e,r){if(this._checkLoaded(),this._changed=!0,this._layers[e]){if(e!==r){var n=this._order.indexOf(e);this._order.splice(n,1);var i=r?this._order.indexOf(r):this._order.length;r&&-1===i?this.fire(new t.ErrorEvent(new Error('Layer with id \"'+r+'\" does not exist on this map.'))):(this._order.splice(i,0,e),this._layerOrderChanged=!0)}}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be moved.\")))},r.prototype.removeLayer=function(e){this._checkLoaded();var r=this._layers[e];if(r){r.setEventedParent(null);var n=this._order.indexOf(e);this._order.splice(n,1),this._layerOrderChanged=!0,this._changed=!0,this._removedLayers[e]=r,delete this._layers[e],delete this._updatedLayers[e],delete this._updatedPaintProps[e]}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be removed.\")))},r.prototype.getLayer=function(t){return this._layers[t]},r.prototype.setLayerZoomRange=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?i.minzoom===r&&i.maxzoom===n||(null!=r&&(i.minzoom=r),null!=n&&(i.maxzoom=n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot have zoom extent.\")))},r.prototype.setFilter=function(e,r){this._checkLoaded();var n=this.getLayer(e);if(n){if(!t.default$10(n.filter,r))return null==r?(n.filter=void 0,void this._updateLayer(n)):void(this._validate(t.validateStyle.filter,\"layers.\"+n.id+\".filter\",r)||(n.filter=t.clone(r),this._updateLayer(n)))}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be filtered.\")))},r.prototype.getFilter=function(e){return t.clone(this.getLayer(e).filter)},r.prototype.setLayoutProperty=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);i?t.default$10(i.getLayoutProperty(r),n)||(i.setLayoutProperty(r,n),this._updateLayer(i)):this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be styled.\")))},r.prototype.getLayoutProperty=function(t,e){return this.getLayer(t).getLayoutProperty(e)},r.prototype.setPaintProperty=function(e,r,n){this._checkLoaded();var i=this.getLayer(e);if(i){if(!t.default$10(i.getPaintProperty(r),n)){var a=i._transitionablePaint._values[r].value.isDataDriven();i.setPaintProperty(r,n),(i._transitionablePaint._values[r].value.isDataDriven()||a)&&this._updateLayer(i),this._changed=!0,this._updatedPaintProps[e]=!0}}else this.fire(new t.ErrorEvent(new Error(\"The layer '\"+e+\"' does not exist in the map's style and cannot be styled.\")))},r.prototype.getPaintProperty=function(t,e){return this.getLayer(t).getPaintProperty(e)},r.prototype.getTransition=function(){return t.extend({duration:300,delay:0},this.stylesheet&&this.stylesheet.transition)},r.prototype.serialize=function(){var e=this;return t.filterObject({version:this.stylesheet.version,name:this.stylesheet.name,metadata:this.stylesheet.metadata,light:this.stylesheet.light,center:this.stylesheet.center,zoom:this.stylesheet.zoom,bearing:this.stylesheet.bearing,pitch:this.stylesheet.pitch,sprite:this.stylesheet.sprite,glyphs:this.stylesheet.glyphs,transition:this.stylesheet.transition,sources:t.mapObject(this.sourceCaches,function(t){return t.serialize()}),layers:this._order.map(function(t){return e._layers[t].serialize()})},function(t){return void 0!==t})},r.prototype._updateLayer=function(t){this._updatedLayers[t.id]=!0,t.source&&!this._updatedSources[t.source]&&(this._updatedSources[t.source]=\"reload\",this.sourceCaches[t.source].pause()),this._changed=!0},r.prototype._flattenRenderedFeatures=function(t){for(var e=[],r=this._order.length-1;r>=0;r--)for(var n=this._order[r],i=0,a=t;i 0.5) {\\n gl_FragColor = vec4(0.0, 0.0, 1.0, 0.5) * alpha;\\n }\\n\\n if (v_notUsed > 0.5) {\\n // This box not used, fade it out\\n gl_FragColor *= .1;\\n }\\n}\",vertexSource:\"attribute vec2 a_pos;\\nattribute vec2 a_anchor_pos;\\nattribute vec2 a_extrude;\\nattribute vec2 a_placed;\\n\\nuniform mat4 u_matrix;\\nuniform vec2 u_extrude_scale;\\nuniform float u_camera_to_center_distance;\\n\\nvarying float v_placed;\\nvarying float v_notUsed;\\n\\nvoid main() {\\n vec4 projectedPoint = u_matrix * vec4(a_anchor_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n highp float collision_perspective_ratio = clamp(\\n 0.5 + 0.5 * (u_camera_to_center_distance / camera_to_anchor_distance),\\n 0.0, // Prevents oversized near-field boxes in pitched/overzoomed tiles\\n 4.0);\\n\\n gl_Position = u_matrix * vec4(a_pos, 0.0, 1.0);\\n gl_Position.xy += a_extrude * u_extrude_scale * gl_Position.w * collision_perspective_ratio;\\n\\n v_placed = a_placed.x;\\n v_notUsed = a_placed.y;\\n}\\n\"},collisionCircle:{fragmentSource:\"uniform float u_overscale_factor;\\n\\nvarying float v_placed;\\nvarying float v_notUsed;\\nvarying float v_radius;\\nvarying vec2 v_extrude;\\nvarying vec2 v_extrude_scale;\\n\\nvoid main() {\\n float alpha = 0.5;\\n\\n // Red = collision, hide label\\n vec4 color = vec4(1.0, 0.0, 0.0, 1.0) * alpha;\\n\\n // Blue = no collision, label is showing\\n if (v_placed > 0.5) {\\n color = vec4(0.0, 0.0, 1.0, 0.5) * alpha;\\n }\\n\\n if (v_notUsed > 0.5) {\\n // This box not used, fade it out\\n color *= .2;\\n }\\n\\n float extrude_scale_length = length(v_extrude_scale);\\n float extrude_length = length(v_extrude) * extrude_scale_length;\\n float stroke_width = 15.0 * extrude_scale_length / u_overscale_factor;\\n float radius = v_radius * extrude_scale_length;\\n\\n float distance_to_edge = abs(extrude_length - radius);\\n float opacity_t = smoothstep(-stroke_width, 0.0, -distance_to_edge);\\n\\n gl_FragColor = opacity_t * color;\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\nattribute vec2 a_anchor_pos;\\nattribute vec2 a_extrude;\\nattribute vec2 a_placed;\\n\\nuniform mat4 u_matrix;\\nuniform vec2 u_extrude_scale;\\nuniform float u_camera_to_center_distance;\\n\\nvarying float v_placed;\\nvarying float v_notUsed;\\nvarying float v_radius;\\n\\nvarying vec2 v_extrude;\\nvarying vec2 v_extrude_scale;\\n\\nvoid main() {\\n vec4 projectedPoint = u_matrix * vec4(a_anchor_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n highp float collision_perspective_ratio = clamp(\\n 0.5 + 0.5 * (u_camera_to_center_distance / camera_to_anchor_distance),\\n 0.0, // Prevents oversized near-field circles in pitched/overzoomed tiles\\n 4.0);\\n\\n gl_Position = u_matrix * vec4(a_pos, 0.0, 1.0);\\n\\n highp float padding_factor = 1.2; // Pad the vertices slightly to make room for anti-alias blur\\n gl_Position.xy += a_extrude * u_extrude_scale * padding_factor * gl_Position.w * collision_perspective_ratio;\\n\\n v_placed = a_placed.x;\\n v_notUsed = a_placed.y;\\n v_radius = abs(a_extrude.y); // We don't pitch the circles, so both units of the extrusion vector are equal in magnitude to the radius\\n\\n v_extrude = a_extrude * padding_factor;\\n v_extrude_scale = u_extrude_scale * u_camera_to_center_distance * collision_perspective_ratio;\\n}\\n\"},debug:{fragmentSource:\"uniform highp vec4 u_color;\\n\\nvoid main() {\\n gl_FragColor = u_color;\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\n\\nuniform mat4 u_matrix;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n}\\n\"},fill:{fragmentSource:\"#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_FragColor = color * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\n\\nuniform mat4 u_matrix;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n}\\n\"},fillOutline:{fragmentSource:\"#pragma mapbox: define highp vec4 outline_color\\n#pragma mapbox: define lowp float opacity\\n\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 outline_color\\n #pragma mapbox: initialize lowp float opacity\\n\\n float dist = length(v_pos - gl_FragCoord.xy);\\n float alpha = 1.0 - smoothstep(0.0, 1.0, dist);\\n gl_FragColor = outline_color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"attribute vec2 a_pos;\\n\\nuniform mat4 u_matrix;\\nuniform vec2 u_world;\\n\\nvarying vec2 v_pos;\\n\\n#pragma mapbox: define highp vec4 outline_color\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 outline_color\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n v_pos = (gl_Position.xy / gl_Position.w + 1.0) / 2.0 * u_world;\\n}\\n\"},fillOutlinePattern:{fragmentSource:\"uniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_mix;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec2 v_pos;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n vec2 imagecoord = mod(v_pos_a, 1.0);\\n vec2 pos = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, imagecoord);\\n vec4 color1 = texture2D(u_image, pos);\\n\\n vec2 imagecoord_b = mod(v_pos_b, 1.0);\\n vec2 pos2 = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, imagecoord_b);\\n vec4 color2 = texture2D(u_image, pos2);\\n\\n // find distance to outline for alpha interpolation\\n\\n float dist = length(v_pos - gl_FragCoord.xy);\\n float alpha = 1.0 - smoothstep(0.0, 1.0, dist);\\n\\n\\n gl_FragColor = mix(color1, color2, u_mix) * alpha * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_world;\\nuniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pixel_coord_upper;\\nuniform vec2 u_pixel_coord_lower;\\nuniform float u_scale_a;\\nuniform float u_scale_b;\\nuniform float u_tile_units_to_pixels;\\n\\nattribute vec2 a_pos;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec2 v_pos;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n\\n v_pos_a = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_a * u_pattern_size_a, u_tile_units_to_pixels, a_pos);\\n v_pos_b = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_b * u_pattern_size_b, u_tile_units_to_pixels, a_pos);\\n\\n v_pos = (gl_Position.xy / gl_Position.w + 1.0) / 2.0 * u_world;\\n}\\n\"},fillPattern:{fragmentSource:\"uniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_mix;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n vec2 imagecoord = mod(v_pos_a, 1.0);\\n vec2 pos = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, imagecoord);\\n vec4 color1 = texture2D(u_image, pos);\\n\\n vec2 imagecoord_b = mod(v_pos_b, 1.0);\\n vec2 pos2 = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, imagecoord_b);\\n vec4 color2 = texture2D(u_image, pos2);\\n\\n gl_FragColor = mix(color1, color2, u_mix) * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pixel_coord_upper;\\nuniform vec2 u_pixel_coord_lower;\\nuniform float u_scale_a;\\nuniform float u_scale_b;\\nuniform float u_tile_units_to_pixels;\\n\\nattribute vec2 a_pos;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n\\n v_pos_a = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_a * u_pattern_size_a, u_tile_units_to_pixels, a_pos);\\n v_pos_b = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_b * u_pattern_size_b, u_tile_units_to_pixels, a_pos);\\n}\\n\"},fillExtrusion:{fragmentSource:\"varying vec4 v_color;\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n#pragma mapbox: define highp vec4 color\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n #pragma mapbox: initialize highp vec4 color\\n\\n gl_FragColor = v_color;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec3 u_lightcolor;\\nuniform lowp vec3 u_lightpos;\\nuniform lowp float u_lightintensity;\\n\\nattribute vec2 a_pos;\\nattribute vec4 a_normal_ed;\\n\\nvarying vec4 v_color;\\n\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n\\n#pragma mapbox: define highp vec4 color\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n #pragma mapbox: initialize highp vec4 color\\n\\n vec3 normal = a_normal_ed.xyz;\\n\\n base = max(0.0, base);\\n height = max(0.0, height);\\n\\n float t = mod(normal.x, 2.0);\\n\\n gl_Position = u_matrix * vec4(a_pos, t > 0.0 ? height : base, 1);\\n\\n // Relative luminance (how dark/bright is the surface color?)\\n float colorvalue = color.r * 0.2126 + color.g * 0.7152 + color.b * 0.0722;\\n\\n v_color = vec4(0.0, 0.0, 0.0, 1.0);\\n\\n // Add slight ambient lighting so no extrusions are totally black\\n vec4 ambientlight = vec4(0.03, 0.03, 0.03, 1.0);\\n color += ambientlight;\\n\\n // Calculate cos(theta), where theta is the angle between surface normal and diffuse light ray\\n float directional = clamp(dot(normal / 16384.0, u_lightpos), 0.0, 1.0);\\n\\n // Adjust directional so that\\n // the range of values for highlight/shading is narrower\\n // with lower light intensity\\n // and with lighter/brighter surface colors\\n directional = mix((1.0 - u_lightintensity), max((1.0 - colorvalue + u_lightintensity), 1.0), directional);\\n\\n // Add gradient along z axis of side surfaces\\n if (normal.y != 0.0) {\\n directional *= clamp((t + base) * pow(height / 150.0, 0.5), mix(0.7, 0.98, 1.0 - u_lightintensity), 1.0);\\n }\\n\\n // Assign final color based on surface + ambient light color, diffuse light directional, and light color\\n // with lower bounds adjusted to hue of light\\n // so that shading is tinted with the complementary (opposite) color to the light color\\n v_color.r += clamp(color.r * directional * u_lightcolor.r, mix(0.0, 0.3, 1.0 - u_lightcolor.r), 1.0);\\n v_color.g += clamp(color.g * directional * u_lightcolor.g, mix(0.0, 0.3, 1.0 - u_lightcolor.g), 1.0);\\n v_color.b += clamp(color.b * directional * u_lightcolor.b, mix(0.0, 0.3, 1.0 - u_lightcolor.b), 1.0);\\n}\\n\"},fillExtrusionPattern:{fragmentSource:\"uniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_mix;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec4 v_lighting;\\n\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n\\n vec2 imagecoord = mod(v_pos_a, 1.0);\\n vec2 pos = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, imagecoord);\\n vec4 color1 = texture2D(u_image, pos);\\n\\n vec2 imagecoord_b = mod(v_pos_b, 1.0);\\n vec2 pos2 = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, imagecoord_b);\\n vec4 color2 = texture2D(u_image, pos2);\\n\\n vec4 mixedColor = mix(color1, color2, u_mix);\\n\\n gl_FragColor = mixedColor * v_lighting;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pixel_coord_upper;\\nuniform vec2 u_pixel_coord_lower;\\nuniform float u_scale_a;\\nuniform float u_scale_b;\\nuniform float u_tile_units_to_pixels;\\nuniform float u_height_factor;\\n\\nuniform vec3 u_lightcolor;\\nuniform lowp vec3 u_lightpos;\\nuniform lowp float u_lightintensity;\\n\\nattribute vec2 a_pos;\\nattribute vec4 a_normal_ed;\\n\\nvarying vec2 v_pos_a;\\nvarying vec2 v_pos_b;\\nvarying vec4 v_lighting;\\nvarying float v_directional;\\n\\n#pragma mapbox: define lowp float base\\n#pragma mapbox: define lowp float height\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float base\\n #pragma mapbox: initialize lowp float height\\n\\n vec3 normal = a_normal_ed.xyz;\\n float edgedistance = a_normal_ed.w;\\n\\n base = max(0.0, base);\\n height = max(0.0, height);\\n\\n float t = mod(normal.x, 2.0);\\n float z = t > 0.0 ? height : base;\\n\\n gl_Position = u_matrix * vec4(a_pos, z, 1);\\n\\n vec2 pos = normal.x == 1.0 && normal.y == 0.0 && normal.z == 16384.0\\n ? a_pos // extrusion top\\n : vec2(edgedistance, z * u_height_factor); // extrusion side\\n\\n v_pos_a = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_a * u_pattern_size_a, u_tile_units_to_pixels, pos);\\n v_pos_b = get_pattern_pos(u_pixel_coord_upper, u_pixel_coord_lower, u_scale_b * u_pattern_size_b, u_tile_units_to_pixels, pos);\\n\\n v_lighting = vec4(0.0, 0.0, 0.0, 1.0);\\n float directional = clamp(dot(normal / 16383.0, u_lightpos), 0.0, 1.0);\\n directional = mix((1.0 - u_lightintensity), max((0.5 + u_lightintensity), 1.0), directional);\\n\\n if (normal.y != 0.0) {\\n directional *= clamp((t + base) * pow(height / 150.0, 0.5), mix(0.7, 0.98, 1.0 - u_lightintensity), 1.0);\\n }\\n\\n v_lighting.rgb += clamp(directional * u_lightcolor, mix(vec3(0.0), vec3(0.3), 1.0 - u_lightcolor), vec3(1.0));\\n}\\n\"},extrusionTexture:{fragmentSource:\"uniform sampler2D u_image;\\nuniform float u_opacity;\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_FragColor = texture2D(u_image, v_pos) * u_opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(0.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_world;\\nattribute vec2 a_pos;\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos * u_world, 0, 1);\\n\\n v_pos.x = a_pos.x;\\n v_pos.y = 1.0 - a_pos.y;\\n}\\n\"},hillshadePrepare:{fragmentSource:\"#ifdef GL_ES\\nprecision highp float;\\n#endif\\n\\nuniform sampler2D u_image;\\nvarying vec2 v_pos;\\nuniform vec2 u_dimension;\\nuniform float u_zoom;\\nuniform float u_maxzoom;\\n\\nfloat getElevation(vec2 coord, float bias) {\\n // Convert encoded elevation value to meters\\n vec4 data = texture2D(u_image, coord) * 255.0;\\n return (data.r + data.g * 256.0 + data.b * 256.0 * 256.0) / 4.0;\\n}\\n\\nvoid main() {\\n vec2 epsilon = 1.0 / u_dimension;\\n\\n // queried pixels:\\n // +-----------+\\n // | | | |\\n // | a | b | c |\\n // | | | |\\n // +-----------+\\n // | | | |\\n // | d | e | f |\\n // | | | |\\n // +-----------+\\n // | | | |\\n // | g | h | i |\\n // | | | |\\n // +-----------+\\n\\n float a = getElevation(v_pos + vec2(-epsilon.x, -epsilon.y), 0.0);\\n float b = getElevation(v_pos + vec2(0, -epsilon.y), 0.0);\\n float c = getElevation(v_pos + vec2(epsilon.x, -epsilon.y), 0.0);\\n float d = getElevation(v_pos + vec2(-epsilon.x, 0), 0.0);\\n float e = getElevation(v_pos, 0.0);\\n float f = getElevation(v_pos + vec2(epsilon.x, 0), 0.0);\\n float g = getElevation(v_pos + vec2(-epsilon.x, epsilon.y), 0.0);\\n float h = getElevation(v_pos + vec2(0, epsilon.y), 0.0);\\n float i = getElevation(v_pos + vec2(epsilon.x, epsilon.y), 0.0);\\n\\n // here we divide the x and y slopes by 8 * pixel size\\n // where pixel size (aka meters/pixel) is:\\n // circumference of the world / (pixels per tile * number of tiles)\\n // which is equivalent to: 8 * 40075016.6855785 / (512 * pow(2, u_zoom))\\n // which can be reduced to: pow(2, 19.25619978527 - u_zoom)\\n // we want to vertically exaggerate the hillshading though, because otherwise\\n // it is barely noticeable at low zooms. to do this, we multiply this by some\\n // scale factor pow(2, (u_zoom - u_maxzoom) * a) where a is an arbitrary value\\n // Here we use a=0.3 which works out to the expression below. see \\n // nickidlugash's awesome breakdown for more info\\n // https://github.com/mapbox/mapbox-gl-js/pull/5286#discussion_r148419556\\n float exaggeration = u_zoom < 2.0 ? 0.4 : u_zoom < 4.5 ? 0.35 : 0.3;\\n\\n vec2 deriv = vec2(\\n (c + f + f + i) - (a + d + d + g),\\n (g + h + h + i) - (a + b + b + c)\\n ) / pow(2.0, (u_zoom - u_maxzoom) * exaggeration + 19.2562 - u_zoom);\\n\\n gl_FragColor = clamp(vec4(\\n deriv.x / 2.0 + 0.5,\\n deriv.y / 2.0 + 0.5,\\n 1.0,\\n 1.0), 0.0, 1.0);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\n\\nattribute vec2 a_pos;\\nattribute vec2 a_texture_pos;\\n\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n v_pos = (a_texture_pos / 8192.0) / 2.0 + 0.25;\\n}\\n\"},hillshade:{fragmentSource:\"uniform sampler2D u_image;\\nvarying vec2 v_pos;\\n\\nuniform vec2 u_latrange;\\nuniform vec2 u_light;\\nuniform vec4 u_shadow;\\nuniform vec4 u_highlight;\\nuniform vec4 u_accent;\\n\\n#define PI 3.141592653589793\\n\\nvoid main() {\\n vec4 pixel = texture2D(u_image, v_pos);\\n\\n vec2 deriv = ((pixel.rg * 2.0) - 1.0);\\n\\n // We divide the slope by a scale factor based on the cosin of the pixel's approximate latitude\\n // to account for mercator projection distortion. see #4807 for details\\n float scaleFactor = cos(radians((u_latrange[0] - u_latrange[1]) * (1.0 - v_pos.y) + u_latrange[1]));\\n // We also multiply the slope by an arbitrary z-factor of 1.25\\n float slope = atan(1.25 * length(deriv) / scaleFactor);\\n float aspect = deriv.x != 0.0 ? atan(deriv.y, -deriv.x) : PI / 2.0 * (deriv.y > 0.0 ? 1.0 : -1.0);\\n\\n float intensity = u_light.x;\\n // We add PI to make this property match the global light object, which adds PI/2 to the light's azimuthal\\n // position property to account for 0deg corresponding to north/the top of the viewport in the style spec\\n // and the original shader was written to accept (-illuminationDirection - 90) as the azimuthal.\\n float azimuth = u_light.y + PI;\\n\\n // We scale the slope exponentially based on intensity, using a calculation similar to\\n // the exponential interpolation function in the style spec:\\n // https://github.com/mapbox/mapbox-gl-js/blob/master/src/style-spec/expression/definitions/interpolate.js#L217-L228\\n // so that higher intensity values create more opaque hillshading.\\n float base = 1.875 - intensity * 1.75;\\n float maxValue = 0.5 * PI;\\n float scaledSlope = intensity != 0.5 ? ((pow(base, slope) - 1.0) / (pow(base, maxValue) - 1.0)) * maxValue : slope;\\n\\n // The accent color is calculated with the cosine of the slope while the shade color is calculated with the sine\\n // so that the accent color's rate of change eases in while the shade color's eases out.\\n float accent = cos(scaledSlope);\\n // We multiply both the accent and shade color by a clamped intensity value\\n // so that intensities >= 0.5 do not additionally affect the color values\\n // while intensity values < 0.5 make the overall color more transparent.\\n vec4 accent_color = (1.0 - accent) * u_accent * clamp(intensity * 2.0, 0.0, 1.0);\\n float shade = abs(mod((aspect + azimuth) / PI + 0.5, 2.0) - 1.0);\\n vec4 shade_color = mix(u_shadow, u_highlight, shade) * sin(scaledSlope) * clamp(intensity * 2.0, 0.0, 1.0);\\n gl_FragColor = accent_color * (1.0 - shade_color.a) + shade_color;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\n\\nattribute vec2 a_pos;\\nattribute vec2 a_texture_pos;\\n\\nvarying vec2 v_pos;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n v_pos = a_texture_pos / 8192.0;\\n}\\n\"},line:{fragmentSource:\"#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n\\nvarying vec2 v_width2;\\nvarying vec2 v_normal;\\nvarying float v_gamma_scale;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n gl_FragColor = color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\n// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_gamma_scale;\\nvarying highp float v_linesofar;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float width\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float width\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n\\n v_linesofar = (floor(a_data.z / 4.0) + a_data.w * 64.0) * 2.0;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist = outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_width2 = vec2(outset, inset);\\n}\\n\"},lineGradient:{fragmentSource:\"\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_width2;\\nvarying vec2 v_normal;\\nvarying float v_gamma_scale;\\nvarying highp float v_lineprogress;\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n // For gradient lines, v_lineprogress is the ratio along the entire line,\\n // scaled to [0, 2^15), and the gradient ramp is stored in a texture.\\n vec4 color = texture2D(u_image, vec2(v_lineprogress, 0.5));\\n\\n gl_FragColor = color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"\\n// the attribute conveying progress along a line is scaled to [0, 2^15)\\n#define MAX_LINE_DISTANCE 32767.0\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\n// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_gamma_scale;\\nvarying highp float v_lineprogress;\\n\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float width\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float width\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n\\n v_lineprogress = (floor(a_data.z / 4.0) + a_data.w * 64.0) * 2.0 / MAX_LINE_DISTANCE;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist = outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_width2 = vec2(outset, inset);\\n}\\n\"},linePattern:{fragmentSource:\"uniform vec2 u_pattern_size_a;\\nuniform vec2 u_pattern_size_b;\\nuniform vec2 u_pattern_tl_a;\\nuniform vec2 u_pattern_br_a;\\nuniform vec2 u_pattern_tl_b;\\nuniform vec2 u_pattern_br_b;\\nuniform vec2 u_texsize;\\nuniform float u_fade;\\n\\nuniform sampler2D u_image;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_linesofar;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n float x_a = mod(v_linesofar / u_pattern_size_a.x, 1.0);\\n float x_b = mod(v_linesofar / u_pattern_size_b.x, 1.0);\\n\\n // v_normal.y is 0 at the midpoint of the line, -1 at the lower edge, 1 at the upper edge\\n // we clamp the line width outset to be between 0 and half the pattern height plus padding (2.0)\\n // to ensure we don't sample outside the designated symbol on the sprite sheet.\\n // 0.5 is added to shift the component to be bounded between 0 and 1 for interpolation of\\n // the texture coordinate\\n float y_a = 0.5 + (v_normal.y * clamp(v_width2.s, 0.0, (u_pattern_size_a.y + 2.0) / 2.0) / u_pattern_size_a.y);\\n float y_b = 0.5 + (v_normal.y * clamp(v_width2.s, 0.0, (u_pattern_size_b.y + 2.0) / 2.0) / u_pattern_size_b.y);\\n vec2 pos_a = mix(u_pattern_tl_a / u_texsize, u_pattern_br_a / u_texsize, vec2(x_a, y_a));\\n vec2 pos_b = mix(u_pattern_tl_b / u_texsize, u_pattern_br_b / u_texsize, vec2(x_b, y_b));\\n\\n vec4 color = mix(texture2D(u_image, pos_a), texture2D(u_image, pos_b), u_fade);\\n\\n gl_FragColor = color * alpha * opacity;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\n// We scale the distance before adding it to the buffers so that we can store\\n// long distances for long segments. Use this value to unscale the distance.\\n#define LINE_DISTANCE_SCALE 2.0\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying float v_linesofar;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define mediump float width\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize mediump float width\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n float a_linesofar = (floor(a_data.z / 4.0) + a_data.w * 64.0) * LINE_DISTANCE_SCALE;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist = outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_linesofar = a_linesofar;\\n v_width2 = vec2(outset, inset);\\n}\\n\"},lineSDF:{fragmentSource:\"\\nuniform sampler2D u_image;\\nuniform float u_sdfgamma;\\nuniform float u_mix;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying vec2 v_tex_a;\\nvarying vec2 v_tex_b;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float width\\n#pragma mapbox: define lowp float floorwidth\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float width\\n #pragma mapbox: initialize lowp float floorwidth\\n\\n // Calculate the distance of the pixel from the line in pixels.\\n float dist = length(v_normal) * v_width2.s;\\n\\n // Calculate the antialiasing fade factor. This is either when fading in\\n // the line in case of an offset line (v_width2.t) or when fading out\\n // (v_width2.s)\\n float blur2 = (blur + 1.0 / DEVICE_PIXEL_RATIO) * v_gamma_scale;\\n float alpha = clamp(min(dist - (v_width2.t - blur2), v_width2.s - dist) / blur2, 0.0, 1.0);\\n\\n float sdfdist_a = texture2D(u_image, v_tex_a).a;\\n float sdfdist_b = texture2D(u_image, v_tex_b).a;\\n float sdfdist = mix(sdfdist_a, sdfdist_b, u_mix);\\n alpha *= smoothstep(0.5 - u_sdfgamma / floorwidth, 0.5 + u_sdfgamma / floorwidth, sdfdist);\\n\\n gl_FragColor = color * (alpha * opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"// floor(127 / 2) == 63.0\\n// the maximum allowed miter limit is 2.0 at the moment. the extrude normal is\\n// stored in a byte (-128..127). we scale regular normals up to length 63, but\\n// there are also \\\"special\\\" normals that have a bigger length (of up to 126 in\\n// this case).\\n// #define scale 63.0\\n#define scale 0.015873016\\n\\n// We scale the distance before adding it to the buffers so that we can store\\n// long distances for long segments. Use this value to unscale the distance.\\n#define LINE_DISTANCE_SCALE 2.0\\n\\n// the distance over which the line edge fades out.\\n// Retina devices need a smaller distance to avoid aliasing.\\n#define ANTIALIASING 1.0 / DEVICE_PIXEL_RATIO / 2.0\\n\\nattribute vec4 a_pos_normal;\\nattribute vec4 a_data;\\n\\nuniform mat4 u_matrix;\\nuniform mediump float u_ratio;\\nuniform vec2 u_patternscale_a;\\nuniform float u_tex_y_a;\\nuniform vec2 u_patternscale_b;\\nuniform float u_tex_y_b;\\nuniform vec2 u_gl_units_to_pixels;\\n\\nvarying vec2 v_normal;\\nvarying vec2 v_width2;\\nvarying vec2 v_tex_a;\\nvarying vec2 v_tex_b;\\nvarying float v_gamma_scale;\\n\\n#pragma mapbox: define highp vec4 color\\n#pragma mapbox: define lowp float blur\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define mediump float gapwidth\\n#pragma mapbox: define lowp float offset\\n#pragma mapbox: define mediump float width\\n#pragma mapbox: define lowp float floorwidth\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 color\\n #pragma mapbox: initialize lowp float blur\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize mediump float gapwidth\\n #pragma mapbox: initialize lowp float offset\\n #pragma mapbox: initialize mediump float width\\n #pragma mapbox: initialize lowp float floorwidth\\n\\n vec2 a_extrude = a_data.xy - 128.0;\\n float a_direction = mod(a_data.z, 4.0) - 1.0;\\n float a_linesofar = (floor(a_data.z / 4.0) + a_data.w * 64.0) * LINE_DISTANCE_SCALE;\\n\\n vec2 pos = a_pos_normal.xy;\\n\\n // x is 1 if it's a round cap, 0 otherwise\\n // y is 1 if the normal points up, and -1 if it points down\\n mediump vec2 normal = a_pos_normal.zw;\\n v_normal = normal;\\n\\n // these transformations used to be applied in the JS and native code bases.\\n // moved them into the shader for clarity and simplicity.\\n gapwidth = gapwidth / 2.0;\\n float halfwidth = width / 2.0;\\n offset = -1.0 * offset;\\n\\n float inset = gapwidth + (gapwidth > 0.0 ? ANTIALIASING : 0.0);\\n float outset = gapwidth + halfwidth * (gapwidth > 0.0 ? 2.0 : 1.0) + ANTIALIASING;\\n\\n // Scale the extrusion vector down to a normal and then up by the line width\\n // of this vertex.\\n mediump vec2 dist =outset * a_extrude * scale;\\n\\n // Calculate the offset when drawing a line that is to the side of the actual line.\\n // We do this by creating a vector that points towards the extrude, but rotate\\n // it when we're drawing round end points (a_direction = -1 or 1) since their\\n // extrude vector points in another direction.\\n mediump float u = 0.5 * a_direction;\\n mediump float t = 1.0 - abs(u);\\n mediump vec2 offset2 = offset * a_extrude * scale * normal.y * mat2(t, -u, u, t);\\n\\n vec4 projected_extrude = u_matrix * vec4(dist / u_ratio, 0.0, 0.0);\\n gl_Position = u_matrix * vec4(pos + offset2 / u_ratio, 0.0, 1.0) + projected_extrude;\\n\\n // calculate how much the perspective view squishes or stretches the extrude\\n float extrude_length_without_perspective = length(dist);\\n float extrude_length_with_perspective = length(projected_extrude.xy / gl_Position.w * u_gl_units_to_pixels);\\n v_gamma_scale = extrude_length_without_perspective / extrude_length_with_perspective;\\n\\n v_tex_a = vec2(a_linesofar * u_patternscale_a.x / floorwidth, normal.y * u_patternscale_a.y + u_tex_y_a);\\n v_tex_b = vec2(a_linesofar * u_patternscale_b.x / floorwidth, normal.y * u_patternscale_b.y + u_tex_y_b);\\n\\n v_width2 = vec2(outset, inset);\\n}\\n\"},raster:{fragmentSource:\"uniform float u_fade_t;\\nuniform float u_opacity;\\nuniform sampler2D u_image0;\\nuniform sampler2D u_image1;\\nvarying vec2 v_pos0;\\nvarying vec2 v_pos1;\\n\\nuniform float u_brightness_low;\\nuniform float u_brightness_high;\\n\\nuniform float u_saturation_factor;\\nuniform float u_contrast_factor;\\nuniform vec3 u_spin_weights;\\n\\nvoid main() {\\n\\n // read and cross-fade colors from the main and parent tiles\\n vec4 color0 = texture2D(u_image0, v_pos0);\\n vec4 color1 = texture2D(u_image1, v_pos1);\\n if (color0.a > 0.0) {\\n color0.rgb = color0.rgb / color0.a;\\n }\\n if (color1.a > 0.0) {\\n color1.rgb = color1.rgb / color1.a;\\n }\\n vec4 color = mix(color0, color1, u_fade_t);\\n color.a *= u_opacity;\\n vec3 rgb = color.rgb;\\n\\n // spin\\n rgb = vec3(\\n dot(rgb, u_spin_weights.xyz),\\n dot(rgb, u_spin_weights.zxy),\\n dot(rgb, u_spin_weights.yzx));\\n\\n // saturation\\n float average = (color.r + color.g + color.b) / 3.0;\\n rgb += (average - rgb) * u_saturation_factor;\\n\\n // contrast\\n rgb = (rgb - 0.5) * u_contrast_factor + 0.5;\\n\\n // brightness\\n vec3 u_high_vec = vec3(u_brightness_low, u_brightness_low, u_brightness_low);\\n vec3 u_low_vec = vec3(u_brightness_high, u_brightness_high, u_brightness_high);\\n\\n gl_FragColor = vec4(mix(u_high_vec, u_low_vec, rgb) * color.a, color.a);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"uniform mat4 u_matrix;\\nuniform vec2 u_tl_parent;\\nuniform float u_scale_parent;\\nuniform float u_buffer_scale;\\n\\nattribute vec2 a_pos;\\nattribute vec2 a_texture_pos;\\n\\nvarying vec2 v_pos0;\\nvarying vec2 v_pos1;\\n\\nvoid main() {\\n gl_Position = u_matrix * vec4(a_pos, 0, 1);\\n // We are using Int16 for texture position coordinates to give us enough precision for\\n // fractional coordinates. We use 8192 to scale the texture coordinates in the buffer\\n // as an arbitrarily high number to preserve adequate precision when rendering.\\n // This is also the same value as the EXTENT we are using for our tile buffer pos coordinates,\\n // so math for modifying either is consistent.\\n v_pos0 = (((a_texture_pos / 8192.0) - 0.5) / u_buffer_scale ) + 0.5;\\n v_pos1 = (v_pos0 * u_scale_parent) + u_tl_parent;\\n}\\n\"},symbolIcon:{fragmentSource:\"uniform sampler2D u_texture;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nvarying vec2 v_tex;\\nvarying float v_fade_opacity;\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n lowp float alpha = opacity * v_fade_opacity;\\n gl_FragColor = texture2D(u_texture, v_tex) * alpha;\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"const float PI = 3.141592653589793;\\n\\nattribute vec4 a_pos_offset;\\nattribute vec4 a_data;\\nattribute vec3 a_projected_pos;\\nattribute float a_fade_opacity;\\n\\nuniform bool u_is_size_zoom_constant;\\nuniform bool u_is_size_feature_constant;\\nuniform highp float u_size_t; // used to interpolate between zoom stops when size is a composite function\\nuniform highp float u_size; // used when size is both zoom and feature constant\\nuniform highp float u_camera_to_center_distance;\\nuniform highp float u_pitch;\\nuniform bool u_rotate_symbol;\\nuniform highp float u_aspect_ratio;\\nuniform float u_fade_change;\\n\\n#pragma mapbox: define lowp float opacity\\n\\nuniform mat4 u_matrix;\\nuniform mat4 u_label_plane_matrix;\\nuniform mat4 u_gl_coord_matrix;\\n\\nuniform bool u_is_text;\\nuniform bool u_pitch_with_map;\\n\\nuniform vec2 u_texsize;\\n\\nvarying vec2 v_tex;\\nvarying float v_fade_opacity;\\n\\nvoid main() {\\n #pragma mapbox: initialize lowp float opacity\\n\\n vec2 a_pos = a_pos_offset.xy;\\n vec2 a_offset = a_pos_offset.zw;\\n\\n vec2 a_tex = a_data.xy;\\n vec2 a_size = a_data.zw;\\n\\n highp float segment_angle = -a_projected_pos[2];\\n\\n float size;\\n if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = mix(a_size[0], a_size[1], u_size_t) / 10.0;\\n } else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = a_size[0] / 10.0;\\n } else if (!u_is_size_zoom_constant && u_is_size_feature_constant) {\\n size = u_size;\\n } else {\\n size = u_size;\\n }\\n\\n vec4 projectedPoint = u_matrix * vec4(a_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n // See comments in symbol_sdf.vertex\\n highp float distance_ratio = u_pitch_with_map ?\\n camera_to_anchor_distance / u_camera_to_center_distance :\\n u_camera_to_center_distance / camera_to_anchor_distance;\\n highp float perspective_ratio = clamp(\\n 0.5 + 0.5 * distance_ratio,\\n 0.0, // Prevents oversized near-field symbols in pitched/overzoomed tiles\\n 4.0);\\n\\n size *= perspective_ratio;\\n\\n float fontScale = u_is_text ? size / 24.0 : size;\\n\\n highp float symbol_rotation = 0.0;\\n if (u_rotate_symbol) {\\n // See comments in symbol_sdf.vertex\\n vec4 offsetProjectedPoint = u_matrix * vec4(a_pos + vec2(1, 0), 0, 1);\\n\\n vec2 a = projectedPoint.xy / projectedPoint.w;\\n vec2 b = offsetProjectedPoint.xy / offsetProjectedPoint.w;\\n\\n symbol_rotation = atan((b.y - a.y) / u_aspect_ratio, b.x - a.x);\\n }\\n\\n highp float angle_sin = sin(segment_angle + symbol_rotation);\\n highp float angle_cos = cos(segment_angle + symbol_rotation);\\n mat2 rotation_matrix = mat2(angle_cos, -1.0 * angle_sin, angle_sin, angle_cos);\\n\\n vec4 projected_pos = u_label_plane_matrix * vec4(a_projected_pos.xy, 0.0, 1.0);\\n gl_Position = u_gl_coord_matrix * vec4(projected_pos.xy / projected_pos.w + rotation_matrix * (a_offset / 32.0 * fontScale), 0.0, 1.0);\\n\\n v_tex = a_tex / u_texsize;\\n vec2 fade_opacity = unpack_opacity(a_fade_opacity);\\n float fade_change = fade_opacity[1] > 0.5 ? u_fade_change : -u_fade_change;\\n v_fade_opacity = max(0.0, min(1.0, fade_opacity[0] + fade_change));\\n}\\n\"},symbolSDF:{fragmentSource:\"#define SDF_PX 8.0\\n#define EDGE_GAMMA 0.105/DEVICE_PIXEL_RATIO\\n\\nuniform bool u_is_halo;\\n#pragma mapbox: define highp vec4 fill_color\\n#pragma mapbox: define highp vec4 halo_color\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define lowp float halo_width\\n#pragma mapbox: define lowp float halo_blur\\n\\nuniform sampler2D u_texture;\\nuniform highp float u_gamma_scale;\\nuniform bool u_is_text;\\n\\nvarying vec2 v_data0;\\nvarying vec3 v_data1;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 fill_color\\n #pragma mapbox: initialize highp vec4 halo_color\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize lowp float halo_width\\n #pragma mapbox: initialize lowp float halo_blur\\n\\n vec2 tex = v_data0.xy;\\n float gamma_scale = v_data1.x;\\n float size = v_data1.y;\\n float fade_opacity = v_data1[2];\\n\\n float fontScale = u_is_text ? size / 24.0 : size;\\n\\n lowp vec4 color = fill_color;\\n highp float gamma = EDGE_GAMMA / (fontScale * u_gamma_scale);\\n lowp float buff = (256.0 - 64.0) / 256.0;\\n if (u_is_halo) {\\n color = halo_color;\\n gamma = (halo_blur * 1.19 / SDF_PX + EDGE_GAMMA) / (fontScale * u_gamma_scale);\\n buff = (6.0 - halo_width / fontScale) / SDF_PX;\\n }\\n\\n lowp float dist = texture2D(u_texture, tex).a;\\n highp float gamma_scaled = gamma * gamma_scale;\\n highp float alpha = smoothstep(buff - gamma_scaled, buff + gamma_scaled, dist);\\n\\n gl_FragColor = color * (alpha * opacity * fade_opacity);\\n\\n#ifdef OVERDRAW_INSPECTOR\\n gl_FragColor = vec4(1.0);\\n#endif\\n}\\n\",vertexSource:\"const float PI = 3.141592653589793;\\n\\nattribute vec4 a_pos_offset;\\nattribute vec4 a_data;\\nattribute vec3 a_projected_pos;\\nattribute float a_fade_opacity;\\n\\n// contents of a_size vary based on the type of property value\\n// used for {text,icon}-size.\\n// For constants, a_size is disabled.\\n// For source functions, we bind only one value per vertex: the value of {text,icon}-size evaluated for the current feature.\\n// For composite functions:\\n// [ text-size(lowerZoomStop, feature),\\n// text-size(upperZoomStop, feature) ]\\nuniform bool u_is_size_zoom_constant;\\nuniform bool u_is_size_feature_constant;\\nuniform highp float u_size_t; // used to interpolate between zoom stops when size is a composite function\\nuniform highp float u_size; // used when size is both zoom and feature constant\\n\\n#pragma mapbox: define highp vec4 fill_color\\n#pragma mapbox: define highp vec4 halo_color\\n#pragma mapbox: define lowp float opacity\\n#pragma mapbox: define lowp float halo_width\\n#pragma mapbox: define lowp float halo_blur\\n\\nuniform mat4 u_matrix;\\nuniform mat4 u_label_plane_matrix;\\nuniform mat4 u_gl_coord_matrix;\\n\\nuniform bool u_is_text;\\nuniform bool u_pitch_with_map;\\nuniform highp float u_pitch;\\nuniform bool u_rotate_symbol;\\nuniform highp float u_aspect_ratio;\\nuniform highp float u_camera_to_center_distance;\\nuniform float u_fade_change;\\n\\nuniform vec2 u_texsize;\\n\\nvarying vec2 v_data0;\\nvarying vec3 v_data1;\\n\\nvoid main() {\\n #pragma mapbox: initialize highp vec4 fill_color\\n #pragma mapbox: initialize highp vec4 halo_color\\n #pragma mapbox: initialize lowp float opacity\\n #pragma mapbox: initialize lowp float halo_width\\n #pragma mapbox: initialize lowp float halo_blur\\n\\n vec2 a_pos = a_pos_offset.xy;\\n vec2 a_offset = a_pos_offset.zw;\\n\\n vec2 a_tex = a_data.xy;\\n vec2 a_size = a_data.zw;\\n\\n highp float segment_angle = -a_projected_pos[2];\\n float size;\\n\\n if (!u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = mix(a_size[0], a_size[1], u_size_t) / 10.0;\\n } else if (u_is_size_zoom_constant && !u_is_size_feature_constant) {\\n size = a_size[0] / 10.0;\\n } else if (!u_is_size_zoom_constant && u_is_size_feature_constant) {\\n size = u_size;\\n } else {\\n size = u_size;\\n }\\n\\n vec4 projectedPoint = u_matrix * vec4(a_pos, 0, 1);\\n highp float camera_to_anchor_distance = projectedPoint.w;\\n // If the label is pitched with the map, layout is done in pitched space,\\n // which makes labels in the distance smaller relative to viewport space.\\n // We counteract part of that effect by multiplying by the perspective ratio.\\n // If the label isn't pitched with the map, we do layout in viewport space,\\n // which makes labels in the distance larger relative to the features around\\n // them. We counteract part of that effect by dividing by the perspective ratio.\\n highp float distance_ratio = u_pitch_with_map ?\\n camera_to_anchor_distance / u_camera_to_center_distance :\\n u_camera_to_center_distance / camera_to_anchor_distance;\\n highp float perspective_ratio = clamp(\\n 0.5 + 0.5 * distance_ratio,\\n 0.0, // Prevents oversized near-field symbols in pitched/overzoomed tiles\\n 4.0);\\n\\n size *= perspective_ratio;\\n\\n float fontScale = u_is_text ? size / 24.0 : size;\\n\\n highp float symbol_rotation = 0.0;\\n if (u_rotate_symbol) {\\n // Point labels with 'rotation-alignment: map' are horizontal with respect to tile units\\n // To figure out that angle in projected space, we draw a short horizontal line in tile\\n // space, project it, and measure its angle in projected space.\\n vec4 offsetProjectedPoint = u_matrix * vec4(a_pos + vec2(1, 0), 0, 1);\\n\\n vec2 a = projectedPoint.xy / projectedPoint.w;\\n vec2 b = offsetProjectedPoint.xy / offsetProjectedPoint.w;\\n\\n symbol_rotation = atan((b.y - a.y) / u_aspect_ratio, b.x - a.x);\\n }\\n\\n highp float angle_sin = sin(segment_angle + symbol_rotation);\\n highp float angle_cos = cos(segment_angle + symbol_rotation);\\n mat2 rotation_matrix = mat2(angle_cos, -1.0 * angle_sin, angle_sin, angle_cos);\\n\\n vec4 projected_pos = u_label_plane_matrix * vec4(a_projected_pos.xy, 0.0, 1.0);\\n gl_Position = u_gl_coord_matrix * vec4(projected_pos.xy / projected_pos.w + rotation_matrix * (a_offset / 32.0 * fontScale), 0.0, 1.0);\\n float gamma_scale = gl_Position.w;\\n\\n vec2 tex = a_tex / u_texsize;\\n vec2 fade_opacity = unpack_opacity(a_fade_opacity);\\n float fade_change = fade_opacity[1] > 0.5 ? u_fade_change : -u_fade_change;\\n float interpolated_fade_opacity = max(0.0, min(1.0, fade_opacity[0] + fade_change));\\n\\n v_data0 = vec2(tex.x, tex.y);\\n v_data1 = vec3(gamma_scale, size, interpolated_fade_opacity);\\n}\\n\"}},tr=/#pragma mapbox: ([\\w]+) ([\\w]+) ([\\w]+) ([\\w]+)/g,er=function(t){var e=Qe[t],r={};e.fragmentSource=e.fragmentSource.replace(tr,function(t,e,n,i,a){return r[a]=!0,\"define\"===e?\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\nvarying \"+n+\" \"+i+\" \"+a+\";\\n#else\\nuniform \"+n+\" \"+i+\" u_\"+a+\";\\n#endif\\n\":\"\\n#ifdef HAS_UNIFORM_u_\"+a+\"\\n \"+n+\" \"+i+\" \"+a+\" = u_\"+a+\";\\n#endif\\n\"}),e.vertexSource=e.vertexSource.replace(tr,function(t,e,n,i,a){var o=\"float\"===i?\"vec2\":\"vec4\";return r[a]?\"define\"===e?\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\nuniform lowp float a_\"+a+\"_t;\\nattribute \"+n+\" \"+o+\" a_\"+a+\";\\nvarying \"+n+\" \"+i+\" \"+a+\";\\n#else\\nuniform \"+n+\" \"+i+\" u_\"+a+\";\\n#endif\\n\":\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\n \"+a+\" = unpack_mix_\"+o+\"(a_\"+a+\", a_\"+a+\"_t);\\n#else\\n \"+n+\" \"+i+\" \"+a+\" = u_\"+a+\";\\n#endif\\n\":\"define\"===e?\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\nuniform lowp float a_\"+a+\"_t;\\nattribute \"+n+\" \"+o+\" a_\"+a+\";\\n#else\\nuniform \"+n+\" \"+i+\" u_\"+a+\";\\n#endif\\n\":\"\\n#ifndef HAS_UNIFORM_u_\"+a+\"\\n \"+n+\" \"+i+\" \"+a+\" = unpack_mix_\"+o+\"(a_\"+a+\", a_\"+a+\"_t);\\n#else\\n \"+n+\" \"+i+\" \"+a+\" = u_\"+a+\";\\n#endif\\n\"})};for(var rr in Qe)er(rr);var nr=Qe,ir=function(t,e,r,n){var i=t.gl;this.program=i.createProgram();var o=r.defines().concat(\"#define DEVICE_PIXEL_RATIO \"+a.devicePixelRatio.toFixed(1));n&&o.push(\"#define OVERDRAW_INSPECTOR;\");var s=o.concat(nr.prelude.fragmentSource,e.fragmentSource).join(\"\\n\"),l=o.concat(nr.prelude.vertexSource,e.vertexSource).join(\"\\n\"),c=i.createShader(i.FRAGMENT_SHADER);i.shaderSource(c,s),i.compileShader(c),i.attachShader(this.program,c);var u=i.createShader(i.VERTEX_SHADER);i.shaderSource(u,l),i.compileShader(u),i.attachShader(this.program,u);for(var f=r.layoutAttributes||[],h=0;h>16,s>>16),n.uniform2f(r.uniforms.u_pixel_coord_lower,65535&o,65535&s)};function mr(t,e,r,n,i){if(!dr(r.paint.get(\"fill-pattern\"),t))for(var a=!0,o=0,s=n;o0){var l=a.now(),c=(l-e.timeAdded)/s,u=r?(l-r.timeAdded)/s:-1,f=n.getSource(),h=o.coveringZoomLevel({tileSize:f.tileSize,roundZoom:f.roundZoom}),p=!r||Math.abs(r.tileID.overscaledZ-h)>Math.abs(e.tileID.overscaledZ-h),d=p&&e.refreshedUponExpiration?1:t.clamp(p?c:1-u,0,1);return e.refreshedUponExpiration&&c>=1&&(e.refreshedUponExpiration=!1),r?{opacity:1,mix:1-d}:{opacity:d,mix:0}}return{opacity:1,mix:0}}function Er(e,r,n){var i=e.context,o=i.gl;i.lineWidth.set(1*a.devicePixelRatio);var s=n.posMatrix,l=e.useProgram(\"debug\");i.setDepthMode(qt.disabled),i.setStencilMode(Ht.disabled),i.setColorMode(e.colorModeForRenderPass()),o.uniformMatrix4fv(l.uniforms.u_matrix,!1,s),o.uniform4f(l.uniforms.u_color,1,0,0,1),e.debugVAO.bind(i,l,e.debugBuffer,[]),o.drawArrays(o.LINE_STRIP,0,e.debugBuffer.length);for(var c=function(t,e,r,n){n=n||1;var i,a,o,s,l,c,u,f,h=[];for(i=0,a=t.length;i\":[24,[4,18,20,9,4,0]],\"?\":[18,[3,16,3,17,4,19,5,20,7,21,11,21,13,20,14,19,15,17,15,15,14,13,13,12,9,10,9,7,-1,-1,9,2,8,1,9,0,10,1,9,2]],\"@\":[27,[18,13,17,15,15,16,12,16,10,15,9,14,8,11,8,8,9,6,11,5,14,5,16,6,17,8,-1,-1,12,16,10,14,9,11,9,8,10,6,11,5,-1,-1,18,16,17,8,17,6,19,5,21,5,23,7,24,10,24,12,23,15,22,17,20,19,18,20,15,21,12,21,9,20,7,19,5,17,4,15,3,12,3,9,4,6,5,4,7,2,9,1,12,0,15,0,18,1,20,2,21,3,-1,-1,19,16,18,8,18,6,19,5]],A:[18,[9,21,1,0,-1,-1,9,21,17,0,-1,-1,4,7,14,7]],B:[21,[4,21,4,0,-1,-1,4,21,13,21,16,20,17,19,18,17,18,15,17,13,16,12,13,11,-1,-1,4,11,13,11,16,10,17,9,18,7,18,4,17,2,16,1,13,0,4,0]],C:[21,[18,16,17,18,15,20,13,21,9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5]],D:[21,[4,21,4,0,-1,-1,4,21,11,21,14,20,16,18,17,16,18,13,18,8,17,5,16,3,14,1,11,0,4,0]],E:[19,[4,21,4,0,-1,-1,4,21,17,21,-1,-1,4,11,12,11,-1,-1,4,0,17,0]],F:[18,[4,21,4,0,-1,-1,4,21,17,21,-1,-1,4,11,12,11]],G:[21,[18,16,17,18,15,20,13,21,9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5,18,8,-1,-1,13,8,18,8]],H:[22,[4,21,4,0,-1,-1,18,21,18,0,-1,-1,4,11,18,11]],I:[8,[4,21,4,0]],J:[16,[12,21,12,5,11,2,10,1,8,0,6,0,4,1,3,2,2,5,2,7]],K:[21,[4,21,4,0,-1,-1,18,21,4,7,-1,-1,9,12,18,0]],L:[17,[4,21,4,0,-1,-1,4,0,16,0]],M:[24,[4,21,4,0,-1,-1,4,21,12,0,-1,-1,20,21,12,0,-1,-1,20,21,20,0]],N:[22,[4,21,4,0,-1,-1,4,21,18,0,-1,-1,18,21,18,0]],O:[22,[9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5,19,8,19,13,18,16,17,18,15,20,13,21,9,21]],P:[21,[4,21,4,0,-1,-1,4,21,13,21,16,20,17,19,18,17,18,14,17,12,16,11,13,10,4,10]],Q:[22,[9,21,7,20,5,18,4,16,3,13,3,8,4,5,5,3,7,1,9,0,13,0,15,1,17,3,18,5,19,8,19,13,18,16,17,18,15,20,13,21,9,21,-1,-1,12,4,18,-2]],R:[21,[4,21,4,0,-1,-1,4,21,13,21,16,20,17,19,18,17,18,15,17,13,16,12,13,11,4,11,-1,-1,11,11,18,0]],S:[20,[17,18,15,20,12,21,8,21,5,20,3,18,3,16,4,14,5,13,7,12,13,10,15,9,16,8,17,6,17,3,15,1,12,0,8,0,5,1,3,3]],T:[16,[8,21,8,0,-1,-1,1,21,15,21]],U:[22,[4,21,4,6,5,3,7,1,10,0,12,0,15,1,17,3,18,6,18,21]],V:[18,[1,21,9,0,-1,-1,17,21,9,0]],W:[24,[2,21,7,0,-1,-1,12,21,7,0,-1,-1,12,21,17,0,-1,-1,22,21,17,0]],X:[20,[3,21,17,0,-1,-1,17,21,3,0]],Y:[18,[1,21,9,11,9,0,-1,-1,17,21,9,11]],Z:[20,[17,21,3,0,-1,-1,3,21,17,21,-1,-1,3,0,17,0]],\"[\":[14,[4,25,4,-7,-1,-1,5,25,5,-7,-1,-1,4,25,11,25,-1,-1,4,-7,11,-7]],\"\\\\\":[14,[0,21,14,-3]],\"]\":[14,[9,25,9,-7,-1,-1,10,25,10,-7,-1,-1,3,25,10,25,-1,-1,3,-7,10,-7]],\"^\":[16,[6,15,8,18,10,15,-1,-1,3,12,8,17,13,12,-1,-1,8,17,8,0]],_:[16,[0,-2,16,-2]],\"`\":[10,[6,21,5,20,4,18,4,16,5,15,6,16,5,17]],a:[19,[15,14,15,0,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],b:[19,[4,21,4,0,-1,-1,4,11,6,13,8,14,11,14,13,13,15,11,16,8,16,6,15,3,13,1,11,0,8,0,6,1,4,3]],c:[18,[15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],d:[19,[15,21,15,0,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],e:[18,[3,8,15,8,15,10,14,12,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],f:[12,[10,21,8,21,6,20,5,17,5,0,-1,-1,2,14,9,14]],g:[19,[15,14,15,-2,14,-5,13,-6,11,-7,8,-7,6,-6,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],h:[19,[4,21,4,0,-1,-1,4,10,7,13,9,14,12,14,14,13,15,10,15,0]],i:[8,[3,21,4,20,5,21,4,22,3,21,-1,-1,4,14,4,0]],j:[10,[5,21,6,20,7,21,6,22,5,21,-1,-1,6,14,6,-3,5,-6,3,-7,1,-7]],k:[17,[4,21,4,0,-1,-1,14,14,4,4,-1,-1,8,8,15,0]],l:[8,[4,21,4,0]],m:[30,[4,14,4,0,-1,-1,4,10,7,13,9,14,12,14,14,13,15,10,15,0,-1,-1,15,10,18,13,20,14,23,14,25,13,26,10,26,0]],n:[19,[4,14,4,0,-1,-1,4,10,7,13,9,14,12,14,14,13,15,10,15,0]],o:[19,[8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3,16,6,16,8,15,11,13,13,11,14,8,14]],p:[19,[4,14,4,-7,-1,-1,4,11,6,13,8,14,11,14,13,13,15,11,16,8,16,6,15,3,13,1,11,0,8,0,6,1,4,3]],q:[19,[15,14,15,-7,-1,-1,15,11,13,13,11,14,8,14,6,13,4,11,3,8,3,6,4,3,6,1,8,0,11,0,13,1,15,3]],r:[13,[4,14,4,0,-1,-1,4,8,5,11,7,13,9,14,12,14]],s:[17,[14,11,13,13,10,14,7,14,4,13,3,11,4,9,6,8,11,7,13,6,14,4,14,3,13,1,10,0,7,0,4,1,3,3]],t:[12,[5,21,5,4,6,1,8,0,10,0,-1,-1,2,14,9,14]],u:[19,[4,14,4,4,5,1,7,0,10,0,12,1,15,4,-1,-1,15,14,15,0]],v:[16,[2,14,8,0,-1,-1,14,14,8,0]],w:[22,[3,14,7,0,-1,-1,11,14,7,0,-1,-1,11,14,15,0,-1,-1,19,14,15,0]],x:[17,[3,14,14,0,-1,-1,14,14,3,0]],y:[16,[2,14,8,0,-1,-1,14,14,8,0,6,-4,4,-6,2,-7,1,-7]],z:[17,[14,14,3,0,-1,-1,3,14,14,14,-1,-1,3,0,14,0]],\"{\":[14,[9,25,7,24,6,23,5,21,5,19,6,17,7,16,8,14,8,12,6,10,-1,-1,7,24,6,22,6,20,7,18,8,17,9,15,9,13,8,11,4,9,8,7,9,5,9,3,8,1,7,0,6,-2,6,-4,7,-6,-1,-1,6,8,8,6,8,4,7,2,6,1,5,-1,5,-3,6,-5,7,-6,9,-7]],\"|\":[8,[4,25,4,-7]],\"}\":[14,[5,25,7,24,8,23,9,21,9,19,8,17,7,16,6,14,6,12,8,10,-1,-1,7,24,8,22,8,20,7,18,6,17,5,15,5,13,6,11,10,9,6,7,5,5,5,3,6,1,7,0,8,-2,8,-4,7,-6,-1,-1,8,8,6,6,6,4,7,2,8,1,9,-1,9,-3,8,-5,7,-6,5,-7]],\"~\":[24,[3,6,3,8,4,11,6,12,8,12,10,11,14,8,16,7,18,7,20,8,21,10,-1,-1,3,8,4,10,6,11,8,11,10,10,14,7,16,6,18,6,20,7,21,10,21,12]]},Lr={symbol:function(t,e,r,n){if(\"translucent\"===t.renderPass){var i=t.context;i.setStencilMode(Ht.disabled),i.setColorMode(t.colorModeForRenderPass()),0!==r.paint.get(\"icon-opacity\").constantOr(1)&&cr(t,e,r,n,!1,r.paint.get(\"icon-translate\"),r.paint.get(\"icon-translate-anchor\"),r.layout.get(\"icon-rotation-alignment\"),r.layout.get(\"icon-pitch-alignment\"),r.layout.get(\"icon-keep-upright\")),0!==r.paint.get(\"text-opacity\").constantOr(1)&&cr(t,e,r,n,!0,r.paint.get(\"text-translate\"),r.paint.get(\"text-translate-anchor\"),r.layout.get(\"text-rotation-alignment\"),r.layout.get(\"text-pitch-alignment\"),r.layout.get(\"text-keep-upright\")),e.map.showCollisionBoxes&&function(t,e,r,n){or(t,e,r,n,!1),or(t,e,r,n,!0)}(t,e,r,n)}},circle:function(t,e,r,n){if(\"translucent\"===t.renderPass){var i=r.paint.get(\"circle-opacity\"),a=r.paint.get(\"circle-stroke-width\"),o=r.paint.get(\"circle-stroke-opacity\");if(0!==i.constantOr(1)||0!==a.constantOr(1)&&0!==o.constantOr(1)){var s=t.context,l=s.gl;s.setDepthMode(t.depthModeForSublayer(0,qt.ReadOnly)),s.setStencilMode(Ht.disabled),s.setColorMode(t.colorModeForRenderPass());for(var c=!0,u=0;u0?1-1/(1.001-i):-i),s.uniform1f(c.uniforms.u_contrast_factor,(a=r.paint.get(\"raster-contrast\"))>0?1/(1-a):1+a),s.uniform3fv(c.uniforms.u_spin_weights,function(t){t*=Math.PI/180;var e=Math.sin(t),r=Math.cos(t);return[(2*r+1)/3,(-Math.sqrt(3)*e-r+1)/3,(Math.sqrt(3)*e-r+1)/3]}(r.paint.get(\"raster-hue-rotate\"))),s.uniform1f(c.uniforms.u_buffer_scale,1),s.uniform1i(c.uniforms.u_image0,0),s.uniform1i(c.uniforms.u_image1,1);for(var u=n.length&&n[0].overscaledZ,f=0,h=n;fe.row){var r=t;t=e,e=r}return{x0:t.column,y0:t.row,x1:e.column,y1:e.row,dx:e.column-t.column,dy:e.row-t.row}}function Ir(t,e,r,n,i){var a=Math.max(r,Math.floor(e.y0)),o=Math.min(n,Math.ceil(e.y1));if(t.x0===e.x0&&t.y0===e.y0?t.x0+e.dy/t.dy*t.dx0,f=e.dx<0,h=a;hl.dy&&(o=s,s=l,l=o),s.dy>c.dy&&(o=s,s=c,c=o),l.dy>c.dy&&(o=l,l=c,c=o),s.dy&&Ir(c,s,n,i,a),l.dy&&Ir(c,l,n,i,a)}zr.prototype.resize=function(t,e){var r=this.context.gl;if(this.width=t*a.devicePixelRatio,this.height=e*a.devicePixelRatio,this.context.viewport.set([0,0,this.width,this.height]),this.style)for(var n=0,i=this.style._order;n=0;this.currentLayer--){var m=n.style._layers[s[n.currentLayer]];m.source!==(g&&g.id)&&(v=[],(g=n.style.sourceCaches[m.source])&&(n.clearStencil(),v=g.getVisibleCoordinates(),g.getSource().isTileClipped&&n._renderTileClippingMasks(v))),n.renderLayer(n,g,m,v)}this.renderPass=\"translucent\";var y,x=[];for(this.currentLayer=0,this.currentLayer;this.currentLayer0?e.pop():null},zr.prototype._createProgramCached=function(t,e){this.cache=this.cache||{};var r=\"\"+t+(e.cacheKey||\"\")+(this._showOverdrawInspector?\"/overdraw\":\"\");return this.cache[r]||(this.cache[r]=new ir(this.context,nr[t],e,this._showOverdrawInspector)),this.cache[r]},zr.prototype.useProgram=function(t,e){var r=this._createProgramCached(t,e||this.emptyProgramConfiguration);return this.context.program.set(r.program),r};var Dr=t.default$20.vec4,Rr=t.default$20.mat4,Br=t.default$20.mat2,Fr=function(t,e,r){this.tileSize=512,this._renderWorldCopies=void 0===r||r,this._minZoom=t||0,this._maxZoom=e||22,this.latRange=[-85.05113,85.05113],this.width=0,this.height=0,this._center=new G(0,0),this.zoom=0,this.angle=0,this._fov=.6435011087932844,this._pitch=0,this._unmodified=!0,this._posMatrixCache={},this._alignedPosMatrixCache={}},Nr={minZoom:{configurable:!0},maxZoom:{configurable:!0},renderWorldCopies:{configurable:!0},worldSize:{configurable:!0},centerPoint:{configurable:!0},size:{configurable:!0},bearing:{configurable:!0},pitch:{configurable:!0},fov:{configurable:!0},zoom:{configurable:!0},center:{configurable:!0},unmodified:{configurable:!0},x:{configurable:!0},y:{configurable:!0},point:{configurable:!0}};Fr.prototype.clone=function(){var t=new Fr(this._minZoom,this._maxZoom,this._renderWorldCopies);return t.tileSize=this.tileSize,t.latRange=this.latRange,t.width=this.width,t.height=this.height,t._center=this._center,t.zoom=this.zoom,t.angle=this.angle,t._fov=this._fov,t._pitch=this._pitch,t._unmodified=this._unmodified,t._calcMatrices(),t},Nr.minZoom.get=function(){return this._minZoom},Nr.minZoom.set=function(t){this._minZoom!==t&&(this._minZoom=t,this.zoom=Math.max(this.zoom,t))},Nr.maxZoom.get=function(){return this._maxZoom},Nr.maxZoom.set=function(t){this._maxZoom!==t&&(this._maxZoom=t,this.zoom=Math.min(this.zoom,t))},Nr.renderWorldCopies.get=function(){return this._renderWorldCopies},Nr.renderWorldCopies.set=function(t){void 0===t?t=!0:null===t&&(t=!1),this._renderWorldCopies=t},Nr.worldSize.get=function(){return this.tileSize*this.scale},Nr.centerPoint.get=function(){return this.size._div(2)},Nr.size.get=function(){return new t.default$1(this.width,this.height)},Nr.bearing.get=function(){return-this.angle/Math.PI*180},Nr.bearing.set=function(e){var r=-t.wrap(e,-180,180)*Math.PI/180;this.angle!==r&&(this._unmodified=!1,this.angle=r,this._calcMatrices(),this.rotationMatrix=Br.create(),Br.rotate(this.rotationMatrix,this.rotationMatrix,this.angle))},Nr.pitch.get=function(){return this._pitch/Math.PI*180},Nr.pitch.set=function(e){var r=t.clamp(e,0,60)/180*Math.PI;this._pitch!==r&&(this._unmodified=!1,this._pitch=r,this._calcMatrices())},Nr.fov.get=function(){return this._fov/Math.PI*180},Nr.fov.set=function(t){t=Math.max(.01,Math.min(60,t)),this._fov!==t&&(this._unmodified=!1,this._fov=t/180*Math.PI,this._calcMatrices())},Nr.zoom.get=function(){return this._zoom},Nr.zoom.set=function(t){var e=Math.min(Math.max(t,this.minZoom),this.maxZoom);this._zoom!==e&&(this._unmodified=!1,this._zoom=e,this.scale=this.zoomScale(e),this.tileZoom=Math.floor(e),this.zoomFraction=e-this.tileZoom,this._constrain(),this._calcMatrices())},Nr.center.get=function(){return this._center},Nr.center.set=function(t){t.lat===this._center.lat&&t.lng===this._center.lng||(this._unmodified=!1,this._center=t,this._constrain(),this._calcMatrices())},Fr.prototype.coveringZoomLevel=function(t){return(t.roundZoom?Math.round:Math.floor)(this.zoom+this.scaleZoom(this.tileSize/t.tileSize))},Fr.prototype.getVisibleUnwrappedCoordinates=function(e){var r=this.pointCoordinate(new t.default$1(0,0),0),n=this.pointCoordinate(new t.default$1(this.width,0),0),i=Math.floor(r.column),a=Math.floor(n.column),o=[new t.UnwrappedTileID(0,e)];if(this._renderWorldCopies)for(var s=i;s<=a;s++)0!==s&&o.push(new t.UnwrappedTileID(s,e));return o},Fr.prototype.coveringTiles=function(e){var r=this.coveringZoomLevel(e),n=r;if(void 0!==e.minzoom&&re.maxzoom&&(r=e.maxzoom);var i=this.pointCoordinate(this.centerPoint,r),a=new t.default$1(i.column-.5,i.row-.5);return function(e,r,n,i){void 0===i&&(i=!0);var a=1<=0&&l<=a)for(c=r;co&&(i=o-g)}if(this.lngRange){var v=this.x,m=c.x/2;v-ml&&(n=l-m)}void 0===n&&void 0===i||(this.center=this.unproject(new t.default$1(void 0!==n?n:this.x,void 0!==i?i:this.y))),this._unmodified=u,this._constraining=!1}},Fr.prototype._calcMatrices=function(){if(this.height){this.cameraToCenterDistance=.5/Math.tan(this._fov/2)*this.height;var t=this._fov/2,e=Math.PI/2+this._pitch,r=Math.sin(t)*this.cameraToCenterDistance/Math.sin(Math.PI-e-t),n=this.x,i=this.y,a=1.01*(Math.cos(Math.PI/2-this._pitch)*r+this.cameraToCenterDistance),o=new Float64Array(16);Rr.perspective(o,this._fov,this.width/this.height,1,a),Rr.scale(o,o,[1,-1,1]),Rr.translate(o,o,[0,0,-this.cameraToCenterDistance]),Rr.rotateX(o,o,this._pitch),Rr.rotateZ(o,o,this.angle),Rr.translate(o,o,[-n,-i,0]);var s=this.worldSize/(2*Math.PI*6378137*Math.abs(Math.cos(this.center.lat*(Math.PI/180))));Rr.scale(o,o,[1,1,s,1]),this.projMatrix=o;var l=this.width%2/2,c=this.height%2/2,u=Math.cos(this.angle),f=Math.sin(this.angle),h=n-Math.round(n)+u*l+f*c,p=i-Math.round(i)+u*c+f*l,d=new Float64Array(o);if(Rr.translate(d,d,[h>.5?h-1:h,p>.5?p-1:p,0]),this.alignedProjMatrix=d,o=Rr.create(),Rr.scale(o,o,[this.width/2,-this.height/2,1]),Rr.translate(o,o,[1,-1,0]),this.pixelMatrix=Rr.multiply(new Float64Array(16),o,this.projMatrix),!(o=Rr.invert(new Float64Array(16),this.pixelMatrix)))throw new Error(\"failed to invert matrix\");this.pixelMatrixInverse=o,this._posMatrixCache={},this._alignedPosMatrixCache={}}},Fr.prototype.maxPitchScaleFactor=function(){if(!this.pixelMatrixInverse)return 1;var e=this.pointCoordinate(new t.default$1(0,0)).zoomTo(this.zoom),r=[e.column*this.tileSize,e.row*this.tileSize,0,1];return Dr.transformMat4(r,r,this.pixelMatrix)[3]/this.cameraToCenterDistance},Object.defineProperties(Fr.prototype,Nr);var jr=function(){var e,r,n,i;t.bindAll([\"_onHashChange\",\"_updateHash\"],this),this._updateHash=(e=this._updateHashUnthrottled.bind(this),300,r=!1,n=0,i=function(){n=0,r&&(e(),n=setTimeout(i,300),r=!1)},function(){return r=!0,n||i(),n})};jr.prototype.addTo=function(e){return this._map=e,t.default.addEventListener(\"hashchange\",this._onHashChange,!1),this._map.on(\"moveend\",this._updateHash),this},jr.prototype.remove=function(){return t.default.removeEventListener(\"hashchange\",this._onHashChange,!1),this._map.off(\"moveend\",this._updateHash),clearTimeout(this._updateHash()),delete this._map,this},jr.prototype.getHashString=function(t){var e=this._map.getCenter(),r=Math.round(100*this._map.getZoom())/100,n=Math.ceil((r*Math.LN2+Math.log(512/360/.5))/Math.LN10),i=Math.pow(10,n),a=Math.round(e.lng*i)/i,o=Math.round(e.lat*i)/i,s=this._map.getBearing(),l=this._map.getPitch(),c=\"\";return c+=t?\"#/\"+a+\"/\"+o+\"/\"+r:\"#\"+r+\"/\"+o+\"/\"+a,(s||l)&&(c+=\"/\"+Math.round(10*s)/10),l&&(c+=\"/\"+Math.round(l)),c},jr.prototype._onHashChange=function(){var e=t.default.location.hash.replace(\"#\",\"\").split(\"/\");return e.length>=3&&(this._map.jumpTo({center:[+e[2],+e[1]],zoom:+e[0],bearing:+(e[3]||0),pitch:+(e[4]||0)}),!0)},jr.prototype._updateHashUnthrottled=function(){var e=this.getHashString();t.default.history.replaceState(t.default.history.state,\"\",e)};var Vr=function(e){function r(r,n,i,a){void 0===a&&(a={});var o=s.mousePos(n.getCanvasContainer(),i),l=n.unproject(o);e.call(this,r,t.extend({point:o,lngLat:l,originalEvent:i},a)),this._defaultPrevented=!1,this.target=n}e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r;var n={defaultPrevented:{configurable:!0}};return r.prototype.preventDefault=function(){this._defaultPrevented=!0},n.defaultPrevented.get=function(){return this._defaultPrevented},Object.defineProperties(r.prototype,n),r}(t.Event),Ur=function(e){function r(r,n,i){var a=s.touchPos(n.getCanvasContainer(),i),o=a.map(function(t){return n.unproject(t)}),l=a.reduce(function(t,e,r,n){return t.add(e.div(n.length))},new t.default$1(0,0)),c=n.unproject(l);e.call(this,r,{points:a,point:l,lngLats:o,lngLat:c,originalEvent:i}),this._defaultPrevented=!1}e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r;var n={defaultPrevented:{configurable:!0}};return r.prototype.preventDefault=function(){this._defaultPrevented=!0},n.defaultPrevented.get=function(){return this._defaultPrevented},Object.defineProperties(r.prototype,n),r}(t.Event),qr=function(t){function e(e,r,n){t.call(this,e,{originalEvent:n}),this._defaultPrevented=!1}t&&(e.__proto__=t),e.prototype=Object.create(t&&t.prototype),e.prototype.constructor=e;var r={defaultPrevented:{configurable:!0}};return e.prototype.preventDefault=function(){this._defaultPrevented=!0},r.defaultPrevented.get=function(){return this._defaultPrevented},Object.defineProperties(e.prototype,r),e}(t.Event),Hr=function(e){this._map=e,this._el=e.getCanvasContainer(),this._delta=0,t.bindAll([\"_onWheel\",\"_onTimeout\",\"_onScrollFrame\",\"_onScrollFinished\"],this)};Hr.prototype.isEnabled=function(){return!!this._enabled},Hr.prototype.isActive=function(){return!!this._active},Hr.prototype.enable=function(t){this.isEnabled()||(this._enabled=!0,this._aroundCenter=t&&\"center\"===t.around)},Hr.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},Hr.prototype.onWheel=function(e){if(this.isEnabled()){var r=e.deltaMode===t.default.WheelEvent.DOM_DELTA_LINE?40*e.deltaY:e.deltaY,n=a.now(),i=n-(this._lastWheelEventTime||0);this._lastWheelEventTime=n,0!==r&&r%4.000244140625==0?this._type=\"wheel\":0!==r&&Math.abs(r)<4?this._type=\"trackpad\":i>400?(this._type=null,this._lastValue=r,this._timeout=setTimeout(this._onTimeout,40,e)):this._type||(this._type=Math.abs(i*r)<200?\"trackpad\":\"wheel\",this._timeout&&(clearTimeout(this._timeout),this._timeout=null,r+=this._lastValue)),e.shiftKey&&r&&(r/=4),this._type&&(this._lastWheelEvent=e,this._delta-=r,this.isActive()||this._start(e)),e.preventDefault()}},Hr.prototype._onTimeout=function(t){this._type=\"wheel\",this._delta-=this._lastValue,this.isActive()||this._start(t)},Hr.prototype._start=function(e){if(this._delta){this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),this._active=!0,this._map.fire(new t.Event(\"movestart\",{originalEvent:e})),this._map.fire(new t.Event(\"zoomstart\",{originalEvent:e})),this._finishTimeout&&clearTimeout(this._finishTimeout);var r=s.mousePos(this._el,e);this._around=G.convert(this._aroundCenter?this._map.getCenter():this._map.unproject(r)),this._aroundPoint=this._map.transform.locationPoint(this._around),this._frameId||(this._frameId=this._map._requestRenderFrame(this._onScrollFrame))}},Hr.prototype._onScrollFrame=function(){var e=this;if(this._frameId=null,this.isActive()){var r=this._map.transform;if(0!==this._delta){var n=\"wheel\"===this._type&&Math.abs(this._delta)>4.000244140625?1/450:.01,i=2/(1+Math.exp(-Math.abs(this._delta*n)));this._delta<0&&0!==i&&(i=1/i);var o=\"number\"==typeof this._targetZoom?r.zoomScale(this._targetZoom):r.scale;this._targetZoom=Math.min(r.maxZoom,Math.max(r.minZoom,r.scaleZoom(o*i))),\"wheel\"===this._type&&(this._startZoom=r.zoom,this._easing=this._smoothOutEasing(200)),this._delta=0}var s=!1;if(\"wheel\"===this._type){var l=Math.min((a.now()-this._lastWheelEventTime)/200,1),c=this._easing(l);r.zoom=t.number(this._startZoom,this._targetZoom,c),l<1?this._frameId||(this._frameId=this._map._requestRenderFrame(this._onScrollFrame)):s=!0}else r.zoom=this._targetZoom,s=!0;r.setLocationAtPoint(this._around,this._aroundPoint),this._map.fire(new t.Event(\"move\",{originalEvent:this._lastWheelEvent})),this._map.fire(new t.Event(\"zoom\",{originalEvent:this._lastWheelEvent})),s&&(this._active=!1,this._finishTimeout=setTimeout(function(){e._map.fire(new t.Event(\"zoomend\",{originalEvent:e._lastWheelEvent})),e._map.fire(new t.Event(\"moveend\",{originalEvent:e._lastWheelEvent})),delete e._targetZoom},200))}},Hr.prototype._smoothOutEasing=function(e){var r=t.ease;if(this._prevEase){var n=this._prevEase,i=(a.now()-n.start)/n.duration,o=n.easing(i+.01)-n.easing(i),s=.27/Math.sqrt(o*o+1e-4)*.01,l=Math.sqrt(.0729-s*s);r=t.bezier(s,l,.25,1)}return this._prevEase={start:a.now(),duration:e,easing:r},r};var Gr=function(e){this._map=e,this._el=e.getCanvasContainer(),this._container=e.getContainer(),t.bindAll([\"_onMouseMove\",\"_onMouseUp\",\"_onKeyDown\"],this)};Gr.prototype.isEnabled=function(){return!!this._enabled},Gr.prototype.isActive=function(){return!!this._active},Gr.prototype.enable=function(){this.isEnabled()||(this._enabled=!0)},Gr.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},Gr.prototype.onMouseDown=function(e){this.isEnabled()&&e.shiftKey&&0===e.button&&(t.default.document.addEventListener(\"mousemove\",this._onMouseMove,!1),t.default.document.addEventListener(\"keydown\",this._onKeyDown,!1),t.default.document.addEventListener(\"mouseup\",this._onMouseUp,!1),s.disableDrag(),this._startPos=s.mousePos(this._el,e),this._active=!0)},Gr.prototype._onMouseMove=function(t){var e=this._startPos,r=s.mousePos(this._el,t);this._box||(this._box=s.create(\"div\",\"mapboxgl-boxzoom\",this._container),this._container.classList.add(\"mapboxgl-crosshair\"),this._fireEvent(\"boxzoomstart\",t));var n=Math.min(e.x,r.x),i=Math.max(e.x,r.x),a=Math.min(e.y,r.y),o=Math.max(e.y,r.y);s.setTransform(this._box,\"translate(\"+n+\"px,\"+a+\"px)\"),this._box.style.width=i-n+\"px\",this._box.style.height=o-a+\"px\"},Gr.prototype._onMouseUp=function(e){if(0===e.button){var r=this._startPos,n=s.mousePos(this._el,e),i=(new W).extend(this._map.unproject(r)).extend(this._map.unproject(n));this._finish(),s.suppressClick(),r.x===n.x&&r.y===n.y?this._fireEvent(\"boxzoomcancel\",e):this._map.fitBounds(i,{linear:!0}).fire(new t.Event(\"boxzoomend\",{originalEvent:e,boxZoomBounds:i}))}},Gr.prototype._onKeyDown=function(t){27===t.keyCode&&(this._finish(),this._fireEvent(\"boxzoomcancel\",t))},Gr.prototype._finish=function(){this._active=!1,t.default.document.removeEventListener(\"mousemove\",this._onMouseMove,!1),t.default.document.removeEventListener(\"keydown\",this._onKeyDown,!1),t.default.document.removeEventListener(\"mouseup\",this._onMouseUp,!1),this._container.classList.remove(\"mapboxgl-crosshair\"),this._box&&(s.remove(this._box),this._box=null),s.enableDrag()},Gr.prototype._fireEvent=function(e,r){return this._map.fire(new t.Event(e,{originalEvent:r}))};var Wr=t.bezier(0,0,.25,1),Yr=function(e,r){this._map=e,this._el=r.element||e.getCanvasContainer(),this._state=\"disabled\",this._button=r.button||\"right\",this._bearingSnap=r.bearingSnap||0,this._pitchWithRotate=!1!==r.pitchWithRotate,t.bindAll([\"_onMouseMove\",\"_onMouseUp\",\"_onBlur\",\"_onDragFrame\"],this)};Yr.prototype.isEnabled=function(){return\"disabled\"!==this._state},Yr.prototype.isActive=function(){return\"active\"===this._state},Yr.prototype.enable=function(){this.isEnabled()||(this._state=\"enabled\")},Yr.prototype.disable=function(){if(this.isEnabled())switch(this._state){case\"active\":this._state=\"disabled\",this._unbind(),this._deactivate(),this._fireEvent(\"rotateend\"),this._pitchWithRotate&&this._fireEvent(\"pitchend\"),this._fireEvent(\"moveend\");break;case\"pending\":this._state=\"disabled\",this._unbind();break;default:this._state=\"disabled\"}},Yr.prototype.onMouseDown=function(e){if(\"enabled\"===this._state){if(\"right\"===this._button){if(this._eventButton=s.mouseButton(e),this._eventButton!==(e.ctrlKey?0:2))return}else{if(e.ctrlKey||0!==s.mouseButton(e))return;this._eventButton=0}s.disableDrag(),t.default.document.addEventListener(\"mousemove\",this._onMouseMove,{capture:!0}),t.default.document.addEventListener(\"mouseup\",this._onMouseUp),t.default.addEventListener(\"blur\",this._onBlur),this._state=\"pending\",this._inertia=[[a.now(),this._map.getBearing()]],this._previousPos=s.mousePos(this._el,e),this._center=this._map.transform.centerPoint,e.preventDefault()}},Yr.prototype._onMouseMove=function(t){this._lastMoveEvent=t,this._pos=s.mousePos(this._el,t),\"pending\"===this._state&&(this._state=\"active\",this._fireEvent(\"rotatestart\",t),this._fireEvent(\"movestart\",t),this._pitchWithRotate&&this._fireEvent(\"pitchstart\",t)),this._frameId||(this._frameId=this._map._requestRenderFrame(this._onDragFrame))},Yr.prototype._onDragFrame=function(){this._frameId=null;var t=this._lastMoveEvent;if(t){var e=this._map.transform,r=this._previousPos,n=this._pos,i=.8*(r.x-n.x),o=-.5*(r.y-n.y),s=e.bearing-i,l=e.pitch-o,c=this._inertia,u=c[c.length-1];this._drainInertiaBuffer(),c.push([a.now(),this._map._normalizeBearing(s,u[1])]),e.bearing=s,this._pitchWithRotate&&(this._fireEvent(\"pitch\",t),e.pitch=l),this._fireEvent(\"rotate\",t),this._fireEvent(\"move\",t),delete this._lastMoveEvent,this._previousPos=this._pos}},Yr.prototype._onMouseUp=function(t){if(s.mouseButton(t)===this._eventButton)switch(this._state){case\"active\":this._state=\"enabled\",s.suppressClick(),this._unbind(),this._deactivate(),this._inertialRotate(t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Yr.prototype._onBlur=function(t){switch(this._state){case\"active\":this._state=\"enabled\",this._unbind(),this._deactivate(),this._fireEvent(\"rotateend\",t),this._pitchWithRotate&&this._fireEvent(\"pitchend\",t),this._fireEvent(\"moveend\",t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Yr.prototype._unbind=function(){t.default.document.removeEventListener(\"mousemove\",this._onMouseMove,{capture:!0}),t.default.document.removeEventListener(\"mouseup\",this._onMouseUp),t.default.removeEventListener(\"blur\",this._onBlur),s.enableDrag()},Yr.prototype._deactivate=function(){this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),delete this._lastMoveEvent,delete this._previousPos},Yr.prototype._inertialRotate=function(t){var e=this;this._fireEvent(\"rotateend\",t),this._drainInertiaBuffer();var r=this._map,n=r.getBearing(),i=this._inertia,a=function(){Math.abs(n)180&&(p=180);var d=p/180;c+=f*p*(d/2),Math.abs(r._normalizeBearing(c,0))0&&e-t[0][0]>160;)t.shift()};var Xr=t.bezier(0,0,.3,1),Zr=function(e){this._map=e,this._el=e.getCanvasContainer(),this._state=\"disabled\",t.bindAll([\"_onMove\",\"_onMouseUp\",\"_onTouchEnd\",\"_onBlur\",\"_onDragFrame\"],this)};Zr.prototype.isEnabled=function(){return\"disabled\"!==this._state},Zr.prototype.isActive=function(){return\"active\"===this._state},Zr.prototype.enable=function(){this.isEnabled()||(this._el.classList.add(\"mapboxgl-touch-drag-pan\"),this._state=\"enabled\")},Zr.prototype.disable=function(){if(this.isEnabled())switch(this._el.classList.remove(\"mapboxgl-touch-drag-pan\"),this._state){case\"active\":this._state=\"disabled\",this._unbind(),this._deactivate(),this._fireEvent(\"dragend\"),this._fireEvent(\"moveend\");break;case\"pending\":this._state=\"disabled\",this._unbind();break;default:this._state=\"disabled\"}},Zr.prototype.onMouseDown=function(e){\"enabled\"===this._state&&(e.ctrlKey||0!==s.mouseButton(e)||(s.addEventListener(t.default.document,\"mousemove\",this._onMove,{capture:!0}),s.addEventListener(t.default.document,\"mouseup\",this._onMouseUp),this._start(e)))},Zr.prototype.onTouchStart=function(e){\"enabled\"===this._state&&(e.touches.length>1||(s.addEventListener(t.default.document,\"touchmove\",this._onMove,{capture:!0,passive:!1}),s.addEventListener(t.default.document,\"touchend\",this._onTouchEnd),this._start(e)))},Zr.prototype._start=function(e){t.default.addEventListener(\"blur\",this._onBlur),this._state=\"pending\",this._previousPos=s.mousePos(this._el,e),this._inertia=[[a.now(),this._previousPos]]},Zr.prototype._onMove=function(t){this._lastMoveEvent=t,t.preventDefault(),this._pos=s.mousePos(this._el,t),this._drainInertiaBuffer(),this._inertia.push([a.now(),this._pos]),\"pending\"===this._state&&(this._state=\"active\",this._fireEvent(\"dragstart\",t),this._fireEvent(\"movestart\",t)),this._frameId||(this._frameId=this._map._requestRenderFrame(this._onDragFrame))},Zr.prototype._onDragFrame=function(){this._frameId=null;var t=this._lastMoveEvent;if(t){var e=this._map.transform;e.setLocationAtPoint(e.pointLocation(this._previousPos),this._pos),this._fireEvent(\"drag\",t),this._fireEvent(\"move\",t),this._previousPos=this._pos,delete this._lastMoveEvent}},Zr.prototype._onMouseUp=function(t){if(0===s.mouseButton(t))switch(this._state){case\"active\":this._state=\"enabled\",s.suppressClick(),this._unbind(),this._deactivate(),this._inertialPan(t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Zr.prototype._onTouchEnd=function(t){switch(this._state){case\"active\":this._state=\"enabled\",this._unbind(),this._deactivate(),this._inertialPan(t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Zr.prototype._onBlur=function(t){switch(this._state){case\"active\":this._state=\"enabled\",this._unbind(),this._deactivate(),this._fireEvent(\"dragend\",t),this._fireEvent(\"moveend\",t);break;case\"pending\":this._state=\"enabled\",this._unbind()}},Zr.prototype._unbind=function(){s.removeEventListener(t.default.document,\"touchmove\",this._onMove,{capture:!0,passive:!1}),s.removeEventListener(t.default.document,\"touchend\",this._onTouchEnd),s.removeEventListener(t.default.document,\"mousemove\",this._onMove,{capture:!0}),s.removeEventListener(t.default.document,\"mouseup\",this._onMouseUp),s.removeEventListener(t.default,\"blur\",this._onBlur)},Zr.prototype._deactivate=function(){this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),delete this._lastMoveEvent,delete this._previousPos,delete this._pos},Zr.prototype._inertialPan=function(t){this._fireEvent(\"dragend\",t),this._drainInertiaBuffer();var e=this._inertia;if(e.length<2)this._fireEvent(\"moveend\",t);else{var r=e[e.length-1],n=e[0],i=r[1].sub(n[1]),a=(r[0]-n[0])/1e3;if(0===a||r[1].equals(n[1]))this._fireEvent(\"moveend\",t);else{var o=i.mult(.3/a),s=o.mag();s>1400&&(s=1400,o._unit()._mult(s));var l=s/750,c=o.mult(-l/2);this._map.panBy(c,{duration:1e3*l,easing:Xr,noMoveStart:!0},{originalEvent:t})}}},Zr.prototype._fireEvent=function(e,r){return this._map.fire(new t.Event(e,r?{originalEvent:r}:{}))},Zr.prototype._drainInertiaBuffer=function(){for(var t=this._inertia,e=a.now();t.length>0&&e-t[0][0]>160;)t.shift()};var $r=function(e){this._map=e,this._el=e.getCanvasContainer(),t.bindAll([\"_onKeyDown\"],this)};function Jr(t){return t*(2-t)}$r.prototype.isEnabled=function(){return!!this._enabled},$r.prototype.enable=function(){this.isEnabled()||(this._el.addEventListener(\"keydown\",this._onKeyDown,!1),this._enabled=!0)},$r.prototype.disable=function(){this.isEnabled()&&(this._el.removeEventListener(\"keydown\",this._onKeyDown),this._enabled=!1)},$r.prototype._onKeyDown=function(t){if(!(t.altKey||t.ctrlKey||t.metaKey)){var e=0,r=0,n=0,i=0,a=0;switch(t.keyCode){case 61:case 107:case 171:case 187:e=1;break;case 189:case 109:case 173:e=-1;break;case 37:t.shiftKey?r=-1:(t.preventDefault(),i=-1);break;case 39:t.shiftKey?r=1:(t.preventDefault(),i=1);break;case 38:t.shiftKey?n=1:(t.preventDefault(),a=-1);break;case 40:t.shiftKey?n=-1:(a=1,t.preventDefault());break;default:return}var o=this._map,s=o.getZoom(),l={duration:300,delayEndEvents:500,easing:Jr,zoom:e?Math.round(s)+e*(t.shiftKey?2:1):s,bearing:o.getBearing()+15*r,pitch:o.getPitch()+10*n,offset:[100*-i,100*-a],center:o.getCenter()};o.easeTo(l,{originalEvent:t})}};var Kr=function(e){this._map=e,t.bindAll([\"_onDblClick\",\"_onZoomEnd\"],this)};Kr.prototype.isEnabled=function(){return!!this._enabled},Kr.prototype.isActive=function(){return!!this._active},Kr.prototype.enable=function(){this.isEnabled()||(this._enabled=!0)},Kr.prototype.disable=function(){this.isEnabled()&&(this._enabled=!1)},Kr.prototype.onTouchStart=function(t){var e=this;this.isEnabled()&&(t.points.length>1||(this._tapped?(clearTimeout(this._tapped),this._tapped=null,this._zoom(t)):this._tapped=setTimeout(function(){e._tapped=null},300)))},Kr.prototype.onDblClick=function(t){this.isEnabled()&&(t.originalEvent.preventDefault(),this._zoom(t))},Kr.prototype._zoom=function(t){this._active=!0,this._map.on(\"zoomend\",this._onZoomEnd),this._map.zoomTo(this._map.getZoom()+(t.originalEvent.shiftKey?-1:1),{around:t.lngLat},t)},Kr.prototype._onZoomEnd=function(){this._active=!1,this._map.off(\"zoomend\",this._onZoomEnd)};var Qr=t.bezier(0,0,.15,1),tn=function(e){this._map=e,this._el=e.getCanvasContainer(),t.bindAll([\"_onMove\",\"_onEnd\",\"_onTouchFrame\"],this)};tn.prototype.isEnabled=function(){return!!this._enabled},tn.prototype.enable=function(t){this.isEnabled()||(this._el.classList.add(\"mapboxgl-touch-zoom-rotate\"),this._enabled=!0,this._aroundCenter=!!t&&\"center\"===t.around)},tn.prototype.disable=function(){this.isEnabled()&&(this._el.classList.remove(\"mapboxgl-touch-zoom-rotate\"),this._enabled=!1)},tn.prototype.disableRotation=function(){this._rotationDisabled=!0},tn.prototype.enableRotation=function(){this._rotationDisabled=!1},tn.prototype.onStart=function(e){if(this.isEnabled()&&2===e.touches.length){var r=s.mousePos(this._el,e.touches[0]),n=s.mousePos(this._el,e.touches[1]);this._startVec=r.sub(n),this._gestureIntent=void 0,this._inertia=[],s.addEventListener(t.default.document,\"touchmove\",this._onMove,{passive:!1}),s.addEventListener(t.default.document,\"touchend\",this._onEnd)}},tn.prototype._getTouchEventData=function(t){var e=s.mousePos(this._el,t.touches[0]),r=s.mousePos(this._el,t.touches[1]),n=e.sub(r);return{vec:n,center:e.add(r).div(2),scale:n.mag()/this._startVec.mag(),bearing:this._rotationDisabled?0:180*n.angleWith(this._startVec)/Math.PI}},tn.prototype._onMove=function(e){if(2===e.touches.length){var r=this._getTouchEventData(e),n=r.vec,i=r.scale,a=r.bearing;if(!this._gestureIntent){var o=Math.abs(1-i)>.15;Math.abs(a)>10?this._gestureIntent=\"rotate\":o&&(this._gestureIntent=\"zoom\"),this._gestureIntent&&(this._map.fire(new t.Event(this._gestureIntent+\"start\",{originalEvent:e})),this._map.fire(new t.Event(\"movestart\",{originalEvent:e})),this._startVec=n)}this._lastTouchEvent=e,this._frameId||(this._frameId=this._map._requestRenderFrame(this._onTouchFrame)),e.preventDefault()}},tn.prototype._onTouchFrame=function(){this._frameId=null;var e=this._gestureIntent;if(e){var r=this._map.transform;this._startScale||(this._startScale=r.scale,this._startBearing=r.bearing);var n=this._getTouchEventData(this._lastTouchEvent),i=n.center,o=n.bearing,s=n.scale,l=r.pointLocation(i),c=r.locationPoint(l);\"rotate\"===e&&(r.bearing=this._startBearing+o),r.zoom=r.scaleZoom(this._startScale*s),r.setLocationAtPoint(l,c),this._map.fire(new t.Event(e,{originalEvent:this._lastTouchEvent})),this._map.fire(new t.Event(\"move\",{originalEvent:this._lastTouchEvent})),this._drainInertiaBuffer(),this._inertia.push([a.now(),s,i])}},tn.prototype._onEnd=function(e){s.removeEventListener(t.default.document,\"touchmove\",this._onMove,{passive:!1}),s.removeEventListener(t.default.document,\"touchend\",this._onEnd);var r=this._gestureIntent,n=this._startScale;if(this._frameId&&(this._map._cancelRenderFrame(this._frameId),this._frameId=null),delete this._gestureIntent,delete this._startScale,delete this._startBearing,delete this._lastTouchEvent,r){this._map.fire(new t.Event(r+\"end\",{originalEvent:e})),this._drainInertiaBuffer();var i=this._inertia,a=this._map;if(i.length<2)a.snapToNorth({},{originalEvent:e});else{var o=i[i.length-1],l=i[0],c=a.transform.scaleZoom(n*o[1]),u=a.transform.scaleZoom(n*l[1]),f=c-u,h=(o[0]-l[0])/1e3,p=o[2];if(0!==h&&c!==u){var d=.15*f/h;Math.abs(d)>2.5&&(d=d>0?2.5:-2.5);var g=1e3*Math.abs(d/(12*.15)),v=c+d*g/2e3;v<0&&(v=0),a.easeTo({zoom:v,duration:g,easing:Qr,around:this._aroundCenter?a.getCenter():a.unproject(p),noMoveStart:!0},{originalEvent:e})}else a.snapToNorth({},{originalEvent:e})}}},tn.prototype._drainInertiaBuffer=function(){for(var t=this._inertia,e=a.now();t.length>2&&e-t[0][0]>160;)t.shift()};var en={scrollZoom:Hr,boxZoom:Gr,dragRotate:Yr,dragPan:Zr,keyboard:$r,doubleClickZoom:Kr,touchZoomRotate:tn},rn=function(e){function r(r,n){e.call(this),this._moving=!1,this._zooming=!1,this.transform=r,this._bearingSnap=n.bearingSnap,t.bindAll([\"_renderFrameCallback\"],this)}return e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r,r.prototype.getCenter=function(){return this.transform.center},r.prototype.setCenter=function(t,e){return this.jumpTo({center:t},e)},r.prototype.panBy=function(e,r,n){return e=t.default$1.convert(e).mult(-1),this.panTo(this.transform.center,t.extend({offset:e},r),n)},r.prototype.panTo=function(e,r,n){return this.easeTo(t.extend({center:e},r),n)},r.prototype.getZoom=function(){return this.transform.zoom},r.prototype.setZoom=function(t,e){return this.jumpTo({zoom:t},e),this},r.prototype.zoomTo=function(e,r,n){return this.easeTo(t.extend({zoom:e},r),n)},r.prototype.zoomIn=function(t,e){return this.zoomTo(this.getZoom()+1,t,e),this},r.prototype.zoomOut=function(t,e){return this.zoomTo(this.getZoom()-1,t,e),this},r.prototype.getBearing=function(){return this.transform.bearing},r.prototype.setBearing=function(t,e){return this.jumpTo({bearing:t},e),this},r.prototype.rotateTo=function(e,r,n){return this.easeTo(t.extend({bearing:e},r),n)},r.prototype.resetNorth=function(e,r){return this.rotateTo(0,t.extend({duration:1e3},e),r),this},r.prototype.snapToNorth=function(t,e){return Math.abs(this.getBearing())e?1:0}),[\"bottom\",\"left\",\"right\",\"top\"]))return t.warnOnce(\"options.padding must be a positive number, or an Object with keys 'bottom', 'left', 'right', 'top'\"),this;e=W.convert(e);var a=[(r.padding.left-r.padding.right)/2,(r.padding.top-r.padding.bottom)/2],o=Math.min(r.padding.right,r.padding.left),s=Math.min(r.padding.top,r.padding.bottom);r.offset=[r.offset[0]+a[0],r.offset[1]+a[1]];var l=t.default$1.convert(r.offset),c=this.transform,u=c.project(e.getNorthWest()),f=c.project(e.getSouthEast()),h=f.sub(u),p=(c.width-2*o-2*Math.abs(l.x))/h.x,d=(c.height-2*s-2*Math.abs(l.y))/h.y;return d<0||p<0?(t.warnOnce(\"Map cannot fit within canvas with the given bounds, padding, and/or offset.\"),this):(r.center=c.unproject(u.add(f).div(2)),r.zoom=Math.min(c.scaleZoom(c.scale*Math.min(p,d)),r.maxZoom),r.bearing=0,r.linear?this.easeTo(r,n):this.flyTo(r,n))},r.prototype.jumpTo=function(e,r){this.stop();var n=this.transform,i=!1,a=!1,o=!1;return\"zoom\"in e&&n.zoom!==+e.zoom&&(i=!0,n.zoom=+e.zoom),void 0!==e.center&&(n.center=G.convert(e.center)),\"bearing\"in e&&n.bearing!==+e.bearing&&(a=!0,n.bearing=+e.bearing),\"pitch\"in e&&n.pitch!==+e.pitch&&(o=!0,n.pitch=+e.pitch),this.fire(new t.Event(\"movestart\",r)).fire(new t.Event(\"move\",r)),i&&this.fire(new t.Event(\"zoomstart\",r)).fire(new t.Event(\"zoom\",r)).fire(new t.Event(\"zoomend\",r)),a&&this.fire(new t.Event(\"rotatestart\",r)).fire(new t.Event(\"rotate\",r)).fire(new t.Event(\"rotateend\",r)),o&&this.fire(new t.Event(\"pitchstart\",r)).fire(new t.Event(\"pitch\",r)).fire(new t.Event(\"pitchend\",r)),this.fire(new t.Event(\"moveend\",r))},r.prototype.easeTo=function(e,r){var n=this;this.stop(),!1===(e=t.extend({offset:[0,0],duration:500,easing:t.ease},e)).animate&&(e.duration=0);var i=this.transform,a=this.getZoom(),o=this.getBearing(),s=this.getPitch(),l=\"zoom\"in e?+e.zoom:a,c=\"bearing\"in e?this._normalizeBearing(e.bearing,o):o,u=\"pitch\"in e?+e.pitch:s,f=i.centerPoint.add(t.default$1.convert(e.offset)),h=i.pointLocation(f),p=G.convert(e.center||h);this._normalizeCenter(p);var d,g,v=i.project(h),m=i.project(p).sub(v),y=i.zoomScale(l-a);return e.around&&(d=G.convert(e.around),g=i.locationPoint(d)),this._zooming=l!==a,this._rotating=o!==c,this._pitching=u!==s,this._prepareEase(r,e.noMoveStart),clearTimeout(this._easeEndTimeoutID),this._ease(function(e){if(n._zooming&&(i.zoom=t.number(a,l,e)),n._rotating&&(i.bearing=t.number(o,c,e)),n._pitching&&(i.pitch=t.number(s,u,e)),d)i.setLocationAtPoint(d,g);else{var h=i.zoomScale(i.zoom-a),p=l>a?Math.min(2,y):Math.max(.5,y),x=Math.pow(p,1-e),b=i.unproject(v.add(m.mult(e*x)).mult(h));i.setLocationAtPoint(i.renderWorldCopies?b.wrap():b,f)}n._fireMoveEvents(r)},function(){e.delayEndEvents?n._easeEndTimeoutID=setTimeout(function(){return n._afterEase(r)},e.delayEndEvents):n._afterEase(r)},e),this},r.prototype._prepareEase=function(e,r){this._moving=!0,r||this.fire(new t.Event(\"movestart\",e)),this._zooming&&this.fire(new t.Event(\"zoomstart\",e)),this._rotating&&this.fire(new t.Event(\"rotatestart\",e)),this._pitching&&this.fire(new t.Event(\"pitchstart\",e))},r.prototype._fireMoveEvents=function(e){this.fire(new t.Event(\"move\",e)),this._zooming&&this.fire(new t.Event(\"zoom\",e)),this._rotating&&this.fire(new t.Event(\"rotate\",e)),this._pitching&&this.fire(new t.Event(\"pitch\",e))},r.prototype._afterEase=function(e){var r=this._zooming,n=this._rotating,i=this._pitching;this._moving=!1,this._zooming=!1,this._rotating=!1,this._pitching=!1,r&&this.fire(new t.Event(\"zoomend\",e)),n&&this.fire(new t.Event(\"rotateend\",e)),i&&this.fire(new t.Event(\"pitchend\",e)),this.fire(new t.Event(\"moveend\",e))},r.prototype.flyTo=function(e,r){var n=this;this.stop(),e=t.extend({offset:[0,0],speed:1.2,curve:1.42,easing:t.ease},e);var i=this.transform,a=this.getZoom(),o=this.getBearing(),s=this.getPitch(),l=\"zoom\"in e?t.clamp(+e.zoom,i.minZoom,i.maxZoom):a,c=\"bearing\"in e?this._normalizeBearing(e.bearing,o):o,u=\"pitch\"in e?+e.pitch:s,f=i.zoomScale(l-a),h=i.centerPoint.add(t.default$1.convert(e.offset)),p=i.pointLocation(h),d=G.convert(e.center||p);this._normalizeCenter(d);var g=i.project(p),v=i.project(d).sub(g),m=e.curve,y=Math.max(i.width,i.height),x=y/f,b=v.mag();if(\"minZoom\"in e){var _=t.clamp(Math.min(e.minZoom,a,l),i.minZoom,i.maxZoom),w=y/i.zoomScale(_-a);m=Math.sqrt(w/b*2)}var k=m*m;function M(t){var e=(x*x-y*y+(t?-1:1)*k*k*b*b)/(2*(t?x:y)*k*b);return Math.log(Math.sqrt(e*e+1)-e)}function A(t){return(Math.exp(t)-Math.exp(-t))/2}function T(t){return(Math.exp(t)+Math.exp(-t))/2}var S=M(0),E=function(t){return T(S)/T(S+m*t)},C=function(t){return y*((T(S)*(A(e=S+m*t)/T(e))-A(S))/k)/b;var e},L=(M(1)-S)/m;if(Math.abs(b)<1e-6||!isFinite(L)){if(Math.abs(y-x)<1e-6)return this.easeTo(e,r);var z=xe.maxDuration&&(e.duration=0),this._zooming=!0,this._rotating=o!==c,this._pitching=u!==s,this._prepareEase(r,!1),this._ease(function(e){var l=e*L,f=1/E(l);i.zoom=a+i.scaleZoom(f),n._rotating&&(i.bearing=t.number(o,c,e)),n._pitching&&(i.pitch=t.number(s,u,e));var p=i.unproject(g.add(v.mult(C(l))).mult(f));i.setLocationAtPoint(i.renderWorldCopies?p.wrap():p,h),n._fireMoveEvents(r)},function(){return n._afterEase(r)},e),this},r.prototype.isEasing=function(){return!!this._easeFrameId},r.prototype.stop=function(){if(this._easeFrameId&&(this._cancelRenderFrame(this._easeFrameId),delete this._easeFrameId,delete this._onEaseFrame),this._onEaseEnd){var t=this._onEaseEnd;delete this._onEaseEnd,t.call(this)}return this},r.prototype._ease=function(t,e,r){!1===r.animate||0===r.duration?(t(1),e()):(this._easeStart=a.now(),this._easeOptions=r,this._onEaseFrame=t,this._onEaseEnd=e,this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback))},r.prototype._renderFrameCallback=function(){var t=Math.min((a.now()-this._easeStart)/this._easeOptions.duration,1);this._onEaseFrame(this._easeOptions.easing(t)),t<1?this._easeFrameId=this._requestRenderFrame(this._renderFrameCallback):this.stop()},r.prototype._normalizeBearing=function(e,r){e=t.wrap(e,-180,180);var n=Math.abs(e-r);return Math.abs(e-360-r)180?-360:r<-180?360:0}},r}(t.Evented),nn=function(e){void 0===e&&(e={}),this.options=e,t.bindAll([\"_updateEditLink\",\"_updateData\",\"_updateCompact\"],this)};nn.prototype.getDefaultPosition=function(){return\"bottom-right\"},nn.prototype.onAdd=function(t){var e=this.options&&this.options.compact;return this._map=t,this._container=s.create(\"div\",\"mapboxgl-ctrl mapboxgl-ctrl-attrib\"),e&&this._container.classList.add(\"mapboxgl-compact\"),this._updateAttributions(),this._updateEditLink(),this._map.on(\"sourcedata\",this._updateData),this._map.on(\"moveend\",this._updateEditLink),void 0===e&&(this._map.on(\"resize\",this._updateCompact),this._updateCompact()),this._container},nn.prototype.onRemove=function(){s.remove(this._container),this._map.off(\"sourcedata\",this._updateData),this._map.off(\"moveend\",this._updateEditLink),this._map.off(\"resize\",this._updateCompact),this._map=void 0},nn.prototype._updateEditLink=function(){var t=this._editLink;t||(t=this._editLink=this._container.querySelector(\".mapbox-improve-map\"));var e=[{key:\"owner\",value:this.styleOwner},{key:\"id\",value:this.styleId},{key:\"access_token\",value:v.ACCESS_TOKEN}];if(t){var r=e.reduce(function(t,r,n){return r.value&&(t+=r.key+\"=\"+r.value+(n=0)return!1;return!0})).length?(this._container.innerHTML=t.join(\" | \"),this._container.classList.remove(\"mapboxgl-attrib-empty\")):this._container.classList.add(\"mapboxgl-attrib-empty\"),this._editLink=null}},nn.prototype._updateCompact=function(){this._map.getCanvasContainer().offsetWidth<=640?this._container.classList.add(\"mapboxgl-compact\"):this._container.classList.remove(\"mapboxgl-compact\")};var an=function(){t.bindAll([\"_updateLogo\"],this)};an.prototype.onAdd=function(t){this._map=t,this._container=s.create(\"div\",\"mapboxgl-ctrl\");var e=s.create(\"a\",\"mapboxgl-ctrl-logo\");return e.target=\"_blank\",e.href=\"https://www.mapbox.com/\",e.setAttribute(\"aria-label\",\"Mapbox logo\"),this._container.appendChild(e),this._container.style.display=\"none\",this._map.on(\"sourcedata\",this._updateLogo),this._updateLogo(),this._container},an.prototype.onRemove=function(){s.remove(this._container),this._map.off(\"sourcedata\",this._updateLogo)},an.prototype.getDefaultPosition=function(){return\"bottom-left\"},an.prototype._updateLogo=function(t){t&&\"metadata\"!==t.sourceDataType||(this._container.style.display=this._logoRequired()?\"block\":\"none\")},an.prototype._logoRequired=function(){if(this._map.style){var t=this._map.style.sourceCaches;for(var e in t)if(t[e].getSource().mapbox_logo)return!0;return!1}};var on=function(){this._queue=[],this._id=0,this._cleared=!1,this._currentlyRunning=!1};on.prototype.add=function(t){var e=++this._id;return this._queue.push({callback:t,id:e,cancelled:!1}),e},on.prototype.remove=function(t){for(var e=this._currentlyRunning,r=0,n=e?this._queue.concat(e):this._queue;re.maxZoom)throw new Error(\"maxZoom must be greater than minZoom\");var n=new Fr(e.minZoom,e.maxZoom,e.renderWorldCopies);r.call(this,n,e),this._interactive=e.interactive,this._maxTileCacheSize=e.maxTileCacheSize,this._failIfMajorPerformanceCaveat=e.failIfMajorPerformanceCaveat,this._preserveDrawingBuffer=e.preserveDrawingBuffer,this._trackResize=e.trackResize,this._bearingSnap=e.bearingSnap,this._refreshExpiredTiles=e.refreshExpiredTiles,this._fadeDuration=e.fadeDuration,this._crossFadingFactor=1,this._collectResourceTiming=e.collectResourceTiming,this._renderTaskQueue=new on;var i=e.transformRequest;if(this._transformRequest=i?function(t,e){return i(t,e)||{url:t}}:function(t){return{url:t}},\"string\"==typeof e.container){var a=t.default.document.getElementById(e.container);if(!a)throw new Error(\"Container '\"+e.container+\"' not found.\");this._container=a}else{if(!(e.container instanceof ln))throw new Error(\"Invalid type: 'container' must be a String or HTMLElement.\");this._container=e.container}e.maxBounds&&this.setMaxBounds(e.maxBounds),t.bindAll([\"_onWindowOnline\",\"_onWindowResize\",\"_contextLost\",\"_contextRestored\",\"_update\",\"_render\",\"_onData\",\"_onDataLoading\"],this),this._setupContainer(),this._setupPainter(),this.on(\"move\",this._update.bind(this,!1)),this.on(\"zoom\",this._update.bind(this,!0)),void 0!==t.default&&(t.default.addEventListener(\"online\",this._onWindowOnline,!1),t.default.addEventListener(\"resize\",this._onWindowResize,!1)),function(t,e){var r=t.getCanvasContainer(),n=null,i=!1;for(var a in en)t[a]=new en[a](t,e),e.interactive&&e[a]&&t[a].enable(e[a]);s.addEventListener(r,\"mouseout\",function(e){t.fire(new Vr(\"mouseout\",t,e))}),s.addEventListener(r,\"mousedown\",function(r){i=!0;var n=new Vr(\"mousedown\",t,r);t.fire(n),n.defaultPrevented||(e.interactive&&!t.doubleClickZoom.isActive()&&t.stop(),t.boxZoom.onMouseDown(r),t.boxZoom.isActive()||t.dragPan.isActive()||t.dragRotate.onMouseDown(r),t.boxZoom.isActive()||t.dragRotate.isActive()||t.dragPan.onMouseDown(r))}),s.addEventListener(r,\"mouseup\",function(e){var r=t.dragRotate.isActive();n&&!r&&t.fire(new Vr(\"contextmenu\",t,n)),n=null,i=!1,t.fire(new Vr(\"mouseup\",t,e))}),s.addEventListener(r,\"mousemove\",function(e){if(!t.dragPan.isActive()&&!t.dragRotate.isActive()){for(var n=e.toElement||e.target;n&&n!==r;)n=n.parentNode;n===r&&t.fire(new Vr(\"mousemove\",t,e))}}),s.addEventListener(r,\"mouseover\",function(e){for(var n=e.toElement||e.target;n&&n!==r;)n=n.parentNode;n===r&&t.fire(new Vr(\"mouseover\",t,e))}),s.addEventListener(r,\"touchstart\",function(r){var n=new Ur(\"touchstart\",t,r);t.fire(n),n.defaultPrevented||(e.interactive&&t.stop(),t.boxZoom.isActive()||t.dragRotate.isActive()||t.dragPan.onTouchStart(r),t.touchZoomRotate.onStart(r),t.doubleClickZoom.onTouchStart(n))},{passive:!1}),s.addEventListener(r,\"touchmove\",function(e){t.fire(new Ur(\"touchmove\",t,e))},{passive:!1}),s.addEventListener(r,\"touchend\",function(e){t.fire(new Ur(\"touchend\",t,e))}),s.addEventListener(r,\"touchcancel\",function(e){t.fire(new Ur(\"touchcancel\",t,e))}),s.addEventListener(r,\"click\",function(e){t.fire(new Vr(\"click\",t,e))}),s.addEventListener(r,\"dblclick\",function(e){var r=new Vr(\"dblclick\",t,e);t.fire(r),r.defaultPrevented||t.doubleClickZoom.onDblClick(r)}),s.addEventListener(r,\"contextmenu\",function(e){var r=t.dragRotate.isActive();i||r?i&&(n=e):t.fire(new Vr(\"contextmenu\",t,e)),e.preventDefault()}),s.addEventListener(r,\"wheel\",function(e){var r=new qr(\"wheel\",t,e);t.fire(r),r.defaultPrevented||t.scrollZoom.onWheel(e)},{passive:!1})}(this,e),this._hash=e.hash&&(new jr).addTo(this),this._hash&&this._hash._onHashChange()||this.jumpTo({center:e.center,zoom:e.zoom,bearing:e.bearing,pitch:e.pitch}),this.resize(),e.style&&this.setStyle(e.style,{localIdeographFontFamily:e.localIdeographFontFamily}),e.attributionControl&&this.addControl(new nn),this.addControl(new an,e.logoPosition),this.on(\"style.load\",function(){this.transform.unmodified&&this.jumpTo(this.style.stylesheet)}),this.on(\"data\",this._onData),this.on(\"dataloading\",this._onDataLoading)}r&&(n.__proto__=r),n.prototype=Object.create(r&&r.prototype),n.prototype.constructor=n;var i={showTileBoundaries:{configurable:!0},showCollisionBoxes:{configurable:!0},showOverdrawInspector:{configurable:!0},repaint:{configurable:!0},vertices:{configurable:!0}};return n.prototype.addControl=function(t,e){void 0===e&&t.getDefaultPosition&&(e=t.getDefaultPosition()),void 0===e&&(e=\"top-right\");var r=t.onAdd(this),n=this._controlPositions[e];return-1!==e.indexOf(\"bottom\")?n.insertBefore(r,n.firstChild):n.appendChild(r),this},n.prototype.removeControl=function(t){return t.onRemove(this),this},n.prototype.resize=function(e){var r=this._containerDimensions(),n=r[0],i=r[1];return this._resizeCanvas(n,i),this.transform.resize(n,i),this.painter.resize(n,i),this.fire(new t.Event(\"movestart\",e)).fire(new t.Event(\"move\",e)).fire(new t.Event(\"resize\",e)).fire(new t.Event(\"moveend\",e))},n.prototype.getBounds=function(){var e=new W(this.transform.pointLocation(new t.default$1(0,this.transform.height)),this.transform.pointLocation(new t.default$1(this.transform.width,0)));return(this.transform.angle||this.transform.pitch)&&(e.extend(this.transform.pointLocation(new t.default$1(this.transform.size.x,0))),e.extend(this.transform.pointLocation(new t.default$1(0,this.transform.size.y)))),e},n.prototype.getMaxBounds=function(){return this.transform.latRange&&2===this.transform.latRange.length&&this.transform.lngRange&&2===this.transform.lngRange.length?new W([this.transform.lngRange[0],this.transform.latRange[0]],[this.transform.lngRange[1],this.transform.latRange[1]]):null},n.prototype.setMaxBounds=function(t){if(t){var e=W.convert(t);this.transform.lngRange=[e.getWest(),e.getEast()],this.transform.latRange=[e.getSouth(),e.getNorth()],this.transform._constrain(),this._update()}else null==t&&(this.transform.lngRange=null,this.transform.latRange=null,this._update());return this},n.prototype.setMinZoom=function(t){if((t=null==t?0:t)>=0&&t<=this.transform.maxZoom)return this.transform.minZoom=t,this._update(),this.getZoom()=this.transform.minZoom)return this.transform.maxZoom=t,this._update(),this.getZoom()>t&&this.setZoom(t),this;throw new Error(\"maxZoom must be greater than the current minZoom\")},n.prototype.getRenderWorldCopies=function(){return this.transform.renderWorldCopies},n.prototype.setRenderWorldCopies=function(t){return this.transform.renderWorldCopies=t,this._update(),this},n.prototype.getMaxZoom=function(){return this.transform.maxZoom},n.prototype.project=function(t){return this.transform.locationPoint(G.convert(t))},n.prototype.unproject=function(e){return this.transform.pointLocation(t.default$1.convert(e))},n.prototype.isMoving=function(){return this._moving||this.dragPan.isActive()||this.dragRotate.isActive()||this.scrollZoom.isActive()},n.prototype.isZooming=function(){return this._zooming||this.scrollZoom.isActive()},n.prototype.isRotating=function(){return this._rotating||this.dragRotate.isActive()},n.prototype.on=function(t,e,n){var i,a=this;if(void 0===n)return r.prototype.on.call(this,t,e);var o=function(){if(\"mouseenter\"===t||\"mouseover\"===t){var r=!1;return{layer:e,listener:n,delegates:{mousemove:function(i){var o=a.getLayer(e)?a.queryRenderedFeatures(i.point,{layers:[e]}):[];o.length?r||(r=!0,n.call(a,new Vr(t,a,i.originalEvent,{features:o}))):r=!1},mouseout:function(){r=!1}}}}if(\"mouseleave\"===t||\"mouseout\"===t){var o=!1;return{layer:e,listener:n,delegates:{mousemove:function(r){(a.getLayer(e)?a.queryRenderedFeatures(r.point,{layers:[e]}):[]).length?o=!0:o&&(o=!1,n.call(a,new Vr(t,a,r.originalEvent)))},mouseout:function(e){o&&(o=!1,n.call(a,new Vr(t,a,e.originalEvent)))}}}}return{layer:e,listener:n,delegates:(i={},i[t]=function(t){var r=a.getLayer(e)?a.queryRenderedFeatures(t.point,{layers:[e]}):[];r.length&&(t.features=r,n.call(a,t),delete t.features)},i)}}();for(var s in this._delegatedListeners=this._delegatedListeners||{},this._delegatedListeners[t]=this._delegatedListeners[t]||[],this._delegatedListeners[t].push(o),o.delegates)a.on(s,o.delegates[s]);return this},n.prototype.off=function(t,e,n){if(void 0===n)return r.prototype.off.call(this,t,e);if(this._delegatedListeners&&this._delegatedListeners[t])for(var i=this._delegatedListeners[t],a=0;a180;){var o=r.locationPoint(t);if(o.x>=0&&o.y>=0&&o.x<=r.width&&o.y<=r.height)break;t.lng>r.center.lng?t.lng-=360:t.lng+=360}return t}pn.prototype._rotateCompassArrow=function(){var t=\"rotate(\"+this._map.transform.angle*(180/Math.PI)+\"deg)\";this._compassArrow.style.transform=t},pn.prototype.onAdd=function(t){return this._map=t,this.options.showCompass&&(this._map.on(\"rotate\",this._rotateCompassArrow),this._rotateCompassArrow(),this._handler=new Yr(t,{button:\"left\",element:this._compass}),this._handler.enable()),this._container},pn.prototype.onRemove=function(){s.remove(this._container),this.options.showCompass&&(this._map.off(\"rotate\",this._rotateCompassArrow),this._handler.disable(),delete this._handler),delete this._map},pn.prototype._createButton=function(t,e,r){var n=s.create(\"button\",t,this._container);return n.type=\"button\",n.setAttribute(\"aria-label\",e),n.addEventListener(\"click\",r),n};var gn={center:\"translate(-50%,-50%)\",top:\"translate(-50%,0)\",\"top-left\":\"translate(0,0)\",\"top-right\":\"translate(-100%,0)\",bottom:\"translate(-50%,-100%)\",\"bottom-left\":\"translate(0,-100%)\",\"bottom-right\":\"translate(-100%,-100%)\",left:\"translate(0,-50%)\",right:\"translate(-100%,-50%)\"};function vn(t,e,r){var n=t.classList;for(var i in gn)n.remove(\"mapboxgl-\"+r+\"-anchor-\"+i);n.add(\"mapboxgl-\"+r+\"-anchor-\"+e)}var mn=function(e){if((arguments[0]instanceof t.default.HTMLElement||2===arguments.length)&&(e=t.extend({element:e},arguments[1])),t.bindAll([\"_update\",\"_onMapClick\"],this),this._anchor=e&&e.anchor||\"center\",this._color=e&&e.color||\"#3FB1CE\",e&&e.element)this._element=e.element,this._offset=t.default$1.convert(e&&e.offset||[0,0]);else{this._defaultMarker=!0,this._element=s.create(\"div\");var r=s.createNS(\"http://www.w3.org/2000/svg\",\"svg\");r.setAttributeNS(null,\"height\",\"41px\"),r.setAttributeNS(null,\"width\",\"27px\"),r.setAttributeNS(null,\"viewBox\",\"0 0 27 41\");var n=s.createNS(\"http://www.w3.org/2000/svg\",\"g\");n.setAttributeNS(null,\"stroke\",\"none\"),n.setAttributeNS(null,\"stroke-width\",\"1\"),n.setAttributeNS(null,\"fill\",\"none\"),n.setAttributeNS(null,\"fill-rule\",\"evenodd\");var i=s.createNS(\"http://www.w3.org/2000/svg\",\"g\");i.setAttributeNS(null,\"fill-rule\",\"nonzero\");var a=s.createNS(\"http://www.w3.org/2000/svg\",\"g\");a.setAttributeNS(null,\"transform\",\"translate(3.0, 29.0)\"),a.setAttributeNS(null,\"fill\",\"#000000\");for(var o=0,l=[{rx:\"10.5\",ry:\"5.25002273\"},{rx:\"10.5\",ry:\"5.25002273\"},{rx:\"9.5\",ry:\"4.77275007\"},{rx:\"8.5\",ry:\"4.29549936\"},{rx:\"7.5\",ry:\"3.81822308\"},{rx:\"6.5\",ry:\"3.34094679\"},{rx:\"5.5\",ry:\"2.86367051\"},{rx:\"4.5\",ry:\"2.38636864\"}];o5280?Mn(e,c,h/5280,\"mi\"):Mn(e,c,h,\"ft\")}else r&&\"nautical\"===r.unit?Mn(e,c,f/1852,\"nm\"):Mn(e,c,f,\"m\")}function Mn(t,e,r,n){var i,a,o,s=(i=r,(a=Math.pow(10,(\"\"+Math.floor(i)).length-1))*(o=(o=i/a)>=10?10:o>=5?5:o>=3?3:o>=2?2:1)),l=s/r;\"m\"===n&&s>=1e3&&(s/=1e3,n=\"km\"),t.style.width=e*l+\"px\",t.innerHTML=s+n}wn.prototype.getDefaultPosition=function(){return\"bottom-left\"},wn.prototype._onMove=function(){kn(this._map,this._container,this.options)},wn.prototype.onAdd=function(t){return this._map=t,this._container=s.create(\"div\",\"mapboxgl-ctrl mapboxgl-ctrl-scale\",t.getContainer()),this._map.on(\"move\",this._onMove),this._onMove(),this._container},wn.prototype.onRemove=function(){s.remove(this._container),this._map.off(\"move\",this._onMove),this._map=void 0},wn.prototype.setUnit=function(t){this.options.unit=t,kn(this._map,this._container,this.options)};var An=function(){this._fullscreen=!1,t.bindAll([\"_onClickFullscreen\",\"_changeIcon\"],this),\"onfullscreenchange\"in t.default.document?this._fullscreenchange=\"fullscreenchange\":\"onmozfullscreenchange\"in t.default.document?this._fullscreenchange=\"mozfullscreenchange\":\"onwebkitfullscreenchange\"in t.default.document?this._fullscreenchange=\"webkitfullscreenchange\":\"onmsfullscreenchange\"in t.default.document&&(this._fullscreenchange=\"MSFullscreenChange\"),this._className=\"mapboxgl-ctrl\"};An.prototype.onAdd=function(e){return this._map=e,this._mapContainer=this._map.getContainer(),this._container=s.create(\"div\",this._className+\" mapboxgl-ctrl-group\"),this._checkFullscreenSupport()?this._setupUI():(this._container.style.display=\"none\",t.warnOnce(\"This device does not support fullscreen mode.\")),this._container},An.prototype.onRemove=function(){s.remove(this._container),this._map=null,t.default.document.removeEventListener(this._fullscreenchange,this._changeIcon)},An.prototype._checkFullscreenSupport=function(){return!!(t.default.document.fullscreenEnabled||t.default.document.mozFullScreenEnabled||t.default.document.msFullscreenEnabled||t.default.document.webkitFullscreenEnabled)},An.prototype._setupUI=function(){var e=this._fullscreenButton=s.create(\"button\",this._className+\"-icon \"+this._className+\"-fullscreen\",this._container);e.setAttribute(\"aria-label\",\"Toggle fullscreen\"),e.type=\"button\",this._fullscreenButton.addEventListener(\"click\",this._onClickFullscreen),t.default.document.addEventListener(this._fullscreenchange,this._changeIcon)},An.prototype._isFullscreen=function(){return this._fullscreen},An.prototype._changeIcon=function(){(t.default.document.fullscreenElement||t.default.document.mozFullScreenElement||t.default.document.webkitFullscreenElement||t.default.document.msFullscreenElement)===this._mapContainer!==this._fullscreen&&(this._fullscreen=!this._fullscreen,this._fullscreenButton.classList.toggle(this._className+\"-shrink\"),this._fullscreenButton.classList.toggle(this._className+\"-fullscreen\"))},An.prototype._onClickFullscreen=function(){this._isFullscreen()?t.default.document.exitFullscreen?t.default.document.exitFullscreen():t.default.document.mozCancelFullScreen?t.default.document.mozCancelFullScreen():t.default.document.msExitFullscreen?t.default.document.msExitFullscreen():t.default.document.webkitCancelFullScreen&&t.default.document.webkitCancelFullScreen():this._mapContainer.requestFullscreen?this._mapContainer.requestFullscreen():this._mapContainer.mozRequestFullScreen?this._mapContainer.mozRequestFullScreen():this._mapContainer.msRequestFullscreen?this._mapContainer.msRequestFullscreen():this._mapContainer.webkitRequestFullscreen&&this._mapContainer.webkitRequestFullscreen()};var Tn={closeButton:!0,closeOnClick:!0},Sn=function(e){function r(r){e.call(this),this.options=t.extend(Object.create(Tn),r),t.bindAll([\"_update\",\"_onClickClose\"],this)}return e&&(r.__proto__=e),r.prototype=Object.create(e&&e.prototype),r.prototype.constructor=r,r.prototype.addTo=function(e){return this._map=e,this._map.on(\"move\",this._update),this.options.closeOnClick&&this._map.on(\"click\",this._onClickClose),this._update(),this.fire(new t.Event(\"open\")),this},r.prototype.isOpen=function(){return!!this._map},r.prototype.remove=function(){return this._content&&s.remove(this._content),this._container&&(s.remove(this._container),delete this._container),this._map&&(this._map.off(\"move\",this._update),this._map.off(\"click\",this._onClickClose),delete this._map),this.fire(new t.Event(\"close\")),this},r.prototype.getLngLat=function(){return this._lngLat},r.prototype.setLngLat=function(t){return this._lngLat=G.convert(t),this._pos=null,this._update(),this},r.prototype.setText=function(e){return this.setDOMContent(t.default.document.createTextNode(e))},r.prototype.setHTML=function(e){var r,n=t.default.document.createDocumentFragment(),i=t.default.document.createElement(\"body\");for(i.innerHTML=e;r=i.firstChild;)n.appendChild(r);return this.setDOMContent(n)},r.prototype.setDOMContent=function(t){return this._createContent(),this._content.appendChild(t),this._update(),this},r.prototype._createContent=function(){this._content&&s.remove(this._content),this._content=s.create(\"div\",\"mapboxgl-popup-content\",this._container),this.options.closeButton&&(this._closeButton=s.create(\"button\",\"mapboxgl-popup-close-button\",this._content),this._closeButton.type=\"button\",this._closeButton.setAttribute(\"aria-label\",\"Close popup\"),this._closeButton.innerHTML=\"×\",this._closeButton.addEventListener(\"click\",this._onClickClose))},r.prototype._update=function(){if(this._map&&this._lngLat&&this._content){this._container||(this._container=s.create(\"div\",\"mapboxgl-popup\",this._map.getContainer()),this._tip=s.create(\"div\",\"mapboxgl-popup-tip\",this._container),this._container.appendChild(this._content)),this._map.transform.renderWorldCopies&&(this._lngLat=dn(this._lngLat,this._pos,this._map.transform));var e=this._pos=this._map.project(this._lngLat),r=this.options.anchor,n=function e(r){if(r){if(\"number\"==typeof r){var n=Math.round(Math.sqrt(.5*Math.pow(r,2)));return{center:new t.default$1(0,0),top:new t.default$1(0,r),\"top-left\":new t.default$1(n,n),\"top-right\":new t.default$1(-n,n),bottom:new t.default$1(0,-r),\"bottom-left\":new t.default$1(n,-n),\"bottom-right\":new t.default$1(-n,-n),left:new t.default$1(r,0),right:new t.default$1(-r,0)}}if(r instanceof t.default$1||Array.isArray(r)){var i=t.default$1.convert(r);return{center:i,top:i,\"top-left\":i,\"top-right\":i,bottom:i,\"bottom-left\":i,\"bottom-right\":i,left:i,right:i}}return{center:t.default$1.convert(r.center||[0,0]),top:t.default$1.convert(r.top||[0,0]),\"top-left\":t.default$1.convert(r[\"top-left\"]||[0,0]),\"top-right\":t.default$1.convert(r[\"top-right\"]||[0,0]),bottom:t.default$1.convert(r.bottom||[0,0]),\"bottom-left\":t.default$1.convert(r[\"bottom-left\"]||[0,0]),\"bottom-right\":t.default$1.convert(r[\"bottom-right\"]||[0,0]),left:t.default$1.convert(r.left||[0,0]),right:t.default$1.convert(r.right||[0,0])}}return e(new t.default$1(0,0))}(this.options.offset);if(!r){var i,a=this._container.offsetWidth,o=this._container.offsetHeight;i=e.y+n.bottom.ythis._map.transform.height-o?[\"bottom\"]:[],e.xthis._map.transform.width-a/2&&i.push(\"right\"),r=0===i.length?\"bottom\":i.join(\"-\")}var l=e.add(n[r]).round();s.setTransform(this._container,gn[r]+\" translate(\"+l.x+\"px,\"+l.y+\"px)\"),vn(this._container,r,\"popup\")}},r.prototype._onClickClose=function(){this.remove()},r}(t.Evented),En={version:\"0.45.0\",supported:e,workerCount:Math.max(Math.floor(a.hardwareConcurrency/2),1),setRTLTextPlugin:t.setRTLTextPlugin,Map:un,NavigationControl:pn,GeolocateControl:bn,AttributionControl:nn,ScaleControl:wn,FullscreenControl:An,Popup:Sn,Marker:mn,Style:Je,LngLat:G,LngLatBounds:W,Point:t.default$1,Evented:t.Evented,config:v,get accessToken(){return v.ACCESS_TOKEN},set accessToken(t){v.ACCESS_TOKEN=t},workerUrl:\"\"};return En}),n})}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{}],410:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=1<p[1][2]&&(m[0]=-m[0]),p[0][2]>p[2][0]&&(m[1]=-m[1]),p[1][0]>p[0][1]&&(m[2]=-m[2]),!0}},{\"./normalize\":412,\"gl-mat4/clone\":248,\"gl-mat4/create\":249,\"gl-mat4/determinant\":250,\"gl-mat4/invert\":254,\"gl-mat4/transpose\":264,\"gl-vec3/cross\":317,\"gl-vec3/dot\":322,\"gl-vec3/length\":332,\"gl-vec3/normalize\":339}],412:[function(t,e,r){e.exports=function(t,e){var r=e[15];if(0===r)return!1;for(var n=1/r,i=0;i<16;i++)t[i]=e[i]*n;return!0}},{}],413:[function(t,e,r){var n=t(\"gl-vec3/lerp\"),i=t(\"mat4-recompose\"),a=t(\"mat4-decompose\"),o=t(\"gl-mat4/determinant\"),s=t(\"quat-slerp\"),l=f(),c=f(),u=f();function f(){return{translate:h(),scale:h(1),skew:h(),perspective:[0,0,0,1],quaternion:[0,0,0,1]}}function h(t){return[t||0,t||0,t||0]}e.exports=function(t,e,r,f){if(0===o(e)||0===o(r))return!1;var h=a(e,l.translate,l.scale,l.skew,l.perspective,l.quaternion),p=a(r,c.translate,c.scale,c.skew,c.perspective,c.quaternion);return!(!h||!p||(n(u.translate,l.translate,c.translate,f),n(u.skew,l.skew,c.skew,f),n(u.scale,l.scale,c.scale,f),n(u.perspective,l.perspective,c.perspective,f),s(u.quaternion,l.quaternion,c.quaternion,f),i(t,u.translate,u.scale,u.skew,u.perspective,u.quaternion),0))}},{\"gl-mat4/determinant\":250,\"gl-vec3/lerp\":333,\"mat4-decompose\":411,\"mat4-recompose\":414,\"quat-slerp\":466}],414:[function(t,e,r){var n={identity:t(\"gl-mat4/identity\"),translate:t(\"gl-mat4/translate\"),multiply:t(\"gl-mat4/multiply\"),create:t(\"gl-mat4/create\"),scale:t(\"gl-mat4/scale\"),fromRotationTranslation:t(\"gl-mat4/fromRotationTranslation\")},i=(n.create(),n.create());e.exports=function(t,e,r,a,o,s){return n.identity(t),n.fromRotationTranslation(t,s,e),t[3]=o[0],t[7]=o[1],t[11]=o[2],t[15]=o[3],n.identity(i),0!==a[2]&&(i[9]=a[2],n.multiply(t,t,i)),0!==a[1]&&(i[9]=0,i[8]=a[1],n.multiply(t,t,i)),0!==a[0]&&(i[8]=0,i[4]=a[0],n.multiply(t,t,i)),n.scale(t,t,r),t}},{\"gl-mat4/create\":249,\"gl-mat4/fromRotationTranslation\":252,\"gl-mat4/identity\":253,\"gl-mat4/multiply\":256,\"gl-mat4/scale\":262,\"gl-mat4/translate\":263}],415:[function(t,e,r){\"use strict\";e.exports=Math.log2||function(t){return Math.log(t)*Math.LOG2E}},{}],416:[function(t,e,r){\"use strict\";var n=t(\"binary-search-bounds\"),i=t(\"mat4-interpolate\"),a=t(\"gl-mat4/invert\"),o=t(\"gl-mat4/rotateX\"),s=t(\"gl-mat4/rotateY\"),l=t(\"gl-mat4/rotateZ\"),c=t(\"gl-mat4/lookAt\"),u=t(\"gl-mat4/translate\"),f=(t(\"gl-mat4/scale\"),t(\"gl-vec3/normalize\")),h=[0,0,0];function p(t){this._components=t.slice(),this._time=[0],this.prevMatrix=t.slice(),this.nextMatrix=t.slice(),this.computedMatrix=t.slice(),this.computedInverse=t.slice(),this.computedEye=[0,0,0],this.computedUp=[0,0,0],this.computedCenter=[0,0,0],this.computedRadius=[0],this._limits=[-1/0,1/0]}e.exports=function(t){return new p((t=t||{}).matrix||[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1])};var d=p.prototype;d.recalcMatrix=function(t){var e=this._time,r=n.le(e,t),o=this.computedMatrix;if(!(r<0)){var s=this._components;if(r===e.length-1)for(var l=16*r,c=0;c<16;++c)o[c]=s[l++];else{var u=e[r+1]-e[r],h=(l=16*r,this.prevMatrix),p=!0;for(c=0;c<16;++c)h[c]=s[l++];var d=this.nextMatrix;for(c=0;c<16;++c)d[c]=s[l++],p=p&&h[c]===d[c];if(u<1e-6||p)for(c=0;c<16;++c)o[c]=h[c];else i(o,h,d,(t-e[r])/u)}var g=this.computedUp;g[0]=o[1],g[1]=o[5],g[2]=o[9],f(g,g);var v=this.computedInverse;a(v,o);var m=this.computedEye,y=v[15];m[0]=v[12]/y,m[1]=v[13]/y,m[2]=v[14]/y;var x=this.computedCenter,b=Math.exp(this.computedRadius[0]);for(c=0;c<3;++c)x[c]=m[c]-o[2+4*c]*b}},d.idle=function(t){if(!(t1&&n(t[o[u-2]],t[o[u-1]],c)<=0;)u-=1,o.pop();for(o.push(l),u=s.length;u>1&&n(t[s[u-2]],t[s[u-1]],c)>=0;)u-=1,s.pop();s.push(l)}for(var r=new Array(s.length+o.length-2),f=0,i=0,h=o.length;i0;--p)r[f++]=s[p];return r};var n=t(\"robust-orientation\")[3]},{\"robust-orientation\":486}],418:[function(t,e,r){\"use strict\";e.exports=function(t,e){e||(e=t,t=window);var r=0,i=0,a=0,o={shift:!1,alt:!1,control:!1,meta:!1},s=!1;function l(t){var e=!1;return\"altKey\"in t&&(e=e||t.altKey!==o.alt,o.alt=!!t.altKey),\"shiftKey\"in t&&(e=e||t.shiftKey!==o.shift,o.shift=!!t.shiftKey),\"ctrlKey\"in t&&(e=e||t.ctrlKey!==o.control,o.control=!!t.ctrlKey),\"metaKey\"in t&&(e=e||t.metaKey!==o.meta,o.meta=!!t.metaKey),e}function c(t,s){var c=n.x(s),u=n.y(s);\"buttons\"in s&&(t=0|s.buttons),(t!==r||c!==i||u!==a||l(s))&&(r=0|t,i=c||0,a=u||0,e&&e(r,i,a,o))}function u(t){c(0,t)}function f(){(r||i||a||o.shift||o.alt||o.meta||o.control)&&(i=a=0,r=0,o.shift=o.alt=o.control=o.meta=!1,e&&e(0,0,0,o))}function h(t){l(t)&&e&&e(r,i,a,o)}function p(t){0===n.buttons(t)?c(0,t):c(r,t)}function d(t){c(r|n.buttons(t),t)}function g(t){c(r&~n.buttons(t),t)}function v(){s||(s=!0,t.addEventListener(\"mousemove\",p),t.addEventListener(\"mousedown\",d),t.addEventListener(\"mouseup\",g),t.addEventListener(\"mouseleave\",u),t.addEventListener(\"mouseenter\",u),t.addEventListener(\"mouseout\",u),t.addEventListener(\"mouseover\",u),t.addEventListener(\"blur\",f),t.addEventListener(\"keyup\",h),t.addEventListener(\"keydown\",h),t.addEventListener(\"keypress\",h),t!==window&&(window.addEventListener(\"blur\",f),window.addEventListener(\"keyup\",h),window.addEventListener(\"keydown\",h),window.addEventListener(\"keypress\",h)))}v();var m={element:t};return Object.defineProperties(m,{enabled:{get:function(){return s},set:function(e){e?v():s&&(s=!1,t.removeEventListener(\"mousemove\",p),t.removeEventListener(\"mousedown\",d),t.removeEventListener(\"mouseup\",g),t.removeEventListener(\"mouseleave\",u),t.removeEventListener(\"mouseenter\",u),t.removeEventListener(\"mouseout\",u),t.removeEventListener(\"mouseover\",u),t.removeEventListener(\"blur\",f),t.removeEventListener(\"keyup\",h),t.removeEventListener(\"keydown\",h),t.removeEventListener(\"keypress\",h),t!==window&&(window.removeEventListener(\"blur\",f),window.removeEventListener(\"keyup\",h),window.removeEventListener(\"keydown\",h),window.removeEventListener(\"keypress\",h)))},enumerable:!0},buttons:{get:function(){return r},enumerable:!0},x:{get:function(){return i},enumerable:!0},y:{get:function(){return a},enumerable:!0},mods:{get:function(){return o},enumerable:!0}}),m};var n=t(\"mouse-event\")},{\"mouse-event\":420}],419:[function(t,e,r){var n={left:0,top:0};e.exports=function(t,e,r){e=e||t.currentTarget||t.srcElement,Array.isArray(r)||(r=[0,0]);var i=t.clientX||0,a=t.clientY||0,o=(s=e,s===window||s===document||s===document.body?n:s.getBoundingClientRect());var s;return r[0]=i-o.left,r[1]=a-o.top,r}},{}],420:[function(t,e,r){\"use strict\";function n(t){return t.target||t.srcElement||window}r.buttons=function(t){if(\"object\"==typeof t){if(\"buttons\"in t)return t.buttons;if(\"which\"in t){if(2===(e=t.which))return 4;if(3===e)return 2;if(e>0)return 1<=0)return 1< 0\");\"function\"!=typeof t.vertex&&e(\"Must specify vertex creation function\");\"function\"!=typeof t.cell&&e(\"Must specify cell creation function\");\"function\"!=typeof t.phase&&e(\"Must specify phase function\");for(var E=t.getters||[],C=new Array(T),L=0;L=0?C[L]=!0:C[L]=!1;return function(t,e,r,T,S,E){var C=E.length,L=S.length;if(L<2)throw new Error(\"ndarray-extract-contour: Dimension must be at least 2\");for(var z=\"extractContour\"+S.join(\"_\"),O=[],I=[],P=[],D=0;D0&&N.push(l(D,S[R-1])+\"*\"+s(S[R-1])),I.push(d(D,S[R])+\"=(\"+N.join(\"-\")+\")|0\")}for(var D=0;D=0;--D)j.push(s(S[D]));I.push(w+\"=(\"+j.join(\"*\")+\")|0\",b+\"=mallocUint32(\"+w+\")\",x+\"=mallocUint32(\"+w+\")\",k+\"=0\"),I.push(g(0)+\"=0\");for(var R=1;R<1<0;M=M-1&d)w.push(x+\"[\"+k+\"+\"+m(M)+\"]\");w.push(y(0));for(var M=0;M=0;--e)G(e,0);for(var r=[],e=0;e0){\",p(S[e]),\"=1;\");t(e-1,r|1<=0?s.push(\"0\"):e.indexOf(-(l+1))>=0?s.push(\"s[\"+l+\"]-1\"):(s.push(\"-1\"),a.push(\"1\"),o.push(\"s[\"+l+\"]-2\"));var c=\".lo(\"+a.join()+\").hi(\"+o.join()+\")\";if(0===a.length&&(c=\"\"),i>0){n.push(\"if(1\");for(var l=0;l=0||e.indexOf(-(l+1))>=0||n.push(\"&&s[\",l,\"]>2\");n.push(\"){grad\",i,\"(src.pick(\",s.join(),\")\",c);for(var l=0;l=0||e.indexOf(-(l+1))>=0||n.push(\",dst.pick(\",s.join(),\",\",l,\")\",c);n.push(\");\")}for(var l=0;l1){dst.set(\",s.join(),\",\",u,\",0.5*(src.get(\",h.join(),\")-src.get(\",p.join(),\")))}else{dst.set(\",s.join(),\",\",u,\",0)};\"):n.push(\"if(s[\",u,\"]>1){diff(\",f,\",src.pick(\",h.join(),\")\",c,\",src.pick(\",p.join(),\")\",c,\");}else{zero(\",f,\");};\");break;case\"mirror\":0===i?n.push(\"dst.set(\",s.join(),\",\",u,\",0);\"):n.push(\"zero(\",f,\");\");break;case\"wrap\":var d=s.slice(),g=s.slice();e[l]<0?(d[u]=\"s[\"+u+\"]-2\",g[u]=\"0\"):(d[u]=\"s[\"+u+\"]-1\",g[u]=\"1\"),0===i?n.push(\"if(s[\",u,\"]>2){dst.set(\",s.join(),\",\",u,\",0.5*(src.get(\",d.join(),\")-src.get(\",g.join(),\")))}else{dst.set(\",s.join(),\",\",u,\",0)};\"):n.push(\"if(s[\",u,\"]>2){diff(\",f,\",src.pick(\",d.join(),\")\",c,\",src.pick(\",g.join(),\")\",c,\");}else{zero(\",f,\");};\");break;default:throw new Error(\"ndarray-gradient: Invalid boundary condition\")}}i>0&&n.push(\"};\")}for(var s=0;s<1<>\",rrshift:\">>>\"};!function(){for(var t in s){var e=s[t];r[t]=o({args:[\"array\",\"array\",\"array\"],body:{args:[\"a\",\"b\",\"c\"],body:\"a=b\"+e+\"c\"},funcName:t}),r[t+\"eq\"]=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a\"+e+\"=b\"},rvalue:!0,funcName:t+\"eq\"}),r[t+\"s\"]=o({args:[\"array\",\"array\",\"scalar\"],body:{args:[\"a\",\"b\",\"s\"],body:\"a=b\"+e+\"s\"},funcName:t+\"s\"}),r[t+\"seq\"]=o({args:[\"array\",\"scalar\"],body:{args:[\"a\",\"s\"],body:\"a\"+e+\"=s\"},rvalue:!0,funcName:t+\"seq\"})}}();var l={not:\"!\",bnot:\"~\",neg:\"-\",recip:\"1.0/\"};!function(){for(var t in l){var e=l[t];r[t]=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a=\"+e+\"b\"},funcName:t}),r[t+\"eq\"]=o({args:[\"array\"],body:{args:[\"a\"],body:\"a=\"+e+\"a\"},rvalue:!0,count:2,funcName:t+\"eq\"})}}();var c={and:\"&&\",or:\"||\",eq:\"===\",neq:\"!==\",lt:\"<\",gt:\">\",leq:\"<=\",geq:\">=\"};!function(){for(var t in c){var e=c[t];r[t]=o({args:[\"array\",\"array\",\"array\"],body:{args:[\"a\",\"b\",\"c\"],body:\"a=b\"+e+\"c\"},funcName:t}),r[t+\"s\"]=o({args:[\"array\",\"array\",\"scalar\"],body:{args:[\"a\",\"b\",\"s\"],body:\"a=b\"+e+\"s\"},funcName:t+\"s\"}),r[t+\"eq\"]=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a=a\"+e+\"b\"},rvalue:!0,count:2,funcName:t+\"eq\"}),r[t+\"seq\"]=o({args:[\"array\",\"scalar\"],body:{args:[\"a\",\"s\"],body:\"a=a\"+e+\"s\"},rvalue:!0,count:2,funcName:t+\"seq\"})}}();var u=[\"abs\",\"acos\",\"asin\",\"atan\",\"ceil\",\"cos\",\"exp\",\"floor\",\"log\",\"round\",\"sin\",\"sqrt\",\"tan\"];!function(){for(var t=0;tthis_s){this_s=-a}else if(a>this_s){this_s=a}\",localVars:[],thisVars:[\"this_s\"]},post:{args:[],localVars:[],thisVars:[\"this_s\"],body:\"return this_s\"},funcName:\"norminf\"}),r.norm1=n({args:[\"array\"],pre:{args:[],localVars:[],thisVars:[\"this_s\"],body:\"this_s=0\"},body:{args:[{name:\"a\",lvalue:!1,rvalue:!0,count:3}],body:\"this_s+=a<0?-a:a\",localVars:[],thisVars:[\"this_s\"]},post:{args:[],localVars:[],thisVars:[\"this_s\"],body:\"return this_s\"},funcName:\"norm1\"}),r.sup=n({args:[\"array\"],pre:{body:\"this_h=-Infinity\",args:[],thisVars:[\"this_h\"],localVars:[]},body:{body:\"if(_inline_1_arg0_>this_h)this_h=_inline_1_arg0_\",args:[{name:\"_inline_1_arg0_\",lvalue:!1,rvalue:!0,count:2}],thisVars:[\"this_h\"],localVars:[]},post:{body:\"return this_h\",args:[],thisVars:[\"this_h\"],localVars:[]}}),r.inf=n({args:[\"array\"],pre:{body:\"this_h=Infinity\",args:[],thisVars:[\"this_h\"],localVars:[]},body:{body:\"if(_inline_1_arg0_this_v){this_v=_inline_1_arg1_;for(var _inline_1_k=0;_inline_1_k<_inline_1_arg0_.length;++_inline_1_k){this_i[_inline_1_k]=_inline_1_arg0_[_inline_1_k]}}}\",args:[{name:\"_inline_1_arg0_\",lvalue:!1,rvalue:!0,count:2},{name:\"_inline_1_arg1_\",lvalue:!1,rvalue:!0,count:2}],thisVars:[\"this_i\",\"this_v\"],localVars:[\"_inline_1_k\"]},post:{body:\"{return this_i}\",args:[],thisVars:[\"this_i\"],localVars:[]}}),r.random=o({args:[\"array\"],pre:{args:[],body:\"this_f=Math.random\",thisVars:[\"this_f\"]},body:{args:[\"a\"],body:\"a=this_f()\",thisVars:[\"this_f\"]},funcName:\"random\"}),r.assign=o({args:[\"array\",\"array\"],body:{args:[\"a\",\"b\"],body:\"a=b\"},funcName:\"assign\"}),r.assigns=o({args:[\"array\",\"scalar\"],body:{args:[\"a\",\"b\"],body:\"a=b\"},funcName:\"assigns\"}),r.equals=n({args:[\"array\",\"array\"],pre:i,body:{args:[{name:\"x\",lvalue:!1,rvalue:!0,count:1},{name:\"y\",lvalue:!1,rvalue:!0,count:1}],body:\"if(x!==y){return false}\",localVars:[],thisVars:[]},post:{args:[],localVars:[],thisVars:[],body:\"return true\"},funcName:\"equals\"})},{\"cwise-compiler\":134}],428:[function(t,e,r){\"use strict\";var n=t(\"ndarray\"),i=t(\"./doConvert.js\");e.exports=function(t,e){for(var r=[],a=t,o=1;Array.isArray(a);)r.push(a.length),o*=a.length,a=a[0];return 0===r.length?n():(e||(e=n(new Float64Array(o),r)),i(e,t),e)}},{\"./doConvert.js\":429,ndarray:433}],429:[function(t,e,r){e.exports=t(\"cwise-compiler\")({args:[\"array\",\"scalar\",\"index\"],pre:{body:\"{}\",args:[],thisVars:[],localVars:[]},body:{body:\"{\\nvar _inline_1_v=_inline_1_arg1_,_inline_1_i\\nfor(_inline_1_i=0;_inline_1_i<_inline_1_arg2_.length-1;++_inline_1_i) {\\n_inline_1_v=_inline_1_v[_inline_1_arg2_[_inline_1_i]]\\n}\\n_inline_1_arg0_=_inline_1_v[_inline_1_arg2_[_inline_1_arg2_.length-1]]\\n}\",args:[{name:\"_inline_1_arg0_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_1_arg1_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg2_\",lvalue:!1,rvalue:!0,count:4}],thisVars:[],localVars:[\"_inline_1_i\",\"_inline_1_v\"]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},funcName:\"convert\",blockSize:64})},{\"cwise-compiler\":134}],430:[function(t,e,r){\"use strict\";var n=t(\"typedarray-pool\"),i=32;function a(t){switch(t){case\"uint8\":return[n.mallocUint8,n.freeUint8];case\"uint16\":return[n.mallocUint16,n.freeUint16];case\"uint32\":return[n.mallocUint32,n.freeUint32];case\"int8\":return[n.mallocInt8,n.freeInt8];case\"int16\":return[n.mallocInt16,n.freeInt16];case\"int32\":return[n.mallocInt32,n.freeInt32];case\"float32\":return[n.mallocFloat,n.freeFloat];case\"float64\":return[n.mallocDouble,n.freeDouble];default:return null}}function o(t){for(var e=[],r=0;r0?s.push([\"d\",d,\"=s\",d,\"-d\",f,\"*n\",f].join(\"\")):s.push([\"d\",d,\"=s\",d].join(\"\")),f=d),0!=(p=t.length-1-l)&&(h>0?s.push([\"e\",p,\"=s\",p,\"-e\",h,\"*n\",h,\",f\",p,\"=\",c[p],\"-f\",h,\"*n\",h].join(\"\")):s.push([\"e\",p,\"=s\",p,\",f\",p,\"=\",c[p]].join(\"\")),h=p)}r.push(\"var \"+s.join(\",\"));var g=[\"0\",\"n0-1\",\"data\",\"offset\"].concat(o(t.length));r.push([\"if(n0<=\",i,\"){\",\"insertionSort(\",g.join(\",\"),\")}else{\",\"quickSort(\",g.join(\",\"),\")}\"].join(\"\")),r.push(\"}return \"+n);var v=new Function(\"insertionSort\",\"quickSort\",r.join(\"\\n\")),m=function(t,e){var r=[\"'use strict'\"],n=[\"ndarrayInsertionSort\",t.join(\"d\"),e].join(\"\"),i=[\"left\",\"right\",\"data\",\"offset\"].concat(o(t.length)),s=a(e),l=[\"i,j,cptr,ptr=left*s0+offset\"];if(t.length>1){for(var c=[],u=1;u1){for(r.push(\"dptr=0;sptr=ptr\"),u=t.length-1;u>=0;--u)0!==(p=t[u])&&r.push([\"for(i\",p,\"=0;i\",p,\"b){break __l}\"].join(\"\")),u=t.length-1;u>=1;--u)r.push(\"sptr+=e\"+u,\"dptr+=f\"+u,\"}\");for(r.push(\"dptr=cptr;sptr=cptr-s0\"),u=t.length-1;u>=0;--u)0!==(p=t[u])&&r.push([\"for(i\",p,\"=0;i\",p,\"=0;--u)0!==(p=t[u])&&r.push([\"for(i\",p,\"=0;i\",p,\"scratch)){\",h(\"cptr\",f(\"cptr-s0\")),\"cptr-=s0\",\"}\",h(\"cptr\",\"scratch\"));return r.push(\"}\"),t.length>1&&s&&r.push(\"free(scratch)\"),r.push(\"} return \"+n),s?new Function(\"malloc\",\"free\",r.join(\"\\n\"))(s[0],s[1]):new Function(r.join(\"\\n\"))()}(t,e),y=function(t,e,r){var n=[\"'use strict'\"],s=[\"ndarrayQuickSort\",t.join(\"d\"),e].join(\"\"),l=[\"left\",\"right\",\"data\",\"offset\"].concat(o(t.length)),c=a(e),u=0;n.push([\"function \",s,\"(\",l.join(\",\"),\"){\"].join(\"\"));var f=[\"sixth=((right-left+1)/6)|0\",\"index1=left+sixth\",\"index5=right-sixth\",\"index3=(left+right)>>1\",\"index2=index3-sixth\",\"index4=index3+sixth\",\"el1=index1\",\"el2=index2\",\"el3=index3\",\"el4=index4\",\"el5=index5\",\"less=left+1\",\"great=right-1\",\"pivots_are_equal=true\",\"tmp\",\"tmp0\",\"x\",\"y\",\"z\",\"k\",\"ptr0\",\"ptr1\",\"ptr2\",\"comp_pivot1=0\",\"comp_pivot2=0\",\"comp=0\"];if(t.length>1){for(var h=[],p=1;p=0;--a)0!==(o=t[a])&&n.push([\"for(i\",o,\"=0;i\",o,\"1)for(a=0;a1?n.push(\"ptr_shift+=d\"+o):n.push(\"ptr0+=d\"+o),n.push(\"}\"))}}function y(e,r,i,a){if(1===r.length)n.push(\"ptr0=\"+d(r[0]));else{for(var o=0;o1)for(o=0;o=1;--o)i&&n.push(\"pivot_ptr+=f\"+o),r.length>1?n.push(\"ptr_shift+=e\"+o):n.push(\"ptr0+=e\"+o),n.push(\"}\")}function x(){t.length>1&&c&&n.push(\"free(pivot1)\",\"free(pivot2)\")}function b(e,r){var i=\"el\"+e,a=\"el\"+r;if(t.length>1){var o=\"__l\"+ ++u;y(o,[i,a],!1,[\"comp=\",g(\"ptr0\"),\"-\",g(\"ptr1\"),\"\\n\",\"if(comp>0){tmp0=\",i,\";\",i,\"=\",a,\";\",a,\"=tmp0;break \",o,\"}\\n\",\"if(comp<0){break \",o,\"}\"].join(\"\"))}else n.push([\"if(\",g(d(i)),\">\",g(d(a)),\"){tmp0=\",i,\";\",i,\"=\",a,\";\",a,\"=tmp0}\"].join(\"\"))}function _(e,r){t.length>1?m([e,r],!1,v(\"ptr0\",g(\"ptr1\"))):n.push(v(d(e),g(d(r))))}function w(e,r,i){if(t.length>1){var a=\"__l\"+ ++u;y(a,[r],!0,[e,\"=\",g(\"ptr0\"),\"-pivot\",i,\"[pivot_ptr]\\n\",\"if(\",e,\"!==0){break \",a,\"}\"].join(\"\"))}else n.push([e,\"=\",g(d(r)),\"-pivot\",i].join(\"\"))}function k(e,r){t.length>1?m([e,r],!1,[\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",\"tmp\")].join(\"\")):n.push([\"ptr0=\",d(e),\"\\n\",\"ptr1=\",d(r),\"\\n\",\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",\"tmp\")].join(\"\"))}function M(e,r,i){t.length>1?(m([e,r,i],!1,[\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",g(\"ptr2\")),\"\\n\",v(\"ptr2\",\"tmp\")].join(\"\")),n.push(\"++\"+r,\"--\"+i)):n.push([\"ptr0=\",d(e),\"\\n\",\"ptr1=\",d(r),\"\\n\",\"ptr2=\",d(i),\"\\n\",\"++\",r,\"\\n\",\"--\",i,\"\\n\",\"tmp=\",g(\"ptr0\"),\"\\n\",v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",g(\"ptr2\")),\"\\n\",v(\"ptr2\",\"tmp\")].join(\"\"))}function A(t,e){k(t,e),n.push(\"--\"+e)}function T(e,r,i){t.length>1?m([e,r],!0,[v(\"ptr0\",g(\"ptr1\")),\"\\n\",v(\"ptr1\",[\"pivot\",i,\"[pivot_ptr]\"].join(\"\"))].join(\"\")):n.push(v(d(e),g(d(r))),v(d(r),\"pivot\"+i))}function S(e,r){n.push([\"if((\",r,\"-\",e,\")<=\",i,\"){\\n\",\"insertionSort(\",e,\",\",r,\",data,offset,\",o(t.length).join(\",\"),\")\\n\",\"}else{\\n\",s,\"(\",e,\",\",r,\",data,offset,\",o(t.length).join(\",\"),\")\\n\",\"}\"].join(\"\"))}function E(e,r,i){t.length>1?(n.push([\"__l\",++u,\":while(true){\"].join(\"\")),m([e],!0,[\"if(\",g(\"ptr0\"),\"!==pivot\",r,\"[pivot_ptr]){break __l\",u,\"}\"].join(\"\")),n.push(i,\"}\")):n.push([\"while(\",g(d(e)),\"===pivot\",r,\"){\",i,\"}\"].join(\"\"))}return n.push(\"var \"+f.join(\",\")),b(1,2),b(4,5),b(1,3),b(2,3),b(1,4),b(3,4),b(2,5),b(2,3),b(4,5),t.length>1?m([\"el1\",\"el2\",\"el3\",\"el4\",\"el5\",\"index1\",\"index3\",\"index5\"],!0,[\"pivot1[pivot_ptr]=\",g(\"ptr1\"),\"\\n\",\"pivot2[pivot_ptr]=\",g(\"ptr3\"),\"\\n\",\"pivots_are_equal=pivots_are_equal&&(pivot1[pivot_ptr]===pivot2[pivot_ptr])\\n\",\"x=\",g(\"ptr0\"),\"\\n\",\"y=\",g(\"ptr2\"),\"\\n\",\"z=\",g(\"ptr4\"),\"\\n\",v(\"ptr5\",\"x\"),\"\\n\",v(\"ptr6\",\"y\"),\"\\n\",v(\"ptr7\",\"z\")].join(\"\")):n.push([\"pivot1=\",g(d(\"el2\")),\"\\n\",\"pivot2=\",g(d(\"el4\")),\"\\n\",\"pivots_are_equal=pivot1===pivot2\\n\",\"x=\",g(d(\"el1\")),\"\\n\",\"y=\",g(d(\"el3\")),\"\\n\",\"z=\",g(d(\"el5\")),\"\\n\",v(d(\"index1\"),\"x\"),\"\\n\",v(d(\"index3\"),\"y\"),\"\\n\",v(d(\"index5\"),\"z\")].join(\"\")),_(\"index2\",\"left\"),_(\"index4\",\"right\"),n.push(\"if(pivots_are_equal){\"),n.push(\"for(k=less;k<=great;++k){\"),w(\"comp\",\"k\",1),n.push(\"if(comp===0){continue}\"),n.push(\"if(comp<0){\"),n.push(\"if(k!==less){\"),k(\"k\",\"less\"),n.push(\"}\"),n.push(\"++less\"),n.push(\"}else{\"),n.push(\"while(true){\"),w(\"comp\",\"great\",1),n.push(\"if(comp>0){\"),n.push(\"great--\"),n.push(\"}else if(comp<0){\"),M(\"k\",\"less\",\"great\"),n.push(\"break\"),n.push(\"}else{\"),A(\"k\",\"great\"),n.push(\"break\"),n.push(\"}\"),n.push(\"}\"),n.push(\"}\"),n.push(\"}\"),n.push(\"}else{\"),n.push(\"for(k=less;k<=great;++k){\"),w(\"comp_pivot1\",\"k\",1),n.push(\"if(comp_pivot1<0){\"),n.push(\"if(k!==less){\"),k(\"k\",\"less\"),n.push(\"}\"),n.push(\"++less\"),n.push(\"}else{\"),w(\"comp_pivot2\",\"k\",2),n.push(\"if(comp_pivot2>0){\"),n.push(\"while(true){\"),w(\"comp\",\"great\",2),n.push(\"if(comp>0){\"),n.push(\"if(--greatindex5){\"),E(\"less\",1,\"++less\"),E(\"great\",2,\"--great\"),n.push(\"for(k=less;k<=great;++k){\"),w(\"comp_pivot1\",\"k\",1),n.push(\"if(comp_pivot1===0){\"),n.push(\"if(k!==less){\"),k(\"k\",\"less\"),n.push(\"}\"),n.push(\"++less\"),n.push(\"}else{\"),w(\"comp_pivot2\",\"k\",2),n.push(\"if(comp_pivot2===0){\"),n.push(\"while(true){\"),w(\"comp\",\"great\",2),n.push(\"if(comp===0){\"),n.push(\"if(--great1&&c?new Function(\"insertionSort\",\"malloc\",\"free\",n.join(\"\\n\"))(r,c[0],c[1]):new Function(\"insertionSort\",n.join(\"\\n\"))(r)}(t,e,m);return v(m,y)}},{\"typedarray-pool\":522}],431:[function(t,e,r){\"use strict\";var n=t(\"./lib/compile_sort.js\"),i={};e.exports=function(t){var e=t.order,r=t.dtype,a=[e,r].join(\":\"),o=i[a];return o||(i[a]=o=n(e,r)),o(t),t}},{\"./lib/compile_sort.js\":430}],432:[function(t,e,r){\"use strict\";var n=t(\"ndarray-linear-interpolate\"),i=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=new Array(_inline_3_arg4_)}\",args:[{name:\"_inline_3_arg0_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg1_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg2_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg3_\",lvalue:!1,rvalue:!1,count:0},{name:\"_inline_3_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_4_arg2_(this_warped,_inline_4_arg0_),_inline_4_arg1_=_inline_4_arg3_.apply(void 0,this_warped)}\",args:[{name:\"_inline_4_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_4_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_4_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_4_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_4_arg4_\",lvalue:!1,rvalue:!1,count:0}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warpND\",blockSize:64}),a=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=[0]}\",args:[],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_7_arg2_(this_warped,_inline_7_arg0_),_inline_7_arg1_=_inline_7_arg3_(_inline_7_arg4_,this_warped[0])}\",args:[{name:\"_inline_7_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_7_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_7_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_7_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_7_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warp1D\",blockSize:64}),o=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=[0,0]}\",args:[],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_10_arg2_(this_warped,_inline_10_arg0_),_inline_10_arg1_=_inline_10_arg3_(_inline_10_arg4_,this_warped[0],this_warped[1])}\",args:[{name:\"_inline_10_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_10_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_10_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_10_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_10_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warp2D\",blockSize:64}),s=t(\"cwise/lib/wrapper\")({args:[\"index\",\"array\",\"scalar\",\"scalar\",\"scalar\"],pre:{body:\"{this_warped=[0,0,0]}\",args:[],thisVars:[\"this_warped\"],localVars:[]},body:{body:\"{_inline_13_arg2_(this_warped,_inline_13_arg0_),_inline_13_arg1_=_inline_13_arg3_(_inline_13_arg4_,this_warped[0],this_warped[1],this_warped[2])}\",args:[{name:\"_inline_13_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_13_arg1_\",lvalue:!0,rvalue:!1,count:1},{name:\"_inline_13_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_13_arg3_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_13_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[\"this_warped\"],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},debug:!1,funcName:\"warp3D\",blockSize:64});e.exports=function(t,e,r){switch(e.shape.length){case 1:a(t,r,n.d1,e);break;case 2:o(t,r,n.d2,e);break;case 3:s(t,r,n.d3,e);break;default:i(t,r,n.bind(void 0,e),e.shape.length)}return t}},{\"cwise/lib/wrapper\":137,\"ndarray-linear-interpolate\":426}],433:[function(t,e,r){var n=t(\"iota-array\"),i=t(\"is-buffer\"),a=\"undefined\"!=typeof Float64Array;function o(t,e){return t[0]-e[0]}function s(){var t,e=this.stride,r=new Array(e.length);for(t=0;tMath.abs(this.stride[1]))?[1,0]:[0,1]}})\"):3===e&&a.push(\"var s0=Math.abs(this.stride[0]),s1=Math.abs(this.stride[1]),s2=Math.abs(this.stride[2]);if(s0>s1){if(s1>s2){return [2,1,0];}else if(s0>s2){return [1,2,0];}else{return [1,0,2];}}else if(s0>s2){return [2,0,1];}else if(s2>s1){return [0,1,2];}else{return [0,2,1];}}})\")):a.push(\"ORDER})\")),a.push(\"proto.set=function \"+r+\"_set(\"+l.join(\",\")+\",v){\"),i?a.push(\"return this.data.set(\"+u+\",v)}\"):a.push(\"return this.data[\"+u+\"]=v}\"),a.push(\"proto.get=function \"+r+\"_get(\"+l.join(\",\")+\"){\"),i?a.push(\"return this.data.get(\"+u+\")}\"):a.push(\"return this.data[\"+u+\"]}\"),a.push(\"proto.index=function \"+r+\"_index(\",l.join(),\"){return \"+u+\"}\"),a.push(\"proto.hi=function \"+r+\"_hi(\"+l.join(\",\")+\"){return new \"+r+\"(this.data,\"+o.map(function(t){return[\"(typeof i\",t,\"!=='number'||i\",t,\"<0)?this.shape[\",t,\"]:i\",t,\"|0\"].join(\"\")}).join(\",\")+\",\"+o.map(function(t){return\"this.stride[\"+t+\"]\"}).join(\",\")+\",this.offset)}\");var p=o.map(function(t){return\"a\"+t+\"=this.shape[\"+t+\"]\"}),d=o.map(function(t){return\"c\"+t+\"=this.stride[\"+t+\"]\"});a.push(\"proto.lo=function \"+r+\"_lo(\"+l.join(\",\")+\"){var b=this.offset,d=0,\"+p.join(\",\")+\",\"+d.join(\",\"));for(var g=0;g=0){d=i\"+g+\"|0;b+=c\"+g+\"*d;a\"+g+\"-=d}\");a.push(\"return new \"+r+\"(this.data,\"+o.map(function(t){return\"a\"+t}).join(\",\")+\",\"+o.map(function(t){return\"c\"+t}).join(\",\")+\",b)}\"),a.push(\"proto.step=function \"+r+\"_step(\"+l.join(\",\")+\"){var \"+o.map(function(t){return\"a\"+t+\"=this.shape[\"+t+\"]\"}).join(\",\")+\",\"+o.map(function(t){return\"b\"+t+\"=this.stride[\"+t+\"]\"}).join(\",\")+\",c=this.offset,d=0,ceil=Math.ceil\");for(g=0;g=0){c=(c+this.stride[\"+g+\"]*i\"+g+\")|0}else{a.push(this.shape[\"+g+\"]);b.push(this.stride[\"+g+\"])}\");return a.push(\"var ctor=CTOR_LIST[a.length+1];return ctor(this.data,a,b,c)}\"),a.push(\"return function construct_\"+r+\"(data,shape,stride,offset){return new \"+r+\"(data,\"+o.map(function(t){return\"shape[\"+t+\"]\"}).join(\",\")+\",\"+o.map(function(t){return\"stride[\"+t+\"]\"}).join(\",\")+\",offset)}\"),new Function(\"CTOR_LIST\",\"ORDER\",a.join(\"\\n\"))(c[t],s)}var c={float32:[],float64:[],int8:[],int16:[],int32:[],uint8:[],uint16:[],uint32:[],array:[],uint8_clamped:[],buffer:[],generic:[]};e.exports=function(t,e,r,n){if(void 0===t)return(0,c.array[0])([]);\"number\"==typeof t&&(t=[t]),void 0===e&&(e=[t.length]);var o=e.length;if(void 0===r){r=new Array(o);for(var s=o-1,u=1;s>=0;--s)r[s]=u,u*=e[s]}if(void 0===n)for(n=0,s=0;s>>0;e.exports=function(t,e){if(isNaN(t)||isNaN(e))return NaN;if(t===e)return t;if(0===t)return e<0?-i:i;var r=n.hi(t),o=n.lo(t);e>t==t>0?o===a?(r+=1,o=0):o+=1:0===o?(o=a,r-=1):o-=1;return n.pack(o,r)}},{\"double-bits\":152}],435:[function(t,e,r){var n=Math.PI,i=c(120);function a(t,e,r,n){return[\"C\",t,e,r,n,r,n]}function o(t,e,r,n,i,a){return[\"C\",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}function s(t,e,r,a,o,c,u,f,h,p){if(p)k=p[0],M=p[1],_=p[2],w=p[3];else{var d=l(t,e,-o);t=d.x,e=d.y;var g=(t-(f=(d=l(f,h,-o)).x))/2,v=(e-(h=d.y))/2,m=g*g/(r*r)+v*v/(a*a);m>1&&(r*=m=Math.sqrt(m),a*=m);var y=r*r,x=a*a,b=(c==u?-1:1)*Math.sqrt(Math.abs((y*x-y*v*v-x*g*g)/(y*v*v+x*g*g)));b==1/0&&(b=1);var _=b*r*v/a+(t+f)/2,w=b*-a*g/r+(e+h)/2,k=Math.asin(((e-w)/a).toFixed(9)),M=Math.asin(((h-w)/a).toFixed(9));(k=t<_?n-k:k)<0&&(k=2*n+k),(M=f<_?n-M:M)<0&&(M=2*n+M),u&&k>M&&(k-=2*n),!u&&M>k&&(M-=2*n)}if(Math.abs(M-k)>i){var A=M,T=f,S=h;M=k+i*(u&&M>k?1:-1);var E=s(f=_+r*Math.cos(M),h=w+a*Math.sin(M),r,a,o,0,u,T,S,[M,A,_,w])}var C=Math.tan((M-k)/4),L=4/3*r*C,z=4/3*a*C,O=[2*t-(t+L*Math.sin(k)),2*e-(e-z*Math.cos(k)),f+L*Math.sin(M),h-z*Math.cos(M),f,h];if(p)return O;E&&(O=O.concat(E));for(var I=0;I7&&(r.push(m.splice(0,7)),m.unshift(\"C\"));break;case\"S\":var x=p,b=d;\"C\"!=e&&\"S\"!=e||(x+=x-n,b+=b-i),m=[\"C\",x,b,m[1],m[2],m[3],m[4]];break;case\"T\":\"Q\"==e||\"T\"==e?(f=2*p-f,h=2*d-h):(f=p,h=d),m=o(p,d,f,h,m[1],m[2]);break;case\"Q\":f=m[1],h=m[2],m=o(p,d,m[1],m[2],m[3],m[4]);break;case\"L\":m=a(p,d,m[1],m[2]);break;case\"H\":m=a(p,d,m[1],d);break;case\"V\":m=a(p,d,p,m[1]);break;case\"Z\":m=a(p,d,l,u)}e=y,p=m[m.length-2],d=m[m.length-1],m.length>4?(n=m[m.length-4],i=m[m.length-3]):(n=p,i=d),r.push(m)}return r}},{}],436:[function(t,e,r){r.vertexNormals=function(t,e,r){for(var n=e.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa){var b=i[c],_=1/Math.sqrt(v*y);for(x=0;x<3;++x){var w=(x+1)%3,k=(x+2)%3;b[x]+=_*(m[w]*g[k]-m[k]*g[w])}}}for(o=0;oa)for(_=1/Math.sqrt(M),x=0;x<3;++x)b[x]*=_;else for(x=0;x<3;++x)b[x]=0}return i},r.faceNormals=function(t,e,r){for(var n=t.length,i=new Array(n),a=void 0===r?1e-6:r,o=0;oa?1/Math.sqrt(p):0;for(c=0;c<3;++c)h[c]*=p;i[o]=h}return i}},{}],437:[function(t,e,r){\"use strict\";var n=Object.getOwnPropertySymbols,i=Object.prototype.hasOwnProperty,a=Object.prototype.propertyIsEnumerable;e.exports=function(){try{if(!Object.assign)return!1;var t=new String(\"abc\");if(t[5]=\"de\",\"5\"===Object.getOwnPropertyNames(t)[0])return!1;for(var e={},r=0;r<10;r++)e[\"_\"+String.fromCharCode(r)]=r;if(\"0123456789\"!==Object.getOwnPropertyNames(e).map(function(t){return e[t]}).join(\"\"))return!1;var n={};return\"abcdefghijklmnopqrst\".split(\"\").forEach(function(t){n[t]=t}),\"abcdefghijklmnopqrst\"===Object.keys(Object.assign({},n)).join(\"\")}catch(t){return!1}}()?Object.assign:function(t,e){for(var r,o,s=function(t){if(null==t)throw new TypeError(\"Object.assign cannot be called with null or undefined\");return Object(t)}(t),l=1;l0){var f=Math.sqrt(u+1);t[0]=.5*(o-l)/f,t[1]=.5*(s-n)/f,t[2]=.5*(r-a)/f,t[3]=.5*f}else{var h=Math.max(e,a,c),f=Math.sqrt(2*h-u+1);e>=h?(t[0]=.5*f,t[1]=.5*(i+r)/f,t[2]=.5*(s+n)/f,t[3]=.5*(o-l)/f):a>=h?(t[0]=.5*(r+i)/f,t[1]=.5*f,t[2]=.5*(l+o)/f,t[3]=.5*(s-n)/f):(t[0]=.5*(n+s)/f,t[1]=.5*(o+l)/f,t[2]=.5*f,t[3]=.5*(r-i)/f)}return t}},{}],439:[function(t,e,r){\"use strict\";e.exports=function(t){var e=(t=t||{}).center||[0,0,0],r=t.rotation||[0,0,0,1],n=t.radius||1;e=[].slice.call(e,0,3),u(r=[].slice.call(r,0,4),r);var i=new f(r,e,Math.log(n));i.setDistanceLimits(t.zoomMin,t.zoomMax),(\"eye\"in t||\"up\"in t)&&i.lookAt(0,t.eye,t.center,t.up);return i};var n=t(\"filtered-vector\"),i=t(\"gl-mat4/lookAt\"),a=t(\"gl-mat4/fromQuat\"),o=t(\"gl-mat4/invert\"),s=t(\"./lib/quatFromFrame\");function l(t,e,r){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2))}function c(t,e,r,n){return Math.sqrt(Math.pow(t,2)+Math.pow(e,2)+Math.pow(r,2)+Math.pow(n,2))}function u(t,e){var r=e[0],n=e[1],i=e[2],a=e[3],o=c(r,n,i,a);o>1e-6?(t[0]=r/o,t[1]=n/o,t[2]=i/o,t[3]=a/o):(t[0]=t[1]=t[2]=0,t[3]=1)}function f(t,e,r){this.radius=n([r]),this.center=n(e),this.rotation=n(t),this.computedRadius=this.radius.curve(0),this.computedCenter=this.center.curve(0),this.computedRotation=this.rotation.curve(0),this.computedUp=[.1,0,0],this.computedEye=[.1,0,0],this.computedMatrix=[.1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0],this.recalcMatrix(0)}var h=f.prototype;h.lastT=function(){return Math.max(this.radius.lastT(),this.center.lastT(),this.rotation.lastT())},h.recalcMatrix=function(t){this.radius.curve(t),this.center.curve(t),this.rotation.curve(t);var e=this.computedRotation;u(e,e);var r=this.computedMatrix;a(r,e);var n=this.computedCenter,i=this.computedEye,o=this.computedUp,s=Math.exp(this.computedRadius[0]);i[0]=n[0]+s*r[2],i[1]=n[1]+s*r[6],i[2]=n[2]+s*r[10],o[0]=r[1],o[1]=r[5],o[2]=r[9];for(var l=0;l<3;++l){for(var c=0,f=0;f<3;++f)c+=r[l+4*f]*i[f];r[12+l]=-c}},h.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r},h.idle=function(t){this.center.idle(t),this.radius.idle(t),this.rotation.idle(t)},h.flush=function(t){this.center.flush(t),this.radius.flush(t),this.rotation.flush(t)},h.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=i[1],o=i[5],s=i[9],c=l(a,o,s);a/=c,o/=c,s/=c;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=l(u-=a*p,f-=o*p,h-=s*p);u/=d,f/=d,h/=d;var g=i[2],v=i[6],m=i[10],y=g*a+v*o+m*s,x=g*u+v*f+m*h,b=l(g-=y*a+x*u,v-=y*o+x*f,m-=y*s+x*h);g/=b,v/=b,m/=b;var _=u*e+a*r,w=f*e+o*r,k=h*e+s*r;this.center.move(t,_,w,k);var M=Math.exp(this.computedRadius[0]);M=Math.max(1e-4,M+n),this.radius.set(t,Math.log(M))},h.rotate=function(t,e,r,n){this.recalcMatrix(t),e=e||0,r=r||0;var i=this.computedMatrix,a=i[0],o=i[4],s=i[8],u=i[1],f=i[5],h=i[9],p=i[2],d=i[6],g=i[10],v=e*a+r*u,m=e*o+r*f,y=e*s+r*h,x=-(d*y-g*m),b=-(g*v-p*y),_=-(p*m-d*v),w=Math.sqrt(Math.max(0,1-Math.pow(x,2)-Math.pow(b,2)-Math.pow(_,2))),k=c(x,b,_,w);k>1e-6?(x/=k,b/=k,_/=k,w/=k):(x=b=_=0,w=1);var M=this.computedRotation,A=M[0],T=M[1],S=M[2],E=M[3],C=A*w+E*x+T*_-S*b,L=T*w+E*b+S*x-A*_,z=S*w+E*_+A*b-T*x,O=E*w-A*x-T*b-S*_;if(n){x=p,b=d,_=g;var I=Math.sin(n)/l(x,b,_);x*=I,b*=I,_*=I,O=O*(w=Math.cos(e))-(C=C*w+O*x+L*_-z*b)*x-(L=L*w+O*b+z*x-C*_)*b-(z=z*w+O*_+C*b-L*x)*_}var P=c(C,L,z,O);P>1e-6?(C/=P,L/=P,z/=P,O/=P):(C=L=z=0,O=1),this.rotation.set(t,C,L,z,O)},h.lookAt=function(t,e,r,n){this.recalcMatrix(t),r=r||this.computedCenter,e=e||this.computedEye,n=n||this.computedUp;var a=this.computedMatrix;i(a,e,r,n);var o=this.computedRotation;s(o,a[0],a[1],a[2],a[4],a[5],a[6],a[8],a[9],a[10]),u(o,o),this.rotation.set(t,o[0],o[1],o[2],o[3]);for(var l=0,c=0;c<3;++c)l+=Math.pow(r[c]-e[c],2);this.radius.set(t,.5*Math.log(Math.max(l,1e-6))),this.center.set(t,r[0],r[1],r[2])},h.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},h.setMatrix=function(t,e){var r=this.computedRotation;s(r,e[0],e[1],e[2],e[4],e[5],e[6],e[8],e[9],e[10]),u(r,r),this.rotation.set(t,r[0],r[1],r[2],r[3]);var n=this.computedMatrix;o(n,e);var i=n[15];if(Math.abs(i)>1e-6){var a=n[12]/i,l=n[13]/i,c=n[14]/i;this.recalcMatrix(t);var f=Math.exp(this.computedRadius[0]);this.center.set(t,a-n[2]*f,l-n[6]*f,c-n[10]*f),this.radius.idle(t)}else this.center.idle(t),this.radius.idle(t)},h.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},h.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},h.getDistanceLimits=function(t){var e=this.radius.bounds;return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},h.toJSON=function(){return this.recalcMatrix(this.lastT()),{center:this.computedCenter.slice(),rotation:this.computedRotation.slice(),distance:Math.log(this.computedRadius[0]),zoomMin:this.radius.bounds[0][0],zoomMax:this.radius.bounds[1][0]}},h.fromJSON=function(t){var e=this.lastT(),r=t.center;r&&this.center.set(e,r[0],r[1],r[2]);var n=t.rotation;n&&this.rotation.set(e,n[0],n[1],n[2],n[3]);var i=t.distance;i&&i>0&&this.radius.set(e,Math.log(i)),this.setDistanceLimits(t.zoomMin,t.zoomMax)}},{\"./lib/quatFromFrame\":438,\"filtered-vector\":215,\"gl-mat4/fromQuat\":251,\"gl-mat4/invert\":254,\"gl-mat4/lookAt\":255}],440:[function(t,e,r){\"use strict\";var n=t(\"repeat-string\");e.exports=function(t,e,r){return n(r=\"undefined\"!=typeof r?r+\"\":\" \",e)+t}},{\"repeat-string\":479}],441:[function(t,e,r){\"use strict\";function n(t,e){if(\"string\"!=typeof t)return[t];var r=[t];\"string\"==typeof e||Array.isArray(e)?e={brackets:e}:e||(e={});var n=e.brackets?Array.isArray(e.brackets)?e.brackets:[e.brackets]:[\"{}\",\"[]\",\"()\"],i=e.escape||\"___\",a=!!e.flat;n.forEach(function(t){var e=new RegExp([\"\\\\\",t[0],\"[^\\\\\",t[0],\"\\\\\",t[1],\"]*\\\\\",t[1]].join(\"\")),n=[];function a(e,a,o){var s=r.push(e.slice(t[0].length,-t[1].length))-1;return n.push(s),i+s}r.forEach(function(t,n){for(var i,o=0;t!=i;)if(i=t,t=t.replace(e,a),o++>1e4)throw Error(\"References have circular dependency. Please, check them.\");r[n]=t}),n=n.reverse(),r=r.map(function(e){return n.forEach(function(r){e=e.replace(new RegExp(\"(\\\\\"+i+r+\"(?![0-9]))\",\"g\"),t[0]+\"$1\"+t[1])}),e})});var o=new RegExp(\"\\\\\"+i+\"([0-9]+)\");return a?r:function t(e,r,n){for(var i,a=[],s=0;i=o.exec(e);){if(s++>1e4)throw Error(\"Circular references in parenthesis\");a.push(e.slice(0,i.index)),a.push(t(r[i[1]],r)),e=e.slice(i.index+i[0].length)}return a.push(e),a}(r[0],r)}function i(t,e){if(e&&e.flat){var r,n=e&&e.escape||\"___\",i=t[0];if(!i)return\"\";for(var a=new RegExp(\"\\\\\"+n+\"([0-9]+)\"),o=0;i!=r;){if(o++>1e4)throw Error(\"Circular references in \"+t);r=i,i=i.replace(a,s)}return i}return t.reduce(function t(e,r){return Array.isArray(r)&&(r=r.reduce(t,\"\")),e+r},\"\");function s(e,r){if(null==t[r])throw Error(\"Reference \"+r+\"is undefined\");return t[r]}}function a(t,e){return Array.isArray(t)?i(t,e):n(t,e)}a.parse=n,a.stringify=i,e.exports=a},{}],442:[function(t,e,r){\"use strict\";var n=t(\"pick-by-alias\");e.exports=function(t){var e;arguments.length>1&&(t=arguments);\"string\"==typeof t?t=t.split(/\\s/).map(parseFloat):\"number\"==typeof t&&(t=[t]);t.length&&\"number\"==typeof t[0]?e=1===t.length?{width:t[0],height:t[0],x:0,y:0}:2===t.length?{width:t[0],height:t[1],x:0,y:0}:{x:t[0],y:t[1],width:t[2]-t[0]||0,height:t[3]-t[1]||0}:t&&(t=n(t,{left:\"x l left Left\",top:\"y t top Top\",width:\"w width W Width\",height:\"h height W Width\",bottom:\"b bottom Bottom\",right:\"r right Right\"}),e={x:t.left||0,y:t.top||0},null==t.width?t.right?e.width=t.right-e.x:e.width=0:e.width=t.width,null==t.height?t.bottom?e.height=t.bottom-e.y:e.height=0:e.height=t.height);return e}},{\"pick-by-alias\":448}],443:[function(t,e,r){e.exports=function(t){var e=[];return t.replace(i,function(t,r,i){var o=r.toLowerCase();for(i=function(t){var e=t.match(a);return e?e.map(Number):[]}(i),\"m\"==o&&i.length>2&&(e.push([r].concat(i.splice(0,2))),o=\"l\",r=\"m\"==r?\"l\":\"L\");;){if(i.length==n[o])return i.unshift(r),e.push(i);if(i.length0;--o)a=l[o],r=s[o],s[o]=s[a],s[a]=r,l[o]=l[r],l[r]=a,c=(c+r)*o;return n.freeUint32(l),n.freeUint32(s),c},r.unrank=function(t,e,r){switch(t){case 0:return r||[];case 1:return r?(r[0]=0,r):[0];case 2:return r?(e?(r[0]=0,r[1]=1):(r[0]=1,r[1]=0),r):e?[0,1]:[1,0]}var n,i,a,o=1;for((r=r||new Array(t))[0]=0,a=1;a0;--a)e=e-(n=e/o|0)*o|0,o=o/a|0,i=0|r[a],r[a]=0|r[n],r[n]=0|i;return r}},{\"invert-permutation\":398,\"typedarray-pool\":522}],448:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){var n,a,o={};if(\"string\"==typeof e&&(e=i(e)),Array.isArray(e)){var s={};for(a=0;a0){o=a[u][r][0],l=u;break}s=o[1^l];for(var f=0;f<2;++f)for(var h=a[f][r],p=0;p0&&(o=d,s=g,l=f)}return i?s:(o&&c(o,l),s)}function f(t,r){var i=a[r][t][0],o=[t];c(i,r);for(var s=i[1^r];;){for(;s!==t;)o.push(s),s=u(o[o.length-2],s,!1);if(a[0][t].length+a[1][t].length===0)break;var l=o[o.length-1],f=t,h=o[1],p=u(l,f,!0);if(n(e[l],e[f],e[h],e[p])<0)break;o.push(t),s=u(l,f)}return o}function h(t,e){return e[1]===e[e.length-1]}for(var o=0;o0;){a[0][o].length;var g=f(o,p);h(d,g)?d.push.apply(d,g):(d.length>0&&l.push(d),d=g)}d.length>0&&l.push(d)}return l};var n=t(\"compare-angle\")},{\"compare-angle\":115}],450:[function(t,e,r){\"use strict\";e.exports=function(t,e){for(var r=n(t,e.length),i=new Array(e.length),a=new Array(e.length),o=[],s=0;s0;){var c=o.pop();i[c]=!1;for(var u=r[c],s=0;s0})).length,v=new Array(g),m=new Array(g),p=0;p0;){var N=B.pop(),j=C[N];l(j,function(t,e){return t-e});var V,U=j.length,q=F[N];if(0===q){var k=d[N];V=[k]}for(var p=0;p=0)&&(F[H]=1^q,B.push(H),0===q)){var k=d[H];R(k)||(k.reverse(),V.push(k))}}0===q&&r.push(V)}return r};var n=t(\"edges-to-adjacency-list\"),i=t(\"planar-dual\"),a=t(\"point-in-big-polygon\"),o=t(\"two-product\"),s=t(\"robust-sum\"),l=t(\"uniq\"),c=t(\"./lib/trim-leaves\");function u(t,e){for(var r=new Array(t),n=0;n>>1;e.dtype||(e.dtype=\"array\"),\"string\"==typeof e.dtype?d=new(f(e.dtype))(v):e.dtype&&(d=e.dtype,Array.isArray(d)&&(d.length=v));for(var m=0;mr){for(var h=0;hl||A>c||T=C||o===s)){var u=y[a];void 0===s&&(s=u.length);for(var f=o;f=g&&p<=m&&d>=v&&d<=w&&z.push(h)}var b=x[a],_=b[4*o+0],k=b[4*o+1],E=b[4*o+2],L=b[4*o+3],O=function(t,e){for(var r=null,n=0;null===r;)if(r=t[4*e+n],++n>t.length)return null;return r}(b,o+1),I=.5*i,P=a+1;e(r,n,I,P,_,k||E||L||O),e(r,n+I,I,P,k,E||L||O),e(r+I,n,I,P,E,L||O),e(r+I,n+I,I,P,L,O)}}}(0,0,1,0,0,1),z},d;function E(t,e,r){for(var n=1,i=.5,a=.5,o=.5,s=0;s0&&e[i]===r[0]))return 1;a=t[i-1]}for(var s=1;a;){var l=a.key,c=n(r,l[0],l[1]);if(l[0][0]0))return 0;s=-1,a=a.right}else if(c>0)a=a.left;else{if(!(c<0))return 0;s=1,a=a.right}}return s}}(m.slabs,m.coordinates);return 0===a.length?y:function(t,e){return function(r){return t(r[0],r[1])?0:e(r)}}(l(a),y)};var n=t(\"robust-orientation\")[3],i=t(\"slab-decomposition\"),a=t(\"interval-tree-1d\"),o=t(\"binary-search-bounds\");function s(){return!0}function l(t){for(var e={},r=0;r=-t},pointBetween:function(e,r,n){var i=e[1]-r[1],a=n[0]-r[0],o=e[0]-r[0],s=n[1]-r[1],l=o*a+i*s;return!(l-t)},pointsSameX:function(e,r){return Math.abs(e[0]-r[0])t!=o-i>t&&(a-c)*(i-u)/(o-u)+c-n>t&&(s=!s),a=c,o=u}return s}};return e}},{}],459:[function(t,e,r){var n={toPolygon:function(t,e){function r(e){if(e.length<=0)return t.segments({inverted:!1,regions:[]});function r(e){var r=e.slice(0,e.length-1);return t.segments({inverted:!1,regions:[r]})}for(var n=r(e[0]),i=1;i0})}function u(t,n){var i=t.seg,a=n.seg,o=i.start,s=i.end,c=a.start,u=a.end;r&&r.checkIntersection(i,a);var f=e.linesIntersect(o,s,c,u);if(!1===f){if(!e.pointsCollinear(o,s,c))return!1;if(e.pointsSame(o,u)||e.pointsSame(s,c))return!1;var h=e.pointsSame(o,c),p=e.pointsSame(s,u);if(h&&p)return n;var d=!h&&e.pointBetween(o,c,u),g=!p&&e.pointBetween(s,c,u);if(h)return g?l(n,s):l(t,u),n;d&&(p||(g?l(n,s):l(t,u)),l(n,o))}else 0===f.alongA&&(-1===f.alongB?l(t,c):0===f.alongB?l(t,f.pt):1===f.alongB&&l(t,u)),0===f.alongB&&(-1===f.alongA?l(n,o):0===f.alongA?l(n,f.pt):1===f.alongA&&l(n,s));return!1}for(var f=[];!a.isEmpty();){var h=a.getHead();if(r&&r.vert(h.pt[0]),h.isStart){r&&r.segmentNew(h.seg,h.primary);var p=c(h),d=p.before?p.before.ev:null,g=p.after?p.after.ev:null;function v(){if(d){var t=u(h,d);if(t)return t}return!!g&&u(h,g)}r&&r.tempStatus(h.seg,!!d&&d.seg,!!g&&g.seg);var m,y,x=v();if(x)t?(y=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below)&&(x.seg.myFill.above=!x.seg.myFill.above):x.seg.otherFill=h.seg.myFill,r&&r.segmentUpdate(x.seg),h.other.remove(),h.remove();if(a.getHead()!==h){r&&r.rewind(h.seg);continue}t?(y=null===h.seg.myFill.below||h.seg.myFill.above!==h.seg.myFill.below,h.seg.myFill.below=g?g.seg.myFill.above:i,h.seg.myFill.above=y?!h.seg.myFill.below:h.seg.myFill.below):null===h.seg.otherFill&&(m=g?h.primary===g.primary?g.seg.otherFill.above:g.seg.myFill.above:h.primary?o:i,h.seg.otherFill={above:m,below:m}),r&&r.status(h.seg,!!d&&d.seg,!!g&&g.seg),h.other.status=p.insert(n.node({ev:h}))}else{var b=h.status;if(null===b)throw new Error(\"PolyBool: Zero-length segment detected; your epsilon is probably too small or too large\");if(s.exists(b.prev)&&s.exists(b.next)&&u(b.prev.ev,b.next.ev),r&&r.statusRemove(b.ev.seg),b.remove(),!h.primary){var _=h.seg.myFill;h.seg.myFill=h.seg.otherFill,h.seg.otherFill=_}f.push(h.seg)}a.getHead().remove()}return r&&r.done(),f}return t?{addRegion:function(t){for(var n,i,a,o=t[t.length-1],l=0;l=c?(M=1,y=c+2*h+d):y=h*(M=-h/c)+d):(M=0,p>=0?(A=0,y=d):-p>=f?(A=1,y=f+2*p+d):y=p*(A=-p/f)+d);else if(A<0)A=0,h>=0?(M=0,y=d):-h>=c?(M=1,y=c+2*h+d):y=h*(M=-h/c)+d;else{var T=1/k;y=(M*=T)*(c*M+u*(A*=T)+2*h)+A*(u*M+f*A+2*p)+d}else M<0?(b=f+p)>(x=u+h)?(_=b-x)>=(w=c-2*u+f)?(M=1,A=0,y=c+2*h+d):y=(M=_/w)*(c*M+u*(A=1-M)+2*h)+A*(u*M+f*A+2*p)+d:(M=0,b<=0?(A=1,y=f+2*p+d):p>=0?(A=0,y=d):y=p*(A=-p/f)+d):A<0?(b=c+h)>(x=u+p)?(_=b-x)>=(w=c-2*u+f)?(A=1,M=0,y=f+2*p+d):y=(M=1-(A=_/w))*(c*M+u*A+2*h)+A*(u*M+f*A+2*p)+d:(A=0,b<=0?(M=1,y=c+2*h+d):h>=0?(M=0,y=d):y=h*(M=-h/c)+d):(_=f+p-u-h)<=0?(M=0,A=1,y=f+2*p+d):_>=(w=c-2*u+f)?(M=1,A=0,y=c+2*h+d):y=(M=_/w)*(c*M+u*(A=1-M)+2*h)+A*(u*M+f*A+2*p)+d;var S=1-M-A;for(l=0;l1)for(var r=1;r0){var c=t[r-1];if(0===n(s,c)&&a(c)!==l){r-=1;continue}}t[r++]=s}}return t.length=r,t}},{\"cell-orientation\":100,\"compare-cell\":116,\"compare-oriented-cell\":117}],473:[function(t,e,r){\"use strict\";var n=t(\"array-bounds\"),i=t(\"color-normalize\"),a=t(\"update-diff\"),o=t(\"pick-by-alias\"),s=t(\"object-assign\"),l=t(\"flatten-vertex-data\"),c=t(\"to-float32\"),u=c.float32,f=c.fract32;e.exports=function(t,e){\"function\"==typeof t?(e||(e={}),e.regl=t):e=t;e.length&&(e.positions=e);if(!(t=e.regl).hasExtension(\"ANGLE_instanced_arrays\"))throw Error(\"regl-error2d: `ANGLE_instanced_arrays` extension should be enabled\");var r,c,p,d,g,v,m=t._gl,y={color:\"black\",capSize:5,lineWidth:1,opacity:1,viewport:null,range:null,offset:0,count:0,bounds:null,positions:[],errors:[]},x=[];return d=t.buffer({usage:\"dynamic\",type:\"uint8\",data:new Uint8Array(0)}),c=t.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array(0)}),p=t.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array(0)}),g=t.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array(0)}),v=t.buffer({usage:\"static\",type:\"float\",data:h}),k(e),r=t({vert:\"\\n\\t\\tprecision highp float;\\n\\n\\t\\tattribute vec2 position, positionFract;\\n\\t\\tattribute vec4 error;\\n\\t\\tattribute vec4 color;\\n\\n\\t\\tattribute vec2 direction, lineOffset, capOffset;\\n\\n\\t\\tuniform vec4 viewport;\\n\\t\\tuniform float lineWidth, capSize;\\n\\t\\tuniform vec2 scale, scaleFract, translate, translateFract;\\n\\n\\t\\tvarying vec4 fragColor;\\n\\n\\t\\tvoid main() {\\n\\t\\t\\tfragColor = color / 255.;\\n\\n\\t\\t\\tvec2 pixelOffset = lineWidth * lineOffset + (capSize + lineWidth) * capOffset;\\n\\n\\t\\t\\tvec2 dxy = -step(.5, direction.xy) * error.xz + step(direction.xy, vec2(-.5)) * error.yw;\\n\\n\\t\\t\\tvec2 position = position + dxy;\\n\\n\\t\\t\\tvec2 pos = (position + translate) * scale\\n\\t\\t\\t\\t+ (positionFract + translateFract) * scale\\n\\t\\t\\t\\t+ (position + translate) * scaleFract\\n\\t\\t\\t\\t+ (positionFract + translateFract) * scaleFract;\\n\\n\\t\\t\\tpos += pixelOffset / viewport.zw;\\n\\n\\t\\t\\tgl_Position = vec4(pos * 2. - 1., 0, 1);\\n\\t\\t}\\n\\t\\t\",frag:\"\\n\\t\\tprecision mediump float;\\n\\n\\t\\tvarying vec4 fragColor;\\n\\n\\t\\tuniform float opacity;\\n\\n\\t\\tvoid main() {\\n\\t\\t\\tgl_FragColor = fragColor;\\n\\t\\t\\tgl_FragColor.a *= opacity;\\n\\t\\t}\\n\\t\\t\",uniforms:{range:t.prop(\"range\"),lineWidth:t.prop(\"lineWidth\"),capSize:t.prop(\"capSize\"),opacity:t.prop(\"opacity\"),scale:t.prop(\"scale\"),translate:t.prop(\"translate\"),scaleFract:t.prop(\"scaleFract\"),translateFract:t.prop(\"translateFract\"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{color:{buffer:d,offset:function(t,e){return 4*e.offset},divisor:1},position:{buffer:c,offset:function(t,e){return 8*e.offset},divisor:1},positionFract:{buffer:p,offset:function(t,e){return 8*e.offset},divisor:1},error:{buffer:g,offset:function(t,e){return 16*e.offset},divisor:1},direction:{buffer:v,stride:24,offset:0},lineOffset:{buffer:v,stride:24,offset:8},capOffset:{buffer:v,stride:24,offset:16}},primitive:\"triangles\",blend:{enable:!0,color:[0,0,0,0],equation:{rgb:\"add\",alpha:\"add\"},func:{srcRGB:\"src alpha\",dstRGB:\"one minus src alpha\",srcAlpha:\"one minus dst alpha\",dstAlpha:\"one\"}},depth:{enable:!1},scissor:{enable:!0,box:t.prop(\"viewport\")},viewport:t.prop(\"viewport\"),stencil:!1,instances:t.prop(\"count\"),count:h.length}),s(b,{update:k,draw:_,destroy:M,regl:t,gl:m,canvas:m.canvas,groups:x}),b;function b(t){t?k(t):null===t&&M(),_()}function _(e){if(\"number\"==typeof e)return w(e);e&&!Array.isArray(e)&&(e=[e]),t._refresh(),x.forEach(function(t,r){t&&(e&&(e[r]?t.draw=!0:t.draw=!1),t.draw?w(r):t.draw=!0)})}function w(t){\"number\"==typeof t&&(t=x[t]),null!=t&&t&&t.count&&t.color&&t.opacity&&t.positions&&t.positions.length>1&&(t.scaleRatio=[t.scale[0]*t.viewport.width,t.scale[1]*t.viewport.height],r(t),t.after&&t.after(t))}function k(t){if(t){null!=t.length?\"number\"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var e=0,r=0;if(b.groups=x=t.map(function(t,c){var u=x[c];return t?(\"function\"==typeof t?t={after:t}:\"number\"==typeof t[0]&&(t={positions:t}),t=o(t,{color:\"color colors fill\",capSize:\"capSize cap capsize cap-size\",lineWidth:\"lineWidth line-width width line thickness\",opacity:\"opacity alpha\",range:\"range dataBox\",viewport:\"viewport viewBox\",errors:\"errors error\",positions:\"positions position data points\"}),u||(x[c]=u={id:c,scale:null,translate:null,scaleFract:null,translateFract:null,draw:!0},t=s({},y,t)),a(u,t,[{lineWidth:function(t){return.5*+t},capSize:function(t){return.5*+t},opacity:parseFloat,errors:function(t){return t=l(t),r+=t.length,t},positions:function(t,r){return t=l(t,\"float64\"),r.count=Math.floor(t.length/2),r.bounds=n(t,2),r.offset=e,e+=r.count,t}},{color:function(t,e){var r=e.count;if(t||(t=\"transparent\"),!Array.isArray(t)||\"number\"==typeof t[0]){var n=t;t=Array(r);for(var a=0;a 0. && baClipping < length(normalWidth * endBotJoin)) {\\n\\t\\t//handle miter clipping\\n\\t\\tbTopCoord -= normalWidth * endTopJoin;\\n\\t\\tbTopCoord += normalize(endTopJoin * normalWidth) * baClipping;\\n\\t}\\n\\n\\tif (nextReverse) {\\n\\t\\t//make join rectangular\\n\\t\\tvec2 miterShift = normalWidth * endJoinDirection * miterLimit * .5;\\n\\t\\tfloat normalAdjust = 1. - min(miterLimit / endMiterRatio, 1.);\\n\\t\\tbBotCoord = bCoord + miterShift - normalAdjust * normalWidth * currNormal * .5;\\n\\t\\tbTopCoord = bCoord + miterShift + normalAdjust * normalWidth * currNormal * .5;\\n\\t}\\n\\telse if (!prevReverse && abClipping > 0. && abClipping < length(normalWidth * startBotJoin)) {\\n\\t\\t//handle miter clipping\\n\\t\\taBotCoord -= normalWidth * startBotJoin;\\n\\t\\taBotCoord += normalize(startBotJoin * normalWidth) * abClipping;\\n\\t}\\n\\n\\tvec2 aTopPosition = (aTopCoord) * adjustedScale + translate;\\n\\tvec2 aBotPosition = (aBotCoord) * adjustedScale + translate;\\n\\n\\tvec2 bTopPosition = (bTopCoord) * adjustedScale + translate;\\n\\tvec2 bBotPosition = (bBotCoord) * adjustedScale + translate;\\n\\n\\t//position is normalized 0..1 coord on the screen\\n\\tvec2 position = (aTopPosition * lineTop + aBotPosition * lineBot) * lineStart + (bTopPosition * lineTop + bBotPosition * lineBot) * lineEnd;\\n\\n\\tstartCoord = aCoord * scaleRatio + translate * viewport.zw + viewport.xy;\\n\\tendCoord = bCoord * scaleRatio + translate * viewport.zw + viewport.xy;\\n\\n\\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\\n\\n\\tenableStartMiter = step(dot(currTangent, prevTangent), .5);\\n\\tenableEndMiter = step(dot(currTangent, nextTangent), .5);\\n\\n\\t//bevel miter cutoffs\\n\\tif (miterMode == 1.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * miterLimit * .5;\\n\\t\\t\\tstartCutoff = vec4(aCoord, aCoord);\\n\\t\\t\\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\\n\\t\\t\\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tstartCutoff += viewport.xyxy;\\n\\t\\t\\tstartCutoff += startMiterWidth.xyxy;\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * miterLimit * .5;\\n\\t\\t\\tendCutoff = vec4(bCoord, bCoord);\\n\\t\\t\\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\\n\\t\\t\\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tendCutoff += viewport.xyxy;\\n\\t\\t\\tendCutoff += endMiterWidth.xyxy;\\n\\t\\t}\\n\\t}\\n\\n\\t//round miter cutoffs\\n\\telse if (miterMode == 2.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tvec2 startMiterWidth = vec2(startJoinDirection) * thickness * abs(dot(startJoinDirection, currNormal)) * .5;\\n\\t\\t\\tstartCutoff = vec4(aCoord, aCoord);\\n\\t\\t\\tstartCutoff.zw += vec2(-startJoinDirection.y, startJoinDirection.x) / scaleRatio;\\n\\t\\t\\tstartCutoff = startCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tstartCutoff += viewport.xyxy;\\n\\t\\t\\tstartCutoff += startMiterWidth.xyxy;\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tvec2 endMiterWidth = vec2(endJoinDirection) * thickness * abs(dot(endJoinDirection, currNormal)) * .5;\\n\\t\\t\\tendCutoff = vec4(bCoord, bCoord);\\n\\t\\t\\tendCutoff.zw += vec2(-endJoinDirection.y, endJoinDirection.x) / scaleRatio;\\n\\t\\t\\tendCutoff = endCutoff * scaleRatio.xyxy + translate.xyxy * viewport.zwzw;\\n\\t\\t\\tendCutoff += viewport.xyxy;\\n\\t\\t\\tendCutoff += endMiterWidth.xyxy;\\n\\t\\t}\\n\\t}\\n}\\n\"]),frag:o([\"precision highp float;\\n#define GLSLIFY 1\\n\\nuniform sampler2D dashPattern;\\nuniform float dashSize, pixelRatio, thickness, opacity, id, miterMode;\\n\\nvarying vec4 fragColor;\\nvarying vec2 tangent;\\nvarying vec4 startCutoff, endCutoff;\\nvarying vec2 startCoord, endCoord;\\nvarying float enableStartMiter, enableEndMiter;\\n\\nfloat distToLine(vec2 p, vec2 a, vec2 b) {\\n\\tvec2 diff = b - a;\\n\\tvec2 perp = normalize(vec2(-diff.y, diff.x));\\n\\treturn dot(p - a, perp);\\n}\\n\\nvoid main() {\\n\\tfloat alpha = 1., distToStart, distToEnd;\\n\\tfloat cutoff = thickness * .5;\\n\\n\\t//bevel miter\\n\\tif (miterMode == 1.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\\n\\t\\t\\tif (distToStart < -1.) {\\n\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\treturn;\\n\\t\\t\\t}\\n\\t\\t\\talpha *= min(max(distToStart + 1., 0.), 1.);\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\\n\\t\\t\\tif (distToEnd < -1.) {\\n\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\treturn;\\n\\t\\t\\t}\\n\\t\\t\\talpha *= min(max(distToEnd + 1., 0.), 1.);\\n\\t\\t}\\n\\t}\\n\\n\\t// round miter\\n\\telse if (miterMode == 2.) {\\n\\t\\tif (enableStartMiter == 1.) {\\n\\t\\t\\tdistToStart = distToLine(gl_FragCoord.xy, startCutoff.xy, startCutoff.zw);\\n\\t\\t\\tif (distToStart < 0.) {\\n\\t\\t\\t\\tfloat radius = length(gl_FragCoord.xy - startCoord);\\n\\n\\t\\t\\t\\tif(radius > cutoff + .5) {\\n\\t\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\t\\treturn;\\n\\t\\t\\t\\t}\\n\\n\\t\\t\\t\\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\\n\\t\\t\\t}\\n\\t\\t}\\n\\n\\t\\tif (enableEndMiter == 1.) {\\n\\t\\t\\tdistToEnd = distToLine(gl_FragCoord.xy, endCutoff.xy, endCutoff.zw);\\n\\t\\t\\tif (distToEnd < 0.) {\\n\\t\\t\\t\\tfloat radius = length(gl_FragCoord.xy - endCoord);\\n\\n\\t\\t\\t\\tif(radius > cutoff + .5) {\\n\\t\\t\\t\\t\\tdiscard;\\n\\t\\t\\t\\t\\treturn;\\n\\t\\t\\t\\t}\\n\\n\\t\\t\\t\\talpha -= smoothstep(cutoff - .5, cutoff + .5, radius);\\n\\t\\t\\t}\\n\\t\\t}\\n\\t}\\n\\n\\tfloat t = fract(dot(tangent, gl_FragCoord.xy) / dashSize) * .5 + .25;\\n\\tfloat dash = texture2D(dashPattern, vec2(t, .5)).r;\\n\\n\\tgl_FragColor = fragColor;\\n\\tgl_FragColor.a *= alpha * opacity * dash;\\n}\\n\"]),attributes:{lineEnd:{buffer:r,divisor:0,stride:8,offset:0},lineTop:{buffer:r,divisor:0,stride:8,offset:4},aColor:{buffer:t.prop(\"colorBuffer\"),stride:4,offset:0,divisor:1},bColor:{buffer:t.prop(\"colorBuffer\"),stride:4,offset:4,divisor:1},prevCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:0,divisor:1},aCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:8,divisor:1},bCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:16,divisor:1},nextCoord:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:24,divisor:1}}},n))}catch(t){e=i}return{fill:t({primitive:\"triangle\",elements:function(t,e){return e.triangles},offset:0,vert:o([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec2 position, positionFract;\\n\\nuniform vec4 color;\\nuniform vec2 scale, scaleFract, translate, translateFract;\\nuniform float pixelRatio, id;\\nuniform vec4 viewport;\\nuniform float opacity;\\n\\nvarying vec4 fragColor;\\n\\nconst float MAX_LINES = 256.;\\n\\nvoid main() {\\n\\tfloat depth = (MAX_LINES - 4. - id) / (MAX_LINES);\\n\\n\\tvec2 position = position * scale + translate\\n + positionFract * scale + translateFract\\n + position * scaleFract\\n + positionFract * scaleFract;\\n\\n\\tgl_Position = vec4(position * 2.0 - 1.0, depth, 1);\\n\\n\\tfragColor = color / 255.;\\n\\tfragColor.a *= opacity;\\n}\\n\"]),frag:o([\"precision highp float;\\n#define GLSLIFY 1\\n\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n\\tgl_FragColor = fragColor;\\n}\\n\"]),uniforms:{scale:t.prop(\"scale\"),color:t.prop(\"fill\"),scaleFract:t.prop(\"scaleFract\"),translateFract:t.prop(\"translateFract\"),translate:t.prop(\"translate\"),opacity:t.prop(\"opacity\"),pixelRatio:t.context(\"pixelRatio\"),id:t.prop(\"id\"),viewport:function(t,e){return[e.viewport.x,e.viewport.y,t.viewportWidth,t.viewportHeight]}},attributes:{position:{buffer:t.prop(\"positionBuffer\"),stride:8,offset:8},positionFract:{buffer:t.prop(\"positionFractBuffer\"),stride:8,offset:8}},blend:n.blend,depth:{enable:!1},scissor:n.scissor,stencil:n.stencil,viewport:n.viewport}),rect:i,miter:e}},v.defaults={dashes:null,join:\"miter\",miterLimit:1,thickness:10,cap:\"square\",color:\"black\",opacity:1,overlay:!1,viewport:null,range:null,close:!1,fill:null},v.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];e.length&&(t=this).update.apply(t,e),this.draw()},v.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];return(e.length?e:this.passes).forEach(function(e,r){var n;if(e&&Array.isArray(e))return(n=t).draw.apply(n,e);\"number\"==typeof e&&(e=t.passes[e]),e&&e.count>1&&e.opacity&&(t.regl._refresh(),e.fill&&e.triangles&&e.triangles.length>2&&t.shaders.fill(e),e.thickness&&(e.scale[0]*e.viewport.width>v.precisionThreshold||e.scale[1]*e.viewport.height>v.precisionThreshold?t.shaders.rect(e):\"rect\"===e.join||!e.join&&(e.thickness<=2||e.count>=v.maxPoints)?t.shaders.rect(e):t.shaders.miter(e)))}),this},v.prototype.update=function(t){var e=this;if(t){null!=t.length?\"number\"==typeof t[0]&&(t=[{positions:t}]):Array.isArray(t)||(t=[t]);var r=this.regl,o=this.gl;if(t.forEach(function(t,f){var d=e.passes[f];if(void 0!==t)if(null!==t){if(\"number\"==typeof t[0]&&(t={positions:t}),t=s(t,{positions:\"positions points data coords\",thickness:\"thickness lineWidth lineWidths line-width linewidth width stroke-width strokewidth strokeWidth\",join:\"lineJoin linejoin join type mode\",miterLimit:\"miterlimit miterLimit\",dashes:\"dash dashes dasharray dash-array dashArray\",color:\"color colour stroke colors colours stroke-color strokeColor\",fill:\"fill fill-color fillColor\",opacity:\"alpha opacity\",overlay:\"overlay crease overlap intersect\",close:\"closed close closed-path closePath\",range:\"range dataBox\",viewport:\"viewport viewBox\",hole:\"holes hole hollow\"}),d||(e.passes[f]=d={id:f,scale:null,scaleFract:null,translate:null,translateFract:null,count:0,hole:[],depth:0,dashLength:1,dashTexture:r.texture({channels:1,data:new Uint8Array([255]),width:1,height:1,mag:\"linear\",min:\"linear\"}),colorBuffer:r.buffer({usage:\"dynamic\",type:\"uint8\",data:new Uint8Array}),positionBuffer:r.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array}),positionFractBuffer:r.buffer({usage:\"dynamic\",type:\"float\",data:new Uint8Array})},t=a({},v.defaults,t)),null!=t.thickness&&(d.thickness=parseFloat(t.thickness)),null!=t.opacity&&(d.opacity=parseFloat(t.opacity)),null!=t.miterLimit&&(d.miterLimit=parseFloat(t.miterLimit)),null!=t.overlay&&(d.overlay=!!t.overlay,f 1.0 + delta) {\\n\\t\\tdiscard;\\n\\t}\\n\\n\\talpha -= smoothstep(1.0 - delta, 1.0 + delta, radius);\\n\\n\\tfloat borderRadius = fragBorderRadius;\\n\\tfloat ratio = smoothstep(borderRadius - delta, borderRadius + delta, radius);\\n\\tvec4 color = mix(fragColor, fragBorderColor, ratio);\\n\\tcolor.a *= alpha * opacity;\\n\\tgl_FragColor = color;\\n}\\n\"]),u.vert=l([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute float x, y, xFract, yFract;\\nattribute float size, borderSize;\\nattribute vec4 colorId, borderColorId;\\nattribute float isActive;\\n\\nuniform vec2 scale, scaleFract, translate, translateFract;\\nuniform float pixelRatio;\\nuniform sampler2D palette;\\nuniform vec2 paletteSize;\\n\\nconst float maxSize = 100.;\\n\\nvarying vec4 fragColor, fragBorderColor;\\nvarying float fragBorderRadius, fragWidth;\\n\\nvec2 paletteCoord(float id) {\\n return vec2(\\n (mod(id, paletteSize.x) + .5) / paletteSize.x,\\n (floor(id / paletteSize.x) + .5) / paletteSize.y\\n );\\n}\\nvec2 paletteCoord(vec2 id) {\\n return vec2(\\n (id.x + .5) / paletteSize.x,\\n (id.y + .5) / paletteSize.y\\n );\\n}\\n\\nvec4 getColor(vec4 id) {\\n // zero-palette means we deal with direct buffer\\n if (paletteSize.x == 0.) return id / 255.;\\n return texture2D(palette, paletteCoord(id.xy));\\n}\\n\\nvoid main() {\\n // ignore inactive points\\n if (isActive == 0.) return;\\n\\n vec2 position = vec2(x, y);\\n vec2 positionFract = vec2(xFract, yFract);\\n\\n vec4 color = getColor(colorId);\\n vec4 borderColor = getColor(borderColorId);\\n\\n float size = size * maxSize / 255.;\\n float borderSize = borderSize * maxSize / 255.;\\n\\n gl_PointSize = (size + borderSize) * pixelRatio;\\n\\n vec2 pos = (position + translate) * scale\\n + (positionFract + translateFract) * scale\\n + (position + translate) * scaleFract\\n + (positionFract + translateFract) * scaleFract;\\n\\n gl_Position = vec4(pos * 2. - 1., 0, 1);\\n\\n fragBorderRadius = 1. - 2. * borderSize / (size + borderSize);\\n fragColor = color;\\n fragBorderColor = borderColor.a == 0. || borderSize == 0. ? vec4(color.rgb, 0.) : borderColor;\\n fragWidth = 1. / gl_PointSize;\\n}\\n\"]),h&&(u.frag=u.frag.replace(\"smoothstep\",\"smoothStep\"),c.frag=c.frag.replace(\"smoothstep\",\"smoothStep\")),this.drawCircle=t(u)}e.exports=g,g.defaults={color:\"black\",borderColor:\"transparent\",borderSize:0,size:12,opacity:1,marker:void 0,viewport:null,range:null,pixelSize:null,count:0,offset:0,bounds:null,positions:[],snap:1e4},g.prototype.render=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];return e.length&&(t=this).update.apply(t,e),this.draw(),this},g.prototype.draw=function(){for(var t=this,e=[],r=arguments.length;r--;)e[r]=arguments[r];var n=this.groups;if(1===e.length&&Array.isArray(e[0])&&(null===e[0][0]||Array.isArray(e[0][0]))&&(e=e[0]),this.regl._refresh(),e.length)for(var i=0;in)?e.tree=o(t,{bounds:h}):n&&n.length&&(e.tree=n),e.tree){var d={primitive:\"points\",usage:\"static\",data:e.tree,type:\"uint32\"};e.elements?e.elements(d):e.elements=l.elements(d)}return a({data:p.float(t),usage:\"dynamic\"}),s({data:p.fract(t),usage:\"dynamic\"}),c({data:new Uint8Array(u),type:\"uint8\",usage:\"stream\"}),t}},{marker:function(e,r,n){var i=r.activation;if(i.forEach(function(t){return t&&t.destroy&&t.destroy()}),i.length=0,e&&\"number\"!=typeof e[0]){for(var a=[],o=0,s=Math.min(e.length,r.count);o=0)return a;if(t instanceof Uint8Array||t instanceof Uint8ClampedArray)e=t;else{e=new Uint8Array(t.length);for(var o=0,s=t.length;oi*i*4&&(this.tooManyColors=!0),this.updatePalette(r),1===o.length?o[0]:o},g.prototype.updatePalette=function(t){if(!this.tooManyColors){var e=this.maxColors,r=this.paletteTexture,n=Math.ceil(.25*t.length/e);if(n>1)for(var i=.25*(t=t.slice()).length%e;i2?(s[0],s[2],n=s[1],i=s[3]):s.length?(n=s[0],i=s[1]):(s.x,n=s.y,s.x+s.width,i=s.y+s.height),l.length>2?(a=l[0],o=l[2],l[1],l[3]):l.length?(a=l[0],o=l[1]):(a=l.x,l.y,o=l.x+l.width,l.y+l.height),[a,n,o,i]}function p(t){if(\"number\"==typeof t)return[t,t,t,t];if(2===t.length)return[t[0],t[1],t[0],t[1]];var e=l(t);return[e.x,e.y,e.x+e.width,e.y+e.height]}e.exports=u,u.prototype.render=function(){for(var t,e=this,r=[],n=arguments.length;n--;)r[n]=arguments[n];return r.length&&(t=this).update.apply(t,r),this.regl.attributes.preserveDrawingBuffer?this.draw():(this.dirty?null==this.planned&&(this.planned=o(function(){e.draw(),e.dirty=!0,e.planned=null})):(this.draw(),this.dirty=!0,o(function(){e.dirty=!1})),this)},u.prototype.update=function(){for(var t,e=[],r=arguments.length;r--;)e[r]=arguments[r];if(e.length){for(var n=0;nM))&&(s.lower||!(k>>=e))<<3,(e|=r=(15<(t>>>=r))<<2)|(r=(3<(t>>>=r))<<1)|t>>>r>>1}function s(){function t(t){t:{for(var e=16;268435456>=e;e*=16)if(t<=e){t=e;break t}t=0}return 0<(e=r[o(t)>>2]).length?e.pop():new ArrayBuffer(t)}function e(t){r[o(t.byteLength)>>2].push(t)}var r=a(8,function(){return[]});return{alloc:t,free:e,allocType:function(e,r){var n=null;switch(e){case 5120:n=new Int8Array(t(r),0,r);break;case 5121:n=new Uint8Array(t(r),0,r);break;case 5122:n=new Int16Array(t(2*r),0,r);break;case 5123:n=new Uint16Array(t(2*r),0,r);break;case 5124:n=new Int32Array(t(4*r),0,r);break;case 5125:n=new Uint32Array(t(4*r),0,r);break;case 5126:n=new Float32Array(t(4*r),0,r);break;default:return null}return n.length!==r?n.subarray(0,r):n},freeType:function(t){e(t.buffer)}}}function l(t){return!!t&&\"object\"==typeof t&&Array.isArray(t.shape)&&Array.isArray(t.stride)&&\"number\"==typeof t.offset&&t.shape.length===t.stride.length&&(Array.isArray(t.data)||Y(t.data))}function c(t,e,r,n,i,a){for(var o=0;o(i=s)&&(i=n.buffer.byteLength,5123===f?i>>=1:5125===f&&(i>>=2)),n.vertCount=i,i=o,0>o&&(i=4,1===(o=n.buffer.dimension)&&(i=0),2===o&&(i=1),3===o&&(i=4)),n.primType=i}function o(t){n.elementsCount--,delete s[t.id],t.buffer.destroy(),t.buffer=null}var s={},c=0,u={uint8:5121,uint16:5123};e.oes_element_index_uint&&(u.uint32=5125),i.prototype.bind=function(){this.buffer.bind()};var f=[];return{create:function(t,e){function s(t){if(t)if(\"number\"==typeof t)c(t),f.primType=4,f.vertCount=0|t,f.type=5121;else{var e=null,r=35044,n=-1,i=-1,o=0,h=0;Array.isArray(t)||Y(t)||l(t)?e=t:(\"data\"in t&&(e=t.data),\"usage\"in t&&(r=K[t.usage]),\"primitive\"in t&&(n=rt[t.primitive]),\"count\"in t&&(i=0|t.count),\"type\"in t&&(h=u[t.type]),\"length\"in t?o=0|t.length:(o=i,5123===h||5122===h?o*=2:5125!==h&&5124!==h||(o*=4))),a(f,e,r,n,i,o,h)}else c(),f.primType=4,f.vertCount=0,f.type=5121;return s}var c=r.create(null,34963,!0),f=new i(c._buffer);return n.elementsCount++,s(t),s._reglType=\"elements\",s._elements=f,s.subdata=function(t,e){return c.subdata(t,e),s},s.destroy=function(){o(f)},s},createStream:function(t){var e=f.pop();return e||(e=new i(r.create(null,34963,!0,!1)._buffer)),a(e,t,35040,-1,-1,0,0),e},destroyStream:function(t){f.push(t)},getElements:function(t){return\"function\"==typeof t&&t._elements instanceof i?t._elements:null},clear:function(){X(s).forEach(o)}}}function g(t){for(var e=G.allocType(5123,t.length),r=0;r>>31<<15,i=(a<<1>>>24)-127,a=a>>13&1023;e[r]=-24>i?n:-14>i?n+(a+1024>>-14-i):15>=i,r.height>>=i,p(r,n[i]),t.mipmask|=1<e;++e)t.images[e]=null;return t}function L(t){for(var e=t.images,r=0;re){for(var r=0;r=--this.refCount&&B(this)}}),o.profile&&(a.getTotalTextureSize=function(){var t=0;return Object.keys(mt).forEach(function(e){t+=mt[e].stats.size}),t}),{create2D:function(e,r){function n(t,e){var r=i.texInfo;z.call(r);var a=C();return\"number\"==typeof t?T(a,0|t,\"number\"==typeof e?0|e:0|t):t?(O(r,t),S(a,t)):T(a,1,1),r.genMipmaps&&(a.mipmask=(a.width<<1)-1),i.mipmask=a.mipmask,c(i,a),i.internalformat=a.internalformat,n.width=a.width,n.height=a.height,D(i),E(a,3553),I(r,3553),R(),L(a),o.profile&&(i.stats.size=k(i.internalformat,i.type,a.width,a.height,r.genMipmaps,!1)),n.format=tt[i.internalformat],n.type=et[i.type],n.mag=rt[r.magFilter],n.min=nt[r.minFilter],n.wrapS=it[r.wrapS],n.wrapT=it[r.wrapT],n}var i=new P(3553);return mt[i.id]=i,a.textureCount++,n(e,r),n.subimage=function(t,e,r,a){e|=0,r|=0,a|=0;var o=m();return c(o,i),o.width=0,o.height=0,p(o,t),o.width=o.width||(i.width>>a)-e,o.height=o.height||(i.height>>a)-r,D(i),d(o,3553,e,r,a),R(),M(o),n},n.resize=function(e,r){var a=0|e,s=0|r||a;if(a===i.width&&s===i.height)return n;n.width=i.width=a,n.height=i.height=s,D(i);for(var l,c=i.channels,u=i.type,f=0;i.mipmask>>f;++f){var h=a>>f,p=s>>f;if(!h||!p)break;l=G.zero.allocType(u,h*p*c),t.texImage2D(3553,f,i.format,h,p,0,i.format,i.type,l),l&&G.zero.freeType(l)}return R(),o.profile&&(i.stats.size=k(i.internalformat,i.type,a,s,!1,!1)),n},n._reglType=\"texture2d\",n._texture=i,o.profile&&(n.stats=i.stats),n.destroy=function(){i.decRef()},n},createCube:function(e,r,n,i,s,l){function f(t,e,r,n,i,a){var s,l=h.texInfo;for(z.call(l),s=0;6>s;++s)g[s]=C();if(\"number\"!=typeof t&&t){if(\"object\"==typeof t)if(e)S(g[0],t),S(g[1],e),S(g[2],r),S(g[3],n),S(g[4],i),S(g[5],a);else if(O(l,t),u(h,t),\"faces\"in t)for(t=t.faces,s=0;6>s;++s)c(g[s],h),S(g[s],t[s]);else for(s=0;6>s;++s)S(g[s],t)}else for(t=0|t||1,s=0;6>s;++s)T(g[s],t,t);for(c(h,g[0]),h.mipmask=l.genMipmaps?(g[0].width<<1)-1:g[0].mipmask,h.internalformat=g[0].internalformat,f.width=g[0].width,f.height=g[0].height,D(h),s=0;6>s;++s)E(g[s],34069+s);for(I(l,34067),R(),o.profile&&(h.stats.size=k(h.internalformat,h.type,f.width,f.height,l.genMipmaps,!0)),f.format=tt[h.internalformat],f.type=et[h.type],f.mag=rt[l.magFilter],f.min=nt[l.minFilter],f.wrapS=it[l.wrapS],f.wrapT=it[l.wrapT],s=0;6>s;++s)L(g[s]);return f}var h=new P(34067);mt[h.id]=h,a.cubeCount++;var g=Array(6);return f(e,r,n,i,s,l),f.subimage=function(t,e,r,n,i){r|=0,n|=0,i|=0;var a=m();return c(a,h),a.width=0,a.height=0,p(a,e),a.width=a.width||(h.width>>i)-r,a.height=a.height||(h.height>>i)-n,D(h),d(a,34069+t,r,n,i),R(),M(a),f},f.resize=function(e){if((e|=0)!==h.width){f.width=h.width=e,f.height=h.height=e,D(h);for(var r=0;6>r;++r)for(var n=0;h.mipmask>>n;++n)t.texImage2D(34069+r,n,h.format,e>>n,e>>n,0,h.format,h.type,null);return R(),o.profile&&(h.stats.size=k(h.internalformat,h.type,f.width,f.height,!1,!0)),f}},f._reglType=\"textureCube\",f._texture=h,o.profile&&(f.stats=h.stats),f.destroy=function(){h.decRef()},f},clear:function(){for(var e=0;er;++r)if(0!=(e.mipmask&1<>r,e.height>>r,0,e.internalformat,e.type,null);else for(var n=0;6>n;++n)t.texImage2D(34069+n,r,e.internalformat,e.width>>r,e.height>>r,0,e.internalformat,e.type,null);I(e.texInfo,e.target)})}}}function A(t,e,r,n,i,a){function o(t,e,r){this.target=t,this.texture=e,this.renderbuffer=r;var n=t=0;e?(t=e.width,n=e.height):r&&(t=r.width,n=r.height),this.width=t,this.height=n}function s(t){t&&(t.texture&&t.texture._texture.decRef(),t.renderbuffer&&t.renderbuffer._renderbuffer.decRef())}function l(t,e,r){t&&(t.texture?t.texture._texture.refCount+=1:t.renderbuffer._renderbuffer.refCount+=1)}function c(e,r){r&&(r.texture?t.framebufferTexture2D(36160,e,r.target,r.texture._texture.texture,0):t.framebufferRenderbuffer(36160,e,36161,r.renderbuffer._renderbuffer.renderbuffer))}function u(t){var e=3553,r=null,n=null,i=t;return\"object\"==typeof t&&(i=t.data,\"target\"in t&&(e=0|t.target)),\"texture2d\"===(t=i._reglType)?r=i:\"textureCube\"===t?r=i:\"renderbuffer\"===t&&(n=i,e=36161),new o(e,r,n)}function f(t,e,r,a,s){return r?((t=n.create2D({width:t,height:e,format:a,type:s}))._texture.refCount=0,new o(3553,t,null)):((t=i.create({width:t,height:e,format:a}))._renderbuffer.refCount=0,new o(36161,null,t))}function h(t){return t&&(t.texture||t.renderbuffer)}function p(t,e,r){t&&(t.texture?t.texture.resize(e,r):t.renderbuffer&&t.renderbuffer.resize(e,r))}function d(){this.id=k++,M[this.id]=this,this.framebuffer=t.createFramebuffer(),this.height=this.width=0,this.colorAttachments=[],this.depthStencilAttachment=this.stencilAttachment=this.depthAttachment=null}function g(t){t.colorAttachments.forEach(s),s(t.depthAttachment),s(t.stencilAttachment),s(t.depthStencilAttachment)}function v(e){t.deleteFramebuffer(e.framebuffer),e.framebuffer=null,a.framebufferCount--,delete M[e.id]}function m(e){var n;t.bindFramebuffer(36160,e.framebuffer);var i=e.colorAttachments;for(n=0;ni;++i){for(c=0;ct;++t)r[t].resize(n);return e.width=e.height=n,e},_reglType:\"framebufferCube\",destroy:function(){r.forEach(function(t){t.destroy()})}})},clear:function(){X(M).forEach(v)},restore:function(){X(M).forEach(function(e){e.framebuffer=t.createFramebuffer(),m(e)})}})}function T(){this.w=this.z=this.y=this.x=this.state=0,this.buffer=null,this.size=0,this.normalized=!1,this.type=5126,this.divisor=this.stride=this.offset=0}function S(t,e,r,n){function i(t,e,r,n){this.name=t,this.id=e,this.location=r,this.info=n}function a(t,e){for(var r=0;rt&&(t=e.stats.uniformsCount)}),t},r.getMaxAttributesCount=function(){var t=0;return h.forEach(function(e){e.stats.attributesCount>t&&(t=e.stats.attributesCount)}),t}),{clear:function(){var e=t.deleteShader.bind(t);X(c).forEach(e),c={},X(u).forEach(e),u={},h.forEach(function(e){t.deleteProgram(e.program)}),h.length=0,f={},r.shaderCount=0},program:function(t,e,n){var i=f[e];i||(i=f[e]={});var a=i[t];return a||(a=new s(e,t),r.shaderCount++,l(a),i[t]=a,h.push(a)),a},restore:function(){c={},u={};for(var t=0;t\"+e+\"?\"+i+\".constant[\"+e+\"]:0;\"}).join(\"\"),\"}}else{\",\"if(\",o,\"(\",i,\".buffer)){\",u,\"=\",s,\".createStream(\",34962,\",\",i,\".buffer);\",\"}else{\",u,\"=\",s,\".getBuffer(\",i,\".buffer);\",\"}\",f,'=\"type\" in ',i,\"?\",a.glTypes,\"[\",i,\".type]:\",u,\".dtype;\",l.normalized,\"=!!\",i,\".normalized;\"),n(\"size\"),n(\"offset\"),n(\"stride\"),n(\"divisor\"),r(\"}}\"),r.exit(\"if(\",l.isStream,\"){\",s,\".destroyStream(\",u,\");\",\"}\"),l})}),o}function A(t,e,r,n,i){var o=_(t),s=function(t,e,r){function n(t){if(t in i){var r=i[t];t=!0;var n,o,s=0|r.x,l=0|r.y;return\"width\"in r?n=0|r.width:t=!1,\"height\"in r?o=0|r.height:t=!1,new P(!t&&e&&e.thisDep,!t&&e&&e.contextDep,!t&&e&&e.propDep,function(t,e){var i=t.shared.context,a=n;\"width\"in r||(a=e.def(i,\".\",\"framebufferWidth\",\"-\",s));var c=o;return\"height\"in r||(c=e.def(i,\".\",\"framebufferHeight\",\"-\",l)),[s,l,a,c]})}if(t in a){var c=a[t];return t=B(c,function(t,e){var r=t.invoke(e,c),n=t.shared.context,i=e.def(r,\".x|0\"),a=e.def(r,\".y|0\");return[i,a,e.def('\"width\" in ',r,\"?\",r,\".width|0:\",\"(\",n,\".\",\"framebufferWidth\",\"-\",i,\")\"),r=e.def('\"height\" in ',r,\"?\",r,\".height|0:\",\"(\",n,\".\",\"framebufferHeight\",\"-\",a,\")\")]}),e&&(t.thisDep=t.thisDep||e.thisDep,t.contextDep=t.contextDep||e.contextDep,t.propDep=t.propDep||e.propDep),t}return e?new P(e.thisDep,e.contextDep,e.propDep,function(t,e){var r=t.shared.context;return[0,0,e.def(r,\".\",\"framebufferWidth\"),e.def(r,\".\",\"framebufferHeight\")]}):null}var i=t.static,a=t.dynamic;if(t=n(\"viewport\")){var o=t;t=new P(t.thisDep,t.contextDep,t.propDep,function(t,e){var r=o.append(t,e),n=t.shared.context;return e.set(n,\".viewportWidth\",r[2]),e.set(n,\".viewportHeight\",r[3]),r})}return{viewport:t,scissor_box:n(\"scissor.box\")}}(t,o),l=k(t),c=function(t,e){var r=t.static,n=t.dynamic,i={};return nt.forEach(function(t){function e(e,a){if(t in r){var s=e(r[t]);i[o]=R(function(){return s})}else if(t in n){var l=n[t];i[o]=B(l,function(t,e){return a(t,e,t.invoke(e,l))})}}var o=m(t);switch(t){case\"cull.enable\":case\"blend.enable\":case\"dither\":case\"stencil.enable\":case\"depth.enable\":case\"scissor.enable\":case\"polygonOffset.enable\":case\"sample.alpha\":case\"sample.enable\":case\"depth.mask\":return e(function(t){return t},function(t,e,r){return r});case\"depth.func\":return e(function(t){return kt[t]},function(t,e,r){return e.def(t.constants.compareFuncs,\"[\",r,\"]\")});case\"depth.range\":return e(function(t){return t},function(t,e,r){return[e.def(\"+\",r,\"[0]\"),e=e.def(\"+\",r,\"[1]\")]});case\"blend.func\":return e(function(t){return[wt[\"srcRGB\"in t?t.srcRGB:t.src],wt[\"dstRGB\"in t?t.dstRGB:t.dst],wt[\"srcAlpha\"in t?t.srcAlpha:t.src],wt[\"dstAlpha\"in t?t.dstAlpha:t.dst]]},function(t,e,r){function n(t,n){return e.def('\"',t,n,'\" in ',r,\"?\",r,\".\",t,n,\":\",r,\".\",t)}t=t.constants.blendFuncs;var i=n(\"src\",\"RGB\"),a=n(\"dst\",\"RGB\"),o=(i=e.def(t,\"[\",i,\"]\"),e.def(t,\"[\",n(\"src\",\"Alpha\"),\"]\"));return[i,a=e.def(t,\"[\",a,\"]\"),o,t=e.def(t,\"[\",n(\"dst\",\"Alpha\"),\"]\")]});case\"blend.equation\":return e(function(t){return\"string\"==typeof t?[$[t],$[t]]:\"object\"==typeof t?[$[t.rgb],$[t.alpha]]:void 0},function(t,e,r){var n=t.constants.blendEquations,i=e.def(),a=e.def();return(t=t.cond(\"typeof \",r,'===\"string\"')).then(i,\"=\",a,\"=\",n,\"[\",r,\"];\"),t.else(i,\"=\",n,\"[\",r,\".rgb];\",a,\"=\",n,\"[\",r,\".alpha];\"),e(t),[i,a]});case\"blend.color\":return e(function(t){return a(4,function(e){return+t[e]})},function(t,e,r){return a(4,function(t){return e.def(\"+\",r,\"[\",t,\"]\")})});case\"stencil.mask\":return e(function(t){return 0|t},function(t,e,r){return e.def(r,\"|0\")});case\"stencil.func\":return e(function(t){return[kt[t.cmp||\"keep\"],t.ref||0,\"mask\"in t?t.mask:-1]},function(t,e,r){return[t=e.def('\"cmp\" in ',r,\"?\",t.constants.compareFuncs,\"[\",r,\".cmp]\",\":\",7680),e.def(r,\".ref|0\"),e=e.def('\"mask\" in ',r,\"?\",r,\".mask|0:-1\")]});case\"stencil.opFront\":case\"stencil.opBack\":return e(function(e){return[\"stencil.opBack\"===t?1029:1028,Mt[e.fail||\"keep\"],Mt[e.zfail||\"keep\"],Mt[e.zpass||\"keep\"]]},function(e,r,n){function i(t){return r.def('\"',t,'\" in ',n,\"?\",a,\"[\",n,\".\",t,\"]:\",7680)}var a=e.constants.stencilOps;return[\"stencil.opBack\"===t?1029:1028,i(\"fail\"),i(\"zfail\"),i(\"zpass\")]});case\"polygonOffset.offset\":return e(function(t){return[0|t.factor,0|t.units]},function(t,e,r){return[e.def(r,\".factor|0\"),e=e.def(r,\".units|0\")]});case\"cull.face\":return e(function(t){var e=0;return\"front\"===t?e=1028:\"back\"===t&&(e=1029),e},function(t,e,r){return e.def(r,'===\"front\"?',1028,\":\",1029)});case\"lineWidth\":return e(function(t){return t},function(t,e,r){return r});case\"frontFace\":return e(function(t){return At[t]},function(t,e,r){return e.def(r+'===\"cw\"?2304:2305')});case\"colorMask\":return e(function(t){return t.map(function(t){return!!t})},function(t,e,r){return a(4,function(t){return\"!!\"+r+\"[\"+t+\"]\"})});case\"sample.coverage\":return e(function(t){return[\"value\"in t?t.value:1,!!t.invert]},function(t,e,r){return[e.def('\"value\" in ',r,\"?+\",r,\".value:1\"),e=e.def(\"!!\",r,\".invert\")]})}}),i}(t),u=w(t),f=s.viewport;return f&&(c.viewport=f),(s=s[f=m(\"scissor.box\")])&&(c[f]=s),(o={framebuffer:o,draw:l,shader:u,state:c,dirty:s=0>1)\",s],\");\")}function e(){r(l,\".drawArraysInstancedANGLE(\",[d,g,v,s],\");\")}p?y?t():(r(\"if(\",p,\"){\"),t(),r(\"}else{\"),e(),r(\"}\")):e()}function o(){function t(){r(u+\".drawElements(\"+[d,v,m,g+\"<<((\"+m+\"-5121)>>1)\"]+\");\")}function e(){r(u+\".drawArrays(\"+[d,g,v]+\");\")}p?y?t():(r(\"if(\",p,\"){\"),t(),r(\"}else{\"),e(),r(\"}\")):e()}var s,l,c=t.shared,u=c.gl,f=c.draw,h=n.draw,p=function(){var i=h.elements,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,\".\",\"elements\"),i&&a(\"if(\"+i+\")\"+u+\".bindBuffer(34963,\"+i+\".buffer.buffer);\"),i}(),d=i(\"primitive\"),g=i(\"offset\"),v=function(){var i=h.count,a=e;return i?((i.contextDep&&n.contextDynamic||i.propDep)&&(a=r),i=i.append(t,a)):i=a.def(f,\".\",\"count\"),i}();if(\"number\"==typeof v){if(0===v)return}else r(\"if(\",v,\"){\"),r.exit(\"}\");K&&(s=i(\"instances\"),l=t.instancing);var m=p+\".type\",y=h.elements&&D(h.elements);K&&(\"number\"!=typeof s||0<=s)?\"string\"==typeof s?(r(\"if(\",s,\">0){\"),a(),r(\"}else if(\",s,\"<0){\"),o(),r(\"}\")):a():o()}function q(t,e,r,n,i){return i=(e=b()).proc(\"body\",i),K&&(e.instancing=i.def(e.shared.extensions,\".angle_instanced_arrays\")),t(e,i,r,n),e.compile().body}function H(t,e,r,n){L(t,e),N(t,e,r,n.attributes,function(){return!0}),j(t,e,r,n.uniforms,function(){return!0}),V(t,e,e,r)}function G(t,e,r,n){function i(){return!0}t.batchId=\"a1\",L(t,e),N(t,e,r,n.attributes,i),j(t,e,r,n.uniforms,i),V(t,e,e,r)}function W(t,e,r,n){function i(t){return t.contextDep&&o||t.propDep}function a(t){return!i(t)}L(t,e);var o=r.contextDep,s=e.def(),l=e.def();t.shared.props=l,t.batchId=s;var c=t.scope(),u=t.scope();e(c.entry,\"for(\",s,\"=0;\",s,\"<\",\"a1\",\";++\",s,\"){\",l,\"=\",\"a0\",\"[\",s,\"];\",u,\"}\",c.exit),r.needsContext&&T(t,u,r.context),r.needsFramebuffer&&S(t,u,r.framebuffer),C(t,u,r.state,i),r.profile&&i(r.profile)&&F(t,u,r,!1,!0),n?(N(t,c,r,n.attributes,a),N(t,u,r,n.attributes,i),j(t,c,r,n.uniforms,a),j(t,u,r,n.uniforms,i),V(t,c,u,r)):(e=t.global.def(\"{}\"),n=r.shader.progVar.append(t,u),l=u.def(n,\".id\"),c=u.def(e,\"[\",l,\"]\"),u(t.shared.gl,\".useProgram(\",n,\".program);\",\"if(!\",c,\"){\",c,\"=\",e,\"[\",l,\"]=\",t.link(function(e){return q(G,t,r,e,2)}),\"(\",n,\");}\",c,\".call(this,a0[\",s,\"],\",s,\");\"))}function Y(t,r){function n(e){var n=r.shader[e];n&&i.set(a.shader,\".\"+e,n.append(t,i))}var i=t.proc(\"scope\",3);t.batchId=\"a2\";var a=t.shared,o=a.current;T(t,i,r.context),r.framebuffer&&r.framebuffer.append(t,i),I(Object.keys(r.state)).forEach(function(e){var n=r.state[e].append(t,i);v(n)?n.forEach(function(r,n){i.set(t.next[e],\"[\"+n+\"]\",r)}):i.set(a.next,\".\"+e,n)}),F(t,i,r,!0,!0),[\"elements\",\"offset\",\"count\",\"instances\",\"primitive\"].forEach(function(e){var n=r.draw[e];n&&i.set(a.draw,\".\"+e,\"\"+n.append(t,i))}),Object.keys(r.uniforms).forEach(function(n){i.set(a.uniforms,\"[\"+e.id(n)+\"]\",r.uniforms[n].append(t,i))}),Object.keys(r.attributes).forEach(function(e){var n=r.attributes[e].append(t,i),a=t.scopeAttrib(e);Object.keys(new Z).forEach(function(t){i.set(a,\".\"+t,n[t])})}),n(\"vert\"),n(\"frag\"),0=--this.refCount&&o(this)},i.profile&&(n.getTotalRenderbufferSize=function(){var t=0;return Object.keys(u).forEach(function(e){t+=u[e].stats.size}),t}),{create:function(e,r){function o(e,r){var n=0,a=0,u=32854;if(\"object\"==typeof e&&e?(\"shape\"in e?(n=0|(a=e.shape)[0],a=0|a[1]):(\"radius\"in e&&(n=a=0|e.radius),\"width\"in e&&(n=0|e.width),\"height\"in e&&(a=0|e.height)),\"format\"in e&&(u=s[e.format])):\"number\"==typeof e?(n=0|e,a=\"number\"==typeof r?0|r:n):e||(n=a=1),n!==c.width||a!==c.height||u!==c.format)return o.width=c.width=n,o.height=c.height=a,c.format=u,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,u,n,a),i.profile&&(c.stats.size=vt[c.format]*c.width*c.height),o.format=l[c.format],o}var c=new a(t.createRenderbuffer());return u[c.id]=c,n.renderbufferCount++,o(e,r),o.resize=function(e,r){var n=0|e,a=0|r||n;return n===c.width&&a===c.height?o:(o.width=c.width=n,o.height=c.height=a,t.bindRenderbuffer(36161,c.renderbuffer),t.renderbufferStorage(36161,c.format,n,a),i.profile&&(c.stats.size=vt[c.format]*c.width*c.height),o)},o._reglType=\"renderbuffer\",o._renderbuffer=c,i.profile&&(o.stats=c.stats),o.destroy=function(){c.decRef()},o},clear:function(){X(u).forEach(o)},restore:function(){X(u).forEach(function(e){e.renderbuffer=t.createRenderbuffer(),t.bindRenderbuffer(36161,e.renderbuffer),t.renderbufferStorage(36161,e.format,e.width,e.height)}),t.bindRenderbuffer(36161,null)}}},yt=[];yt[6408]=4,yt[6407]=3;var xt=[];xt[5121]=1,xt[5126]=4,xt[36193]=2;var bt=[\"x\",\"y\",\"z\",\"w\"],_t=\"blend.func blend.equation stencil.func stencil.opFront stencil.opBack sample.coverage viewport scissor.box polygonOffset.offset\".split(\" \"),wt={0:0,1:1,zero:0,one:1,\"src color\":768,\"one minus src color\":769,\"src alpha\":770,\"one minus src alpha\":771,\"dst color\":774,\"one minus dst color\":775,\"dst alpha\":772,\"one minus dst alpha\":773,\"constant color\":32769,\"one minus constant color\":32770,\"constant alpha\":32771,\"one minus constant alpha\":32772,\"src alpha saturate\":776},kt={never:512,less:513,\"<\":513,equal:514,\"=\":514,\"==\":514,\"===\":514,lequal:515,\"<=\":515,greater:516,\">\":516,notequal:517,\"!=\":517,\"!==\":517,gequal:518,\">=\":518,always:519},Mt={0:0,zero:0,keep:7680,replace:7681,increment:7682,decrement:7683,\"increment wrap\":34055,\"decrement wrap\":34056,invert:5386},At={cw:2304,ccw:2305},Tt=new P(!1,!1,!1,function(){});return function(t){function e(){if(0===Z.length)w&&w.update(),Q=null;else{Q=q.next(e),f();for(var t=Z.length-1;0<=t;--t){var r=Z[t];r&&r(z,null,0)}v.flush(),w&&w.update()}}function r(){!Q&&0=Z.length&&n()}}}}function u(){var t=Y.viewport,e=Y.scissor_box;t[0]=t[1]=e[0]=e[1]=0,z.viewportWidth=z.framebufferWidth=z.drawingBufferWidth=t[2]=e[2]=v.drawingBufferWidth,z.viewportHeight=z.framebufferHeight=z.drawingBufferHeight=t[3]=e[3]=v.drawingBufferHeight}function f(){z.tick+=1,z.time=g(),u(),G.procs.poll()}function h(){u(),G.procs.refresh(),w&&w.update()}function g(){return(H()-k)/1e3}if(!(t=i(t)))return null;var v=t.gl,m=v.getContextAttributes();v.isContextLost();var y=function(t,e){function r(e){var r;e=e.toLowerCase();try{r=n[e]=t.getExtension(e)}catch(t){}return!!r}for(var n={},i=0;ie;++e)tt(j({framebuffer:t.framebuffer.faces[e]},t),l);else tt(t,l);else l(0,t)},prop:U.define.bind(null,1),context:U.define.bind(null,2),this:U.define.bind(null,3),draw:s({}),buffer:function(t){return I.create(t,34962,!1,!1)},elements:function(t){return P.create(t,!1)},texture:R.create2D,cube:R.createCube,renderbuffer:B.create,framebuffer:V.create,framebufferCube:V.createCube,attributes:m,frame:c,on:function(t,e){var r;switch(t){case\"frame\":return c(e);case\"lost\":r=$;break;case\"restore\":r=J;break;case\"destroy\":r=K}return r.push(e),{cancel:function(){for(var t=0;t=r)return i.substr(0,r);for(;r>i.length&&e>1;)1&e&&(i+=t),e>>=1,t+=t;return i=(i+=t).substr(0,r)}},{}],480:[function(t,e,r){(function(t){e.exports=t.performance&&t.performance.now?function(){return performance.now()}:Date.now||function(){return+new Date}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{}],481:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=t.length,r=t[t.length-1],n=e,i=e-2;i>=0;--i){var a=r,o=t[i],s=(r=a+o)-a,l=o-s;l&&(t[--n]=r,r=l)}for(var c=0,i=n;i>1;return[\"sum(\",t(e.slice(0,r)),\",\",t(e.slice(r)),\")\"].join(\"\")}(e);var n}function u(t){return new Function(\"sum\",\"scale\",\"prod\",\"compress\",[\"function robustDeterminant\",t,\"(m){return compress(\",c(function(t){for(var e=new Array(t),r=0;r>1;return[\"sum(\",c(t.slice(0,e)),\",\",c(t.slice(e)),\")\"].join(\"\")}function u(t,e){if(\"m\"===t.charAt(0)){if(\"w\"===e.charAt(0)){var r=t.split(\"[\");return[\"w\",e.substr(1),\"m\",r[0].substr(1)].join(\"\")}return[\"prod(\",t,\",\",e,\")\"].join(\"\")}return u(e,t)}function f(t){if(2===t.length)return[[\"diff(\",u(t[0][0],t[1][1]),\",\",u(t[1][0],t[0][1]),\")\"].join(\"\")];for(var e=[],r=0;r0&&r.push(\",\"),r.push(\"[\");for(var o=0;o0&&r.push(\",\"),o===i?r.push(\"+b[\",a,\"]\"):r.push(\"+A[\",a,\"][\",o,\"]\");r.push(\"]\")}r.push(\"]),\")}r.push(\"det(A)]}return \",e);var s=new Function(\"det\",r.join(\"\"));return s(t<6?n[t]:n)}var o=[function(){return[0]},function(t,e){return[[e[0]],[t[0][0]]]}];!function(){for(;o.length>1;return[\"sum(\",c(t.slice(0,e)),\",\",c(t.slice(e)),\")\"].join(\"\")}function u(t){if(2===t.length)return[[\"sum(prod(\",t[0][0],\",\",t[1][1],\"),prod(-\",t[0][1],\",\",t[1][0],\"))\"].join(\"\")];for(var e=[],r=0;r0){if(a<=0)return o;n=i+a}else{if(!(i<0))return o;if(a>=0)return o;n=-(i+a)}var s=3.3306690738754716e-16*n;return o>=s||o<=-s?o:h(t,e,r)},function(t,e,r,n){var i=t[0]-n[0],a=e[0]-n[0],o=r[0]-n[0],s=t[1]-n[1],l=e[1]-n[1],c=r[1]-n[1],u=t[2]-n[2],f=e[2]-n[2],h=r[2]-n[2],d=a*c,g=o*l,v=o*s,m=i*c,y=i*l,x=a*s,b=u*(d-g)+f*(v-m)+h*(y-x),_=7.771561172376103e-16*((Math.abs(d)+Math.abs(g))*Math.abs(u)+(Math.abs(v)+Math.abs(m))*Math.abs(f)+(Math.abs(y)+Math.abs(x))*Math.abs(h));return b>_||-b>_?b:p(t,e,r,n)}];!function(){for(;d.length<=s;)d.push(f(d.length));for(var t=[],r=[\"slow\"],n=0;n<=s;++n)t.push(\"a\"+n),r.push(\"o\"+n);var i=[\"function getOrientation(\",t.join(),\"){switch(arguments.length){case 0:case 1:return 0;\"];for(n=2;n<=s;++n)i.push(\"case \",n,\":return o\",n,\"(\",t.slice(0,n).join(),\");\");i.push(\"}var s=new Array(arguments.length);for(var i=0;i0&&o>0||a<0&&o<0)return!1;var s=n(r,t,e),l=n(i,t,e);if(s>0&&l>0||s<0&&l<0)return!1;if(0===a&&0===o&&0===s&&0===l)return function(t,e,r,n){for(var i=0;i<2;++i){var a=t[i],o=e[i],s=Math.min(a,o),l=Math.max(a,o),c=r[i],u=n[i],f=Math.min(c,u),h=Math.max(c,u);if(h=n?(i=f,(l+=1)=n?(i=f,(l+=1)0?1:0}},{}],493:[function(t,e,r){\"use strict\";e.exports=function(t){return i(n(t))};var n=t(\"boundary-cells\"),i=t(\"reduce-simplicial-complex\")},{\"boundary-cells\":83,\"reduce-simplicial-complex\":472}],494:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,s){r=r||0,\"undefined\"==typeof s&&(s=function(t){for(var e=t.length,r=0,n=0;n>1,v=E[2*m+1];\",\"if(v===b){return m}\",\"if(b0&&l.push(\",\"),l.push(\"[\");for(var n=0;n0&&l.push(\",\"),l.push(\"B(C,E,c[\",i[0],\"],c[\",i[1],\"])\")}l.push(\"]\")}l.push(\");\")}}for(var a=t+1;a>1;--a){a>1,s=a(t[o],e);s<=0?(0===s&&(i=o),r=o+1):s>0&&(n=o-1)}return i}function u(t,e){for(var r=new Array(t.length),i=0,o=r.length;i=t.length||0!==a(t[v],s)););}return r}function f(t,e){if(e<0)return[];for(var r=[],i=(1<>>u&1&&c.push(i[u]);e.push(c)}return s(e)},r.skeleton=f,r.boundary=function(t){for(var e=[],r=0,n=t.length;r>1:(t>>1)-1}function x(t){for(var e=m(t);;){var r=e,n=2*t+1,i=2*(t+1),a=t;if(n0;){var r=y(t);if(r>=0){var n=m(r);if(e0){var t=M[0];return v(0,S-1),S-=1,x(0),t}return-1}function w(t,e){var r=M[t];return c[r]===e?t:(c[r]=-1/0,b(t),_(),c[r]=e,b((S+=1)-1))}function k(t){if(!u[t]){u[t]=!0;var e=s[t],r=l[t];s[r]>=0&&(s[r]=e),l[e]>=0&&(l[e]=r),A[e]>=0&&w(A[e],g(e)),A[r]>=0&&w(A[r],g(r))}}for(var M=[],A=new Array(a),f=0;f>1;f>=0;--f)x(f);for(;;){var E=_();if(E<0||c[E]>r)break;k(E)}for(var C=[],f=0;f=0&&r>=0&&e!==r){var n=A[e],i=A[r];n!==i&&z.push([n,i])}}),i.unique(i.normalize(z)),{positions:C,edges:z}};var n=t(\"robust-orientation\"),i=t(\"simplicial-complex\")},{\"robust-orientation\":486,\"simplicial-complex\":498}],501:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,a,o,s;if(e[0][0]e[1][0]))return i(e,t);r=e[1],a=e[0]}if(t[0][0]t[1][0]))return-i(t,e);o=t[1],s=t[0]}var l=n(r,a,s),c=n(r,a,o);if(l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;if(l=n(s,o,a),c=n(s,o,r),l<0){if(c<=0)return l}else if(l>0){if(c>=0)return l}else if(c)return c;return a[0]-s[0]};var n=t(\"robust-orientation\");function i(t,e){var r,i,a,o;if(e[0][0]e[1][0])){var s=Math.min(t[0][1],t[1][1]),l=Math.max(t[0][1],t[1][1]),c=Math.min(e[0][1],e[1][1]),u=Math.max(e[0][1],e[1][1]);return lu?s-u:l-u}r=e[1],i=e[0]}t[0][1]0)if(e[0]!==o[1][0])r=t,t=t.right;else{if(l=c(t.right,e))return l;t=t.left}else{if(e[0]!==o[1][0])return t;var l;if(l=c(t.right,e))return l;t=t.left}}return r}function u(t,e,r,n){this.y=t,this.index=e,this.start=r,this.closed=n}function f(t,e,r,n){this.x=t,this.segment=e,this.create=r,this.index=n}s.prototype.castUp=function(t){var e=n.le(this.coordinates,t[0]);if(e<0)return-1;this.slabs[e];var r=c(this.slabs[e],t),i=-1;if(r&&(i=r.value),this.coordinates[e]===t[0]){var s=null;if(r&&(s=r.key),e>0){var u=c(this.slabs[e-1],t);u&&(s?o(u.key,s)>0&&(s=u.key,i=u.value):(i=u.value,s=u.key))}var f=this.horizontal[e];if(f.length>0){var h=n.ge(f,t[1],l);if(h=f.length)return i;p=f[h]}}if(p.start)if(s){var d=a(s[0],s[1],[t[0],p.y]);s[0][0]>s[1][0]&&(d=-d),d>0&&(i=p.index)}else i=p.index;else p.y!==t[1]&&(i=p.index)}}}return i}},{\"./lib/order-segments\":501,\"binary-search-bounds\":79,\"functional-red-black-tree\":219,\"robust-orientation\":486}],503:[function(t,e,r){\"use strict\";var n=t(\"robust-dot-product\"),i=t(\"robust-sum\");function a(t,e){var r=i(n(t,e),[e[e.length-1]]);return r[r.length-1]}function o(t,e,r,n){var i=-e/(n-e);i<0?i=0:i>1&&(i=1);for(var a=1-i,o=t.length,s=new Array(o),l=0;l0||i>0&&u<0){var f=o(s,u,l,i);r.push(f),n.push(f.slice())}u<0?n.push(l.slice()):u>0?r.push(l.slice()):(r.push(l.slice()),n.push(l.slice())),i=u}return{positive:r,negative:n}},e.exports.positive=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c>=0&&r.push(s.slice()),n=c}return r},e.exports.negative=function(t,e){for(var r=[],n=a(t[t.length-1],e),i=t[t.length-1],s=t[0],l=0;l0||n>0&&c<0)&&r.push(o(i,c,s,n)),c<=0&&r.push(s.slice()),n=c}return r}},{\"robust-dot-product\":483,\"robust-sum\":491}],504:[function(t,e,r){!function(){\"use strict\";var t={not_string:/[^s]/,not_bool:/[^t]/,not_type:/[^T]/,not_primitive:/[^v]/,number:/[diefg]/,numeric_arg:/[bcdiefguxX]/,json:/[j]/,not_json:/[^j]/,text:/^[^\\x25]+/,modulo:/^\\x25{2}/,placeholder:/^\\x25(?:([1-9]\\d*)\\$|\\(([^\\)]+)\\))?(\\+)?(0|'[^$])?(-)?(\\d+)?(?:\\.(\\d+))?([b-gijostTuvxX])/,key:/^([a-z_][a-z_\\d]*)/i,key_access:/^\\.([a-z_][a-z_\\d]*)/i,index_access:/^\\[(\\d+)\\]/,sign:/^[\\+\\-]/};function e(r){return function(r,n){var i,a,o,s,l,c,u,f,h,p=1,d=r.length,g=\"\";for(a=0;a=0),s[8]){case\"b\":i=parseInt(i,10).toString(2);break;case\"c\":i=String.fromCharCode(parseInt(i,10));break;case\"d\":case\"i\":i=parseInt(i,10);break;case\"j\":i=JSON.stringify(i,null,s[6]?parseInt(s[6]):0);break;case\"e\":i=s[7]?parseFloat(i).toExponential(s[7]):parseFloat(i).toExponential();break;case\"f\":i=s[7]?parseFloat(i).toFixed(s[7]):parseFloat(i);break;case\"g\":i=s[7]?String(Number(i.toPrecision(s[7]))):parseFloat(i);break;case\"o\":i=(parseInt(i,10)>>>0).toString(8);break;case\"s\":i=String(i),i=s[7]?i.substring(0,s[7]):i;break;case\"t\":i=String(!!i),i=s[7]?i.substring(0,s[7]):i;break;case\"T\":i=Object.prototype.toString.call(i).slice(8,-1).toLowerCase(),i=s[7]?i.substring(0,s[7]):i;break;case\"u\":i=parseInt(i,10)>>>0;break;case\"v\":i=i.valueOf(),i=s[7]?i.substring(0,s[7]):i;break;case\"x\":i=(parseInt(i,10)>>>0).toString(16);break;case\"X\":i=(parseInt(i,10)>>>0).toString(16).toUpperCase()}t.json.test(s[8])?g+=i:(!t.number.test(s[8])||f&&!s[3]?h=\"\":(h=f?\"+\":\"-\",i=i.toString().replace(t.sign,\"\")),c=s[4]?\"0\"===s[4]?\"0\":s[4].charAt(1):\" \",u=s[6]-(h+i).length,l=s[6]&&u>0?c.repeat(u):\"\",g+=s[5]?h+i+l:\"0\"===c?h+l+i:l+h+i)}return g}(function(e){if(i[e])return i[e];var r,n=e,a=[],o=0;for(;n;){if(null!==(r=t.text.exec(n)))a.push(r[0]);else if(null!==(r=t.modulo.exec(n)))a.push(\"%\");else{if(null===(r=t.placeholder.exec(n)))throw new SyntaxError(\"[sprintf] unexpected placeholder\");if(r[2]){o|=1;var s=[],l=r[2],c=[];if(null===(c=t.key.exec(l)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");for(s.push(c[1]);\"\"!==(l=l.substring(c[0].length));)if(null!==(c=t.key_access.exec(l)))s.push(c[1]);else{if(null===(c=t.index_access.exec(l)))throw new SyntaxError(\"[sprintf] failed to parse named argument key\");s.push(c[1])}r[2]=s}else o|=2;if(3===o)throw new Error(\"[sprintf] mixing positional and named placeholders is not (yet) supported\");a.push(r)}n=n.substring(r[0].length)}return i[e]=a}(r),arguments)}function n(t,r){return e.apply(null,[t].concat(r||[]))}var i=Object.create(null);\"undefined\"!=typeof r&&(r.sprintf=e,r.vsprintf=n),\"undefined\"!=typeof window&&(window.sprintf=e,window.vsprintf=n)}()},{}],505:[function(t,e,r){\"use strict\";var n=t(\"parenthesis\");e.exports=function(t,e,r){if(null==t)throw Error(\"First argument should be a string\");if(null==e)throw Error(\"Separator should be a string or a RegExp\");r?(\"string\"==typeof r||Array.isArray(r))&&(r={ignore:r}):r={},null==r.escape&&(r.escape=!0),null==r.ignore?r.ignore=[\"[]\",\"()\",\"{}\",\"<>\",'\"\"',\"''\",\"``\",\"\\u201c\\u201d\",\"\\xab\\xbb\"]:(\"string\"==typeof r.ignore&&(r.ignore=[r.ignore]),r.ignore=r.ignore.map(function(t){return 1===t.length&&(t+=t),t}));var i=n.parse(t,{flat:!0,brackets:r.ignore}),a=i[0].split(e);if(r.escape){for(var o=[],s=0;s0;){e=c[c.length-1];var p=t[e];if(a[e]=0&&s[e].push(o[g])}a[e]=d}else{if(n[e]===r[e]){for(var v=[],m=[],y=0,d=l.length-1;d>=0;--d){var x=l[d];if(i[x]=!1,v.push(x),m.push(s[x]),y+=s[x].length,o[x]=f.length,x===e){l.length=d;break}}f.push(v);for(var b=new Array(y),d=0;d c)|0 },\"),\"generic\"===e&&a.push(\"getters:[0],\");for(var s=[],l=[],c=0;c>>7){\");for(var c=0;c<1<<(1<128&&c%128==0){f.length>0&&h.push(\"}}\");var p=\"vExtra\"+f.length;a.push(\"case \",c>>>7,\":\",p,\"(m&0x7f,\",l.join(),\");break;\"),h=[\"function \",p,\"(m,\",l.join(),\"){switch(m){\"],f.push(h)}h.push(\"case \",127&c,\":\");for(var d=new Array(r),g=new Array(r),v=new Array(r),m=new Array(r),y=0,x=0;xx)&&!(c&1<<_)!=!(c&1<0&&(A=\"+\"+v[b]+\"*c\");var T=d[b].length/y*.5,S=.5+m[b]/y*.5;M.push(\"d\"+b+\"-\"+S+\"-\"+T+\"*(\"+d[b].join(\"+\")+A+\")/(\"+g[b].join(\"+\")+\")\")}h.push(\"a.push([\",M.join(),\"]);\",\"break;\")}a.push(\"}},\"),f.length>0&&h.push(\"}}\");for(var E=[],c=0;c<1<1&&(a=1),a<-1&&(a=-1),i*Math.acos(a)};r.default=function(t){var e=t.px,r=t.py,l=t.cx,c=t.cy,u=t.rx,f=t.ry,h=t.xAxisRotation,p=void 0===h?0:h,d=t.largeArcFlag,g=void 0===d?0:d,v=t.sweepFlag,m=void 0===v?0:v,y=[];if(0===u||0===f)return[];var x=Math.sin(p*i/360),b=Math.cos(p*i/360),_=b*(e-l)/2+x*(r-c)/2,w=-x*(e-l)/2+b*(r-c)/2;if(0===_&&0===w)return[];u=Math.abs(u),f=Math.abs(f);var k=Math.pow(_,2)/Math.pow(u,2)+Math.pow(w,2)/Math.pow(f,2);k>1&&(u*=Math.sqrt(k),f*=Math.sqrt(k));var M=function(t,e,r,n,a,o,l,c,u,f,h,p){var d=Math.pow(a,2),g=Math.pow(o,2),v=Math.pow(h,2),m=Math.pow(p,2),y=d*g-d*m-g*v;y<0&&(y=0),y/=d*m+g*v;var x=(y=Math.sqrt(y)*(l===c?-1:1))*a/o*p,b=y*-o/a*h,_=f*x-u*b+(t+r)/2,w=u*x+f*b+(e+n)/2,k=(h-x)/a,M=(p-b)/o,A=(-h-x)/a,T=(-p-b)/o,S=s(1,0,k,M),E=s(k,M,A,T);return 0===c&&E>0&&(E-=i),1===c&&E<0&&(E+=i),[_,w,S,E]}(e,r,l,c,u,f,g,m,x,b,_,w),A=n(M,4),T=A[0],S=A[1],E=A[2],C=A[3],L=Math.abs(C)/(i/4);Math.abs(1-L)<1e-7&&(L=1);var z=Math.max(Math.ceil(L),1);C/=z;for(var O=0;Oe[2]&&(e[2]=c[u+0]),c[u+1]>e[3]&&(e[3]=c[u+1]);return e}},{\"abs-svg-path\":48,assert:56,\"is-svg-path\":407,\"normalize-svg-path\":511,\"parse-svg-path\":443}],511:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e,r=[],o=0,s=0,l=0,c=0,u=null,f=null,h=0,p=0,d=0,g=t.length;d4?(o=v[v.length-4],s=v[v.length-3]):(o=h,s=p),r.push(v)}return r};var n=t(\"svg-arc-to-cubic-bezier\");function i(t,e,r,n){return[\"C\",t,e,r,n,r,n]}function a(t,e,r,n,i,a){return[\"C\",t/3+2/3*r,e/3+2/3*n,i/3+2/3*r,a/3+2/3*n,i,a]}},{\"svg-arc-to-cubic-bezier\":509}],512:[function(t,e,r){\"use strict\";var n=t(\"svg-path-bounds\"),i=t(\"parse-svg-path\"),a=t(\"draw-svg-path\"),o=t(\"is-svg-path\"),s=t(\"bitmap-sdf\"),l=document.createElement(\"canvas\"),c=l.getContext(\"2d\");e.exports=function(t,e){if(!o(t))throw Error(\"Argument should be valid svg path string\");e||(e={});var r,u;e.shape?(r=e.shape[0],u=e.shape[1]):(r=l.width=e.w||e.width||200,u=l.height=e.h||e.height||200);var f=Math.min(r,u),h=e.stroke||0,p=e.viewbox||e.viewBox||n(t),d=[r/(p[2]-p[0]),u/(p[3]-p[1])],g=Math.min(d[0]||0,d[1]||0)/2;c.fillStyle=\"black\",c.fillRect(0,0,r,u),c.fillStyle=\"white\",h&&(\"number\"!=typeof h&&(h=1),c.strokeStyle=h>0?\"white\":\"black\",c.lineWidth=Math.abs(h));if(c.translate(.5*r,.5*u),c.scale(g,g),function(){var t=document.createElement(\"canvas\").getContext(\"2d\");t.canvas.width=t.canvas.height=1;var e=new Path2D(\"M0,0h1v1h-1v-1Z\");t.fillStyle=\"black\",t.fill(e);var r=t.getImageData(0,0,1,1);return r&&r.data&&255===r.data[3]}()){var v=new Path2D(t);c.fill(v),h&&c.stroke(v)}else{var m=i(t);a(c,m),c.fill(),h&&c.stroke()}return c.setTransform(1,0,0,1,0,0),s(c,{cutoff:null!=e.cutoff?e.cutoff:.5,radius:null!=e.radius?e.radius:.5*f})}},{\"bitmap-sdf\":81,\"draw-svg-path\":153,\"is-svg-path\":407,\"parse-svg-path\":443,\"svg-path-bounds\":510}],513:[function(t,e,r){(function(r){\"use strict\";e.exports=function t(e,r,i){var i=i||{};var o=a[e];o||(o=a[e]={\" \":{data:new Float32Array(0),shape:.2}});var s=o[r];if(!s)if(r.length<=1||!/\\d/.test(r))s=o[r]=function(t){for(var e=t.cells,r=t.positions,n=new Float32Array(6*e.length),i=0,a=0,o=0;o0&&(f+=.02);for(var p=new Float32Array(u),d=0,g=-.5*f,h=0;h1&&(r-=1),r<1/6?t+6*(e-t)*r:r<.5?e:r<2/3?t+(e-t)*(2/3-r)*6:t}if(t=L(t,360),e=L(e,100),r=L(r,100),0===e)n=i=a=r;else{var s=r<.5?r*(1+e):r+e-r*e,l=2*r-s;n=o(l,s,t+1/3),i=o(l,s,t),a=o(l,s,t-1/3)}return{r:255*n,g:255*i,b:255*a}}(e.h,l,u),f=!0,h=\"hsl\"),e.hasOwnProperty(\"a\")&&(a=e.a));var p,d,g;return a=C(a),{ok:f,format:e.format||h,r:o(255,s(i.r,0)),g:o(255,s(i.g,0)),b:o(255,s(i.b,0)),a:a}}(e);this._originalInput=e,this._r=u.r,this._g=u.g,this._b=u.b,this._a=u.a,this._roundA=a(100*this._a)/100,this._format=l.format||u.format,this._gradientType=l.gradientType,this._r<1&&(this._r=a(this._r)),this._g<1&&(this._g=a(this._g)),this._b<1&&(this._b=a(this._b)),this._ok=u.ok,this._tc_id=i++}function u(t,e,r){t=L(t,255),e=L(e,255),r=L(r,255);var n,i,a=s(t,e,r),l=o(t,e,r),c=(a+l)/2;if(a==l)n=i=0;else{var u=a-l;switch(i=c>.5?u/(2-a-l):u/(a+l),a){case t:n=(e-r)/u+(e>1)+720)%360;--e;)n.h=(n.h+i)%360,a.push(c(n));return a}function T(t,e){e=e||6;for(var r=c(t).toHsv(),n=r.h,i=r.s,a=r.v,o=[],s=1/e;e--;)o.push(c({h:n,s:i,v:a})),a=(a+s)%1;return o}c.prototype={isDark:function(){return this.getBrightness()<128},isLight:function(){return!this.isDark()},isValid:function(){return this._ok},getOriginalInput:function(){return this._originalInput},getFormat:function(){return this._format},getAlpha:function(){return this._a},getBrightness:function(){var t=this.toRgb();return(299*t.r+587*t.g+114*t.b)/1e3},getLuminance:function(){var e,r,n,i=this.toRgb();return e=i.r/255,r=i.g/255,n=i.b/255,.2126*(e<=.03928?e/12.92:t.pow((e+.055)/1.055,2.4))+.7152*(r<=.03928?r/12.92:t.pow((r+.055)/1.055,2.4))+.0722*(n<=.03928?n/12.92:t.pow((n+.055)/1.055,2.4))},setAlpha:function(t){return this._a=C(t),this._roundA=a(100*this._a)/100,this},toHsv:function(){var t=f(this._r,this._g,this._b);return{h:360*t.h,s:t.s,v:t.v,a:this._a}},toHsvString:function(){var t=f(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.v);return 1==this._a?\"hsv(\"+e+\", \"+r+\"%, \"+n+\"%)\":\"hsva(\"+e+\", \"+r+\"%, \"+n+\"%, \"+this._roundA+\")\"},toHsl:function(){var t=u(this._r,this._g,this._b);return{h:360*t.h,s:t.s,l:t.l,a:this._a}},toHslString:function(){var t=u(this._r,this._g,this._b),e=a(360*t.h),r=a(100*t.s),n=a(100*t.l);return 1==this._a?\"hsl(\"+e+\", \"+r+\"%, \"+n+\"%)\":\"hsla(\"+e+\", \"+r+\"%, \"+n+\"%, \"+this._roundA+\")\"},toHex:function(t){return h(this._r,this._g,this._b,t)},toHexString:function(t){return\"#\"+this.toHex(t)},toHex8:function(t){return function(t,e,r,n,i){var o=[I(a(t).toString(16)),I(a(e).toString(16)),I(a(r).toString(16)),I(D(n))];if(i&&o[0].charAt(0)==o[0].charAt(1)&&o[1].charAt(0)==o[1].charAt(1)&&o[2].charAt(0)==o[2].charAt(1)&&o[3].charAt(0)==o[3].charAt(1))return o[0].charAt(0)+o[1].charAt(0)+o[2].charAt(0)+o[3].charAt(0);return o.join(\"\")}(this._r,this._g,this._b,this._a,t)},toHex8String:function(t){return\"#\"+this.toHex8(t)},toRgb:function(){return{r:a(this._r),g:a(this._g),b:a(this._b),a:this._a}},toRgbString:function(){return 1==this._a?\"rgb(\"+a(this._r)+\", \"+a(this._g)+\", \"+a(this._b)+\")\":\"rgba(\"+a(this._r)+\", \"+a(this._g)+\", \"+a(this._b)+\", \"+this._roundA+\")\"},toPercentageRgb:function(){return{r:a(100*L(this._r,255))+\"%\",g:a(100*L(this._g,255))+\"%\",b:a(100*L(this._b,255))+\"%\",a:this._a}},toPercentageRgbString:function(){return 1==this._a?\"rgb(\"+a(100*L(this._r,255))+\"%, \"+a(100*L(this._g,255))+\"%, \"+a(100*L(this._b,255))+\"%)\":\"rgba(\"+a(100*L(this._r,255))+\"%, \"+a(100*L(this._g,255))+\"%, \"+a(100*L(this._b,255))+\"%, \"+this._roundA+\")\"},toName:function(){return 0===this._a?\"transparent\":!(this._a<1)&&(E[h(this._r,this._g,this._b,!0)]||!1)},toFilter:function(t){var e=\"#\"+p(this._r,this._g,this._b,this._a),r=e,n=this._gradientType?\"GradientType = 1, \":\"\";if(t){var i=c(t);r=\"#\"+p(i._r,i._g,i._b,i._a)}return\"progid:DXImageTransform.Microsoft.gradient(\"+n+\"startColorstr=\"+e+\",endColorstr=\"+r+\")\"},toString:function(t){var e=!!t;t=t||this._format;var r=!1,n=this._a<1&&this._a>=0;return e||!n||\"hex\"!==t&&\"hex6\"!==t&&\"hex3\"!==t&&\"hex4\"!==t&&\"hex8\"!==t&&\"name\"!==t?(\"rgb\"===t&&(r=this.toRgbString()),\"prgb\"===t&&(r=this.toPercentageRgbString()),\"hex\"!==t&&\"hex6\"!==t||(r=this.toHexString()),\"hex3\"===t&&(r=this.toHexString(!0)),\"hex4\"===t&&(r=this.toHex8String(!0)),\"hex8\"===t&&(r=this.toHex8String()),\"name\"===t&&(r=this.toName()),\"hsl\"===t&&(r=this.toHslString()),\"hsv\"===t&&(r=this.toHsvString()),r||this.toHexString()):\"name\"===t&&0===this._a?this.toName():this.toRgbString()},clone:function(){return c(this.toString())},_applyModification:function(t,e){var r=t.apply(null,[this].concat([].slice.call(e)));return this._r=r._r,this._g=r._g,this._b=r._b,this.setAlpha(r._a),this},lighten:function(){return this._applyModification(m,arguments)},brighten:function(){return this._applyModification(y,arguments)},darken:function(){return this._applyModification(x,arguments)},desaturate:function(){return this._applyModification(d,arguments)},saturate:function(){return this._applyModification(g,arguments)},greyscale:function(){return this._applyModification(v,arguments)},spin:function(){return this._applyModification(b,arguments)},_applyCombination:function(t,e){return t.apply(null,[this].concat([].slice.call(e)))},analogous:function(){return this._applyCombination(A,arguments)},complement:function(){return this._applyCombination(_,arguments)},monochromatic:function(){return this._applyCombination(T,arguments)},splitcomplement:function(){return this._applyCombination(M,arguments)},triad:function(){return this._applyCombination(w,arguments)},tetrad:function(){return this._applyCombination(k,arguments)}},c.fromRatio=function(t,e){if(\"object\"==typeof t){var r={};for(var n in t)t.hasOwnProperty(n)&&(r[n]=\"a\"===n?t[n]:P(t[n]));t=r}return c(t,e)},c.equals=function(t,e){return!(!t||!e)&&c(t).toRgbString()==c(e).toRgbString()},c.random=function(){return c.fromRatio({r:l(),g:l(),b:l()})},c.mix=function(t,e,r){r=0===r?0:r||50;var n=c(t).toRgb(),i=c(e).toRgb(),a=r/100;return c({r:(i.r-n.r)*a+n.r,g:(i.g-n.g)*a+n.g,b:(i.b-n.b)*a+n.b,a:(i.a-n.a)*a+n.a})},c.readability=function(e,r){var n=c(e),i=c(r);return(t.max(n.getLuminance(),i.getLuminance())+.05)/(t.min(n.getLuminance(),i.getLuminance())+.05)},c.isReadable=function(t,e,r){var n,i,a=c.readability(t,e);switch(i=!1,(n=function(t){var e,r;e=((t=t||{level:\"AA\",size:\"small\"}).level||\"AA\").toUpperCase(),r=(t.size||\"small\").toLowerCase(),\"AA\"!==e&&\"AAA\"!==e&&(e=\"AA\");\"small\"!==r&&\"large\"!==r&&(r=\"small\");return{level:e,size:r}}(r)).level+n.size){case\"AAsmall\":case\"AAAlarge\":i=a>=4.5;break;case\"AAlarge\":i=a>=3;break;case\"AAAsmall\":i=a>=7}return i},c.mostReadable=function(t,e,r){var n,i,a,o,s=null,l=0;i=(r=r||{}).includeFallbackColors,a=r.level,o=r.size;for(var u=0;ul&&(l=n,s=c(e[u]));return c.isReadable(t,s,{level:a,size:o})||!i?s:(r.includeFallbackColors=!1,c.mostReadable(t,[\"#fff\",\"#000\"],r))};var S=c.names={aliceblue:\"f0f8ff\",antiquewhite:\"faebd7\",aqua:\"0ff\",aquamarine:\"7fffd4\",azure:\"f0ffff\",beige:\"f5f5dc\",bisque:\"ffe4c4\",black:\"000\",blanchedalmond:\"ffebcd\",blue:\"00f\",blueviolet:\"8a2be2\",brown:\"a52a2a\",burlywood:\"deb887\",burntsienna:\"ea7e5d\",cadetblue:\"5f9ea0\",chartreuse:\"7fff00\",chocolate:\"d2691e\",coral:\"ff7f50\",cornflowerblue:\"6495ed\",cornsilk:\"fff8dc\",crimson:\"dc143c\",cyan:\"0ff\",darkblue:\"00008b\",darkcyan:\"008b8b\",darkgoldenrod:\"b8860b\",darkgray:\"a9a9a9\",darkgreen:\"006400\",darkgrey:\"a9a9a9\",darkkhaki:\"bdb76b\",darkmagenta:\"8b008b\",darkolivegreen:\"556b2f\",darkorange:\"ff8c00\",darkorchid:\"9932cc\",darkred:\"8b0000\",darksalmon:\"e9967a\",darkseagreen:\"8fbc8f\",darkslateblue:\"483d8b\",darkslategray:\"2f4f4f\",darkslategrey:\"2f4f4f\",darkturquoise:\"00ced1\",darkviolet:\"9400d3\",deeppink:\"ff1493\",deepskyblue:\"00bfff\",dimgray:\"696969\",dimgrey:\"696969\",dodgerblue:\"1e90ff\",firebrick:\"b22222\",floralwhite:\"fffaf0\",forestgreen:\"228b22\",fuchsia:\"f0f\",gainsboro:\"dcdcdc\",ghostwhite:\"f8f8ff\",gold:\"ffd700\",goldenrod:\"daa520\",gray:\"808080\",green:\"008000\",greenyellow:\"adff2f\",grey:\"808080\",honeydew:\"f0fff0\",hotpink:\"ff69b4\",indianred:\"cd5c5c\",indigo:\"4b0082\",ivory:\"fffff0\",khaki:\"f0e68c\",lavender:\"e6e6fa\",lavenderblush:\"fff0f5\",lawngreen:\"7cfc00\",lemonchiffon:\"fffacd\",lightblue:\"add8e6\",lightcoral:\"f08080\",lightcyan:\"e0ffff\",lightgoldenrodyellow:\"fafad2\",lightgray:\"d3d3d3\",lightgreen:\"90ee90\",lightgrey:\"d3d3d3\",lightpink:\"ffb6c1\",lightsalmon:\"ffa07a\",lightseagreen:\"20b2aa\",lightskyblue:\"87cefa\",lightslategray:\"789\",lightslategrey:\"789\",lightsteelblue:\"b0c4de\",lightyellow:\"ffffe0\",lime:\"0f0\",limegreen:\"32cd32\",linen:\"faf0e6\",magenta:\"f0f\",maroon:\"800000\",mediumaquamarine:\"66cdaa\",mediumblue:\"0000cd\",mediumorchid:\"ba55d3\",mediumpurple:\"9370db\",mediumseagreen:\"3cb371\",mediumslateblue:\"7b68ee\",mediumspringgreen:\"00fa9a\",mediumturquoise:\"48d1cc\",mediumvioletred:\"c71585\",midnightblue:\"191970\",mintcream:\"f5fffa\",mistyrose:\"ffe4e1\",moccasin:\"ffe4b5\",navajowhite:\"ffdead\",navy:\"000080\",oldlace:\"fdf5e6\",olive:\"808000\",olivedrab:\"6b8e23\",orange:\"ffa500\",orangered:\"ff4500\",orchid:\"da70d6\",palegoldenrod:\"eee8aa\",palegreen:\"98fb98\",paleturquoise:\"afeeee\",palevioletred:\"db7093\",papayawhip:\"ffefd5\",peachpuff:\"ffdab9\",peru:\"cd853f\",pink:\"ffc0cb\",plum:\"dda0dd\",powderblue:\"b0e0e6\",purple:\"800080\",rebeccapurple:\"663399\",red:\"f00\",rosybrown:\"bc8f8f\",royalblue:\"4169e1\",saddlebrown:\"8b4513\",salmon:\"fa8072\",sandybrown:\"f4a460\",seagreen:\"2e8b57\",seashell:\"fff5ee\",sienna:\"a0522d\",silver:\"c0c0c0\",skyblue:\"87ceeb\",slateblue:\"6a5acd\",slategray:\"708090\",slategrey:\"708090\",snow:\"fffafa\",springgreen:\"00ff7f\",steelblue:\"4682b4\",tan:\"d2b48c\",teal:\"008080\",thistle:\"d8bfd8\",tomato:\"ff6347\",turquoise:\"40e0d0\",violet:\"ee82ee\",wheat:\"f5deb3\",white:\"fff\",whitesmoke:\"f5f5f5\",yellow:\"ff0\",yellowgreen:\"9acd32\"},E=c.hexNames=function(t){var e={};for(var r in t)t.hasOwnProperty(r)&&(e[t[r]]=r);return e}(S);function C(t){return t=parseFloat(t),(isNaN(t)||t<0||t>1)&&(t=1),t}function L(e,r){(function(t){return\"string\"==typeof t&&-1!=t.indexOf(\".\")&&1===parseFloat(t)})(e)&&(e=\"100%\");var n=function(t){return\"string\"==typeof t&&-1!=t.indexOf(\"%\")}(e);return e=o(r,s(0,parseFloat(e))),n&&(e=parseInt(e*r,10)/100),t.abs(e-r)<1e-6?1:e%r/parseFloat(r)}function z(t){return o(1,s(0,t))}function O(t){return parseInt(t,16)}function I(t){return 1==t.length?\"0\"+t:\"\"+t}function P(t){return t<=1&&(t=100*t+\"%\"),t}function D(e){return t.round(255*parseFloat(e)).toString(16)}function R(t){return O(t)/255}var B,F,N,j=(F=\"[\\\\s|\\\\(]+(\"+(B=\"(?:[-\\\\+]?\\\\d*\\\\.\\\\d+%?)|(?:[-\\\\+]?\\\\d+%?)\")+\")[,|\\\\s]+(\"+B+\")[,|\\\\s]+(\"+B+\")\\\\s*\\\\)?\",N=\"[\\\\s|\\\\(]+(\"+B+\")[,|\\\\s]+(\"+B+\")[,|\\\\s]+(\"+B+\")[,|\\\\s]+(\"+B+\")\\\\s*\\\\)?\",{CSS_UNIT:new RegExp(B),rgb:new RegExp(\"rgb\"+F),rgba:new RegExp(\"rgba\"+N),hsl:new RegExp(\"hsl\"+F),hsla:new RegExp(\"hsla\"+N),hsv:new RegExp(\"hsv\"+F),hsva:new RegExp(\"hsva\"+N),hex3:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex6:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/,hex4:/^#?([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})([0-9a-fA-F]{1})$/,hex8:/^#?([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})([0-9a-fA-F]{2})$/});function V(t){return!!j.CSS_UNIT.exec(t)}\"undefined\"!=typeof e&&e.exports?e.exports=c:window.tinycolor=c}(Math)},{}],515:[function(t,e,r){\"use strict\";function n(t){if(t instanceof Float32Array)return t;if(\"number\"==typeof t)return new Float32Array([t])[0];var e=new Float32Array(t);return e.set(t),e}e.exports=n,e.exports.float32=e.exports.float=n,e.exports.fract32=e.exports.fract=function(t){if(\"number\"==typeof t)return n(t-n(t));for(var e=n(t),r=0,i=e.length;rf&&(f=l[0]),l[1]h&&(h=l[1])}function i(t){switch(t.type){case\"GeometryCollection\":t.geometries.forEach(i);break;case\"Point\":n(t.coordinates);break;case\"MultiPoint\":t.coordinates.forEach(n)}}if(!e){var a,o,s=r(t),l=new Array(2),c=1/0,u=c,f=-c,h=-c;for(o in t.arcs.forEach(function(t){for(var e=-1,r=t.length;++ef&&(f=l[0]),l[1]h&&(h=l[1])}),t.objects)i(t.objects[o]);e=t.bbox=[c,u,f,h]}return e},i=function(t,e){for(var r,n=t.length,i=n-e;i<--n;)r=t[i],t[i++]=t[n],t[n]=r};function a(t,e){var r=e.id,n=e.bbox,i=null==e.properties?{}:e.properties,a=o(t,e);return null==r&&null==n?{type:\"Feature\",properties:i,geometry:a}:null==n?{type:\"Feature\",id:r,properties:i,geometry:a}:{type:\"Feature\",id:r,bbox:n,properties:i,geometry:a}}function o(t,e){var n=r(t),a=t.arcs;function o(t,e){e.length&&e.pop();for(var r=a[t<0?~t:t],o=0,s=r.length;o1)n=function(t,e,r){var n,i=[],a=[];function o(t){var e=t<0?~t:t;(a[e]||(a[e]=[])).push({i:t,g:n})}function s(t){t.forEach(o)}function l(t){t.forEach(s)}return function t(e){switch(n=e,e.type){case\"GeometryCollection\":e.geometries.forEach(t);break;case\"LineString\":s(e.arcs);break;case\"MultiLineString\":case\"Polygon\":l(e.arcs);break;case\"MultiPolygon\":e.arcs.forEach(l)}}(e),a.forEach(null==r?function(t){i.push(t[0].i)}:function(t){r(t[0].g,t[t.length-1].g)&&i.push(t[0].i)}),i}(0,e,r);else for(i=0,n=new Array(a=t.arcs.length);i1)for(var a,o,c=1,u=l(i[0]);cu&&(o=i[0],i[0]=i[c],i[c]=o,u=a);return i})}}var u=function(t,e){for(var r=0,n=t.length;r>>1;t[i]=2))throw new Error(\"n must be \\u22652\");if(t.transform)throw new Error(\"already quantized\");var r,i=n(t),a=i[0],o=(i[2]-a)/(e-1)||1,s=i[1],l=(i[3]-s)/(e-1)||1;function c(t){t[0]=Math.round((t[0]-a)/o),t[1]=Math.round((t[1]-s)/l)}function u(t){switch(t.type){case\"GeometryCollection\":t.geometries.forEach(u);break;case\"Point\":c(t.coordinates);break;case\"MultiPoint\":t.coordinates.forEach(c)}}for(r in t.arcs.forEach(function(t){for(var e,r,n,i=1,c=1,u=t.length,f=t[0],h=f[0]=Math.round((f[0]-a)/o),p=f[1]=Math.round((f[1]-s)/l);iMath.max(r,n)?i[2]=1:r>Math.max(e,n)?i[0]=1:i[1]=1;for(var a=0,o=0,l=0;l<3;++l)a+=t[l]*t[l],o+=i[l]*t[l];for(l=0;l<3;++l)i[l]-=o/a*t[l];return s(i,i),i}function h(t,e,r,i,a,o,s,l){this.center=n(r),this.up=n(i),this.right=n(a),this.radius=n([o]),this.angle=n([s,l]),this.angle.bounds=[[-1/0,-Math.PI/2],[1/0,Math.PI/2]],this.setDistanceLimits(t,e),this.computedCenter=this.center.curve(0),this.computedUp=this.up.curve(0),this.computedRight=this.right.curve(0),this.computedRadius=this.radius.curve(0),this.computedAngle=this.angle.curve(0),this.computedToward=[0,0,0],this.computedEye=[0,0,0],this.computedMatrix=new Array(16);for(var c=0;c<16;++c)this.computedMatrix[c]=.5;this.recalcMatrix(0)}var p=h.prototype;p.setDistanceLimits=function(t,e){t=t>0?Math.log(t):-1/0,e=e>0?Math.log(e):1/0,e=Math.max(e,t),this.radius.bounds[0][0]=t,this.radius.bounds[1][0]=e},p.getDistanceLimits=function(t){var e=this.radius.bounds[0];return t?(t[0]=Math.exp(e[0][0]),t[1]=Math.exp(e[1][0]),t):[Math.exp(e[0][0]),Math.exp(e[1][0])]},p.recalcMatrix=function(t){this.center.curve(t),this.up.curve(t),this.right.curve(t),this.radius.curve(t),this.angle.curve(t);for(var e=this.computedUp,r=this.computedRight,n=0,i=0,a=0;a<3;++a)i+=e[a]*r[a],n+=e[a]*e[a];var l=Math.sqrt(n),u=0;for(a=0;a<3;++a)r[a]-=e[a]*i/n,u+=r[a]*r[a],e[a]/=l;var f=Math.sqrt(u);for(a=0;a<3;++a)r[a]/=f;var h=this.computedToward;o(h,e,r),s(h,h);var p=Math.exp(this.computedRadius[0]),d=this.computedAngle[0],g=this.computedAngle[1],v=Math.cos(d),m=Math.sin(d),y=Math.cos(g),x=Math.sin(g),b=this.computedCenter,_=v*y,w=m*y,k=x,M=-v*x,A=-m*x,T=y,S=this.computedEye,E=this.computedMatrix;for(a=0;a<3;++a){var C=_*r[a]+w*h[a]+k*e[a];E[4*a+1]=M*r[a]+A*h[a]+T*e[a],E[4*a+2]=C,E[4*a+3]=0}var L=E[1],z=E[5],O=E[9],I=E[2],P=E[6],D=E[10],R=z*D-O*P,B=O*I-L*D,F=L*P-z*I,N=c(R,B,F);R/=N,B/=N,F/=N,E[0]=R,E[4]=B,E[8]=F;for(a=0;a<3;++a)S[a]=b[a]+E[2+4*a]*p;for(a=0;a<3;++a){u=0;for(var j=0;j<3;++j)u+=E[a+4*j]*S[j];E[12+a]=-u}E[15]=1},p.getMatrix=function(t,e){this.recalcMatrix(t);var r=this.computedMatrix;if(e){for(var n=0;n<16;++n)e[n]=r[n];return e}return r};var d=[0,0,0];p.rotate=function(t,e,r,n){if(this.angle.move(t,e,r),n){this.recalcMatrix(t);var i=this.computedMatrix;d[0]=i[2],d[1]=i[6],d[2]=i[10];for(var o=this.computedUp,s=this.computedRight,l=this.computedToward,c=0;c<3;++c)i[4*c]=o[c],i[4*c+1]=s[c],i[4*c+2]=l[c];a(i,i,n,d);for(c=0;c<3;++c)o[c]=i[4*c],s[c]=i[4*c+1];this.up.set(t,o[0],o[1],o[2]),this.right.set(t,s[0],s[1],s[2])}},p.pan=function(t,e,r,n){e=e||0,r=r||0,n=n||0,this.recalcMatrix(t);var i=this.computedMatrix,a=(Math.exp(this.computedRadius[0]),i[1]),o=i[5],s=i[9],l=c(a,o,s);a/=l,o/=l,s/=l;var u=i[0],f=i[4],h=i[8],p=u*a+f*o+h*s,d=c(u-=a*p,f-=o*p,h-=s*p),g=(u/=d)*e+a*r,v=(f/=d)*e+o*r,m=(h/=d)*e+s*r;this.center.move(t,g,v,m);var y=Math.exp(this.computedRadius[0]);y=Math.max(1e-4,y+n),this.radius.set(t,Math.log(y))},p.translate=function(t,e,r,n){this.center.move(t,e||0,r||0,n||0)},p.setMatrix=function(t,e,r,n){var a=1;\"number\"==typeof r&&(a=0|r),(a<0||a>3)&&(a=1);var o=(a+2)%3;e||(this.recalcMatrix(t),e=this.computedMatrix);var s=e[a],l=e[a+4],f=e[a+8];if(n){var h=Math.abs(s),p=Math.abs(l),d=Math.abs(f),g=Math.max(h,p,d);h===g?(s=s<0?-1:1,l=f=0):d===g?(f=f<0?-1:1,s=l=0):(l=l<0?-1:1,s=f=0)}else{var v=c(s,l,f);s/=v,l/=v,f/=v}var m,y,x=e[o],b=e[o+4],_=e[o+8],w=x*s+b*l+_*f,k=c(x-=s*w,b-=l*w,_-=f*w),M=l*(_/=k)-f*(b/=k),A=f*(x/=k)-s*_,T=s*b-l*x,S=c(M,A,T);if(M/=S,A/=S,T/=S,this.center.jump(t,H,G,W),this.radius.idle(t),this.up.jump(t,s,l,f),this.right.jump(t,x,b,_),2===a){var E=e[1],C=e[5],L=e[9],z=E*x+C*b+L*_,O=E*M+C*A+L*T;m=R<0?-Math.PI/2:Math.PI/2,y=Math.atan2(O,z)}else{var I=e[2],P=e[6],D=e[10],R=I*s+P*l+D*f,B=I*x+P*b+D*_,F=I*M+P*A+D*T;m=Math.asin(u(R)),y=Math.atan2(F,B)}this.angle.jump(t,y,m),this.recalcMatrix(t);var N=e[2],j=e[6],V=e[10],U=this.computedMatrix;i(U,e);var q=U[15],H=U[12]/q,G=U[13]/q,W=U[14]/q,Y=Math.exp(this.computedRadius[0]);this.center.jump(t,H-N*Y,G-j*Y,W-V*Y)},p.lastT=function(){return Math.max(this.center.lastT(),this.up.lastT(),this.right.lastT(),this.radius.lastT(),this.angle.lastT())},p.idle=function(t){this.center.idle(t),this.up.idle(t),this.right.idle(t),this.radius.idle(t),this.angle.idle(t)},p.flush=function(t){this.center.flush(t),this.up.flush(t),this.right.flush(t),this.radius.flush(t),this.angle.flush(t)},p.setDistance=function(t,e){e>0&&this.radius.set(t,Math.log(e))},p.lookAt=function(t,e,r,n){this.recalcMatrix(t),e=e||this.computedEye,r=r||this.computedCenter;var i=(n=n||this.computedUp)[0],a=n[1],o=n[2],s=c(i,a,o);if(!(s<1e-6)){i/=s,a/=s,o/=s;var l=e[0]-r[0],f=e[1]-r[1],h=e[2]-r[2],p=c(l,f,h);if(!(p<1e-6)){l/=p,f/=p,h/=p;var d=this.computedRight,g=d[0],v=d[1],m=d[2],y=i*g+a*v+o*m,x=c(g-=y*i,v-=y*a,m-=y*o);if(!(x<.01&&(x=c(g=a*h-o*f,v=o*l-i*h,m=i*f-a*l))<1e-6)){g/=x,v/=x,m/=x,this.up.set(t,i,a,o),this.right.set(t,g,v,m),this.center.set(t,r[0],r[1],r[2]),this.radius.set(t,Math.log(p));var b=a*m-o*v,_=o*g-i*m,w=i*v-a*g,k=c(b,_,w),M=i*l+a*f+o*h,A=g*l+v*f+m*h,T=(b/=k)*l+(_/=k)*f+(w/=k)*h,S=Math.asin(u(M)),E=Math.atan2(T,A),C=this.angle._state,L=C[C.length-1],z=C[C.length-2];L%=2*Math.PI;var O=Math.abs(L+2*Math.PI-E),I=Math.abs(L-E),P=Math.abs(L-2*Math.PI-E);O0?r.pop():new ArrayBuffer(t)}function h(t){return new Uint8Array(f(t),0,t)}function p(t){return new Uint16Array(f(2*t),0,t)}function d(t){return new Uint32Array(f(4*t),0,t)}function g(t){return new Int8Array(f(t),0,t)}function v(t){return new Int16Array(f(2*t),0,t)}function m(t){return new Int32Array(f(4*t),0,t)}function y(t){return new Float32Array(f(4*t),0,t)}function x(t){return new Float64Array(f(8*t),0,t)}function b(t){return o?new Uint8ClampedArray(f(t),0,t):h(t)}function _(t){return new DataView(f(t),0,t)}function w(t){t=i.nextPow2(t);var e=i.log2(t),r=c[e];return r.length>0?r.pop():new n(t)}r.free=function(t){if(n.isBuffer(t))c[i.log2(t.length)].push(t);else{if(\"[object ArrayBuffer]\"!==Object.prototype.toString.call(t)&&(t=t.buffer),!t)return;var e=t.length||t.byteLength,r=0|i.log2(e);l[r].push(t)}},r.freeUint8=r.freeUint16=r.freeUint32=r.freeInt8=r.freeInt16=r.freeInt32=r.freeFloat32=r.freeFloat=r.freeFloat64=r.freeDouble=r.freeUint8Clamped=r.freeDataView=function(t){u(t.buffer)},r.freeArrayBuffer=u,r.freeBuffer=function(t){c[i.log2(t.length)].push(t)},r.malloc=function(t,e){if(void 0===e||\"arraybuffer\"===e)return f(t);switch(e){case\"uint8\":return h(t);case\"uint16\":return p(t);case\"uint32\":return d(t);case\"int8\":return g(t);case\"int16\":return v(t);case\"int32\":return m(t);case\"float\":case\"float32\":return y(t);case\"double\":case\"float64\":return x(t);case\"uint8_clamped\":return b(t);case\"buffer\":return w(t);case\"data\":case\"dataview\":return _(t);default:return null}return null},r.mallocArrayBuffer=f,r.mallocUint8=h,r.mallocUint16=p,r.mallocUint32=d,r.mallocInt8=g,r.mallocInt16=v,r.mallocInt32=m,r.mallocFloat32=r.mallocFloat=y,r.mallocFloat64=r.mallocDouble=x,r.mallocUint8Clamped=b,r.mallocDataView=_,r.mallocBuffer=w,r.clearCache=function(){for(var t=0;t<32;++t)s.UINT8[t].length=0,s.UINT16[t].length=0,s.UINT32[t].length=0,s.INT8[t].length=0,s.INT16[t].length=0,s.INT32[t].length=0,s.FLOAT[t].length=0,s.DOUBLE[t].length=0,s.UINT8C[t].length=0,l[t].length=0,c[t].length=0}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{},t(\"buffer\").Buffer)},{\"bit-twiddle\":80,buffer:93,dup:155}],523:[function(t,e,r){\"use strict\";function n(t){this.roots=new Array(t),this.ranks=new Array(t);for(var e=0;e8192)throw new Error(\"vectorize-text: String too long (sorry, this will get fixed later)\");var o=3*n;t.height=0?e[a]:i})},has___:{value:x(function(e){var n=y(e);return n?r in n:t.indexOf(e)>=0})},set___:{value:x(function(n,i){var a,o=y(n);return o?o[r]=i:(a=t.indexOf(n))>=0?e[a]=i:(a=t.length,e[a]=i,t[a]=n),this})},delete___:{value:x(function(n){var i,a,o=y(n);return o?r in o&&delete o[r]:!((i=t.indexOf(n))<0||(a=t.length-1,t[i]=void 0,e[i]=e[a],t[i]=t[a],t.length=a,e.length=a,0))})}})};g.prototype=Object.create(Object.prototype,{get:{value:function(t,e){return this.get___(t,e)},writable:!0,configurable:!0},has:{value:function(t){return this.has___(t)},writable:!0,configurable:!0},set:{value:function(t,e){return this.set___(t,e)},writable:!0,configurable:!0},delete:{value:function(t){return this.delete___(t)},writable:!0,configurable:!0}}),\"function\"==typeof r?function(){function n(){this instanceof g||b();var e,n=new r,i=void 0,a=!1;return e=t?function(t,e){return n.set(t,e),n.has(t)||(i||(i=new g),i.set(t,e)),this}:function(t,e){if(a)try{n.set(t,e)}catch(r){i||(i=new g),i.set___(t,e)}else n.set(t,e);return this},Object.create(g.prototype,{get___:{value:x(function(t,e){return i?n.has(t)?n.get(t):i.get___(t,e):n.get(t,e)})},has___:{value:x(function(t){return n.has(t)||!!i&&i.has___(t)})},set___:{value:x(e)},delete___:{value:x(function(t){var e=!!n.delete(t);return i&&i.delete___(t)||e})},permitHostObjects___:{value:x(function(t){if(t!==v)throw new Error(\"bogus call to permitHostObjects___\");a=!0})}})}t&&\"undefined\"!=typeof Proxy&&(Proxy=void 0),n.prototype=g.prototype,e.exports=n,Object.defineProperty(WeakMap.prototype,\"constructor\",{value:WeakMap,enumerable:!1,configurable:!0,writable:!0})}():(\"undefined\"!=typeof Proxy&&(Proxy=void 0),e.exports=g)}function v(t){t.permitHostObjects___&&t.permitHostObjects___(v)}function m(t){return!(t.substr(0,l.length)==l&&\"___\"===t.substr(t.length-3))}function y(t){if(t!==Object(t))throw new TypeError(\"Not an object: \"+t);var e=t[c];if(e&&e.key===t)return e;if(s(t)){e={key:t};try{return o(t,c,{value:e,writable:!1,enumerable:!1,configurable:!1}),e}catch(t){return}}}function x(t){return t.prototype=null,Object.freeze(t)}function b(){p||\"undefined\"==typeof console||(p=!0,console.warn(\"WeakMap should be invoked as new WeakMap(), not WeakMap(). This will be an error in the future.\"))}}()},{}],530:[function(t,e,r){var n=t(\"./hidden-store.js\");e.exports=function(){var t={};return function(e){if((\"object\"!=typeof e||null===e)&&\"function\"!=typeof e)throw new Error(\"Weakmap-shim: Key must be object\");var r=e.valueOf(t);return r&&r.identity===t?r:n(e,t)}}},{\"./hidden-store.js\":531}],531:[function(t,e,r){e.exports=function(t,e){var r={identity:e},n=t.valueOf;return Object.defineProperty(t,\"valueOf\",{value:function(t){return t!==e?n.apply(this,arguments):r},writable:!0}),r}},{}],532:[function(t,e,r){var n=t(\"./create-store.js\");e.exports=function(){var t=n();return{get:function(e,r){var n=t(e);return n.hasOwnProperty(\"value\")?n.value:r},set:function(e,r){return t(e).value=r,this},has:function(e){return\"value\"in t(e)},delete:function(e){return delete t(e).value}}}},{\"./create-store.js\":530}],533:[function(t,e,r){var n=t(\"get-canvas-context\");e.exports=function(t){return n(\"webgl\",t)}},{\"get-canvas-context\":221}],534:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\"),a=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,i(o.prototype,{name:\"Chinese\",jdEpoch:1721425.5,hasYearZero:!1,minMonth:0,firstMonth:0,minDay:1,regionalOptions:{\"\":{name:\"Chinese\",epochs:[\"BEC\",\"EC\"],monthNumbers:function(t,e){if(\"string\"==typeof t){var r=t.match(l);return r?r[0]:\"\"}var n=this._validateYear(t),i=t.month(),a=\"\"+this.toChineseMonth(n,i);return e&&a.length<2&&(a=\"0\"+a),this.isIntercalaryMonth(n,i)&&(a+=\"i\"),a},monthNames:function(t){if(\"string\"==typeof t){var e=t.match(c);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),i=[\"\\u4e00\\u6708\",\"\\u4e8c\\u6708\",\"\\u4e09\\u6708\",\"\\u56db\\u6708\",\"\\u4e94\\u6708\",\"\\u516d\\u6708\",\"\\u4e03\\u6708\",\"\\u516b\\u6708\",\"\\u4e5d\\u6708\",\"\\u5341\\u6708\",\"\\u5341\\u4e00\\u6708\",\"\\u5341\\u4e8c\\u6708\"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i=\"\\u95f0\"+i),i},monthNamesShort:function(t){if(\"string\"==typeof t){var e=t.match(u);return e?e[0]:\"\"}var r=this._validateYear(t),n=t.month(),i=[\"\\u4e00\",\"\\u4e8c\",\"\\u4e09\",\"\\u56db\",\"\\u4e94\",\"\\u516d\",\"\\u4e03\",\"\\u516b\",\"\\u4e5d\",\"\\u5341\",\"\\u5341\\u4e00\",\"\\u5341\\u4e8c\"][this.toChineseMonth(r,n)-1];return this.isIntercalaryMonth(r,n)&&(i=\"\\u95f0\"+i),i},parseMonth:function(t,e){t=this._validateYear(t);var r,n=parseInt(e);if(isNaN(n))\"\\u95f0\"===e[0]&&(r=!0,e=e.substring(1)),\"\\u6708\"===e[e.length-1]&&(e=e.substring(0,e.length-1)),n=1+[\"\\u4e00\",\"\\u4e8c\",\"\\u4e09\",\"\\u56db\",\"\\u4e94\",\"\\u516d\",\"\\u4e03\",\"\\u516b\",\"\\u4e5d\",\"\\u5341\",\"\\u5341\\u4e00\",\"\\u5341\\u4e8c\"].indexOf(e);else{var i=e[e.length-1];r=\"i\"===i||\"I\"===i}return this.toMonthIndex(t,n,r)},dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:1,isRTL:!1}},_validateYear:function(t,e){if(t.year&&(t=t.year()),\"number\"!=typeof t||t<1888||t>2111)throw e.replace(/\\{0\\}/,this.local.name);return t},toMonthIndex:function(t,e,r){var i=this.intercalaryMonth(t);if(r&&e!==i||e<1||e>12)throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return i?!r&&e<=i?e-1:e:e-1},toChineseMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);if(e<0||e>(r?12:11))throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return r?e>13},isIntercalaryMonth:function(t,e){t.year&&(e=(t=t.year()).month());var r=this.intercalaryMonth(t);return!!r&&r===e},leapYear:function(t){return 0!==this.intercalaryMonth(t)},weekOfYear:function(t,e,r){var i,o=this._validateYear(t,n.local.invalidyear),s=h[o-h[0]],l=s>>9&4095,c=s>>5&15,u=31&s;(i=a.newDate(l,c,u)).add(4-(i.dayOfWeek()||7),\"d\");var f=this.toJD(t,e,r)-i.toJD();return 1+Math.floor(f/7)},monthsInYear:function(t){return this.leapYear(t)?13:12},daysInMonth:function(t,e){t.year&&(e=t.month(),t=t.year()),t=this._validateYear(t);var r=f[t-f[0]];if(e>(r>>13?12:11))throw n.local.invalidMonth.replace(/\\{0\\}/,this.local.name);return r&1<<12-e?30:29},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,s,r,n.local.invalidDate);t=this._validateYear(i.year()),e=i.month(),r=i.day();var o=this.isIntercalaryMonth(t,e),s=this.toChineseMonth(t,e),l=function(t,e,r,n,i){var a,o,s;if(\"object\"==typeof t)o=t,a=e||{};else{var l=\"number\"==typeof t&&t>=1888&&t<=2111;if(!l)throw new Error(\"Lunar year outside range 1888-2111\");var c=\"number\"==typeof e&&e>=1&&e<=12;if(!c)throw new Error(\"Lunar month outside range 1 - 12\");var u,p=\"number\"==typeof r&&r>=1&&r<=30;if(!p)throw new Error(\"Lunar day outside range 1 - 30\");\"object\"==typeof n?(u=!1,a=n):(u=!!n,a=i||{}),o={year:t,month:e,day:r,isIntercalary:u}}s=o.day-1;var d,g=f[o.year-f[0]],v=g>>13;d=v?o.month>v?o.month:o.isIntercalary?o.month:o.month-1:o.month-1;for(var m=0;m>9&4095,(x>>5&15)-1,(31&x)+s);return a.year=b.getFullYear(),a.month=1+b.getMonth(),a.day=b.getDate(),a}(t,s,r,o);return a.toJD(l.year,l.month,l.day)},fromJD:function(t){var e=a.fromJD(t),r=function(t,e,r,n){var i,a;if(\"object\"==typeof t)i=t,a=e||{};else{var o=\"number\"==typeof t&&t>=1888&&t<=2111;if(!o)throw new Error(\"Solar year outside range 1888-2111\");var s=\"number\"==typeof e&&e>=1&&e<=12;if(!s)throw new Error(\"Solar month outside range 1 - 12\");var l=\"number\"==typeof r&&r>=1&&r<=31;if(!l)throw new Error(\"Solar day outside range 1 - 31\");i={year:t,month:e,day:r},a=n||{}}var c=h[i.year-h[0]],u=i.year<<9|i.month<<5|i.day;a.year=u>=c?i.year:i.year-1,c=h[a.year-h[0]];var p,d=new Date(c>>9&4095,(c>>5&15)-1,31&c),g=new Date(i.year,i.month-1,i.day);p=Math.round((g-d)/864e5);var v,m=f[a.year-f[0]];for(v=0;v<13;v++){var y=m&1<<12-v?30:29;if(p>13;!x||v=2&&n<=6},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{century:o[Math.floor((i.year()-1)/100)+1]||\"\"}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year()+(i.year()<0?1:0),e=i.month(),(r=i.day())+(e>1?16:0)+(e>2?32*(e-2):0)+400*(t-1)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t+.5)-Math.floor(this.jdEpoch)-1;var e=Math.floor(t/400)+1;t-=400*(e-1),t+=t>15?16:0;var r=Math.floor(t/32)+1,n=t-32*(r-1)+1;return this.newDate(e<=0?e-1:e,r,n)}});var o={20:\"Fruitbat\",21:\"Anchovy\"};n.calendars.discworld=a},{\"../main\":548,\"object-assign\":437}],537:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Ethiopian\",jdEpoch:1724220.5,daysPerMonth:[30,30,30,30,30,30,30,30,30,30,30,30,5],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Ethiopian\",epochs:[\"BEE\",\"EE\"],monthNames:[\"Meskerem\",\"Tikemet\",\"Hidar\",\"Tahesas\",\"Tir\",\"Yekatit\",\"Megabit\",\"Miazia\",\"Genbot\",\"Sene\",\"Hamle\",\"Nehase\",\"Pagume\"],monthNamesShort:[\"Mes\",\"Tik\",\"Hid\",\"Tah\",\"Tir\",\"Yek\",\"Meg\",\"Mia\",\"Gen\",\"Sen\",\"Ham\",\"Neh\",\"Pag\"],dayNames:[\"Ehud\",\"Segno\",\"Maksegno\",\"Irob\",\"Hamus\",\"Arb\",\"Kidame\"],dayNamesShort:[\"Ehu\",\"Seg\",\"Mak\",\"Iro\",\"Ham\",\"Arb\",\"Kid\"],dayNamesMin:[\"Eh\",\"Se\",\"Ma\",\"Ir\",\"Ha\",\"Ar\",\"Ki\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()+(e.year()<0?1:0))%4==3||t%4==-1},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[\"\"].invalidYear),13},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(13===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return(t=i.year())<0&&t++,i.day()+30*(i.month()-1)+365*(t-1)+Math.floor(t/4)+this.jdEpoch-1},fromJD:function(t){var e=Math.floor(t)+.5-this.jdEpoch,r=Math.floor((e-Math.floor((e+366)/1461))/365)+1;r<=0&&r--,e=Math.floor(t)+.5-this.newDate(r,1,1).toJD();var n=Math.floor(e/30)+1,i=e-30*(n-1)+1;return this.newDate(r,n,i)}}),n.calendars.ethiopian=a},{\"../main\":548,\"object-assign\":437}],538:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}function o(t,e){return t-e*Math.floor(t/e)}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Hebrew\",jdEpoch:347995.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29,29],hasYearZero:!1,minMonth:1,firstMonth:7,minDay:1,regionalOptions:{\"\":{name:\"Hebrew\",epochs:[\"BAM\",\"AM\"],monthNames:[\"Nisan\",\"Iyar\",\"Sivan\",\"Tammuz\",\"Av\",\"Elul\",\"Tishrei\",\"Cheshvan\",\"Kislev\",\"Tevet\",\"Shevat\",\"Adar\",\"Adar II\"],monthNamesShort:[\"Nis\",\"Iya\",\"Siv\",\"Tam\",\"Av\",\"Elu\",\"Tis\",\"Che\",\"Kis\",\"Tev\",\"She\",\"Ada\",\"Ad2\"],dayNames:[\"Yom Rishon\",\"Yom Sheni\",\"Yom Shlishi\",\"Yom Revi'i\",\"Yom Chamishi\",\"Yom Shishi\",\"Yom Shabbat\"],dayNamesShort:[\"Ris\",\"She\",\"Shl\",\"Rev\",\"Cha\",\"Shi\",\"Sha\"],dayNamesMin:[\"Ri\",\"She\",\"Shl\",\"Re\",\"Ch\",\"Shi\",\"Sha\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return this._leapYear(e.year())},_leapYear:function(t){return o(7*(t=t<0?t+1:t)+1,19)<7},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),this._leapYear(t.year?t.year():t)?13:12},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),this.toJD(-1===t?1:t+1,7,1)-this.toJD(t,7,1)},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),12===e&&this.leapYear(t)?30:8===e&&5===o(this.daysInYear(t),10)?30:9===e&&3===o(this.daysInYear(t),10)?29:this.daysPerMonth[e-1]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return{yearType:(this.leapYear(i)?\"embolismic\":\"common\")+\" \"+[\"deficient\",\"regular\",\"complete\"][this.daysInYear(i)%10-3]}},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t<=0?t+1:t,o=this.jdEpoch+this._delay1(a)+this._delay2(a)+r+1;if(e<7){for(var s=7;s<=this.monthsInYear(t);s++)o+=this.daysInMonth(t,s);for(s=1;s=this.toJD(-1===e?1:e+1,7,1);)e++;for(var r=tthis.toJD(e,r,this.daysInMonth(e,r));)r++;var n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.hebrew=a},{\"../main\":548,\"object-assign\":437}],539:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Islamic\",jdEpoch:1948439.5,daysPerMonth:[30,29,30,29,30,29,30,29,30,29,30,29],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Islamic\",epochs:[\"BH\",\"AH\"],monthNames:[\"Muharram\",\"Safar\",\"Rabi' al-awwal\",\"Rabi' al-thani\",\"Jumada al-awwal\",\"Jumada al-thani\",\"Rajab\",\"Sha'aban\",\"Ramadan\",\"Shawwal\",\"Dhu al-Qi'dah\",\"Dhu al-Hijjah\"],monthNamesShort:[\"Muh\",\"Saf\",\"Rab1\",\"Rab2\",\"Jum1\",\"Jum2\",\"Raj\",\"Sha'\",\"Ram\",\"Shaw\",\"DhuQ\",\"DhuH\"],dayNames:[\"Yawm al-ahad\",\"Yawm al-ithnayn\",\"Yawm ath-thulaathaa'\",\"Yawm al-arbi'aa'\",\"Yawm al-kham\\u012bs\",\"Yawm al-jum'a\",\"Yawm as-sabt\"],dayNamesShort:[\"Aha\",\"Ith\",\"Thu\",\"Arb\",\"Kha\",\"Jum\",\"Sab\"],dayNamesMin:[\"Ah\",\"It\",\"Th\",\"Ar\",\"Kh\",\"Ju\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:6,isRTL:!1}},leapYear:function(t){return(11*this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year()+14)%30<11},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){return this.leapYear(t)?355:354},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),t=t<=0?t+1:t,(r=i.day())+Math.ceil(29.5*(e-1))+354*(t-1)+Math.floor((3+11*t)/30)+this.jdEpoch-1},fromJD:function(t){t=Math.floor(t)+.5;var e=Math.floor((30*(t-this.jdEpoch)+10646)/10631);e=e<=0?e-1:e;var r=Math.min(12,Math.ceil((t-29-this.toJD(e,1,1))/29.5)+1),n=t-this.toJD(e,r,1)+1;return this.newDate(e,r,n)}}),n.calendars.islamic=a},{\"../main\":548,\"object-assign\":437}],540:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Julian\",jdEpoch:1721423.5,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Julian\",epochs:[\"BC\",\"AD\"],monthNames:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],monthNamesShort:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"mm/dd/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return(t=e.year()<0?e.year()+1:e.year())%4==0},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(4-(n.dayOfWeek()||7),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return t=i.year(),e=i.month(),r=i.day(),t<0&&t++,e<=2&&(t--,e+=12),Math.floor(365.25*(t+4716))+Math.floor(30.6001*(e+1))+r-1524.5},fromJD:function(t){var e=Math.floor(t+.5)+1524,r=Math.floor((e-122.1)/365.25),n=Math.floor(365.25*r),i=Math.floor((e-n)/30.6001),a=i-Math.floor(i<14?1:13),o=r-Math.floor(a>2?4716:4715),s=e-n-Math.floor(30.6001*i);return o<=0&&o--,this.newDate(o,a,s)}}),n.calendars.julian=a},{\"../main\":548,\"object-assign\":437}],541:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}function o(t,e){return t-e*Math.floor(t/e)}function s(t,e){return o(t-1,e)+1}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Mayan\",jdEpoch:584282.5,hasYearZero:!0,minMonth:0,firstMonth:0,minDay:0,regionalOptions:{\"\":{name:\"Mayan\",epochs:[\"\",\"\"],monthNames:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\"],monthNamesShort:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\"],dayNames:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\",\"18\",\"19\"],dayNamesShort:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\",\"18\",\"19\"],dayNamesMin:[\"0\",\"1\",\"2\",\"3\",\"4\",\"5\",\"6\",\"7\",\"8\",\"9\",\"10\",\"11\",\"12\",\"13\",\"14\",\"15\",\"16\",\"17\",\"18\",\"19\"],digits:null,dateFormat:\"YYYY.m.d\",firstDay:0,isRTL:!1,haabMonths:[\"Pop\",\"Uo\",\"Zip\",\"Zotz\",\"Tzec\",\"Xul\",\"Yaxkin\",\"Mol\",\"Chen\",\"Yax\",\"Zac\",\"Ceh\",\"Mac\",\"Kankin\",\"Muan\",\"Pax\",\"Kayab\",\"Cumku\",\"Uayeb\"],tzolkinMonths:[\"Imix\",\"Ik\",\"Akbal\",\"Kan\",\"Chicchan\",\"Cimi\",\"Manik\",\"Lamat\",\"Muluc\",\"Oc\",\"Chuen\",\"Eb\",\"Ben\",\"Ix\",\"Men\",\"Cib\",\"Caban\",\"Etznab\",\"Cauac\",\"Ahau\"]}},leapYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),!1},formatYear:function(t){t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year();var e=Math.floor(t/400);return t%=400,t+=t<0?400:0,e+\".\"+Math.floor(t/20)+\".\"+t%20},forYear:function(t){if((t=t.split(\".\")).length<3)throw\"Invalid Mayan year\";for(var e=0,r=0;r19||r>0&&n<0)throw\"Invalid Mayan year\";e=20*e+n}return e},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),18},weekOfYear:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),0},daysInYear:function(t){return this._validate(t,this.minMonth,this.minDay,n.local.invalidYear),360},daysInMonth:function(t,e){return this._validate(t,e,this.minDay,n.local.invalidMonth),20},daysInWeek:function(){return 5},dayOfWeek:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate).day()},weekDay:function(t,e,r){return this._validate(t,e,r,n.local.invalidDate),!0},extraInfo:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate).toJD(),a=this._toHaab(i),o=this._toTzolkin(i);return{haabMonthName:this.local.haabMonths[a[0]-1],haabMonth:a[0],haabDay:a[1],tzolkinDayName:this.local.tzolkinMonths[o[0]-1],tzolkinDay:o[0],tzolkinTrecena:o[1]}},_toHaab:function(t){var e=o((t-=this.jdEpoch)+8+340,365);return[Math.floor(e/20)+1,o(e,20)]},_toTzolkin:function(t){return[s((t-=this.jdEpoch)+20,20),s(t+4,13)]},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);return i.day()+20*i.month()+360*i.year()+this.jdEpoch},fromJD:function(t){t=Math.floor(t)+.5-this.jdEpoch;var e=Math.floor(t/360);t%=360,t+=t<0?360:0;var r=Math.floor(t/20),n=t%20;return this.newDate(e,r,n)}}),n.calendars.mayan=a},{\"../main\":548,\"object-assign\":437}],542:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar;var o=n.instance(\"gregorian\");i(a.prototype,{name:\"Nanakshahi\",jdEpoch:2257673.5,daysPerMonth:[31,31,31,31,31,30,30,30,30,30,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Nanakshahi\",epochs:[\"BN\",\"AN\"],monthNames:[\"Chet\",\"Vaisakh\",\"Jeth\",\"Harh\",\"Sawan\",\"Bhadon\",\"Assu\",\"Katak\",\"Maghar\",\"Poh\",\"Magh\",\"Phagun\"],monthNamesShort:[\"Che\",\"Vai\",\"Jet\",\"Har\",\"Saw\",\"Bha\",\"Ass\",\"Kat\",\"Mgr\",\"Poh\",\"Mgh\",\"Pha\"],dayNames:[\"Somvaar\",\"Mangalvar\",\"Budhvaar\",\"Veervaar\",\"Shukarvaar\",\"Sanicharvaar\",\"Etvaar\"],dayNamesShort:[\"Som\",\"Mangal\",\"Budh\",\"Veer\",\"Shukar\",\"Sanichar\",\"Et\"],dayNamesMin:[\"So\",\"Ma\",\"Bu\",\"Ve\",\"Sh\",\"Sa\",\"Et\"],digits:null,dateFormat:\"dd-mm-yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear||n.regionalOptions[\"\"].invalidYear);return o.leapYear(e.year()+(e.year()<1?1:0)+1469)},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(1-(n.dayOfWeek()||7),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidMonth);(t=i.year())<0&&t++;for(var a=i.day(),s=1;s=this.toJD(e+1,1,1);)e++;for(var r=t-Math.floor(this.toJD(e,1,1)+.5)+1,n=1;r>this.daysInMonth(e,n);)r-=this.daysInMonth(e,n),n++;return this.newDate(e,n,r)}}),n.calendars.nanakshahi=a},{\"../main\":548,\"object-assign\":437}],543:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"Nepali\",jdEpoch:1700709.5,daysPerMonth:[31,31,32,32,31,30,30,29,30,29,30,30],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,daysPerYear:365,regionalOptions:{\"\":{name:\"Nepali\",epochs:[\"BBS\",\"ABS\"],monthNames:[\"Baisakh\",\"Jestha\",\"Ashadh\",\"Shrawan\",\"Bhadra\",\"Ashwin\",\"Kartik\",\"Mangsir\",\"Paush\",\"Mangh\",\"Falgun\",\"Chaitra\"],monthNamesShort:[\"Bai\",\"Je\",\"As\",\"Shra\",\"Bha\",\"Ash\",\"Kar\",\"Mang\",\"Pau\",\"Ma\",\"Fal\",\"Chai\"],dayNames:[\"Aaitabaar\",\"Sombaar\",\"Manglbaar\",\"Budhabaar\",\"Bihibaar\",\"Shukrabaar\",\"Shanibaar\"],dayNamesShort:[\"Aaita\",\"Som\",\"Mangl\",\"Budha\",\"Bihi\",\"Shukra\",\"Shani\"],dayNamesMin:[\"Aai\",\"So\",\"Man\",\"Bu\",\"Bi\",\"Shu\",\"Sha\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:1,isRTL:!1}},leapYear:function(t){return this.daysInYear(t)!==this.daysPerYear},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){if(t=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear).year(),\"undefined\"==typeof this.NEPALI_CALENDAR_DATA[t])return this.daysPerYear;for(var e=0,r=this.minMonth;r<=12;r++)e+=this.NEPALI_CALENDAR_DATA[t][r];return e},daysInMonth:function(t,e){return t.year&&(e=t.month(),t=t.year()),this._validate(t,e,this.minDay,n.local.invalidMonth),\"undefined\"==typeof this.NEPALI_CALENDAR_DATA[t]?this.daysPerMonth[e-1]:this.NEPALI_CALENDAR_DATA[t][e]},weekDay:function(t,e,r){return 6!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=n.instance(),o=0,s=e,l=t;this._createMissingCalendarData(t);var c=t-(s>9||9===s&&r>=this.NEPALI_CALENDAR_DATA[l][0]?56:57);for(9!==e&&(o=r,s--);9!==s;)s<=0&&(s=12,l--),o+=this.NEPALI_CALENDAR_DATA[l][s],s--;return 9===e?(o+=r-this.NEPALI_CALENDAR_DATA[l][0])<0&&(o+=a.daysInYear(c)):o+=this.NEPALI_CALENDAR_DATA[l][9]-this.NEPALI_CALENDAR_DATA[l][0],a.newDate(c,1,1).add(o,\"d\").toJD()},fromJD:function(t){var e=n.instance().fromJD(t),r=e.year(),i=e.dayOfYear(),a=r+56;this._createMissingCalendarData(a);for(var o=9,s=this.NEPALI_CALENDAR_DATA[a][0],l=this.NEPALI_CALENDAR_DATA[a][o]-s+1;i>l;)++o>12&&(o=1,a++),l+=this.NEPALI_CALENDAR_DATA[a][o];var c=this.NEPALI_CALENDAR_DATA[a][o]-(l-i);return this.newDate(a,o,c)},_createMissingCalendarData:function(t){var e=this.daysPerMonth.slice(0);e.unshift(17);for(var r=t-1;r0?474:473))%2820+474+38)%2816<682},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-(n.dayOfWeek()+1)%7,\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(12===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=i.year(),e=i.month(),r=i.day();var a=t-(t>=0?474:473),s=474+o(a,2820);return r+(e<=7?31*(e-1):30*(e-1)+6)+Math.floor((682*s-110)/2816)+365*(s-1)+1029983*Math.floor(a/2820)+this.jdEpoch-1},fromJD:function(t){var e=(t=Math.floor(t)+.5)-this.toJD(475,1,1),r=Math.floor(e/1029983),n=o(e,1029983),i=2820;if(1029982!==n){var a=Math.floor(n/366),s=o(n,366);i=Math.floor((2134*a+2816*s+2815)/1028522)+a+1}var l=i+2820*r+474;l=l<=0?l-1:l;var c=t-this.toJD(l,1,1)+1,u=c<=186?Math.ceil(c/31):Math.ceil((c-6)/30),f=t-this.toJD(l,u,1)+1;return this.newDate(l,u,f)}}),n.calendars.persian=a,n.calendars.jalali=a},{\"../main\":548,\"object-assign\":437}],545:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\"),a=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,i(o.prototype,{name:\"Taiwan\",jdEpoch:2419402.5,yearsOffset:1911,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Taiwan\",epochs:[\"BROC\",\"ROC\"],monthNames:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],monthNamesShort:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:1,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)},_g2tYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)}}),n.calendars.taiwan=o},{\"../main\":548,\"object-assign\":437}],546:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\"),a=n.instance();function o(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}o.prototype=new n.baseCalendar,i(o.prototype,{name:\"Thai\",jdEpoch:1523098.5,yearsOffset:543,daysPerMonth:[31,28,31,30,31,30,31,31,30,31,30,31],hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Thai\",epochs:[\"BBE\",\"BE\"],monthNames:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],monthNamesShort:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],dayNames:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],dayNamesShort:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],dayNamesMin:[\"Su\",\"Mo\",\"Tu\",\"We\",\"Th\",\"Fr\",\"Sa\"],digits:null,dateFormat:\"dd/mm/yyyy\",firstDay:0,isRTL:!1}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(e.year());return a.leapYear(t)},weekOfYear:function(t,e,r){var i=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);t=this._t2gYear(i.year());return a.weekOfYear(t,i.month(),i.day())},daysInMonth:function(t,e){var r=this._validate(t,e,this.minDay,n.local.invalidMonth);return this.daysPerMonth[r.month()-1]+(2===r.month()&&this.leapYear(r.year())?1:0)},weekDay:function(t,e,r){return(this.dayOfWeek(t,e,r)||7)<6},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate);t=this._t2gYear(i.year());return a.toJD(t,i.month(),i.day())},fromJD:function(t){var e=a.fromJD(t),r=this._g2tYear(e.year());return this.newDate(r,e.month(),e.day())},_t2gYear:function(t){return t-this.yearsOffset-(t>=1&&t<=this.yearsOffset?1:0)},_g2tYear:function(t){return t+this.yearsOffset+(t>=-this.yearsOffset&&t<=-1?1:0)}}),n.calendars.thai=o},{\"../main\":548,\"object-assign\":437}],547:[function(t,e,r){var n=t(\"../main\"),i=t(\"object-assign\");function a(t){this.local=this.regionalOptions[t||\"\"]||this.regionalOptions[\"\"]}a.prototype=new n.baseCalendar,i(a.prototype,{name:\"UmmAlQura\",hasYearZero:!1,minMonth:1,firstMonth:1,minDay:1,regionalOptions:{\"\":{name:\"Umm al-Qura\",epochs:[\"BH\",\"AH\"],monthNames:[\"Al-Muharram\",\"Safar\",\"Rabi' al-awwal\",\"Rabi' Al-Thani\",\"Jumada Al-Awwal\",\"Jumada Al-Thani\",\"Rajab\",\"Sha'aban\",\"Ramadan\",\"Shawwal\",\"Dhu al-Qi'dah\",\"Dhu al-Hijjah\"],monthNamesShort:[\"Muh\",\"Saf\",\"Rab1\",\"Rab2\",\"Jum1\",\"Jum2\",\"Raj\",\"Sha'\",\"Ram\",\"Shaw\",\"DhuQ\",\"DhuH\"],dayNames:[\"Yawm al-Ahad\",\"Yawm al-Ithnain\",\"Yawm al-Thal\\u0101th\\u0101\\u2019\",\"Yawm al-Arba\\u2018\\u0101\\u2019\",\"Yawm al-Kham\\u012bs\",\"Yawm al-Jum\\u2018a\",\"Yawm al-Sabt\"],dayNamesMin:[\"Ah\",\"Ith\",\"Th\",\"Ar\",\"Kh\",\"Ju\",\"Sa\"],digits:null,dateFormat:\"yyyy/mm/dd\",firstDay:6,isRTL:!0}},leapYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,n.local.invalidYear);return 355===this.daysInYear(e.year())},weekOfYear:function(t,e,r){var n=this.newDate(t,e,r);return n.add(-n.dayOfWeek(),\"d\"),Math.floor((n.dayOfYear()-1)/7)+1},daysInYear:function(t){for(var e=0,r=1;r<=12;r++)e+=this.daysInMonth(t,r);return e},daysInMonth:function(t,e){for(var r=this._validate(t,e,this.minDay,n.local.invalidMonth).toJD()-24e5+.5,i=0,a=0;ar)return o[i]-o[i-1];i++}return 30},weekDay:function(t,e,r){return 5!==this.dayOfWeek(t,e,r)},toJD:function(t,e,r){var i=this._validate(t,e,r,n.local.invalidDate),a=12*(i.year()-1)+i.month()-15292;return i.day()+o[a-1]-1+24e5-.5},fromJD:function(t){for(var e=t-24e5+.5,r=0,n=0;ne);n++)r++;var i=r+15292,a=Math.floor((i-1)/12),s=a+1,l=i-12*a,c=e-o[r-1]+1;return this.newDate(s,l,c)},isValid:function(t,e,r){var i=n.baseCalendar.prototype.isValid.apply(this,arguments);return i&&(i=(t=null!=t.year?t.year:t)>=1276&&t<=1500),i},_validate:function(t,e,r,i){var a=n.baseCalendar.prototype._validate.apply(this,arguments);if(a.year<1276||a.year>1500)throw i.replace(/\\{0\\}/,this.local.name);return a}}),n.calendars.ummalqura=a;var o=[20,50,79,109,138,168,197,227,256,286,315,345,374,404,433,463,492,522,551,581,611,641,670,700,729,759,788,818,847,877,906,936,965,995,1024,1054,1083,1113,1142,1172,1201,1231,1260,1290,1320,1350,1379,1409,1438,1468,1497,1527,1556,1586,1615,1645,1674,1704,1733,1763,1792,1822,1851,1881,1910,1940,1969,1999,2028,2058,2087,2117,2146,2176,2205,2235,2264,2294,2323,2353,2383,2413,2442,2472,2501,2531,2560,2590,2619,2649,2678,2708,2737,2767,2796,2826,2855,2885,2914,2944,2973,3003,3032,3062,3091,3121,3150,3180,3209,3239,3268,3298,3327,3357,3386,3416,3446,3476,3505,3535,3564,3594,3623,3653,3682,3712,3741,3771,3800,3830,3859,3889,3918,3948,3977,4007,4036,4066,4095,4125,4155,4185,4214,4244,4273,4303,4332,4362,4391,4421,4450,4480,4509,4539,4568,4598,4627,4657,4686,4716,4745,4775,4804,4834,4863,4893,4922,4952,4981,5011,5040,5070,5099,5129,5158,5188,5218,5248,5277,5307,5336,5366,5395,5425,5454,5484,5513,5543,5572,5602,5631,5661,5690,5720,5749,5779,5808,5838,5867,5897,5926,5956,5985,6015,6044,6074,6103,6133,6162,6192,6221,6251,6281,6311,6340,6370,6399,6429,6458,6488,6517,6547,6576,6606,6635,6665,6694,6724,6753,6783,6812,6842,6871,6901,6930,6960,6989,7019,7048,7078,7107,7137,7166,7196,7225,7255,7284,7314,7344,7374,7403,7433,7462,7492,7521,7551,7580,7610,7639,7669,7698,7728,7757,7787,7816,7846,7875,7905,7934,7964,7993,8023,8053,8083,8112,8142,8171,8201,8230,8260,8289,8319,8348,8378,8407,8437,8466,8496,8525,8555,8584,8614,8643,8673,8702,8732,8761,8791,8821,8850,8880,8909,8938,8968,8997,9027,9056,9086,9115,9145,9175,9205,9234,9264,9293,9322,9352,9381,9410,9440,9470,9499,9529,9559,9589,9618,9648,9677,9706,9736,9765,9794,9824,9853,9883,9913,9943,9972,10002,10032,10061,10090,10120,10149,10178,10208,10237,10267,10297,10326,10356,10386,10415,10445,10474,10504,10533,10562,10592,10621,10651,10680,10710,10740,10770,10799,10829,10858,10888,10917,10947,10976,11005,11035,11064,11094,11124,11153,11183,11213,11242,11272,11301,11331,11360,11389,11419,11448,11478,11507,11537,11567,11596,11626,11655,11685,11715,11744,11774,11803,11832,11862,11891,11921,11950,11980,12010,12039,12069,12099,12128,12158,12187,12216,12246,12275,12304,12334,12364,12393,12423,12453,12483,12512,12542,12571,12600,12630,12659,12688,12718,12747,12777,12807,12837,12866,12896,12926,12955,12984,13014,13043,13072,13102,13131,13161,13191,13220,13250,13280,13310,13339,13368,13398,13427,13456,13486,13515,13545,13574,13604,13634,13664,13693,13723,13752,13782,13811,13840,13870,13899,13929,13958,13988,14018,14047,14077,14107,14136,14166,14195,14224,14254,14283,14313,14342,14372,14401,14431,14461,14490,14520,14550,14579,14609,14638,14667,14697,14726,14756,14785,14815,14844,14874,14904,14933,14963,14993,15021,15051,15081,15110,15140,15169,15199,15228,15258,15287,15317,15347,15377,15406,15436,15465,15494,15524,15553,15582,15612,15641,15671,15701,15731,15760,15790,15820,15849,15878,15908,15937,15966,15996,16025,16055,16085,16114,16144,16174,16204,16233,16262,16292,16321,16350,16380,16409,16439,16468,16498,16528,16558,16587,16617,16646,16676,16705,16734,16764,16793,16823,16852,16882,16912,16941,16971,17001,17030,17060,17089,17118,17148,17177,17207,17236,17266,17295,17325,17355,17384,17414,17444,17473,17502,17532,17561,17591,17620,17650,17679,17709,17738,17768,17798,17827,17857,17886,17916,17945,17975,18004,18034,18063,18093,18122,18152,18181,18211,18241,18270,18300,18330,18359,18388,18418,18447,18476,18506,18535,18565,18595,18625,18654,18684,18714,18743,18772,18802,18831,18860,18890,18919,18949,18979,19008,19038,19068,19098,19127,19156,19186,19215,19244,19274,19303,19333,19362,19392,19422,19452,19481,19511,19540,19570,19599,19628,19658,19687,19717,19746,19776,19806,19836,19865,19895,19924,19954,19983,20012,20042,20071,20101,20130,20160,20190,20219,20249,20279,20308,20338,20367,20396,20426,20455,20485,20514,20544,20573,20603,20633,20662,20692,20721,20751,20780,20810,20839,20869,20898,20928,20957,20987,21016,21046,21076,21105,21135,21164,21194,21223,21253,21282,21312,21341,21371,21400,21430,21459,21489,21519,21548,21578,21607,21637,21666,21696,21725,21754,21784,21813,21843,21873,21902,21932,21962,21991,22021,22050,22080,22109,22138,22168,22197,22227,22256,22286,22316,22346,22375,22405,22434,22464,22493,22522,22552,22581,22611,22640,22670,22700,22730,22759,22789,22818,22848,22877,22906,22936,22965,22994,23024,23054,23083,23113,23143,23173,23202,23232,23261,23290,23320,23349,23379,23408,23438,23467,23497,23527,23556,23586,23616,23645,23674,23704,23733,23763,23792,23822,23851,23881,23910,23940,23970,23999,24029,24058,24088,24117,24147,24176,24206,24235,24265,24294,24324,24353,24383,24413,24442,24472,24501,24531,24560,24590,24619,24648,24678,24707,24737,24767,24796,24826,24856,24885,24915,24944,24974,25003,25032,25062,25091,25121,25150,25180,25210,25240,25269,25299,25328,25358,25387,25416,25446,25475,25505,25534,25564,25594,25624,25653,25683,25712,25742,25771,25800,25830,25859,25888,25918,25948,25977,26007,26037,26067,26096,26126,26155,26184,26214,26243,26272,26302,26332,26361,26391,26421,26451,26480,26510,26539,26568,26598,26627,26656,26686,26715,26745,26775,26805,26834,26864,26893,26923,26952,26982,27011,27041,27070,27099,27129,27159,27188,27218,27248,27277,27307,27336,27366,27395,27425,27454,27484,27513,27542,27572,27602,27631,27661,27691,27720,27750,27779,27809,27838,27868,27897,27926,27956,27985,28015,28045,28074,28104,28134,28163,28193,28222,28252,28281,28310,28340,28369,28399,28428,28458,28488,28517,28547,28577,28607,28636,28665,28695,28724,28754,28783,28813,28843,28872,28901,28931,28960,28990,29019,29049,29078,29108,29137,29167,29196,29226,29255,29285,29315,29345,29375,29404,29434,29463,29492,29522,29551,29580,29610,29640,29669,29699,29729,29759,29788,29818,29847,29876,29906,29935,29964,29994,30023,30053,30082,30112,30141,30171,30200,30230,30259,30289,30318,30348,30378,30408,30437,30467,30496,30526,30555,30585,30614,30644,30673,30703,30732,30762,30791,30821,30850,30880,30909,30939,30968,30998,31027,31057,31086,31116,31145,31175,31204,31234,31263,31293,31322,31352,31381,31411,31441,31471,31500,31530,31559,31589,31618,31648,31676,31706,31736,31766,31795,31825,31854,31884,31913,31943,31972,32002,32031,32061,32090,32120,32150,32180,32209,32239,32268,32298,32327,32357,32386,32416,32445,32475,32504,32534,32563,32593,32622,32652,32681,32711,32740,32770,32799,32829,32858,32888,32917,32947,32976,33006,33035,33065,33094,33124,33153,33183,33213,33243,33272,33302,33331,33361,33390,33420,33450,33479,33509,33539,33568,33598,33627,33657,33686,33716,33745,33775,33804,33834,33863,33893,33922,33952,33981,34011,34040,34069,34099,34128,34158,34187,34217,34247,34277,34306,34336,34365,34395,34424,34454,34483,34512,34542,34571,34601,34631,34660,34690,34719,34749,34778,34808,34837,34867,34896,34926,34955,34985,35015,35044,35074,35103,35133,35162,35192,35222,35251,35280,35310,35340,35370,35399,35429,35458,35488,35517,35547,35576,35605,35635,35665,35694,35723,35753,35782,35811,35841,35871,35901,35930,35960,35989,36019,36048,36078,36107,36136,36166,36195,36225,36254,36284,36314,36343,36373,36403,36433,36462,36492,36521,36551,36580,36610,36639,36669,36698,36728,36757,36786,36816,36845,36875,36904,36934,36963,36993,37022,37052,37081,37111,37141,37170,37200,37229,37259,37288,37318,37347,37377,37406,37436,37465,37495,37524,37554,37584,37613,37643,37672,37701,37731,37760,37790,37819,37849,37878,37908,37938,37967,37997,38027,38056,38085,38115,38144,38174,38203,38233,38262,38292,38322,38351,38381,38410,38440,38469,38499,38528,38558,38587,38617,38646,38676,38705,38735,38764,38794,38823,38853,38882,38912,38941,38971,39001,39030,39059,39089,39118,39148,39178,39208,39237,39267,39297,39326,39355,39385,39414,39444,39473,39503,39532,39562,39592,39621,39650,39680,39709,39739,39768,39798,39827,39857,39886,39916,39946,39975,40005,40035,40064,40094,40123,40153,40182,40212,40241,40271,40300,40330,40359,40389,40418,40448,40477,40507,40536,40566,40595,40625,40655,40685,40714,40744,40773,40803,40832,40862,40892,40921,40951,40980,41009,41039,41068,41098,41127,41157,41186,41216,41245,41275,41304,41334,41364,41393,41422,41452,41481,41511,41540,41570,41599,41629,41658,41688,41718,41748,41777,41807,41836,41865,41894,41924,41953,41983,42012,42042,42072,42102,42131,42161,42190,42220,42249,42279,42308,42337,42367,42397,42426,42456,42485,42515,42545,42574,42604,42633,42662,42692,42721,42751,42780,42810,42839,42869,42899,42929,42958,42988,43017,43046,43076,43105,43135,43164,43194,43223,43253,43283,43312,43342,43371,43401,43430,43460,43489,43519,43548,43578,43607,43637,43666,43696,43726,43755,43785,43814,43844,43873,43903,43932,43962,43991,44021,44050,44080,44109,44139,44169,44198,44228,44258,44287,44317,44346,44375,44405,44434,44464,44493,44523,44553,44582,44612,44641,44671,44700,44730,44759,44788,44818,44847,44877,44906,44936,44966,44996,45025,45055,45084,45114,45143,45172,45202,45231,45261,45290,45320,45350,45380,45409,45439,45468,45498,45527,45556,45586,45615,45644,45674,45704,45733,45763,45793,45823,45852,45882,45911,45940,45970,45999,46028,46058,46088,46117,46147,46177,46206,46236,46265,46295,46324,46354,46383,46413,46442,46472,46501,46531,46560,46590,46620,46649,46679,46708,46738,46767,46797,46826,46856,46885,46915,46944,46974,47003,47033,47063,47092,47122,47151,47181,47210,47240,47269,47298,47328,47357,47387,47417,47446,47476,47506,47535,47565,47594,47624,47653,47682,47712,47741,47771,47800,47830,47860,47890,47919,47949,47978,48008,48037,48066,48096,48125,48155,48184,48214,48244,48273,48303,48333,48362,48392,48421,48450,48480,48509,48538,48568,48598,48627,48657,48687,48717,48746,48776,48805,48834,48864,48893,48922,48952,48982,49011,49041,49071,49100,49130,49160,49189,49218,49248,49277,49306,49336,49365,49395,49425,49455,49484,49514,49543,49573,49602,49632,49661,49690,49720,49749,49779,49809,49838,49868,49898,49927,49957,49986,50016,50045,50075,50104,50133,50163,50192,50222,50252,50281,50311,50340,50370,50400,50429,50459,50488,50518,50547,50576,50606,50635,50665,50694,50724,50754,50784,50813,50843,50872,50902,50931,50960,50990,51019,51049,51078,51108,51138,51167,51197,51227,51256,51286,51315,51345,51374,51403,51433,51462,51492,51522,51552,51582,51611,51641,51670,51699,51729,51758,51787,51816,51846,51876,51906,51936,51965,51995,52025,52054,52083,52113,52142,52171,52200,52230,52260,52290,52319,52349,52379,52408,52438,52467,52497,52526,52555,52585,52614,52644,52673,52703,52733,52762,52792,52822,52851,52881,52910,52939,52969,52998,53028,53057,53087,53116,53146,53176,53205,53235,53264,53294,53324,53353,53383,53412,53441,53471,53500,53530,53559,53589,53619,53648,53678,53708,53737,53767,53796,53825,53855,53884,53913,53943,53973,54003,54032,54062,54092,54121,54151,54180,54209,54239,54268,54297,54327,54357,54387,54416,54446,54476,54505,54535,54564,54593,54623,54652,54681,54711,54741,54770,54800,54830,54859,54889,54919,54948,54977,55007,55036,55066,55095,55125,55154,55184,55213,55243,55273,55302,55332,55361,55391,55420,55450,55479,55508,55538,55567,55597,55627,55657,55686,55716,55745,55775,55804,55834,55863,55892,55922,55951,55981,56011,56040,56070,56100,56129,56159,56188,56218,56247,56276,56306,56335,56365,56394,56424,56454,56483,56513,56543,56572,56601,56631,56660,56690,56719,56749,56778,56808,56837,56867,56897,56926,56956,56985,57015,57044,57074,57103,57133,57162,57192,57221,57251,57280,57310,57340,57369,57399,57429,57458,57487,57517,57546,57576,57605,57634,57664,57694,57723,57753,57783,57813,57842,57871,57901,57930,57959,57989,58018,58048,58077,58107,58137,58167,58196,58226,58255,58285,58314,58343,58373,58402,58432,58461,58491,58521,58551,58580,58610,58639,58669,58698,58727,58757,58786,58816,58845,58875,58905,58934,58964,58994,59023,59053,59082,59111,59141,59170,59200,59229,59259,59288,59318,59348,59377,59407,59436,59466,59495,59525,59554,59584,59613,59643,59672,59702,59731,59761,59791,59820,59850,59879,59909,59939,59968,59997,60027,60056,60086,60115,60145,60174,60204,60234,60264,60293,60323,60352,60381,60411,60440,60469,60499,60528,60558,60588,60618,60648,60677,60707,60736,60765,60795,60824,60853,60883,60912,60942,60972,61002,61031,61061,61090,61120,61149,61179,61208,61237,61267,61296,61326,61356,61385,61415,61445,61474,61504,61533,61563,61592,61621,61651,61680,61710,61739,61769,61799,61828,61858,61888,61917,61947,61976,62006,62035,62064,62094,62123,62153,62182,62212,62242,62271,62301,62331,62360,62390,62419,62448,62478,62507,62537,62566,62596,62625,62655,62685,62715,62744,62774,62803,62832,62862,62891,62921,62950,62980,63009,63039,63069,63099,63128,63157,63187,63216,63246,63275,63305,63334,63363,63393,63423,63453,63482,63512,63541,63571,63600,63630,63659,63689,63718,63747,63777,63807,63836,63866,63895,63925,63955,63984,64014,64043,64073,64102,64131,64161,64190,64220,64249,64279,64309,64339,64368,64398,64427,64457,64486,64515,64545,64574,64603,64633,64663,64692,64722,64752,64782,64811,64841,64870,64899,64929,64958,64987,65017,65047,65076,65106,65136,65166,65195,65225,65254,65283,65313,65342,65371,65401,65431,65460,65490,65520,65549,65579,65608,65638,65667,65697,65726,65755,65785,65815,65844,65874,65903,65933,65963,65992,66022,66051,66081,66110,66140,66169,66199,66228,66258,66287,66317,66346,66376,66405,66435,66465,66494,66524,66553,66583,66612,66641,66671,66700,66730,66760,66789,66819,66849,66878,66908,66937,66967,66996,67025,67055,67084,67114,67143,67173,67203,67233,67262,67292,67321,67351,67380,67409,67439,67468,67497,67527,67557,67587,67617,67646,67676,67705,67735,67764,67793,67823,67852,67882,67911,67941,67971,68e3,68030,68060,68089,68119,68148,68177,68207,68236,68266,68295,68325,68354,68384,68414,68443,68473,68502,68532,68561,68591,68620,68650,68679,68708,68738,68768,68797,68827,68857,68886,68916,68946,68975,69004,69034,69063,69092,69122,69152,69181,69211,69240,69270,69300,69330,69359,69388,69418,69447,69476,69506,69535,69565,69595,69624,69654,69684,69713,69743,69772,69802,69831,69861,69890,69919,69949,69978,70008,70038,70067,70097,70126,70156,70186,70215,70245,70274,70303,70333,70362,70392,70421,70451,70481,70510,70540,70570,70599,70629,70658,70687,70717,70746,70776,70805,70835,70864,70894,70924,70954,70983,71013,71042,71071,71101,71130,71159,71189,71218,71248,71278,71308,71337,71367,71397,71426,71455,71485,71514,71543,71573,71602,71632,71662,71691,71721,71751,71781,71810,71839,71869,71898,71927,71957,71986,72016,72046,72075,72105,72135,72164,72194,72223,72253,72282,72311,72341,72370,72400,72429,72459,72489,72518,72548,72577,72607,72637,72666,72695,72725,72754,72784,72813,72843,72872,72902,72931,72961,72991,73020,73050,73080,73109,73139,73168,73197,73227,73256,73286,73315,73345,73375,73404,73434,73464,73493,73523,73552,73581,73611,73640,73669,73699,73729,73758,73788,73818,73848,73877,73907,73936,73965,73995,74024,74053,74083,74113,74142,74172,74202,74231,74261,74291,74320,74349,74379,74408,74437,74467,74497,74526,74556,74586,74615,74645,74675,74704,74733,74763,74792,74822,74851,74881,74910,74940,74969,74999,75029,75058,75088,75117,75147,75176,75206,75235,75264,75294,75323,75353,75383,75412,75442,75472,75501,75531,75560,75590,75619,75648,75678,75707,75737,75766,75796,75826,75856,75885,75915,75944,75974,76003,76032,76062,76091,76121,76150,76180,76210,76239,76269,76299,76328,76358,76387,76416,76446,76475,76505,76534,76564,76593,76623,76653,76682,76712,76741,76771,76801,76830,76859,76889,76918,76948,76977,77007,77036,77066,77096,77125,77155,77185,77214,77243,77273,77302,77332,77361,77390,77420,77450,77479,77509,77539,77569,77598,77627,77657,77686,77715,77745,77774,77804,77833,77863,77893,77923,77952,77982,78011,78041,78070,78099,78129,78158,78188,78217,78247,78277,78307,78336,78366,78395,78425,78454,78483,78513,78542,78572,78601,78631,78661,78690,78720,78750,78779,78808,78838,78867,78897,78926,78956,78985,79015,79044,79074,79104,79133,79163,79192,79222,79251,79281,79310,79340,79369,79399,79428,79458,79487,79517,79546,79576,79606,79635,79665,79695,79724,79753,79783,79812,79841,79871,79900,79930,79960,79990]},{\"../main\":548,\"object-assign\":437}],548:[function(t,e,r){var n=t(\"object-assign\");function i(){this.regionalOptions=[],this.regionalOptions[\"\"]={invalidCalendar:\"Calendar {0} not found\",invalidDate:\"Invalid {0} date\",invalidMonth:\"Invalid {0} month\",invalidYear:\"Invalid {0} year\",differentCalendars:\"Cannot mix {0} and {1} dates\"},this.local=this.regionalOptions[\"\"],this.calendars={},this._localCals={}}function a(t,e,r,n){if(this._calendar=t,this._year=e,this._month=r,this._day=n,0===this._calendar._validateLevel&&!this._calendar.isValid(this._year,this._month,this._day))throw(c.local.invalidDate||c.regionalOptions[\"\"].invalidDate).replace(/\\{0\\}/,this._calendar.local.name)}function o(t,e){return\"000000\".substring(0,e-(t=\"\"+t).length)+t}function s(){this.shortYearCutoff=\"+10\"}function l(t){this.local=this.regionalOptions[t]||this.regionalOptions[\"\"]}n(i.prototype,{instance:function(t,e){t=(t||\"gregorian\").toLowerCase(),e=e||\"\";var r=this._localCals[t+\"-\"+e];if(!r&&this.calendars[t]&&(r=new this.calendars[t](e),this._localCals[t+\"-\"+e]=r),!r)throw(this.local.invalidCalendar||this.regionalOptions[\"\"].invalidCalendar).replace(/\\{0\\}/,t);return r},newDate:function(t,e,r,n,i){return(n=(null!=t&&t.year?t.calendar():\"string\"==typeof n?this.instance(n,i):n)||this.instance()).newDate(t,e,r)},substituteDigits:function(t){return function(e){return(e+\"\").replace(/[0-9]/g,function(e){return t[e]})}},substituteChineseDigits:function(t,e){return function(r){for(var n=\"\",i=0;r>0;){var a=r%10;n=(0===a?\"\":t[a]+e[i])+n,i++,r=Math.floor(r/10)}return 0===n.indexOf(t[1]+e[1])&&(n=n.substr(1)),n||t[0]}}}),n(a.prototype,{newDate:function(t,e,r){return this._calendar.newDate(null==t?this:t,e,r)},year:function(t){return 0===arguments.length?this._year:this.set(t,\"y\")},month:function(t){return 0===arguments.length?this._month:this.set(t,\"m\")},day:function(t){return 0===arguments.length?this._day:this.set(t,\"d\")},date:function(t,e,r){if(!this._calendar.isValid(t,e,r))throw(c.local.invalidDate||c.regionalOptions[\"\"].invalidDate).replace(/\\{0\\}/,this._calendar.local.name);return this._year=t,this._month=e,this._day=r,this},leapYear:function(){return this._calendar.leapYear(this)},epoch:function(){return this._calendar.epoch(this)},formatYear:function(){return this._calendar.formatYear(this)},monthOfYear:function(){return this._calendar.monthOfYear(this)},weekOfYear:function(){return this._calendar.weekOfYear(this)},daysInYear:function(){return this._calendar.daysInYear(this)},dayOfYear:function(){return this._calendar.dayOfYear(this)},daysInMonth:function(){return this._calendar.daysInMonth(this)},dayOfWeek:function(){return this._calendar.dayOfWeek(this)},weekDay:function(){return this._calendar.weekDay(this)},extraInfo:function(){return this._calendar.extraInfo(this)},add:function(t,e){return this._calendar.add(this,t,e)},set:function(t,e){return this._calendar.set(this,t,e)},compareTo:function(t){if(this._calendar.name!==t._calendar.name)throw(c.local.differentCalendars||c.regionalOptions[\"\"].differentCalendars).replace(/\\{0\\}/,this._calendar.local.name).replace(/\\{1\\}/,t._calendar.local.name);var e=this._year!==t._year?this._year-t._year:this._month!==t._month?this.monthOfYear()-t.monthOfYear():this._day-t._day;return 0===e?0:e<0?-1:1},calendar:function(){return this._calendar},toJD:function(){return this._calendar.toJD(this)},fromJD:function(t){return this._calendar.fromJD(t)},toJSDate:function(){return this._calendar.toJSDate(this)},fromJSDate:function(t){return this._calendar.fromJSDate(t)},toString:function(){return(this.year()<0?\"-\":\"\")+o(Math.abs(this.year()),4)+\"-\"+o(this.month(),2)+\"-\"+o(this.day(),2)}}),n(s.prototype,{_validateLevel:0,newDate:function(t,e,r){return null==t?this.today():(t.year&&(this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),r=t.day(),e=t.month(),t=t.year()),new a(this,t,e,r))},today:function(){return this.fromJSDate(new Date)},epoch:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear).year()<0?this.local.epochs[0]:this.local.epochs[1]},formatYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear);return(e.year()<0?\"-\":\"\")+o(Math.abs(e.year()),4)},monthsInYear:function(t){return this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear),12},monthOfYear:function(t,e){var r=this._validate(t,e,this.minDay,c.local.invalidMonth||c.regionalOptions[\"\"].invalidMonth);return(r.month()+this.monthsInYear(r)-this.firstMonth)%this.monthsInYear(r)+this.minMonth},fromMonthOfYear:function(t,e){var r=(e+this.firstMonth-2*this.minMonth)%this.monthsInYear(t)+this.minMonth;return this._validate(t,r,this.minDay,c.local.invalidMonth||c.regionalOptions[\"\"].invalidMonth),r},daysInYear:function(t){var e=this._validate(t,this.minMonth,this.minDay,c.local.invalidYear||c.regionalOptions[\"\"].invalidYear);return this.leapYear(e)?366:365},dayOfYear:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate);return n.toJD()-this.newDate(n.year(),this.fromMonthOfYear(n.year(),this.minMonth),this.minDay).toJD()+1},daysInWeek:function(){return 7},dayOfWeek:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate);return(Math.floor(this.toJD(n))+2)%this.daysInWeek()},extraInfo:function(t,e,r){return this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),{}},add:function(t,e,r){return this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),this._correctAdd(t,this._add(t,e,r),e,r)},_add:function(t,e,r){if(this._validateLevel++,\"d\"===r||\"w\"===r){var n=t.toJD()+e*(\"w\"===r?this.daysInWeek():1),i=t.calendar().fromJD(n);return this._validateLevel--,[i.year(),i.month(),i.day()]}try{var a=t.year()+(\"y\"===r?e:0),o=t.monthOfYear()+(\"m\"===r?e:0);i=t.day();\"y\"===r?(t.month()!==this.fromMonthOfYear(a,o)&&(o=this.newDate(a,t.month(),this.minDay).monthOfYear()),o=Math.min(o,this.monthsInYear(a)),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o)))):\"m\"===r&&(!function(t){for(;oe-1+t.minMonth;)a++,o-=e,e=t.monthsInYear(a)}(this),i=Math.min(i,this.daysInMonth(a,this.fromMonthOfYear(a,o))));var s=[a,this.fromMonthOfYear(a,o),i];return this._validateLevel--,s}catch(t){throw this._validateLevel--,t}},_correctAdd:function(t,e,r,n){if(!(this.hasYearZero||\"y\"!==n&&\"m\"!==n||0!==e[0]&&t.year()>0==e[0]>0)){var i={y:[1,1,\"y\"],m:[1,this.monthsInYear(-1),\"m\"],w:[this.daysInWeek(),this.daysInYear(-1),\"d\"],d:[1,this.daysInYear(-1),\"d\"]}[n],a=r<0?-1:1;e=this._add(t,r*i[0]+a*i[1],i[2])}return t.date(e[0],e[1],e[2])},set:function(t,e,r){this._validate(t,this.minMonth,this.minDay,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate);var n=\"y\"===r?e:t.year(),i=\"m\"===r?e:t.month(),a=\"d\"===r?e:t.day();return\"y\"!==r&&\"m\"!==r||(a=Math.min(a,this.daysInMonth(n,i))),t.date(n,i,a)},isValid:function(t,e,r){this._validateLevel++;var n=this.hasYearZero||0!==t;if(n){var i=this.newDate(t,e,this.minDay);n=e>=this.minMonth&&e-this.minMonth=this.minDay&&r-this.minDay13.5?13:1),c=i-(l>2.5?4716:4715);return c<=0&&c--,this.newDate(c,l,s)},toJSDate:function(t,e,r){var n=this._validate(t,e,r,c.local.invalidDate||c.regionalOptions[\"\"].invalidDate),i=new Date(n.year(),n.month()-1,n.day());return i.setHours(0),i.setMinutes(0),i.setSeconds(0),i.setMilliseconds(0),i.setHours(i.getHours()>12?i.getHours()+2:0),i},fromJSDate:function(t){return this.newDate(t.getFullYear(),t.getMonth()+1,t.getDate())}});var c=e.exports=new i;c.cdate=a,c.baseCalendar=s,c.calendars.gregorian=l},{\"object-assign\":437}],549:[function(t,e,r){var n=t(\"object-assign\"),i=t(\"./main\");n(i.regionalOptions[\"\"],{invalidArguments:\"Invalid arguments\",invalidFormat:\"Cannot format a date from another calendar\",missingNumberAt:\"Missing number at position {0}\",unknownNameAt:\"Unknown name at position {0}\",unexpectedLiteralAt:\"Unexpected literal at position {0}\",unexpectedText:\"Additional text found at end\"}),i.local=i.regionalOptions[\"\"],n(i.cdate.prototype,{formatDate:function(t,e){return\"string\"!=typeof t&&(e=t,t=\"\"),this._calendar.formatDate(t||\"\",this,e)}}),n(i.baseCalendar.prototype,{UNIX_EPOCH:i.instance().newDate(1970,1,1).toJD(),SECS_PER_DAY:86400,TICKS_EPOCH:i.instance().jdEpoch,TICKS_PER_DAY:864e9,ATOM:\"yyyy-mm-dd\",COOKIE:\"D, dd M yyyy\",FULL:\"DD, MM d, yyyy\",ISO_8601:\"yyyy-mm-dd\",JULIAN:\"J\",RFC_822:\"D, d M yy\",RFC_850:\"DD, dd-M-yy\",RFC_1036:\"D, d M yy\",RFC_1123:\"D, d M yyyy\",RFC_2822:\"D, d M yyyy\",RSS:\"D, d M yy\",TICKS:\"!\",TIMESTAMP:\"@\",W3C:\"yyyy-mm-dd\",formatDate:function(t,e,r){if(\"string\"!=typeof t&&(r=e,e=t,t=\"\"),!e)return\"\";if(e.calendar()!==this)throw i.local.invalidFormat||i.regionalOptions[\"\"].invalidFormat;t=t||this.local.dateFormat;for(var n,a,o,s,l=(r=r||{}).dayNamesShort||this.local.dayNamesShort,c=r.dayNames||this.local.dayNames,u=r.monthNumbers||this.local.monthNumbers,f=r.monthNamesShort||this.local.monthNamesShort,h=r.monthNames||this.local.monthNames,p=(r.calculateWeek||this.local.calculateWeek,function(e,r){for(var n=1;w+n1}),d=function(t,e,r,n){var i=\"\"+e;if(p(t,n))for(;i.length1},x=function(t,r){var n=y(t,r),a=[2,3,n?4:2,n?4:2,10,11,20][\"oyYJ@!\".indexOf(t)+1],o=new RegExp(\"^-?\\\\d{1,\"+a+\"}\"),s=e.substring(A).match(o);if(!s)throw(i.local.missingNumberAt||i.regionalOptions[\"\"].missingNumberAt).replace(/\\{0\\}/,A);return A+=s[0].length,parseInt(s[0],10)},b=this,_=function(){if(\"function\"==typeof l){y(\"m\");var t=l.call(b,e.substring(A));return A+=t.length,t}return x(\"m\")},w=function(t,r,n,a){for(var o=y(t,a)?n:r,s=0;s-1){p=1,d=g;for(var E=this.daysInMonth(h,p);d>E;E=this.daysInMonth(h,p))p++,d-=E}return f>-1?this.fromJD(f):this.newDate(h,p,d)},determineDate:function(t,e,r,n,i){r&&\"object\"!=typeof r&&(i=n,n=r,r=null),\"string\"!=typeof n&&(i=n,n=\"\");var a=this;return e=e?e.newDate():null,t=null==t?e:\"string\"==typeof t?function(t){try{return a.parseDate(n,t,i)}catch(t){}for(var e=((t=t.toLowerCase()).match(/^c/)&&r?r.newDate():null)||a.today(),o=/([+-]?[0-9]+)\\s*(d|w|m|y)?/g,s=o.exec(t);s;)e.add(parseInt(s[1],10),s[2]||\"d\"),s=o.exec(t);return e}(t):\"number\"==typeof t?isNaN(t)||t===1/0||t===-1/0?e:a.today().add(t,\"d\"):a.newDate(t)}})},{\"./main\":548,\"object-assign\":437}],550:[function(t,e,r){e.exports=t(\"cwise-compiler\")({args:[\"array\",{offset:[1],array:0},\"scalar\",\"scalar\",\"index\"],pre:{body:\"{}\",args:[],thisVars:[],localVars:[]},post:{body:\"{}\",args:[],thisVars:[],localVars:[]},body:{body:\"{\\n var _inline_1_da = _inline_1_arg0_ - _inline_1_arg3_\\n var _inline_1_db = _inline_1_arg1_ - _inline_1_arg3_\\n if((_inline_1_da >= 0) !== (_inline_1_db >= 0)) {\\n _inline_1_arg2_.push(_inline_1_arg4_[0] + 0.5 + 0.5 * (_inline_1_da + _inline_1_db) / (_inline_1_da - _inline_1_db))\\n }\\n }\",args:[{name:\"_inline_1_arg0_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg1_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg2_\",lvalue:!1,rvalue:!0,count:1},{name:\"_inline_1_arg3_\",lvalue:!1,rvalue:!0,count:2},{name:\"_inline_1_arg4_\",lvalue:!1,rvalue:!0,count:1}],thisVars:[],localVars:[\"_inline_1_da\",\"_inline_1_db\"]},funcName:\"zeroCrossings\"})},{\"cwise-compiler\":134}],551:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r=[];return e=+e||0,n(t.hi(t.shape[0]-1),r,e),r};var n=t(\"./lib/zc-core\")},{\"./lib/zc-core\":550}],552:[function(t,e,r){\"use strict\";e.exports=[{path:\"\",backoff:0},{path:\"M-2.4,-3V3L0.6,0Z\",backoff:.6},{path:\"M-3.7,-2.5V2.5L1.3,0Z\",backoff:1.3},{path:\"M-4.45,-3L-1.65,-0.2V0.2L-4.45,3L1.55,0Z\",backoff:1.55},{path:\"M-2.2,-2.2L-0.2,-0.2V0.2L-2.2,2.2L-1.4,3L1.6,0L-1.4,-3Z\",backoff:1.6},{path:\"M-4.4,-2.1L-0.6,-0.2V0.2L-4.4,2.1L-4,3L2,0L-4,-3Z\",backoff:2},{path:\"M2,0A2,2 0 1,1 0,-2A2,2 0 0,1 2,0Z\",backoff:0,noRotate:!0},{path:\"M2,2V-2H-2V2Z\",backoff:0,noRotate:!0}]},{}],553:[function(t,e,r){\"use strict\";var n=t(\"./arrow_paths\"),i=t(\"../../plots/font_attributes\"),a=t(\"../../plots/cartesian/constants\"),o=t(\"../../plot_api/plot_template\").templatedArray;e.exports=o(\"annotation\",{visible:{valType:\"boolean\",dflt:!0,editType:\"calc+arraydraw\"},text:{valType:\"string\",editType:\"calc+arraydraw\"},textangle:{valType:\"angle\",dflt:0,editType:\"calc+arraydraw\"},font:i({editType:\"calc+arraydraw\",colorEditType:\"arraydraw\"}),width:{valType:\"number\",min:1,dflt:null,editType:\"calc+arraydraw\"},height:{valType:\"number\",min:1,dflt:null,editType:\"calc+arraydraw\"},opacity:{valType:\"number\",min:0,max:1,dflt:1,editType:\"arraydraw\"},align:{valType:\"enumerated\",values:[\"left\",\"center\",\"right\"],dflt:\"center\",editType:\"arraydraw\"},valign:{valType:\"enumerated\",values:[\"top\",\"middle\",\"bottom\"],dflt:\"middle\",editType:\"arraydraw\"},bgcolor:{valType:\"color\",dflt:\"rgba(0,0,0,0)\",editType:\"arraydraw\"},bordercolor:{valType:\"color\",dflt:\"rgba(0,0,0,0)\",editType:\"arraydraw\"},borderpad:{valType:\"number\",min:0,dflt:1,editType:\"calc+arraydraw\"},borderwidth:{valType:\"number\",min:0,dflt:1,editType:\"calc+arraydraw\"},showarrow:{valType:\"boolean\",dflt:!0,editType:\"calc+arraydraw\"},arrowcolor:{valType:\"color\",editType:\"arraydraw\"},arrowhead:{valType:\"integer\",min:0,max:n.length,dflt:1,editType:\"arraydraw\"},startarrowhead:{valType:\"integer\",min:0,max:n.length,dflt:1,editType:\"arraydraw\"},arrowside:{valType:\"flaglist\",flags:[\"end\",\"start\"],extras:[\"none\"],dflt:\"end\",editType:\"arraydraw\"},arrowsize:{valType:\"number\",min:.3,dflt:1,editType:\"calc+arraydraw\"},startarrowsize:{valType:\"number\",min:.3,dflt:1,editType:\"calc+arraydraw\"},arrowwidth:{valType:\"number\",min:.1,editType:\"calc+arraydraw\"},standoff:{valType:\"number\",min:0,dflt:0,editType:\"calc+arraydraw\"},startstandoff:{valType:\"number\",min:0,dflt:0,editType:\"calc+arraydraw\"},ax:{valType:\"any\",editType:\"calc+arraydraw\"},ay:{valType:\"any\",editType:\"calc+arraydraw\"},axref:{valType:\"enumerated\",dflt:\"pixel\",values:[\"pixel\",a.idRegex.x.toString()],editType:\"calc\"},ayref:{valType:\"enumerated\",dflt:\"pixel\",values:[\"pixel\",a.idRegex.y.toString()],editType:\"calc\"},xref:{valType:\"enumerated\",values:[\"paper\",a.idRegex.x.toString()],editType:\"calc\"},x:{valType:\"any\",editType:\"calc+arraydraw\"},xanchor:{valType:\"enumerated\",values:[\"auto\",\"left\",\"center\",\"right\"],dflt:\"auto\",editType:\"calc+arraydraw\"},xshift:{valType:\"number\",dflt:0,editType:\"calc+arraydraw\"},yref:{valType:\"enumerated\",values:[\"paper\",a.idRegex.y.toString()],editType:\"calc\"},y:{valType:\"any\",editType:\"calc+arraydraw\"},yanchor:{valType:\"enumerated\",values:[\"auto\",\"top\",\"middle\",\"bottom\"],dflt:\"auto\",editType:\"calc+arraydraw\"},yshift:{valType:\"number\",dflt:0,editType:\"calc+arraydraw\"},clicktoshow:{valType:\"enumerated\",values:[!1,\"onoff\",\"onout\"],dflt:!1,editType:\"arraydraw\"},xclick:{valType:\"any\",editType:\"arraydraw\"},yclick:{valType:\"any\",editType:\"arraydraw\"},hovertext:{valType:\"string\",editType:\"arraydraw\"},hoverlabel:{bgcolor:{valType:\"color\",editType:\"arraydraw\"},bordercolor:{valType:\"color\",editType:\"arraydraw\"},font:i({editType:\"arraydraw\"}),editType:\"arraydraw\"},captureevents:{valType:\"boolean\",editType:\"arraydraw\"},editType:\"calc\",_deprecated:{ref:{valType:\"string\",editType:\"calc\"}}})},{\"../../plot_api/plot_template\":734,\"../../plots/cartesian/constants\":750,\"../../plots/font_attributes\":771,\"./arrow_paths\":552}],554:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../plots/cartesian/axes\"),a=t(\"./draw\").draw;function o(t){var e=t._fullLayout;n.filterVisible(e.annotations).forEach(function(e){var r=i.getFromId(t,e.xref),n=i.getFromId(t,e.yref);e._extremes={},r&&s(e,r),n&&s(e,n)})}function s(t,e){var r,n=e._id,a=n.charAt(0),o=t[a],s=t[\"a\"+a],l=t[a+\"ref\"],c=t[\"a\"+a+\"ref\"],u=t[\"_\"+a+\"padplus\"],f=t[\"_\"+a+\"padminus\"],h={x:1,y:-1}[a]*t[a+\"shift\"],p=3*t.arrowsize*t.arrowwidth||0,d=p+h,g=p-h,v=3*t.startarrowsize*t.arrowwidth||0,m=v+h,y=v-h;if(c===l){var x=i.findExtremes(e,[e.r2c(o)],{ppadplus:d,ppadminus:g}),b=i.findExtremes(e,[e.r2c(s)],{ppadplus:Math.max(u,m),ppadminus:Math.max(f,y)});r={min:[x.min[0],b.min[0]],max:[x.max[0],b.max[0]]}}else m=s?m+s:m,y=s?y-s:y,r=i.findExtremes(e,[e.r2c(o)],{ppadplus:Math.max(u,d,m),ppadminus:Math.max(f,g,y)});t._extremes[n]=r}e.exports=function(t){var e=t._fullLayout;if(n.filterVisible(e.annotations).length&&t._fullData.length)return n.syncOrAsync([a,o],t)}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"./draw\":559}],555:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\"),a=t(\"../../plot_api/plot_template\").arrayEditor;function o(t,e){var r,n,i,a,o,l,c,u=t._fullLayout.annotations,f=[],h=[],p=[],d=(e||[]).length;for(r=0;r0||r.explicitOff.length>0},onClick:function(t,e){var r,s,l=o(t,e),c=l.on,u=l.off.concat(l.explicitOff),f={},h=t._fullLayout.annotations;if(!c.length&&!u.length)return;for(r=0;r2/3?\"right\":\"center\"),{center:0,middle:0,left:.5,bottom:-.5,right:-.5,top:.5}[e]}for(var q=!1,H=[\"x\",\"y\"],G=0;G1)&&(Q===K?((lt=tt.r2fraction(e[\"a\"+J]))<0||lt>1)&&(q=!0):q=!0),W=tt._offset+tt.r2p(e[J]),Z=.5}else\"x\"===J?(X=e[J],W=b.l+b.w*X):(X=1-e[J],W=b.t+b.h*X),Z=e.showarrow?.5:X;if(e.showarrow){st.head=W;var ct=e[\"a\"+J];$=rt*U(.5,e.xanchor)-nt*U(.5,e.yanchor),Q===K?(st.tail=tt._offset+tt.r2p(ct),Y=$):(st.tail=W+ct,Y=$+ct),st.text=st.tail+$;var ut=x[\"x\"===J?\"width\":\"height\"];if(\"paper\"===K&&(st.head=o.constrain(st.head,1,ut-1)),\"pixel\"===Q){var ft=-Math.max(st.tail-3,st.text),ht=Math.min(st.tail+3,st.text)-ut;ft>0?(st.tail+=ft,st.text+=ft):ht>0&&(st.tail-=ht,st.text-=ht)}st.tail+=ot,st.head+=ot}else Y=$=it*U(Z,at),st.text=W+$;st.text+=ot,$+=ot,Y+=ot,e[\"_\"+J+\"padplus\"]=it/2+Y,e[\"_\"+J+\"padminus\"]=it/2-Y,e[\"_\"+J+\"size\"]=it,e[\"_\"+J+\"shift\"]=$}if(t._dragging||!q){var pt=0,dt=0;if(\"left\"!==e.align&&(pt=(w-m)*(\"center\"===e.align?.5:1)),\"top\"!==e.valign&&(dt=(O-y)*(\"middle\"===e.valign?.5:1)),u)n.select(\"svg\").attr({x:R+pt-1,y:R+dt}).call(c.setClipUrl,F?T:null);else{var gt=R+dt-d.top,vt=R+pt-d.left;V.call(f.positionText,vt,gt).call(c.setClipUrl,F?T:null)}N.select(\"rect\").call(c.setRect,R,R,w,O),B.call(c.setRect,P/2,P/2,D-P,j-P),I.call(c.setTranslate,Math.round(S.x.text-D/2),Math.round(S.y.text-j/2)),L.attr({transform:\"rotate(\"+E+\",\"+S.x.text+\",\"+S.y.text+\")\"});var mt,yt=function(r,n){C.selectAll(\".annotation-arrow-g\").remove();var u=S.x.head,f=S.y.head,h=S.x.tail+r,d=S.y.tail+n,m=S.x.text+r,y=S.y.text+n,x=o.rotationXYMatrix(E,m,y),w=o.apply2DTransform(x),T=o.apply2DTransform2(x),z=+B.attr(\"width\"),O=+B.attr(\"height\"),P=m-.5*z,D=P+z,R=y-.5*O,F=R+O,N=[[P,R,P,F],[P,F,D,F],[D,F,D,R],[D,R,P,R]].map(T);if(!N.reduce(function(t,e){return t^!!o.segmentsIntersect(u,f,u+1e6,f+1e6,e[0],e[1],e[2],e[3])},!1)){N.forEach(function(t){var e=o.segmentsIntersect(h,d,u,f,t[0],t[1],t[2],t[3]);e&&(h=e.x,d=e.y)});var j=e.arrowwidth,V=e.arrowcolor,U=e.arrowside,q=C.append(\"g\").style({opacity:l.opacity(V)}).classed(\"annotation-arrow-g\",!0),H=q.append(\"path\").attr(\"d\",\"M\"+h+\",\"+d+\"L\"+u+\",\"+f).style(\"stroke-width\",j+\"px\").call(l.stroke,l.rgb(V));if(g(H,U,e),_.annotationPosition&&H.node().parentNode&&!a){var G=u,W=f;if(e.standoff){var Y=Math.sqrt(Math.pow(u-h,2)+Math.pow(f-d,2));G+=e.standoff*(h-u)/Y,W+=e.standoff*(d-f)/Y}var X,Z,$=q.append(\"path\").classed(\"annotation-arrow\",!0).classed(\"anndrag\",!0).classed(\"cursor-move\",!0).attr({d:\"M3,3H-3V-3H3ZM0,0L\"+(h-G)+\",\"+(d-W),transform:\"translate(\"+G+\",\"+W+\")\"}).style(\"stroke-width\",j+6+\"px\").call(l.stroke,\"rgba(0,0,0,0)\").call(l.fill,\"rgba(0,0,0,0)\");p.init({element:$.node(),gd:t,prepFn:function(){var t=c.getTranslate(I);X=t.x,Z=t.y,s&&s.autorange&&k(s._name+\".autorange\",!0),v&&v.autorange&&k(v._name+\".autorange\",!0)},moveFn:function(t,r){var n=w(X,Z),i=n[0]+t,a=n[1]+r;I.call(c.setTranslate,i,a),M(\"x\",s?s.p2r(s.r2p(e.x)+t):e.x+t/b.w),M(\"y\",v?v.p2r(v.r2p(e.y)+r):e.y-r/b.h),e.axref===e.xref&&M(\"ax\",s.p2r(s.r2p(e.ax)+t)),e.ayref===e.yref&&M(\"ay\",v.p2r(v.r2p(e.ay)+r)),q.attr(\"transform\",\"translate(\"+t+\",\"+r+\")\"),L.attr({transform:\"rotate(\"+E+\",\"+i+\",\"+a+\")\"})},doneFn:function(){i.call(\"relayout\",t,A());var e=document.querySelector(\".js-notes-box-panel\");e&&e.redraw(e.selectedObj)}})}}};if(e.showarrow&&yt(0,0),z)p.init({element:I.node(),gd:t,prepFn:function(){mt=L.attr(\"transform\")},moveFn:function(t,r){var n=\"pointer\";if(e.showarrow)e.axref===e.xref?M(\"ax\",s.p2r(s.r2p(e.ax)+t)):M(\"ax\",e.ax+t),e.ayref===e.yref?M(\"ay\",v.p2r(v.r2p(e.ay)+r)):M(\"ay\",e.ay+r),yt(t,r);else{if(a)return;var i,o;if(s)i=s.p2r(s.r2p(e.x)+t);else{var l=e._xsize/b.w,c=e.x+(e._xshift-e.xshift)/b.w-l/2;i=p.align(c+t/b.w,l,0,1,e.xanchor)}if(v)o=v.p2r(v.r2p(e.y)+r);else{var u=e._ysize/b.h,f=e.y-(e._yshift+e.yshift)/b.h-u/2;o=p.align(f-r/b.h,u,0,1,e.yanchor)}M(\"x\",i),M(\"y\",o),s&&v||(n=p.getCursor(s?.5:i,v?.5:o,e.xanchor,e.yanchor))}L.attr({transform:\"translate(\"+t+\",\"+r+\")\"+mt}),h(I,n)},doneFn:function(){h(I),i.call(\"relayout\",t,A());var e=document.querySelector(\".js-notes-box-panel\");e&&e.redraw(e.selectedObj)}})}else I.remove()}}e.exports={draw:function(t){var e=t._fullLayout;e._infolayer.selectAll(\".annotation\").remove();for(var r=0;r=0,v=e.indexOf(\"end\")>=0,m=f.backoff*p+r.standoff,y=h.backoff*d+r.startstandoff;if(\"line\"===u.nodeName){o={x:+t.attr(\"x1\"),y:+t.attr(\"y1\")},s={x:+t.attr(\"x2\"),y:+t.attr(\"y2\")};var x=o.x-s.x,b=o.y-s.y;if(c=(l=Math.atan2(b,x))+Math.PI,m&&y&&m+y>Math.sqrt(x*x+b*b))return void z();if(m){if(m*m>x*x+b*b)return void z();var _=m*Math.cos(l),w=m*Math.sin(l);s.x+=_,s.y+=w,t.attr({x2:s.x,y2:s.y})}if(y){if(y*y>x*x+b*b)return void z();var k=y*Math.cos(l),M=y*Math.sin(l);o.x-=k,o.y-=M,t.attr({x1:o.x,y1:o.y})}}else if(\"path\"===u.nodeName){var A=u.getTotalLength(),T=\"\";if(A1){c=!0;break}}c?t.fullLayout._infolayer.select(\".annotation-\"+t.id+'[data-index=\"'+s+'\"]').remove():(l._pdata=i(t.glplot.cameraParams,[e.xaxis.r2l(l.x)*r[0],e.yaxis.r2l(l.y)*r[1],e.zaxis.r2l(l.z)*r[2]]),n(t.graphDiv,l,s,t.id,l._xa,l._ya))}}},{\"../../plots/gl3d/project\":796,\"../annotations/draw\":559}],566:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\");e.exports={moduleType:\"component\",name:\"annotations3d\",schema:{subplots:{scene:{annotations:t(\"./attributes\")}}},layoutAttributes:t(\"./attributes\"),handleDefaults:t(\"./defaults\"),includeBasePlot:function(t,e){var r=n.subplotsRegistry.gl3d;if(!r)return;for(var a=r.attrRegex,o=Object.keys(t),s=0;s=0))return t;if(3===o)n[o]>1&&(n[o]=1);else if(n[o]>=1)return t}var s=Math.round(255*n[0])+\", \"+Math.round(255*n[1])+\", \"+Math.round(255*n[2]);return a?\"rgba(\"+s+\", \"+n[3]+\")\":\"rgb(\"+s+\")\"}a.tinyRGB=function(t){var e=t.toRgb();return\"rgb(\"+Math.round(e.r)+\", \"+Math.round(e.g)+\", \"+Math.round(e.b)+\")\"},a.rgb=function(t){return a.tinyRGB(n(t))},a.opacity=function(t){return t?n(t).getAlpha():0},a.addOpacity=function(t,e){var r=n(t).toRgb();return\"rgba(\"+Math.round(r.r)+\", \"+Math.round(r.g)+\", \"+Math.round(r.b)+\", \"+e+\")\"},a.combine=function(t,e){var r=n(t).toRgb();if(1===r.a)return n(t).toRgbString();var i=n(e||l).toRgb(),a=1===i.a?i:{r:255*(1-i.a)+i.r*i.a,g:255*(1-i.a)+i.g*i.a,b:255*(1-i.a)+i.b*i.a},o={r:a.r*(1-r.a)+r.r*r.a,g:a.g*(1-r.a)+r.g*r.a,b:a.b*(1-r.a)+r.b*r.a};return n(o).toRgbString()},a.contrast=function(t,e,r){var i=n(t);return 1!==i.getAlpha()&&(i=n(a.combine(t,l))),(i.isDark()?e?i.lighten(e):l:r?i.darken(r):s).toString()},a.stroke=function(t,e){var r=n(e);t.style({stroke:a.tinyRGB(r),\"stroke-opacity\":r.getAlpha()})},a.fill=function(t,e){var r=n(e);t.style({fill:a.tinyRGB(r),\"fill-opacity\":r.getAlpha()})},a.clean=function(t){if(t&&\"object\"==typeof t){var e,r,n,i,o=Object.keys(t);for(e=0;e0?S>=P:S<=P));E++)S>R&&S0?S>=P:S<=P));E++)S>C[0]&&S1){var at=Math.pow(10,Math.floor(Math.log(it)/Math.LN10));rt*=at*c.roundUp(it/at,[2,5,10]),(Math.abs(r.levels.start)/r.levels.size+1e-6)%1<2e-6&&(tt.tick0=0)}tt.dtick=rt}tt.domain=[$+Y,$+H-Y],tt.setScale();var ot=c.ensureSingle(v._infolayer,\"g\",e,function(t){t.classed(M.colorbar,!0).each(function(){var t=n.select(this);t.append(\"rect\").classed(M.cbbg,!0),t.append(\"g\").classed(M.cbfills,!0),t.append(\"g\").classed(M.cblines,!0),t.append(\"g\").classed(M.cbaxis,!0).classed(M.crisp,!0),t.append(\"g\").classed(M.cbtitleunshift,!0).append(\"g\").classed(M.cbtitle,!0),t.append(\"rect\").classed(M.cboutline,!0),t.select(\".cbtitle\").datum(0)})});ot.attr(\"transform\",\"translate(\"+Math.round(k.l)+\",\"+Math.round(k.t)+\")\");var st=ot.select(\".cbtitleunshift\").attr(\"transform\",\"translate(-\"+Math.round(k.l)+\",-\"+Math.round(k.t)+\")\");tt._axislayer=ot.select(\".cbaxis\");var lt=0;if(-1!==[\"top\",\"bottom\"].indexOf(r.titleside)){var ct,ut=k.l+(r.x+G)*k.w,ft=tt.titlefont.size;ct=\"top\"===r.titleside?(1-($+H-Y))*k.h+k.t+3+.75*ft:(1-($+Y))*k.h+k.t-3-.25*ft,mt(tt._id+\"title\",{attributes:{x:ut,y:ct,\"text-anchor\":\"start\"}})}var ht,pt,dt,gt=c.syncOrAsync([a.previousPromises,function(){if(-1!==[\"top\",\"bottom\"].indexOf(r.titleside)){var a=ot.select(\".cbtitle\"),o=a.select(\"text\"),l=[-r.outlinewidth/2,r.outlinewidth/2],u=a.select(\".h\"+tt._id+\"title-math-group\").node(),f=15.6;if(o.node()&&(f=parseInt(o.node().style.fontSize,10)*m),u?(lt=h.bBox(u).height)>f&&(l[1]-=(lt-f)/2):o.node()&&!o.classed(M.jsPlaceholder)&&(lt=h.bBox(o.node()).height),lt){if(lt+=5,\"top\"===r.titleside)tt.domain[1]-=lt/k.h,l[1]*=-1;else{tt.domain[0]+=lt/k.h;var p=g.lineCount(o);l[1]+=(1-p)*f}a.attr(\"transform\",\"translate(\"+l+\")\"),tt.setScale()}}ot.selectAll(\".cbfills,.cblines\").attr(\"transform\",\"translate(0,\"+Math.round(k.h*(1-tt.domain[1]))+\")\"),tt._axislayer.attr(\"transform\",\"translate(0,\"+Math.round(-k.t)+\")\");var d=ot.select(\".cbfills\").selectAll(\"rect.cbfill\").data(z);d.enter().append(\"rect\").classed(M.cbfill,!0).style(\"stroke\",\"none\"),d.exit().remove();var y=C.map(tt.c2p).map(Math.round).sort(function(t,e){return t-e});d.each(function(a,o){var s=[0===o?C[0]:(z[o]+z[o-1])/2,o===z.length-1?C[1]:(z[o]+z[o+1])/2].map(tt.c2p).map(Math.round);s[1]=c.constrain(s[1]+(s[1]>s[0])?1:-1,y[0],y[1]);var l=n.select(this).attr({x:X,width:Math.max(V,2),y:n.min(s),height:Math.max(n.max(s)-n.min(s),2)});if(r.fillgradient)h.gradient(l,t,e,\"vertical\",r.fillgradient,\"fill\");else{var u=I(a).replace(\"e-\",\"\");l.attr(\"fill\",i(u).toHexString())}});var x=ot.select(\".cblines\").selectAll(\"path.cbline\").data(r.line.color&&r.line.width?L:[]);return x.enter().append(\"path\").classed(M.cbline,!0),x.exit().remove(),x.each(function(t){n.select(this).attr(\"d\",\"M\"+X+\",\"+(Math.round(tt.c2p(t))+r.line.width/2%1)+\"h\"+V).call(h.lineGroupStyle,r.line.width,O(t),r.line.dash)}),tt._axislayer.selectAll(\"g.\"+tt._id+\"tick,path\").remove(),tt._pos=X+V+(r.outlinewidth||0)/2-(\"outside\"===r.ticks?1:0),tt.side=\"right\",c.syncOrAsync([function(){return s.doTicksSingle(t,tt,!0)},function(){if(-1===[\"top\",\"bottom\"].indexOf(r.titleside)){var e=tt.titlefont.size,i=tt._offset+tt._length/2,a=k.l+(tt.position||0)*k.w+(\"right\"===tt.side?10+e*(tt.showticklabels?1:.5):-10-e*(tt.showticklabels?.5:0));mt(\"h\"+tt._id+\"title\",{avoid:{selection:n.select(t).selectAll(\"g.\"+tt._id+\"tick\"),side:r.titleside,offsetLeft:k.l,offsetTop:0,maxShift:v.width},attributes:{x:a,y:i,\"text-anchor\":\"middle\"},transform:{rotate:\"-90\",offset:0}})}}])},a.previousPromises,function(){var n=V+r.outlinewidth/2+h.bBox(tt._axislayer.node()).width;if((F=st.select(\"text\")).node()&&!F.classed(M.jsPlaceholder)){var i,o=st.select(\".h\"+tt._id+\"title-math-group\").node();i=o&&-1!==[\"top\",\"bottom\"].indexOf(r.titleside)?h.bBox(o).width:h.bBox(st.node()).right-X-k.l,n=Math.max(n,i)}var s=2*r.xpad+n+r.borderwidth+r.outlinewidth/2,l=J-K;ot.select(\".cbbg\").attr({x:X-r.xpad-(r.borderwidth+r.outlinewidth)/2,y:K-W,width:Math.max(s,2),height:Math.max(l+2*W,2)}).call(p.fill,r.bgcolor).call(p.stroke,r.bordercolor).style({\"stroke-width\":r.borderwidth}),ot.selectAll(\".cboutline\").attr({x:X,y:K+r.ypad+(\"top\"===r.titleside?lt:0),width:Math.max(V,2),height:Math.max(l-2*r.ypad-lt,2)}).call(p.stroke,r.outlinecolor).style({fill:\"None\",\"stroke-width\":r.outlinewidth});var c=({center:.5,right:1}[r.xanchor]||0)*s;ot.attr(\"transform\",\"translate(\"+(k.l-c)+\",\"+k.t+\")\");var u={},f=y[r.yanchor],d=x[r.yanchor];\"pixels\"===r.lenmode?(u.y=r.y,u.t=l*f,u.b=l*d):(u.t=u.b=0,u.yt=r.y+r.len*f,u.yb=r.y-r.len*d);var g=y[r.xanchor],v=x[r.xanchor];if(\"pixels\"===r.thicknessmode)u.x=r.x,u.l=s*g,u.r=s*v;else{var m=s-V;u.l=m*g,u.r=m*v,u.xl=r.x-r.thickness*g,u.xr=r.x+r.thickness*v}a.autoMargin(t,e,u)}],t);if(gt&>.then&&(t._promises||[]).push(gt),t._context.edits.colorbarPosition)l.init({element:ot.node(),gd:t,prepFn:function(){ht=ot.attr(\"transform\"),f(ot)},moveFn:function(t,e){ot.attr(\"transform\",ht+\" translate(\"+t+\",\"+e+\")\"),pt=l.align(Z+t/k.w,U,0,1,r.xanchor),dt=l.align($-e/k.h,H,0,1,r.yanchor);var n=l.getCursor(pt,dt,r.xanchor,r.yanchor);f(ot,n)},doneFn:function(){f(ot),void 0!==pt&&void 0!==dt&&o.call(\"restyle\",t,{\"colorbar.x\":pt,\"colorbar.y\":dt},T().index)}});return gt}function vt(t,e){return c.coerce(Q,tt,w,t,e)}function mt(e,r){var n=T(),i=\"colorbar.title\",a=n._module.colorbar.container;a&&(i=a+\".\"+i);var o={propContainer:tt,propName:i,traceIndex:n.index,placeholder:v._dfltTitle.colorbar,containerGroup:ot.select(\".cbtitle\")},s=\"h\"===e.charAt(0)?e.substr(1):\"h\"+e;ot.selectAll(\".\"+s+\",.\"+s+\"-math-group\").remove(),d.draw(t,e,u(o,r||{}))}v._infolayer.selectAll(\"g.\"+e).remove()}function T(){var r,n,i=e.substr(2);for(r=0;r=0?i.Reds:i.Blues,s.reversescale?a(y):y),l.autocolorscale||f(\"autocolorscale\",!1))}},{\"../../lib\":696,\"./flip_scale\":582,\"./scales\":589}],579:[function(t,e,r){\"use strict\";var n=t(\"./scales\");e.exports=n.RdBu},{\"./scales\":589}],580:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\"),a=t(\"../colorbar/has_colorbar\"),o=t(\"../colorbar/defaults\"),s=t(\"./is_valid_scale\"),l=t(\"./flip_scale\");e.exports=function(t,e,r,c,u){var f,h=u.prefix,p=u.cLetter,d=h.slice(0,h.length-1),g=h?i.nestedProperty(t,d).get()||{}:t,v=h?i.nestedProperty(e,d).get()||{}:e,m=g[p+\"min\"],y=g[p+\"max\"],x=g.colorscale;c(h+p+\"auto\",!(n(m)&&n(y)&&m=0;i--,a++)e=t[i],n[a]=[1-e[0],e[1]];return n}},{}],583:[function(t,e,r){\"use strict\";var n=t(\"./scales\"),i=t(\"./default_scale\"),a=t(\"./is_valid_scale_array\");e.exports=function(t,e){if(e||(e=i),!t)return e;function r(){try{t=n[t]||JSON.parse(t)}catch(r){t=e}}return\"string\"==typeof t&&(r(),\"string\"==typeof t&&r()),a(t)?t:e}},{\"./default_scale\":579,\"./is_valid_scale_array\":587,\"./scales\":589}],584:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\"),a=t(\"./is_valid_scale\");e.exports=function(t,e){var r=e?i.nestedProperty(t,e).get()||{}:t,o=r.color,s=!1;if(i.isArrayOrTypedArray(o))for(var l=0;l4/3-s?o:s}},{}],591:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=[[\"sw-resize\",\"s-resize\",\"se-resize\"],[\"w-resize\",\"move\",\"e-resize\"],[\"nw-resize\",\"n-resize\",\"ne-resize\"]];e.exports=function(t,e,r,a){return t=\"left\"===r?0:\"center\"===r?1:\"right\"===r?2:n.constrain(Math.floor(3*t),0,2),e=\"bottom\"===a?0:\"middle\"===a?1:\"top\"===a?2:n.constrain(Math.floor(3*e),0,2),i[e][t]}},{\"../../lib\":696}],592:[function(t,e,r){\"use strict\";var n=t(\"mouse-event-offset\"),i=t(\"has-hover\"),a=t(\"has-passive-events\"),o=t(\"../../registry\"),s=t(\"../../lib\"),l=t(\"../../plots/cartesian/constants\"),c=t(\"../../constants/interactions\"),u=e.exports={};u.align=t(\"./align\"),u.getCursor=t(\"./cursor\");var f=t(\"./unhover\");function h(){var t=document.createElement(\"div\");t.className=\"dragcover\";var e=t.style;return e.position=\"fixed\",e.left=0,e.right=0,e.top=0,e.bottom=0,e.zIndex=999999999,e.background=\"none\",document.body.appendChild(t),t}function p(t){return n(t.changedTouches?t.changedTouches[0]:t,document.body)}u.unhover=f.wrapped,u.unhoverRaw=f.raw,u.init=function(t){var e,r,n,f,d,g,v,m,y=t.gd,x=1,b=c.DBLCLICKDELAY,_=t.element;y._mouseDownTime||(y._mouseDownTime=0),_.style.pointerEvents=\"all\",_.onmousedown=k,a?(_._ontouchstart&&_.removeEventListener(\"touchstart\",_._ontouchstart),_._ontouchstart=k,_.addEventListener(\"touchstart\",k,{passive:!1})):_.ontouchstart=k;var w=t.clampFn||function(t,e,r){return Math.abs(t)b&&(x=Math.max(x-1,1)),y._dragged)t.doneFn&&t.doneFn();else if(t.clickFn&&t.clickFn(x,g),!m){var r;try{r=new MouseEvent(\"click\",e)}catch(t){var n=p(e);(r=document.createEvent(\"MouseEvents\")).initMouseEvent(\"click\",e.bubbles,e.cancelable,e.view,e.detail,e.screenX,e.screenY,n[0],n[1],e.ctrlKey,e.altKey,e.shiftKey,e.metaKey,e.button,e.relatedTarget)}v.dispatchEvent(r)}!function(t){t._dragging=!1,t._replotPending&&o.call(\"plot\",t)}(y),y._dragged=!1}else y._dragged=!1}},u.coverSlip=h},{\"../../constants/interactions\":672,\"../../lib\":696,\"../../plots/cartesian/constants\":750,\"../../registry\":827,\"./align\":590,\"./cursor\":591,\"./unhover\":593,\"has-hover\":393,\"has-passive-events\":394,\"mouse-event-offset\":419}],593:[function(t,e,r){\"use strict\";var n=t(\"../../lib/events\"),i=t(\"../../lib/throttle\"),a=t(\"../../lib/get_graph_div\"),o=t(\"../fx/constants\"),s=e.exports={};s.wrapped=function(t,e,r){(t=a(t))._fullLayout&&i.clear(t._fullLayout._uid+o.HOVERID),s.raw(t,e,r)},s.raw=function(t,e){var r=t._fullLayout,i=t._hoverdata;e||(e={}),e.target&&!1===n.triggerHandler(t,\"plotly_beforehover\",e)||(r._hoverlayer.selectAll(\"g\").remove(),r._hoverlayer.selectAll(\"line\").remove(),r._hoverlayer.selectAll(\"circle\").remove(),t._hoverdata=void 0,e.target&&i&&t.emit(\"plotly_unhover\",{event:e,points:i}))}},{\"../../lib/events\":684,\"../../lib/get_graph_div\":691,\"../../lib/throttle\":721,\"../fx/constants\":607}],594:[function(t,e,r){\"use strict\";r.dash={valType:\"string\",values:[\"solid\",\"dot\",\"dash\",\"longdash\",\"dashdot\",\"longdashdot\"],dflt:\"solid\",editType:\"style\"}},{}],595:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"tinycolor2\"),o=t(\"../../registry\"),s=t(\"../color\"),l=t(\"../colorscale\"),c=t(\"../../lib\"),u=t(\"../../lib/svg_text_utils\"),f=t(\"../../constants/xmlns_namespaces\"),h=t(\"../../constants/alignment\").LINE_SPACING,p=t(\"../../constants/interactions\").DESELECTDIM,d=t(\"../../traces/scatter/subtypes\"),g=t(\"../../traces/scatter/make_bubble_size_func\"),v=e.exports={};v.font=function(t,e,r,n){c.isPlainObject(e)&&(n=e.color,r=e.size,e=e.family),e&&t.style(\"font-family\",e),r+1&&t.style(\"font-size\",r+\"px\"),n&&t.call(s.fill,n)},v.setPosition=function(t,e,r){t.attr(\"x\",e).attr(\"y\",r)},v.setSize=function(t,e,r){t.attr(\"width\",e).attr(\"height\",r)},v.setRect=function(t,e,r,n,i){t.call(v.setPosition,e,r).call(v.setSize,n,i)},v.translatePoint=function(t,e,r,n){var a=r.c2p(t.x),o=n.c2p(t.y);return!!(i(a)&&i(o)&&e.node())&&(\"text\"===e.node().nodeName?e.attr(\"x\",a).attr(\"y\",o):e.attr(\"transform\",\"translate(\"+a+\",\"+o+\")\"),!0)},v.translatePoints=function(t,e,r){t.each(function(t){var i=n.select(this);v.translatePoint(t,i,e,r)})},v.hideOutsideRangePoint=function(t,e,r,n,i,a){e.attr(\"display\",r.isPtWithinRange(t,i)&&n.isPtWithinRange(t,a)?null:\"none\")},v.hideOutsideRangePoints=function(t,e){if(e._hasClipOnAxisFalse){var r=e.xaxis,i=e.yaxis;t.each(function(e){var a=e[0].trace,o=a.xcalendar,s=a.ycalendar,l=\"bar\"===a.type?\".bartext\":\".point,.textpoint\";t.selectAll(l).each(function(t){v.hideOutsideRangePoint(t,n.select(this),r,i,o,s)})})}},v.crispRound=function(t,e,r){return e&&i(e)?t._context.staticPlot?e:e<1?1:Math.round(e):r||0},v.singleLineStyle=function(t,e,r,n,i){e.style(\"fill\",\"none\");var a=(((t||[])[0]||{}).trace||{}).line||{},o=r||a.width||0,l=i||a.dash||\"\";s.stroke(e,n||a.color),v.dashLine(e,l,o)},v.lineGroupStyle=function(t,e,r,i){t.style(\"fill\",\"none\").each(function(t){var a=(((t||[])[0]||{}).trace||{}).line||{},o=e||a.width||0,l=i||a.dash||\"\";n.select(this).call(s.stroke,r||a.color).call(v.dashLine,l,o)})},v.dashLine=function(t,e,r){r=+r||0,e=v.dashStyle(e,r),t.style({\"stroke-dasharray\":e,\"stroke-width\":r+\"px\"})},v.dashStyle=function(t,e){e=+e||1;var r=Math.max(e,3);return\"solid\"===t?t=\"\":\"dot\"===t?t=r+\"px,\"+r+\"px\":\"dash\"===t?t=3*r+\"px,\"+3*r+\"px\":\"longdash\"===t?t=5*r+\"px,\"+5*r+\"px\":\"dashdot\"===t?t=3*r+\"px,\"+r+\"px,\"+r+\"px,\"+r+\"px\":\"longdashdot\"===t&&(t=5*r+\"px,\"+2*r+\"px,\"+r+\"px,\"+2*r+\"px\"),t},v.singleFillStyle=function(t){var e=(((n.select(t.node()).data()[0]||[])[0]||{}).trace||{}).fillcolor;e&&t.call(s.fill,e)},v.fillGroupStyle=function(t){t.style(\"stroke-width\",0).each(function(t){n.select(this).call(s.fill,t[0].trace.fillcolor)})};var m=t(\"./symbol_defs\");v.symbolNames=[],v.symbolFuncs=[],v.symbolNeedLines={},v.symbolNoDot={},v.symbolNoFill={},v.symbolList=[],Object.keys(m).forEach(function(t){var e=m[t];v.symbolList=v.symbolList.concat([e.n,t,e.n+100,t+\"-open\"]),v.symbolNames[e.n]=t,v.symbolFuncs[e.n]=e.f,e.needLine&&(v.symbolNeedLines[e.n]=!0),e.noDot?v.symbolNoDot[e.n]=!0:v.symbolList=v.symbolList.concat([e.n+200,t+\"-dot\",e.n+300,t+\"-open-dot\"]),e.noFill&&(v.symbolNoFill[e.n]=!0)});var y=v.symbolNames.length,x=\"M0,0.5L0.5,0L0,-0.5L-0.5,0Z\";function b(t,e){var r=t%100;return v.symbolFuncs[r](e)+(t>=200?x:\"\")}v.symbolNumber=function(t){if(\"string\"==typeof t){var e=0;t.indexOf(\"-open\")>0&&(e=100,t=t.replace(\"-open\",\"\")),t.indexOf(\"-dot\")>0&&(e+=200,t=t.replace(\"-dot\",\"\")),(t=v.symbolNames.indexOf(t))>=0&&(t+=e)}return t%100>=y||t>=400?0:Math.floor(Math.max(t,0))};var _={x1:1,x2:0,y1:0,y2:0},w={x1:0,x2:0,y1:1,y2:0},k=n.format(\"~.1f\"),M={radial:{node:\"radialGradient\"},radialreversed:{node:\"radialGradient\",reversed:!0},horizontal:{node:\"linearGradient\",attrs:_},horizontalreversed:{node:\"linearGradient\",attrs:_,reversed:!0},vertical:{node:\"linearGradient\",attrs:w},verticalreversed:{node:\"linearGradient\",attrs:w,reversed:!0}};v.gradient=function(t,e,r,i,o,l){for(var u=o.length,f=M[i],h=new Array(u),p=0;p=100,e.attr(\"d\",b(u,l))}var f,h,p,d=!1;if(t.so)p=o.outlierwidth,h=o.outliercolor,f=a.outliercolor;else{var g=(o||{}).width;p=(t.mlw+1||g+1||(t.trace?(t.trace.marker.line||{}).width:0)+1)-1||0,h=\"mlc\"in t?t.mlcc=n.lineScale(t.mlc):c.isArrayOrTypedArray(o.color)?s.defaultLine:o.color,c.isArrayOrTypedArray(a.color)&&(f=s.defaultLine,d=!0),f=\"mc\"in t?t.mcc=n.markerScale(t.mc):a.color||\"rgba(0,0,0,0)\",n.selectedColorFn&&(f=n.selectedColorFn(t))}if(t.om)e.call(s.stroke,f).style({\"stroke-width\":(p||1)+\"px\",fill:\"none\"});else{e.style(\"stroke-width\",p+\"px\");var m=a.gradient,y=t.mgt;if(y?d=!0:y=m&&m.type,Array.isArray(y)&&(y=y[0],M[y]||(y=0)),y&&\"none\"!==y){var x=t.mgc;x?d=!0:x=m.color;var _=r.uid;d&&(_+=\"-\"+t.i),v.gradient(e,i,_,y,[[0,x],[1,f]],\"fill\")}else s.fill(e,f);p&&s.stroke(e,h)}},v.makePointStyleFns=function(t){var e={},r=t.marker;return e.markerScale=v.tryColorscale(r,\"\"),e.lineScale=v.tryColorscale(r,\"line\"),o.traceIs(t,\"symbols\")&&(e.ms2mrc=d.isBubble(t)?g(t):function(){return(r.size||6)/2}),t.selectedpoints&&c.extendFlat(e,v.makeSelectedPointStyleFns(t)),e},v.makeSelectedPointStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.marker||{},a=r.marker||{},s=n.marker||{},l=i.opacity,u=a.opacity,f=s.opacity,h=void 0!==u,d=void 0!==f;(c.isArrayOrTypedArray(l)||h||d)&&(e.selectedOpacityFn=function(t){var e=void 0===t.mo?i.opacity:t.mo;return t.selected?h?u:e:d?f:p*e});var g=i.color,v=a.color,m=s.color;(v||m)&&(e.selectedColorFn=function(t){var e=t.mcc||g;return t.selected?v||e:m||e});var y=i.size,x=a.size,b=s.size,_=void 0!==x,w=void 0!==b;return o.traceIs(t,\"symbols\")&&(_||w)&&(e.selectedSizeFn=function(t){var e=t.mrc||y/2;return t.selected?_?x/2:e:w?b/2:e}),e},v.makeSelectedTextStyleFns=function(t){var e={},r=t.selected||{},n=t.unselected||{},i=t.textfont||{},a=r.textfont||{},o=n.textfont||{},l=i.color,c=a.color,u=o.color;return e.selectedTextColorFn=function(t){var e=t.tc||l;return t.selected?c||e:u||(c?e:s.addOpacity(e,p))},e},v.selectedPointStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedPointStyleFns(e),i=e.marker||{},a=[];r.selectedOpacityFn&&a.push(function(t,e){t.style(\"opacity\",r.selectedOpacityFn(e))}),r.selectedColorFn&&a.push(function(t,e){s.fill(t,r.selectedColorFn(e))}),r.selectedSizeFn&&a.push(function(t,e){var n=e.mx||i.symbol||0,a=r.selectedSizeFn(e);t.attr(\"d\",b(v.symbolNumber(n),a)),e.mrc2=a}),a.length&&t.each(function(t){for(var e=n.select(this),r=0;r0?r:0}v.textPointStyle=function(t,e,r){if(t.size()){var i;if(e.selectedpoints){var a=v.makeSelectedTextStyleFns(e);i=a.selectedTextColorFn}t.each(function(t){var a=n.select(this),o=c.extractOption(t,e,\"tx\",\"text\");if(o||0===o){var s=t.tp||e.textposition,l=S(t,e),f=i?i(t):t.tc||e.textfont.color;a.call(v.font,t.tf||e.textfont.family,l,f).text(o).call(u.convertToTspans,r).call(T,s,l,t.mrc)}else a.remove()})}},v.selectedTextStyle=function(t,e){if(t.size()&&e.selectedpoints){var r=v.makeSelectedTextStyleFns(e);t.each(function(t){var i=n.select(this),a=r.selectedTextColorFn(t),o=t.tp||e.textposition,l=S(t,e);s.fill(i,a),T(i,o,l,t.mrc2||t.mrc)})}};var E=.5;function C(t,e,r,i){var a=t[0]-e[0],o=t[1]-e[1],s=r[0]-e[0],l=r[1]-e[1],c=Math.pow(a*a+o*o,E/2),u=Math.pow(s*s+l*l,E/2),f=(u*u*a-c*c*s)*i,h=(u*u*o-c*c*l)*i,p=3*u*(c+u),d=3*c*(c+u);return[[n.round(e[0]+(p&&f/p),2),n.round(e[1]+(p&&h/p),2)],[n.round(e[0]-(d&&f/d),2),n.round(e[1]-(d&&h/d),2)]]}v.smoothopen=function(t,e){if(t.length<3)return\"M\"+t.join(\"L\");var r,n=\"M\"+t[0],i=[];for(r=1;r=1e4&&(v.savedBBoxes={},O=0),r&&(v.savedBBoxes[r]=m),O++,c.extendFlat({},m)},v.setClipUrl=function(t,e){if(e){if(void 0===v.baseUrl){var r=n.select(\"base\");r.size()&&r.attr(\"href\")?v.baseUrl=window.location.href.split(\"#\")[0]:v.baseUrl=\"\"}t.attr(\"clip-path\",\"url(\"+v.baseUrl+\"#\"+e+\")\")}else t.attr(\"clip-path\",null)},v.getTranslate=function(t){var e=(t[t.attr?\"attr\":\"getAttribute\"](\"transform\")||\"\").replace(/.*\\btranslate\\((-?\\d*\\.?\\d*)[^-\\d]*(-?\\d*\\.?\\d*)[^\\d].*/,function(t,e,r){return[e,r].join(\" \")}).split(\" \");return{x:+e[0]||0,y:+e[1]||0}},v.setTranslate=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",i=t.attr?\"attr\":\"setAttribute\",a=t[n](\"transform\")||\"\";return e=e||0,r=r||0,a=a.replace(/(\\btranslate\\(.*?\\);?)/,\"\").trim(),a=(a+=\" translate(\"+e+\", \"+r+\")\").trim(),t[i](\"transform\",a),a},v.getScale=function(t){var e=(t[t.attr?\"attr\":\"getAttribute\"](\"transform\")||\"\").replace(/.*\\bscale\\((\\d*\\.?\\d*)[^\\d]*(\\d*\\.?\\d*)[^\\d].*/,function(t,e,r){return[e,r].join(\" \")}).split(\" \");return{x:+e[0]||1,y:+e[1]||1}},v.setScale=function(t,e,r){var n=t.attr?\"attr\":\"getAttribute\",i=t.attr?\"attr\":\"setAttribute\",a=t[n](\"transform\")||\"\";return e=e||1,r=r||1,a=a.replace(/(\\bscale\\(.*?\\);?)/,\"\").trim(),a=(a+=\" scale(\"+e+\", \"+r+\")\").trim(),t[i](\"transform\",a),a};var P=/\\s*sc.*/;v.setPointGroupScale=function(t,e,r){if(e=e||1,r=r||1,t){var n=1===e&&1===r?\"\":\" scale(\"+e+\",\"+r+\")\";t.each(function(){var t=(this.getAttribute(\"transform\")||\"\").replace(P,\"\");t=(t+=n).trim(),this.setAttribute(\"transform\",t)})}};var D=/translate\\([^)]*\\)\\s*$/;v.setTextPointsScale=function(t,e,r){t&&t.each(function(){var t,i=n.select(this),a=i.select(\"text\");if(a.node()){var o=parseFloat(a.attr(\"x\")||0),s=parseFloat(a.attr(\"y\")||0),l=(i.attr(\"transform\")||\"\").match(D);t=1===e&&1===r?[]:[\"translate(\"+o+\",\"+s+\")\",\"scale(\"+e+\",\"+r+\")\",\"translate(\"+-o+\",\"+-s+\")\"],l&&t.push(l),i.attr(\"transform\",t.join(\" \"))}})}},{\"../../constants/alignment\":668,\"../../constants/interactions\":672,\"../../constants/xmlns_namespaces\":674,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../registry\":827,\"../../traces/scatter/make_bubble_size_func\":1060,\"../../traces/scatter/subtypes\":1067,\"../color\":570,\"../colorscale\":585,\"./symbol_defs\":596,d3:148,\"fast-isnumeric\":214,tinycolor2:514}],596:[function(t,e,r){\"use strict\";var n=t(\"d3\");e.exports={circle:{n:0,f:function(t){var e=n.round(t,2);return\"M\"+e+\",0A\"+e+\",\"+e+\" 0 1,1 0,-\"+e+\"A\"+e+\",\"+e+\" 0 0,1 \"+e+\",0Z\"}},square:{n:1,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"H-\"+e+\"V-\"+e+\"H\"+e+\"Z\"}},diamond:{n:2,f:function(t){var e=n.round(1.3*t,2);return\"M\"+e+\",0L0,\"+e+\"L-\"+e+\",0L0,-\"+e+\"Z\"}},cross:{n:3,f:function(t){var e=n.round(.4*t,2),r=n.round(1.2*t,2);return\"M\"+r+\",\"+e+\"H\"+e+\"V\"+r+\"H-\"+e+\"V\"+e+\"H-\"+r+\"V-\"+e+\"H-\"+e+\"V-\"+r+\"H\"+e+\"V-\"+e+\"H\"+r+\"Z\"}},x:{n:4,f:function(t){var e=n.round(.8*t/Math.sqrt(2),2),r=\"l\"+e+\",\"+e,i=\"l\"+e+\",-\"+e,a=\"l-\"+e+\",-\"+e,o=\"l-\"+e+\",\"+e;return\"M0,\"+e+r+i+a+i+a+o+a+o+r+o+r+\"Z\"}},\"triangle-up\":{n:5,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M-\"+e+\",\"+n.round(t/2,2)+\"H\"+e+\"L0,-\"+n.round(t,2)+\"Z\"}},\"triangle-down\":{n:6,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M-\"+e+\",-\"+n.round(t/2,2)+\"H\"+e+\"L0,\"+n.round(t,2)+\"Z\"}},\"triangle-left\":{n:7,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M\"+n.round(t/2,2)+\",-\"+e+\"V\"+e+\"L-\"+n.round(t,2)+\",0Z\"}},\"triangle-right\":{n:8,f:function(t){var e=n.round(2*t/Math.sqrt(3),2);return\"M-\"+n.round(t/2,2)+\",-\"+e+\"V\"+e+\"L\"+n.round(t,2)+\",0Z\"}},\"triangle-ne\":{n:9,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M-\"+r+\",-\"+e+\"H\"+e+\"V\"+r+\"Z\"}},\"triangle-se\":{n:10,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M\"+e+\",-\"+r+\"V\"+e+\"H-\"+r+\"Z\"}},\"triangle-sw\":{n:11,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M\"+r+\",\"+e+\"H-\"+e+\"V-\"+r+\"Z\"}},\"triangle-nw\":{n:12,f:function(t){var e=n.round(.6*t,2),r=n.round(1.2*t,2);return\"M-\"+e+\",\"+r+\"V-\"+e+\"H\"+r+\"Z\"}},pentagon:{n:13,f:function(t){var e=n.round(.951*t,2),r=n.round(.588*t,2),i=n.round(-t,2),a=n.round(-.309*t,2);return\"M\"+e+\",\"+a+\"L\"+r+\",\"+n.round(.809*t,2)+\"H-\"+r+\"L-\"+e+\",\"+a+\"L0,\"+i+\"Z\"}},hexagon:{n:14,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return\"M\"+i+\",-\"+r+\"V\"+r+\"L0,\"+e+\"L-\"+i+\",\"+r+\"V-\"+r+\"L0,-\"+e+\"Z\"}},hexagon2:{n:15,f:function(t){var e=n.round(t,2),r=n.round(t/2,2),i=n.round(t*Math.sqrt(3)/2,2);return\"M-\"+r+\",\"+i+\"H\"+r+\"L\"+e+\",0L\"+r+\",-\"+i+\"H-\"+r+\"L-\"+e+\",0Z\"}},octagon:{n:16,f:function(t){var e=n.round(.924*t,2),r=n.round(.383*t,2);return\"M-\"+r+\",-\"+e+\"H\"+r+\"L\"+e+\",-\"+r+\"V\"+r+\"L\"+r+\",\"+e+\"H-\"+r+\"L-\"+e+\",\"+r+\"V-\"+r+\"Z\"}},star:{n:17,f:function(t){var e=1.4*t,r=n.round(.225*e,2),i=n.round(.951*e,2),a=n.round(.363*e,2),o=n.round(.588*e,2),s=n.round(-e,2),l=n.round(-.309*e,2),c=n.round(.118*e,2),u=n.round(.809*e,2);return\"M\"+r+\",\"+l+\"H\"+i+\"L\"+a+\",\"+c+\"L\"+o+\",\"+u+\"L0,\"+n.round(.382*e,2)+\"L-\"+o+\",\"+u+\"L-\"+a+\",\"+c+\"L-\"+i+\",\"+l+\"H-\"+r+\"L0,\"+s+\"Z\"}},hexagram:{n:18,f:function(t){var e=n.round(.66*t,2),r=n.round(.38*t,2),i=n.round(.76*t,2);return\"M-\"+i+\",0l-\"+r+\",-\"+e+\"h\"+i+\"l\"+r+\",-\"+e+\"l\"+r+\",\"+e+\"h\"+i+\"l-\"+r+\",\"+e+\"l\"+r+\",\"+e+\"h-\"+i+\"l-\"+r+\",\"+e+\"l-\"+r+\",-\"+e+\"h-\"+i+\"Z\"}},\"star-triangle-up\":{n:19,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o=\"A \"+a+\",\"+a+\" 0 0 1 \";return\"M-\"+e+\",\"+r+o+e+\",\"+r+o+\"0,-\"+i+o+\"-\"+e+\",\"+r+\"Z\"}},\"star-triangle-down\":{n:20,f:function(t){var e=n.round(t*Math.sqrt(3)*.8,2),r=n.round(.8*t,2),i=n.round(1.6*t,2),a=n.round(4*t,2),o=\"A \"+a+\",\"+a+\" 0 0 1 \";return\"M\"+e+\",-\"+r+o+\"-\"+e+\",-\"+r+o+\"0,\"+i+o+e+\",-\"+r+\"Z\"}},\"star-square\":{n:21,f:function(t){var e=n.round(1.1*t,2),r=n.round(2*t,2),i=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",-\"+e+i+\"-\"+e+\",\"+e+i+e+\",\"+e+i+e+\",-\"+e+i+\"-\"+e+\",-\"+e+\"Z\"}},\"star-diamond\":{n:22,f:function(t){var e=n.round(1.4*t,2),r=n.round(1.9*t,2),i=\"A \"+r+\",\"+r+\" 0 0 1 \";return\"M-\"+e+\",0\"+i+\"0,\"+e+i+e+\",0\"+i+\"0,-\"+e+i+\"-\"+e+\",0Z\"}},\"diamond-tall\":{n:23,f:function(t){var e=n.round(.7*t,2),r=n.round(1.4*t,2);return\"M0,\"+r+\"L\"+e+\",0L0,-\"+r+\"L-\"+e+\",0Z\"}},\"diamond-wide\":{n:24,f:function(t){var e=n.round(1.4*t,2),r=n.round(.7*t,2);return\"M0,\"+r+\"L\"+e+\",0L0,-\"+r+\"L-\"+e+\",0Z\"}},hourglass:{n:25,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"H-\"+e+\"L\"+e+\",-\"+e+\"H-\"+e+\"Z\"},noDot:!0},bowtie:{n:26,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"V-\"+e+\"L-\"+e+\",\"+e+\"V-\"+e+\"Z\"},noDot:!0},\"circle-cross\":{n:27,f:function(t){var e=n.round(t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e+\"M\"+e+\",0A\"+e+\",\"+e+\" 0 1,1 0,-\"+e+\"A\"+e+\",\"+e+\" 0 0,1 \"+e+\",0Z\"},needLine:!0,noDot:!0},\"circle-x\":{n:28,f:function(t){var e=n.round(t,2),r=n.round(t/Math.sqrt(2),2);return\"M\"+r+\",\"+r+\"L-\"+r+\",-\"+r+\"M\"+r+\",-\"+r+\"L-\"+r+\",\"+r+\"M\"+e+\",0A\"+e+\",\"+e+\" 0 1,1 0,-\"+e+\"A\"+e+\",\"+e+\" 0 0,1 \"+e+\",0Z\"},needLine:!0,noDot:!0},\"square-cross\":{n:29,f:function(t){var e=n.round(t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e+\"M\"+e+\",\"+e+\"H-\"+e+\"V-\"+e+\"H\"+e+\"Z\"},needLine:!0,noDot:!0},\"square-x\":{n:30,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"L-\"+e+\",-\"+e+\"M\"+e+\",-\"+e+\"L-\"+e+\",\"+e+\"M\"+e+\",\"+e+\"H-\"+e+\"V-\"+e+\"H\"+e+\"Z\"},needLine:!0,noDot:!0},\"diamond-cross\":{n:31,f:function(t){var e=n.round(1.3*t,2);return\"M\"+e+\",0L0,\"+e+\"L-\"+e+\",0L0,-\"+e+\"ZM0,-\"+e+\"V\"+e+\"M-\"+e+\",0H\"+e},needLine:!0,noDot:!0},\"diamond-x\":{n:32,f:function(t){var e=n.round(1.3*t,2),r=n.round(.65*t,2);return\"M\"+e+\",0L0,\"+e+\"L-\"+e+\",0L0,-\"+e+\"ZM-\"+r+\",-\"+r+\"L\"+r+\",\"+r+\"M-\"+r+\",\"+r+\"L\"+r+\",-\"+r},needLine:!0,noDot:!0},\"cross-thin\":{n:33,f:function(t){var e=n.round(1.4*t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e},needLine:!0,noDot:!0,noFill:!0},\"x-thin\":{n:34,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"L-\"+e+\",-\"+e+\"M\"+e+\",-\"+e+\"L-\"+e+\",\"+e},needLine:!0,noDot:!0,noFill:!0},asterisk:{n:35,f:function(t){var e=n.round(1.2*t,2),r=n.round(.85*t,2);return\"M0,\"+e+\"V-\"+e+\"M\"+e+\",0H-\"+e+\"M\"+r+\",\"+r+\"L-\"+r+\",-\"+r+\"M\"+r+\",-\"+r+\"L-\"+r+\",\"+r},needLine:!0,noDot:!0,noFill:!0},hash:{n:36,f:function(t){var e=n.round(t/2,2),r=n.round(t,2);return\"M\"+e+\",\"+r+\"V-\"+r+\"m-\"+r+\",0V\"+r+\"M\"+r+\",\"+e+\"H-\"+r+\"m0,-\"+r+\"H\"+r},needLine:!0,noFill:!0},\"y-up\":{n:37,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M-\"+e+\",\"+i+\"L0,0M\"+e+\",\"+i+\"L0,0M0,-\"+r+\"L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"y-down\":{n:38,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M-\"+e+\",-\"+i+\"L0,0M\"+e+\",-\"+i+\"L0,0M0,\"+r+\"L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"y-left\":{n:39,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M\"+i+\",\"+e+\"L0,0M\"+i+\",-\"+e+\"L0,0M-\"+r+\",0L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"y-right\":{n:40,f:function(t){var e=n.round(1.2*t,2),r=n.round(1.6*t,2),i=n.round(.8*t,2);return\"M-\"+i+\",\"+e+\"L0,0M-\"+i+\",-\"+e+\"L0,0M\"+r+\",0L0,0\"},needLine:!0,noDot:!0,noFill:!0},\"line-ew\":{n:41,f:function(t){var e=n.round(1.4*t,2);return\"M\"+e+\",0H-\"+e},needLine:!0,noDot:!0,noFill:!0},\"line-ns\":{n:42,f:function(t){var e=n.round(1.4*t,2);return\"M0,\"+e+\"V-\"+e},needLine:!0,noDot:!0,noFill:!0},\"line-ne\":{n:43,f:function(t){var e=n.round(t,2);return\"M\"+e+\",-\"+e+\"L-\"+e+\",\"+e},needLine:!0,noDot:!0,noFill:!0},\"line-nw\":{n:44,f:function(t){var e=n.round(t,2);return\"M\"+e+\",\"+e+\"L-\"+e+\",-\"+e},needLine:!0,noDot:!0,noFill:!0}}},{d3:148}],597:[function(t,e,r){\"use strict\";e.exports={visible:{valType:\"boolean\",editType:\"calc\"},type:{valType:\"enumerated\",values:[\"percent\",\"constant\",\"sqrt\",\"data\"],editType:\"calc\"},symmetric:{valType:\"boolean\",editType:\"calc\"},array:{valType:\"data_array\",editType:\"calc\"},arrayminus:{valType:\"data_array\",editType:\"calc\"},value:{valType:\"number\",min:0,dflt:10,editType:\"calc\"},valueminus:{valType:\"number\",min:0,dflt:10,editType:\"calc\"},traceref:{valType:\"integer\",min:0,dflt:0,editType:\"style\"},tracerefminus:{valType:\"integer\",min:0,dflt:0,editType:\"style\"},copy_ystyle:{valType:\"boolean\",editType:\"plot\"},copy_zstyle:{valType:\"boolean\",editType:\"style\"},color:{valType:\"color\",editType:\"style\"},thickness:{valType:\"number\",min:0,dflt:2,editType:\"style\"},width:{valType:\"number\",min:0,editType:\"plot\"},editType:\"calc\",_deprecated:{opacity:{valType:\"number\",editType:\"style\"}}}},{}],598:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../registry\"),a=t(\"../../plots/cartesian/axes\"),o=t(\"./compute_error\");function s(t,e,r,i){var s=e[\"error_\"+i]||{},l=[];if(s.visible&&-1!==[\"linear\",\"log\"].indexOf(r.type)){for(var c=o(s),u=0;u0;t.each(function(t){var u,f=t[0].trace,h=f.error_x||{},p=f.error_y||{};f.ids&&(u=function(t){return t.id});var d=o.hasMarkers(f)&&f.marker.maxdisplayed>0;p.visible||h.visible||(t=[]);var g=n.select(this).selectAll(\"g.errorbar\").data(t,u);if(g.exit().remove(),t.length){h.visible||g.selectAll(\"path.xerror\").remove(),p.visible||g.selectAll(\"path.yerror\").remove(),g.style(\"opacity\",1);var v=g.enter().append(\"g\").classed(\"errorbar\",!0);c&&v.style(\"opacity\",0).transition().duration(r.duration).style(\"opacity\",1),a.setClipUrl(g,e.layerClipId),g.each(function(t){var e=n.select(this),a=function(t,e,r){var n={x:e.c2p(t.x),y:r.c2p(t.y)};void 0!==t.yh&&(n.yh=r.c2p(t.yh),n.ys=r.c2p(t.ys),i(n.ys)||(n.noYS=!0,n.ys=r.c2p(t.ys,!0)));void 0!==t.xh&&(n.xh=e.c2p(t.xh),n.xs=e.c2p(t.xs),i(n.xs)||(n.noXS=!0,n.xs=e.c2p(t.xs,!0)));return n}(t,s,l);if(!d||t.vis){var o,u=e.select(\"path.yerror\");if(p.visible&&i(a.x)&&i(a.yh)&&i(a.ys)){var f=p.width;o=\"M\"+(a.x-f)+\",\"+a.yh+\"h\"+2*f+\"m-\"+f+\",0V\"+a.ys,a.noYS||(o+=\"m-\"+f+\",0h\"+2*f),!u.size()?u=e.append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").classed(\"yerror\",!0):c&&(u=u.transition().duration(r.duration).ease(r.easing)),u.attr(\"d\",o)}else u.remove();var g=e.select(\"path.xerror\");if(h.visible&&i(a.y)&&i(a.xh)&&i(a.xs)){var v=(h.copy_ystyle?p:h).width;o=\"M\"+a.xh+\",\"+(a.y-v)+\"v\"+2*v+\"m0,-\"+v+\"H\"+a.xs,a.noXS||(o+=\"m0,-\"+v+\"v\"+2*v),!g.size()?g=e.append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").classed(\"xerror\",!0):c&&(g=g.transition().duration(r.duration).ease(r.easing)),g.attr(\"d\",o)}else g.remove()}})}})}},{\"../../traces/scatter/subtypes\":1067,\"../drawing\":595,d3:148,\"fast-isnumeric\":214}],603:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../color\");e.exports=function(t){t.each(function(t){var e=t[0].trace,r=e.error_y||{},a=e.error_x||{},o=n.select(this);o.selectAll(\"path.yerror\").style(\"stroke-width\",r.thickness+\"px\").call(i.stroke,r.color),a.copy_ystyle&&(a=r),o.selectAll(\"path.xerror\").style(\"stroke-width\",a.thickness+\"px\").call(i.stroke,a.color)})}},{\"../color\":570,d3:148}],604:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\");e.exports={hoverlabel:{bgcolor:{valType:\"color\",arrayOk:!0,editType:\"none\"},bordercolor:{valType:\"color\",arrayOk:!0,editType:\"none\"},font:n({arrayOk:!0,editType:\"none\"}),namelength:{valType:\"integer\",min:-1,arrayOk:!0,editType:\"none\"},editType:\"calc\"}}},{\"../../plots/font_attributes\":771}],605:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\");function a(t,e,r,i){i=i||n.identity,Array.isArray(t)&&(e[0][r]=i(t))}e.exports=function(t){var e=t.calcdata,r=t._fullLayout;function o(t){return function(e){return n.coerceHoverinfo({hoverinfo:e},{_module:t._module},r)}}for(var s=0;s=0&&r.index-1&&o.length>x&&(o=x>3?o.substr(0,x-3)+\"...\":o.substr(0,x))}void 0!==t.zLabel?(void 0!==t.xLabel&&(c+=\"x: \"+t.xLabel+\"
\"),void 0!==t.yLabel&&(c+=\"y: \"+t.yLabel+\"
\"),c+=(c?\"z: \":\"\")+t.zLabel):L&&t[i+\"Label\"]===M?c=t[(\"x\"===i?\"y\":\"x\")+\"Label\"]||\"\":void 0===t.xLabel?void 0!==t.yLabel&&(c=t.yLabel):c=void 0===t.yLabel?t.xLabel:\"(\"+t.xLabel+\", \"+t.yLabel+\")\",!t.text&&0!==t.text||Array.isArray(t.text)||(c+=(c?\"
\":\"\")+t.text),void 0!==t.extraText&&(c+=(c?\"
\":\"\")+t.extraText),\"\"===c&&(\"\"===o&&e.remove(),c=o);var b=e.select(\"text.nums\").call(u.font,t.fontFamily||d,t.fontSize||g,t.fontColor||y).text(c).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r),_=e.select(\"text.name\"),A=0;o&&o!==c?(_.call(u.font,t.fontFamily||d,t.fontSize||g,v).text(o).attr(\"data-notex\",1).call(l.positionText,0,0).call(l.convertToTspans,r),A=_.node().getBoundingClientRect().width+2*k):(_.remove(),e.select(\"rect\").remove()),e.select(\"path\").style({fill:p,stroke:y});var T,z,O=b.node().getBoundingClientRect(),I=t.xa._offset+(t.x0+t.x1)/2,P=t.ya._offset+(t.y0+t.y1)/2,D=Math.abs(t.x1-t.x0),R=Math.abs(t.y1-t.y0),B=O.width+w+k+A;t.ty0=S-O.top,t.bx=O.width+2*k,t.by=O.height+2*k,t.anchor=\"start\",t.txwidth=O.width,t.tx2width=A,t.offset=0,a?(t.pos=I,T=P+R/2+B<=C,z=P-R/2-B>=0,\"top\"!==t.idealAlign&&T||!z?T?(P+=R/2,t.anchor=\"start\"):t.anchor=\"middle\":(P-=R/2,t.anchor=\"end\")):(t.pos=P,T=I+D/2+B<=E,z=I-D/2-B>=0,\"left\"!==t.idealAlign&&T||!z?T?(I+=D/2,t.anchor=\"start\"):t.anchor=\"middle\":(I-=D/2,t.anchor=\"end\")),b.attr(\"text-anchor\",t.anchor),A&&_.attr(\"text-anchor\",t.anchor),e.attr(\"transform\",\"translate(\"+I+\",\"+P+\")\"+(a?\"rotate(\"+m+\")\":\"\"))}),R}function A(t,e){t.each(function(t){var r=n.select(this);if(t.del)r.remove();else{var i=\"end\"===t.anchor?-1:1,a=r.select(\"text.nums\"),o={start:1,end:-1,middle:0}[t.anchor],s=o*(w+k),c=s+o*(t.txwidth+k),f=0,h=t.offset;\"middle\"===t.anchor&&(s-=t.tx2width/2,c+=t.txwidth/2+k),e&&(h*=-_,f=t.offset*b),r.select(\"path\").attr(\"d\",\"middle\"===t.anchor?\"M-\"+(t.bx/2+t.tx2width/2)+\",\"+(h-t.by/2)+\"h\"+t.bx+\"v\"+t.by+\"h-\"+t.bx+\"Z\":\"M0,0L\"+(i*w+f)+\",\"+(w+h)+\"v\"+(t.by/2-w)+\"h\"+i*t.bx+\"v-\"+t.by+\"H\"+(i*w+f)+\"V\"+(h-w)+\"Z\"),a.call(l.positionText,s+f,h+t.ty0-t.by/2+k),t.tx2width&&(r.select(\"text.name\").call(l.positionText,c+o*k+f,h+t.ty0-t.by/2+k),r.select(\"rect\").call(u.setRect,c+(o-1)*t.tx2width/2+f,h-t.by/2-1,t.tx2width,t.by+2))}})}function T(t,e){var r=t.index,n=t.trace||{},i=t.cd[0],a=t.cd[r]||{},s=Array.isArray(r)?function(t,e){return o.castOption(i,r,t)||o.extractOption({},n,\"\",e)}:function(t,e){return o.extractOption(a,n,t,e)};function l(e,r,n){var i=s(r,n);i&&(t[e]=i)}if(l(\"hoverinfo\",\"hi\",\"hoverinfo\"),l(\"bgcolor\",\"hbg\",\"hoverlabel.bgcolor\"),l(\"borderColor\",\"hbc\",\"hoverlabel.bordercolor\"),l(\"fontFamily\",\"htf\",\"hoverlabel.font.family\"),l(\"fontSize\",\"hts\",\"hoverlabel.font.size\"),l(\"fontColor\",\"htc\",\"hoverlabel.font.color\"),l(\"nameLength\",\"hnl\",\"hoverlabel.namelength\"),t.posref=\"y\"===e?t.xa._offset+(t.x0+t.x1)/2:t.ya._offset+(t.y0+t.y1)/2,t.x0=o.constrain(t.x0,0,t.xa._length),t.x1=o.constrain(t.x1,0,t.xa._length),t.y0=o.constrain(t.y0,0,t.ya._length),t.y1=o.constrain(t.y1,0,t.ya._length),void 0!==t.xLabelVal&&(t.xLabel=\"xLabel\"in t?t.xLabel:p.hoverLabelText(t.xa,t.xLabelVal),t.xVal=t.xa.c2d(t.xLabelVal)),void 0!==t.yLabelVal&&(t.yLabel=\"yLabel\"in t?t.yLabel:p.hoverLabelText(t.ya,t.yLabelVal),t.yVal=t.ya.c2d(t.yLabelVal)),void 0!==t.zLabelVal&&void 0===t.zLabel&&(t.zLabel=String(t.zLabelVal)),!(isNaN(t.xerr)||\"log\"===t.xa.type&&t.xerr<=0)){var c=p.tickText(t.xa,t.xa.c2l(t.xerr),\"hover\").text;void 0!==t.xerrneg?t.xLabel+=\" +\"+c+\" / -\"+p.tickText(t.xa,t.xa.c2l(t.xerrneg),\"hover\").text:t.xLabel+=\" \\xb1 \"+c,\"x\"===e&&(t.distance+=1)}if(!(isNaN(t.yerr)||\"log\"===t.ya.type&&t.yerr<=0)){var u=p.tickText(t.ya,t.ya.c2l(t.yerr),\"hover\").text;void 0!==t.yerrneg?t.yLabel+=\" +\"+u+\" / -\"+p.tickText(t.ya,t.ya.c2l(t.yerrneg),\"hover\").text:t.yLabel+=\" \\xb1 \"+u,\"y\"===e&&(t.distance+=1)}var f=t.hoverinfo||t.trace.hoverinfo;return\"all\"!==f&&(-1===(f=Array.isArray(f)?f:f.split(\"+\")).indexOf(\"x\")&&(t.xLabel=void 0),-1===f.indexOf(\"y\")&&(t.yLabel=void 0),-1===f.indexOf(\"z\")&&(t.zLabel=void 0),-1===f.indexOf(\"text\")&&(t.text=void 0),-1===f.indexOf(\"name\")&&(t.name=void 0)),t}function S(t,e){var r,n,i=e.container,o=e.fullLayout,s=e.event,l=!!t.hLinePoint,c=!!t.vLinePoint;if(i.selectAll(\".spikeline\").remove(),c||l){var h=f.combine(o.plot_bgcolor,o.paper_bgcolor);if(l){var p,d,g=t.hLinePoint;r=g&&g.xa,\"cursor\"===(n=g&&g.ya).spikesnap?(p=s.pointerX,d=s.pointerY):(p=r._offset+g.x,d=n._offset+g.y);var v,m,y=a.readability(g.color,h)<1.5?f.contrast(h):g.color,x=n.spikemode,b=n.spikethickness,_=n.spikecolor||y,w=n._boundingBox,k=(w.left+w.right)/2w[0]._length||et<0||et>k[0]._length)return h.unhoverRaw(t,e)}if(e.pointerX=tt+w[0]._offset,e.pointerY=et+k[0]._offset,D=\"xval\"in e?g.flat(l,e.xval):g.p2c(w,tt),R=\"yval\"in e?g.flat(l,e.yval):g.p2c(k,et),!i(D[0])||!i(R[0]))return o.warn(\"Fx.hover failed\",e,t),h.unhoverRaw(t,e)}var it=1/0;for(F=0;FY&&($.splice(0,Y),it=$[0].distance),y&&0!==Z&&0===$.length){W.distance=Z,W.index=!1;var ct=j._module.hoverPoints(W,H,G,\"closest\",u._hoverlayer);if(ct&&(ct=ct.filter(function(t){return t.spikeDistance<=Z})),ct&&ct.length){var ut,ft=ct.filter(function(t){return t.xa.showspikes});if(ft.length){var ht=ft[0];i(ht.x0)&&i(ht.y0)&&(ut=vt(ht),(!K.vLinePoint||K.vLinePoint.spikeDistance>ut.spikeDistance)&&(K.vLinePoint=ut))}var pt=ct.filter(function(t){return t.ya.showspikes});if(pt.length){var dt=pt[0];i(dt.x0)&&i(dt.y0)&&(ut=vt(dt),(!K.hLinePoint||K.hLinePoint.spikeDistance>ut.spikeDistance)&&(K.hLinePoint=ut))}}}}function gt(t,e){for(var r,n=null,i=1/0,a=0;a1||$.length>1)||\"closest\"===P&&Q&&$.length>1,Ct=f.combine(u.plot_bgcolor||f.background,u.paper_bgcolor),Lt={hovermode:P,rotateLabels:Et,bgColor:Ct,container:u._hoverlayer,outerContainer:u._paperdiv,commonLabelOpts:u.hoverlabel,hoverdistance:u.hoverdistance},zt=M($,Lt,t);if(function(t,e,r){var n,i,a,o,s,l,c,u=0,f=1,h=t.map(function(t,n){var i=t[e],a=\"x\"===i._id.charAt(0),o=i.range;return!n&&o&&o[0]>o[1]!==a&&(f=-1),[{i:n,traceIndex:t.trace.index,dp:0,pos:t.pos,posref:t.posref,size:t.by*(a?x:1)/2,pmin:0,pmax:a?r.width:r.height}]}).sort(function(t,e){return t[0].posref-e[0].posref||f*(e[0].traceIndex-t[0].traceIndex)});function p(t){var e=t[0],r=t[t.length-1];if(i=e.pmin-e.pos-e.dp+e.size,a=r.pos+r.dp+r.size-e.pmax,i>.01){for(s=t.length-1;s>=0;s--)t[s].dp+=i;n=!1}if(!(a<.01)){if(i<-.01){for(s=t.length-1;s>=0;s--)t[s].dp-=a;n=!1}if(n){var c=0;for(o=0;oe.pmax&&c++;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos>e.pmax-1&&(l.del=!0,c--);for(o=0;o=0;s--)t[s].dp-=a;for(o=t.length-1;o>=0&&!(c<=0);o--)(l=t[o]).pos+l.dp+l.size>e.pmax&&(l.del=!0,c--)}}}for(;!n&&u<=t.length;){for(u++,n=!0,o=0;o.01&&v.pmin===m.pmin&&v.pmax===m.pmax){for(s=g.length-1;s>=0;s--)g[s].dp+=i;for(d.push.apply(d,g),h.splice(o+1,1),c=0,s=d.length-1;s>=0;s--)c+=d[s].dp;for(a=c/d.length,s=d.length-1;s>=0;s--)d[s].dp-=a;n=!1}else o++}h.forEach(p)}for(o=h.length-1;o>=0;o--){var y=h[o];for(s=y.length-1;s>=0;s--){var b=y[s],_=t[b.i];_.offset=b.dp,_.del=b.del}}}($,Et?\"xa\":\"ya\",u),A(zt,Et),e.target&&e.target.tagName){var Ot=d.getComponentMethod(\"annotations\",\"hasClickToShow\")(t,Tt);c(n.select(e.target),Ot?\"pointer\":\"\")}if(!e.target||a||!function(t,e,r){if(!r||r.length!==t._hoverdata.length)return!0;for(var n=r.length-1;n>=0;n--){var i=r[n],a=t._hoverdata[n];if(i.curveNumber!==a.curveNumber||String(i.pointNumber)!==String(a.pointNumber))return!0}return!1}(t,0,At))return;At&&t.emit(\"plotly_unhover\",{event:e,points:At});t.emit(\"plotly_hover\",{event:e,points:t._hoverdata,xaxes:w,yaxes:k,xvals:D,yvals:R})}(t,e,r,a)})},r.loneHover=function(t,e){var r={color:t.color||f.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,trace:{index:0,hoverinfo:\"\"},xa:{_offset:0},ya:{_offset:0},index:0},i=n.select(e.container),a=e.outerContainer?n.select(e.outerContainer):i,o={hovermode:\"closest\",rotateLabels:!1,bgColor:e.bgColor||f.background,container:i,outerContainer:a},s=M([r],o,e.gd);return A(s,o.rotateLabels),s.node()},r.multiHovers=function(t,e){Array.isArray(t)||(t=[t]);var r=t.map(function(t){return{color:t.color||f.defaultLine,x0:t.x0||t.x||0,x1:t.x1||t.x||0,y0:t.y0||t.y||0,y1:t.y1||t.y||0,xLabel:t.xLabel,yLabel:t.yLabel,zLabel:t.zLabel,text:t.text,name:t.name,idealAlign:t.idealAlign,borderColor:t.borderColor,fontFamily:t.fontFamily,fontSize:t.fontSize,fontColor:t.fontColor,trace:{index:0,hoverinfo:\"\"},xa:{_offset:0},ya:{_offset:0},index:0}}),i=n.select(e.container),a=e.outerContainer?n.select(e.outerContainer):i,o={hovermode:\"closest\",rotateLabels:!1,bgColor:e.bgColor||f.background,container:i,outerContainer:a},s=M(r,o,e.gd),l=0;return s.sort(function(t,e){return t.y0-e.y0}).each(function(t){var e=t.y0-t.by/2;t.offset=e-5-1?o=\"closest\":(e._isHoriz=function(t){for(var e=!0,r=0;r1){h||p||d||\"independent\"===M(\"pattern\")&&(h=!0),v._hasSubplotGrid=h;var x,b,_=\"top to bottom\"===M(\"roworder\"),w=h?.2:.1,k=h?.3:.1;g&&e._splomGridDflt&&(x=e._splomGridDflt.xside,b=e._splomGridDflt.yside),v._domains={x:u(\"x\",M,w,x,y),y:u(\"y\",M,k,b,m,_)}}else delete e.grid}function M(t,e){return n.coerce(r,v,l,t,e)}},contentDefaults:function(t,e){var r=e.grid;if(r&&r._domains){var n,i,a,o,s,l,u,h=t.grid||{},p=e._subplots,d=r._hasSubplotGrid,g=r.rows,v=r.columns,m=\"independent\"===r.pattern,y=r._axisMap={};if(d){var x=h.subplots||[];l=r.subplots=new Array(g);var b=1;for(n=0;n=2/3},r.isCenterAnchor=function(t){return\"center\"===t.xanchor||\"auto\"===t.xanchor&&t.x>1/3&&t.x<2/3},r.isBottomAnchor=function(t){return\"bottom\"===t.yanchor||\"auto\"===t.yanchor&&t.y<=1/3},r.isMiddleAnchor=function(t){return\"middle\"===t.yanchor||\"auto\"===t.yanchor&&t.y>1/3&&t.y<2/3}},{}],623:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),i=t(\"../color/attributes\");e.exports={bgcolor:{valType:\"color\",editType:\"legend\"},bordercolor:{valType:\"color\",dflt:i.defaultLine,editType:\"legend\"},borderwidth:{valType:\"number\",min:0,dflt:0,editType:\"legend\"},font:n({editType:\"legend\"}),orientation:{valType:\"enumerated\",values:[\"v\",\"h\"],dflt:\"v\",editType:\"legend\"},traceorder:{valType:\"flaglist\",flags:[\"reversed\",\"grouped\"],extras:[\"normal\"],editType:\"legend\"},tracegroupgap:{valType:\"number\",min:0,dflt:10,editType:\"legend\"},x:{valType:\"number\",min:-2,max:3,dflt:1.02,editType:\"legend\"},xanchor:{valType:\"enumerated\",values:[\"auto\",\"left\",\"center\",\"right\"],dflt:\"left\",editType:\"legend\"},y:{valType:\"number\",min:-2,max:3,dflt:1,editType:\"legend\"},yanchor:{valType:\"enumerated\",values:[\"auto\",\"top\",\"middle\",\"bottom\"],dflt:\"auto\",editType:\"legend\"},editType:\"legend\"}},{\"../../plots/font_attributes\":771,\"../color/attributes\":569}],624:[function(t,e,r){\"use strict\";e.exports={scrollBarWidth:6,scrollBarMinHeight:20,scrollBarColor:\"#808BA4\",scrollBarMargin:4,textOffsetX:40}},{}],625:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\"),a=t(\"../../plot_api/plot_template\"),o=t(\"./attributes\"),s=t(\"../../plots/layout_attributes\"),l=t(\"./helpers\");e.exports=function(t,e,r){for(var c,u,f,h,p=t.legend||{},d=0,g=!1,v=\"normal\",m=0;m1)){var x=a.newContainer(e,\"legend\");if(_(\"bgcolor\",e.paper_bgcolor),_(\"bordercolor\"),_(\"borderwidth\"),i.coerceFont(_,\"font\",e.font),_(\"orientation\"),\"h\"===x.orientation){var b=t.xaxis;b&&b.rangeslider&&b.rangeslider.visible?(c=0,f=\"left\",u=1.1,h=\"bottom\"):(c=0,f=\"left\",u=-.1,h=\"top\")}_(\"traceorder\",v),l.isGrouped(e.legend)&&_(\"tracegroupgap\"),_(\"x\",c),_(\"xanchor\",f),_(\"y\",u),_(\"yanchor\",h),i.noneOrAll(p,x,[\"x\",\"y\"])}function _(t,e){return i.coerce(p,x,o,t,e)}}},{\"../../lib\":696,\"../../plot_api/plot_template\":734,\"../../plots/layout_attributes\":799,\"../../registry\":827,\"./attributes\":623,\"./helpers\":629}],626:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib/events\"),l=t(\"../dragelement\"),c=t(\"../drawing\"),u=t(\"../color\"),f=t(\"../../lib/svg_text_utils\"),h=t(\"./handle_click\"),p=t(\"./constants\"),d=t(\"../../constants/interactions\"),g=t(\"../../constants/alignment\"),v=g.LINE_SPACING,m=g.FROM_TL,y=g.FROM_BR,x=t(\"./get_legend_data\"),b=t(\"./style\"),_=t(\"./helpers\"),w=t(\"./anchor_utils\"),k=d.DBLCLICKDELAY;function M(t,e,r,n,i){var a=r.data()[0][0].trace,o={event:i,node:r.node(),curveNumber:a.index,expandedIndex:a._expandedIndex,data:t.data,layout:t.layout,frames:t._transitionData._frames,config:t._context,fullData:t._fullData,fullLayout:t._fullLayout};if(a._group&&(o.group=a._group),\"pie\"===a.type&&(o.label=r.datum()[0].label),!1!==s.triggerHandler(t,\"plotly_legendclick\",o))if(1===n)e._clickTimeout=setTimeout(function(){h(r,t,n)},k);else if(2===n){e._clickTimeout&&clearTimeout(e._clickTimeout),t._legendMouseDownTime=0,!1!==s.triggerHandler(t,\"plotly_legenddoubleclick\",o)&&h(r,t,n)}}function A(t,e,r){var n=t.data()[0][0],a=e._fullLayout,s=n.trace,l=o.traceIs(s,\"pie\"),u=s.index,h=l?n.label:s.name,d=e._context.edits.legendText&&!l,g=i.ensureSingle(t,\"text\",\"legendtext\");function m(r){f.convertToTspans(r,e,function(){!function(t,e){var r=t.data()[0][0];if(!r.trace.showlegend)return void t.remove();var n,i,a=t.select(\"g[class*=math-group]\"),o=a.node(),s=e._fullLayout.legend.font.size*v;if(o){var l=c.bBox(o);n=l.height,i=l.width,c.setTranslate(a,0,n/4)}else{var u=t.select(\".legendtext\"),h=f.lineCount(u),d=u.node();n=s*h,i=d?c.bBox(d).width:0;var g=s*(.3+(1-h)/2);f.positionText(u,p.textOffsetX,g)}n=Math.max(n,16)+3,r.height=n,r.width=i}(t,e)})}g.attr(\"text-anchor\",\"start\").classed(\"user-select-none\",!0).call(c.font,a.legend.font).text(d?T(h,r):h),f.positionText(g,p.textOffsetX,0),d?g.call(f.makeEditable,{gd:e,text:h}).call(m).on(\"edit\",function(t){this.text(T(t,r)).call(m);var a=n.trace._fullInput||{},s={};if(o.hasTransform(a,\"groupby\")){var l=o.getTransformIndices(a,\"groupby\"),c=l[l.length-1],f=i.keyedContainer(a,\"transforms[\"+c+\"].styles\",\"target\",\"value.name\");f.set(n.trace._group,t),s=f.constructUpdate()}else s.name=t;return o.call(\"restyle\",e,s,u)}):m(g)}function T(t,e){var r=Math.max(4,e);if(t&&t.trim().length>=r/2)return t;for(var n=r-(t=t||\"\").length;n>0;n--)t+=\" \";return t}function S(t,e){var r,a=1,o=i.ensureSingle(t,\"rect\",\"legendtoggle\",function(t){t.style(\"cursor\",\"pointer\").attr(\"pointer-events\",\"all\").call(u.fill,\"rgba(0,0,0,0)\")});o.on(\"mousedown\",function(){(r=(new Date).getTime())-e._legendMouseDownTimek&&(a=Math.max(a-1,1)),M(e,r,t,a,n.event)}})}function E(t,e,r){var i=t._fullLayout,a=i.legend,o=a.borderwidth,s=_.isGrouped(a),l=0;if(a._width=0,a._height=0,_.isVertical(a))s&&e.each(function(t,e){c.setTranslate(this,0,e*a.tracegroupgap)}),r.each(function(t){var e=t[0],r=e.height,n=e.width;c.setTranslate(this,o,5+o+a._height+r/2),a._height+=r,a._width=Math.max(a._width,n)}),a._width+=45+2*o,a._height+=10+2*o,s&&(a._height+=(a._lgroupsLength-1)*a.tracegroupgap),l=40;else if(s){for(var u=[a._width],f=e.data(),h=0,p=f.length;ho+w-k,r.each(function(t){var e=t[0],r=v?40+t[0].width:x;o+b+k+r>i._size.w&&(b=0,m+=y,a._height=a._height+y,y=0),c.setTranslate(this,o+b,5+o+e.height/2+m),a._width+=k+r,a._height=Math.max(a._height,e.height),b+=k+r,y=Math.max(e.height,y)}),a._width+=2*o,a._height+=10+2*o}a._width=Math.ceil(a._width),a._height=Math.ceil(a._height);var M=t._context.edits.legendText||t._context.edits.legendPosition;r.each(function(t){var e=t[0],r=n.select(this).select(\".legendtoggle\");c.setRect(r,0,-e.height/2,(M?0:a._width)+l,e.height)})}function C(t){var e=t._fullLayout.legend,r=\"left\";w.isRightAnchor(e)?r=\"right\":w.isCenterAnchor(e)&&(r=\"center\");var n=\"top\";w.isBottomAnchor(e)?n=\"bottom\":w.isMiddleAnchor(e)&&(n=\"middle\"),a.autoMargin(t,\"legend\",{x:e.x,y:e.y,l:e._width*m[r],r:e._width*y[r],b:e._height*y[n],t:e._height*m[n]})}e.exports=function(t){var e=t._fullLayout,r=\"legend\"+e._uid;if(e._infolayer&&t.calcdata){t._legendMouseDownTime||(t._legendMouseDownTime=0);var s=e.legend,f=e.showlegend&&x(t.calcdata,s),h=e.hiddenlabels||[];if(!e.showlegend||!f.length)return e._infolayer.selectAll(\".legend\").remove(),e._topdefs.select(\"#\"+r).remove(),void a.autoMargin(t,\"legend\");for(var d=0,g=0;gf?function(t){var e=t._fullLayout.legend,r=\"left\";w.isRightAnchor(e)?r=\"right\":w.isCenterAnchor(e)&&(r=\"center\");a.autoMargin(t,\"legend\",{x:e.x,y:.5,l:e._width*m[r],r:e._width*y[r],b:0,t:0})}(t):C(t);var h=e._size,d=h.l+h.w*s.x,g=h.t+h.h*(1-s.y);w.isRightAnchor(s)?d-=s._width:w.isCenterAnchor(s)&&(d-=s._width/2),w.isBottomAnchor(s)?g-=s._height:w.isMiddleAnchor(s)&&(g-=s._height/2);var v=s._width,x=h.w;v>x?(d=h.l,v=x):(d+v>u&&(d=u-v),d<0&&(d=0),v=Math.min(u-d,s._width));var b,_,k,A,T=s._height,S=h.h;if(T>S?(g=h.t,T=S):(g+T>f&&(g=f-T),g<0&&(g=0),T=Math.min(f-g,s._height)),c.setTranslate(z,d,g),D.on(\".drag\",null),z.on(\"wheel\",null),s._height<=T||t._context.staticPlot)I.attr({width:v-s.borderwidth,height:T-s.borderwidth,x:s.borderwidth/2,y:s.borderwidth/2}),c.setTranslate(P,0,0),O.select(\"rect\").attr({width:v-2*s.borderwidth,height:T-2*s.borderwidth,x:s.borderwidth,y:s.borderwidth}),c.setClipUrl(P,r),c.setRect(D,0,0,0,0),delete s._scrollY;else{var F,N,j=Math.max(p.scrollBarMinHeight,T*T/s._height),V=T-j-2*p.scrollBarMargin,U=s._height-T,q=V/U,H=Math.min(s._scrollY||0,U);I.attr({width:v-2*s.borderwidth+p.scrollBarWidth+p.scrollBarMargin,height:T-s.borderwidth,x:s.borderwidth/2,y:s.borderwidth/2}),O.select(\"rect\").attr({width:v-2*s.borderwidth+p.scrollBarWidth+p.scrollBarMargin,height:T-2*s.borderwidth,x:s.borderwidth,y:s.borderwidth+H}),c.setClipUrl(P,r),W(H,j,q),z.on(\"wheel\",function(){W(H=i.constrain(s._scrollY+n.event.deltaY/V*U,0,U),j,q),0!==H&&H!==U&&n.event.preventDefault()});var G=n.behavior.drag().on(\"dragstart\",function(){F=n.event.sourceEvent.clientY,N=H}).on(\"drag\",function(){var t=n.event.sourceEvent;2===t.buttons||t.ctrlKey||W(H=i.constrain((t.clientY-F)/q+N,0,U),j,q)});D.call(G)}function W(e,r,n){s._scrollY=t._fullLayout.legend._scrollY=e,c.setTranslate(P,0,-e),c.setRect(D,v,p.scrollBarMargin+e*n,p.scrollBarWidth,r),O.select(\"rect\").attr({y:s.borderwidth+e})}t._context.edits.legendPosition&&(z.classed(\"cursor-move\",!0),l.init({element:z.node(),gd:t,prepFn:function(){var t=c.getTranslate(z);k=t.x,A=t.y},moveFn:function(t,e){var r=k+t,n=A+e;c.setTranslate(z,r,n),b=l.align(r,0,h.l,h.l+h.w,s.xanchor),_=l.align(n,0,h.t+h.h,h.t,s.yanchor)},doneFn:function(){void 0!==b&&void 0!==_&&o.call(\"relayout\",t,{\"legend.x\":b,\"legend.y\":_})},clickFn:function(r,n){var i=e._infolayer.selectAll(\"g.traces\").filter(function(){var t=this.getBoundingClientRect();return n.clientX>=t.left&&n.clientX<=t.right&&n.clientY>=t.top&&n.clientY<=t.bottom});i.size()>0&&M(t,z,i,r,n)}}))}],t)}}},{\"../../constants/alignment\":668,\"../../constants/interactions\":672,\"../../lib\":696,\"../../lib/events\":684,\"../../lib/svg_text_utils\":720,\"../../plots/plots\":808,\"../../registry\":827,\"../color\":570,\"../dragelement\":592,\"../drawing\":595,\"./anchor_utils\":622,\"./constants\":624,\"./get_legend_data\":627,\"./handle_click\":628,\"./helpers\":629,\"./style\":631,d3:148}],627:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"./helpers\");e.exports=function(t,e){var r,a,o={},s=[],l=!1,c={},u=0;function f(t,r){if(\"\"!==t&&i.isGrouped(e))-1===s.indexOf(t)?(s.push(t),l=!0,o[t]=[[r]]):o[t].push([r]);else{var n=\"~~i\"+u;s.push(n),o[n]=[[r]],u++}}for(r=0;rr[1])return r[1]}return i}function d(t){return t[0]}if(u||f||h){var g={},v={};if(u){g.mc=p(\"marker.color\",d),g.mx=p(\"marker.symbol\",d),g.mo=p(\"marker.opacity\",a.mean,[.2,1]),g.mlc=p(\"marker.line.color\",d),g.mlw=p(\"marker.line.width\",a.mean,[0,5]),v.marker={sizeref:1,sizemin:1,sizemode:\"diameter\"};var m=p(\"marker.size\",a.mean,[2,16]);g.ms=m,v.marker.size=m}h&&(v.line={width:p(\"line.width\",d,[0,10])}),f&&(g.tx=\"Aa\",g.tp=p(\"textposition\",d),g.ts=10,g.tc=p(\"textfont.color\",d),g.tf=p(\"textfont.family\",d)),r=[a.minExtend(s,g)],(i=a.minExtend(c,v)).selectedpoints=null}var y=n.select(this).select(\"g.legendpoints\"),x=y.selectAll(\"path.scatterpts\").data(u?r:[]);x.enter().insert(\"path\",\":first-child\").classed(\"scatterpts\",!0).attr(\"transform\",\"translate(20,0)\"),x.exit().remove(),x.call(o.pointStyle,i,e),u&&(r[0].mrc=3);var b=y.selectAll(\"g.pointtext\").data(f?r:[]);b.enter().append(\"g\").classed(\"pointtext\",!0).append(\"text\").attr(\"transform\",\"translate(20,0)\"),b.exit().remove(),b.selectAll(\"text\").call(o.textPointStyle,i,e)}).each(function(t){var e=t[0].trace,r=n.select(this).select(\"g.legendpoints\").selectAll(\"path.legendcandle\").data(\"candlestick\"===e.type&&e.visible?[t,t]:[]);r.enter().append(\"path\").classed(\"legendcandle\",!0).attr(\"d\",function(t,e){return e?\"M-15,0H-8M-8,6V-6H8Z\":\"M15,0H8M8,-6V6H-8Z\"}).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each(function(t,r){var i=e[r?\"increasing\":\"decreasing\"],a=i.line.width,o=n.select(this);o.style(\"stroke-width\",a+\"px\").call(s.fill,i.fillcolor),a&&s.stroke(o,i.line.color)})}).each(function(t){var e=t[0].trace,r=n.select(this).select(\"g.legendpoints\").selectAll(\"path.legendohlc\").data(\"ohlc\"===e.type&&e.visible?[t,t]:[]);r.enter().append(\"path\").classed(\"legendohlc\",!0).attr(\"d\",function(t,e){return e?\"M-15,0H0M-8,-6V0\":\"M15,0H0M8,6V0\"}).attr(\"transform\",\"translate(20,0)\").style(\"stroke-miterlimit\",1),r.exit().remove(),r.each(function(t,r){var i=e[r?\"increasing\":\"decreasing\"],a=i.line.width,l=n.select(this);l.style(\"fill\",\"none\").call(o.dashLine,i.line.dash,a),a&&s.stroke(l,i.line.color)})})}},{\"../../lib\":696,\"../../registry\":827,\"../../traces/pie/style_one\":1029,\"../../traces/scatter/subtypes\":1067,\"../color\":570,\"../drawing\":595,d3:148}],632:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../plots/plots\"),a=t(\"../../plots/cartesian/axis_ids\"),o=t(\"../../lib\"),s=t(\"../../../build/ploticon\"),l=o._,c=e.exports={};function u(t,e){var r,i,o=e.currentTarget,s=o.getAttribute(\"data-attr\"),l=o.getAttribute(\"data-val\")||!0,c=t._fullLayout,u={},f=a.list(t,null,!0),h=\"on\";if(\"zoom\"===s){var p,d=\"in\"===l?.5:2,g=(1+d)/2,v=(1-d)/2;for(i=0;i1?(_=[\"toggleHover\"],w=[\"resetViews\"]):f?(b=[\"zoomInGeo\",\"zoomOutGeo\"],_=[\"hoverClosestGeo\"],w=[\"resetGeo\"]):u?(_=[\"hoverClosest3d\"],w=[\"resetCameraDefault3d\",\"resetCameraLastSave3d\"]):g?(_=[\"toggleHover\"],w=[\"resetViewMapbox\"]):_=p?[\"hoverClosestGl2d\"]:h?[\"hoverClosestPie\"]:[\"toggleHover\"];c&&(_=[\"toggleSpikelines\",\"hoverClosestCartesian\",\"hoverCompareCartesian\"]);!c&&!p||m||(b=[\"zoomIn2d\",\"zoomOut2d\",\"autoScale2d\"],\"resetViews\"!==w[0]&&(w=[\"resetScale2d\"]));u?k=[\"zoom3d\",\"pan3d\",\"orbitRotation\",\"tableRotation\"]:(c||p)&&!m||d?k=[\"zoom2d\",\"pan2d\"]:g||f?k=[\"pan2d\"]:v&&(k=[\"zoom2d\"]);(function(t){for(var e=!1,r=0;r0)){var g=function(t,e,r){for(var n=r.filter(function(r){return e[r].anchor===t._id}),i=0,a=0;a0?h+c:c;return{ppad:c,ppadplus:u?d:g,ppadminus:u?g:d}}return{ppad:c}}function u(t,e,r,n,i){var s=\"category\"===t.type?t.r2c:t.d2c;if(void 0!==e)return[s(e),s(r)];if(n){var l,c,u,f,h=1/0,p=-1/0,d=n.match(a.segmentRE);for(\"date\"===t.type&&(s=o.decodeDate(s)),l=0;lp&&(p=f)));return p>=h?[h,p]:void 0}}e.exports=function(t){var e=t._fullLayout,r=n.filterVisible(e.shapes);if(r.length&&t._fullData.length)for(var o=0;o10?t/2:10;return n.append(\"circle\").attr({\"data-line-point\":\"start-point\",cx:D?q(r.xanchor)+r.x0:q(r.x0),cy:R?H(r.yanchor)-r.y0:H(r.y0),r:a}).style(i).classed(\"cursor-grab\",!0),n.append(\"circle\").attr({\"data-line-point\":\"end-point\",cx:D?q(r.xanchor)+r.x1:q(r.x1),cy:R?H(r.yanchor)-r.y1:H(r.y1),r:a}).style(i).classed(\"cursor-grab\",!0),n}():e,X={element:Y.node(),gd:t,prepFn:function(n){D&&(_=q(r.xanchor));R&&(w=H(r.yanchor));\"path\"===r.type?z=r.path:(m=D?r.x0:q(r.x0),y=R?r.y0:H(r.y0),x=D?r.x1:q(r.x1),b=R?r.y1:H(r.y1));mb?(k=y,S=\"y0\",M=b,E=\"y1\"):(k=b,S=\"y1\",M=y,E=\"y0\");Z(n),K(p,r),function(t,e,r){var n=e.xref,i=e.yref,o=a.getFromId(r,n),l=a.getFromId(r,i),c=\"\";\"paper\"===n||o.autorange||(c+=n);\"paper\"===i||l.autorange||(c+=i);t.call(s.setClipUrl,c?\"clip\"+r._fullLayout._uid+c:null)}(e,r,t),X.moveFn=\"move\"===O?$:J},doneFn:function(){u(e),Q(p),d(e,t,r),n.call(\"relayout\",t,N.getUpdateObj())},clickFn:function(){Q(p)}};function Z(t){if(B)O=\"path\"===t.target.tagName?\"move\":\"start-point\"===t.target.attributes[\"data-line-point\"].value?\"resize-over-start-point\":\"resize-over-end-point\";else{var r=X.element.getBoundingClientRect(),n=r.right-r.left,i=r.bottom-r.top,a=t.clientX-r.left,o=t.clientY-r.top,s=!F&&n>I&&i>P&&!t.shiftKey?c.getCursor(a/n,1-o/i):\"move\";u(e,s),O=s.split(\"-\")[0]}}function $(n,i){if(\"path\"===r.type){var a=function(t){return t},o=a,s=a;D?j(\"xanchor\",r.xanchor=G(_+n)):(o=function(t){return G(q(t)+n)},V&&\"date\"===V.type&&(o=h.encodeDate(o))),R?j(\"yanchor\",r.yanchor=W(w+i)):(s=function(t){return W(H(t)+i)},U&&\"date\"===U.type&&(s=h.encodeDate(s))),j(\"path\",r.path=v(z,o,s))}else D?j(\"xanchor\",r.xanchor=G(_+n)):(j(\"x0\",r.x0=G(m+n)),j(\"x1\",r.x1=G(x+n))),R?j(\"yanchor\",r.yanchor=W(w+i)):(j(\"y0\",r.y0=W(y+i)),j(\"y1\",r.y1=W(b+i)));e.attr(\"d\",g(t,r)),K(p,r)}function J(n,i){if(F){var a=function(t){return t},o=a,s=a;D?j(\"xanchor\",r.xanchor=G(_+n)):(o=function(t){return G(q(t)+n)},V&&\"date\"===V.type&&(o=h.encodeDate(o))),R?j(\"yanchor\",r.yanchor=W(w+i)):(s=function(t){return W(H(t)+i)},U&&\"date\"===U.type&&(s=h.encodeDate(s))),j(\"path\",r.path=v(z,o,s))}else if(B){if(\"resize-over-start-point\"===O){var l=m+n,c=R?y-i:y+i;j(\"x0\",r.x0=D?l:G(l)),j(\"y0\",r.y0=R?c:W(c))}else if(\"resize-over-end-point\"===O){var u=x+n,f=R?b-i:b+i;j(\"x1\",r.x1=D?u:G(u)),j(\"y1\",r.y1=R?f:W(f))}}else{var d=~O.indexOf(\"n\")?k+i:k,N=~O.indexOf(\"s\")?M+i:M,Y=~O.indexOf(\"w\")?A+n:A,X=~O.indexOf(\"e\")?T+n:T;~O.indexOf(\"n\")&&R&&(d=k-i),~O.indexOf(\"s\")&&R&&(N=M-i),(!R&&N-d>P||R&&d-N>P)&&(j(S,r[S]=R?d:W(d)),j(E,r[E]=R?N:W(N))),X-Y>I&&(j(C,r[C]=D?Y:G(Y)),j(L,r[L]=D?X:G(X)))}e.attr(\"d\",g(t,r)),K(p,r)}function K(t,e){(D||R)&&function(){var r=\"path\"!==e.type,n=t.selectAll(\".visual-cue\").data([0]);n.enter().append(\"path\").attr({fill:\"#fff\",\"fill-rule\":\"evenodd\",stroke:\"#000\",\"stroke-width\":1}).classed(\"visual-cue\",!0);var a=q(D?e.xanchor:i.midRange(r?[e.x0,e.x1]:h.extractPathCoords(e.path,f.paramIsX))),o=H(R?e.yanchor:i.midRange(r?[e.y0,e.y1]:h.extractPathCoords(e.path,f.paramIsY)));if(a=h.roundPositionForSharpStrokeRendering(a,1),o=h.roundPositionForSharpStrokeRendering(o,1),D&&R){var s=\"M\"+(a-1-1)+\",\"+(o-1-1)+\"h-8v2h8 v8h2v-8 h8v-2h-8 v-8h-2 Z\";n.attr(\"d\",s)}else if(D){var l=\"M\"+(a-1-1)+\",\"+(o-9-1)+\"v18 h2 v-18 Z\";n.attr(\"d\",l)}else{var c=\"M\"+(a-9-1)+\",\"+(o-1-1)+\"h18 v2 h-18 Z\";n.attr(\"d\",c)}}()}function Q(t){t.selectAll(\".visual-cue\").remove()}c.init(X),Y.node().onmousemove=Z}(t,x,r,e,p)}}function d(t,e,r){var n=(r.xref+r.yref).replace(/paper/g,\"\");t.call(s.setClipUrl,n?\"clip\"+e._fullLayout._uid+n:null)}function g(t,e){var r,n,o,s,l,c,u,p,d=e.type,g=a.getFromId(t,e.xref),v=a.getFromId(t,e.yref),m=t._fullLayout._size;if(g?(r=h.shapePositionToRange(g),n=function(t){return g._offset+g.r2p(r(t,!0))}):n=function(t){return m.l+m.w*t},v?(o=h.shapePositionToRange(v),s=function(t){return v._offset+v.r2p(o(t,!0))}):s=function(t){return m.t+m.h*(1-t)},\"path\"===d)return g&&\"date\"===g.type&&(n=h.decodeDate(n)),v&&\"date\"===v.type&&(s=h.decodeDate(s)),function(t,e,r){var n=t.path,a=t.xsizemode,o=t.ysizemode,s=t.xanchor,l=t.yanchor;return n.replace(f.segmentRE,function(t){var n=0,c=t.charAt(0),u=f.paramIsX[c],h=f.paramIsY[c],p=f.numParams[c],d=t.substr(1).replace(f.paramRE,function(t){return u[n]?t=\"pixel\"===a?e(s)+Number(t):e(t):h[n]&&(t=\"pixel\"===o?r(l)-Number(t):r(t)),++n>p&&(t=\"X\"),t});return n>p&&(d=d.replace(/[\\s,]*X.*/,\"\"),i.log(\"Ignoring extra params in segment \"+t)),c+d})}(e,n,s);if(\"pixel\"===e.xsizemode){var y=n(e.xanchor);l=y+e.x0,c=y+e.x1}else l=n(e.x0),c=n(e.x1);if(\"pixel\"===e.ysizemode){var x=s(e.yanchor);u=x-e.y0,p=x-e.y1}else u=s(e.y0),p=s(e.y1);if(\"line\"===d)return\"M\"+l+\",\"+u+\"L\"+c+\",\"+p;if(\"rect\"===d)return\"M\"+l+\",\"+u+\"H\"+c+\"V\"+p+\"H\"+l+\"Z\";var b=(l+c)/2,_=(u+p)/2,w=Math.abs(b-l),k=Math.abs(_-u),M=\"A\"+w+\",\"+k,A=b+w+\",\"+_;return\"M\"+A+M+\" 0 1,1 \"+(b+\",\"+(_-k))+M+\" 0 0,1 \"+A+\"Z\"}function v(t,e,r){return t.replace(f.segmentRE,function(t){var n=0,i=t.charAt(0),a=f.paramIsX[i],o=f.paramIsY[i],s=f.numParams[i];return i+t.substr(1).replace(f.paramRE,function(t){return n>=s?t:(a[n]?t=e(t):o[n]&&(t=r(t)),n++,t)})})}e.exports={draw:function(t){var e=t._fullLayout;for(var r in e._shapeUpperLayer.selectAll(\"path\").remove(),e._shapeLowerLayer.selectAll(\"path\").remove(),e._plots){var n=e._plots[r].shapelayer;n&&n.selectAll(\"path\").remove()}for(var i=0;i0&&(s=s.transition().duration(e.transition.duration).ease(e.transition.easing)),s.attr(\"transform\",\"translate(\"+(o-.5*f.gripWidth)+\",\"+e._dims.currentValueTotalHeight+\")\")}}function E(t,e){var r=t._dims;return r.inputAreaStart+f.stepInset+(r.inputAreaLength-2*f.stepInset)*Math.min(1,Math.max(0,e))}function C(t,e){var r=t._dims;return Math.min(1,Math.max(0,(e-f.stepInset-r.inputAreaStart)/(r.inputAreaLength-2*f.stepInset-2*r.inputAreaStart)))}function L(t,e,r){var n=r._dims,i=s.ensureSingle(t,\"rect\",f.railTouchRectClass,function(n){n.call(A,e,t,r).style(\"pointer-events\",\"all\")});i.attr({width:n.inputAreaLength,height:Math.max(n.inputAreaWidth,f.tickOffset+r.ticklen+n.labelHeight)}).call(a.fill,r.bgcolor).attr(\"opacity\",0),o.setTranslate(i,0,n.currentValueTotalHeight)}function z(t,e){var r=e._dims,n=r.inputAreaLength-2*f.railInset,i=s.ensureSingle(t,\"rect\",f.railRectClass);i.attr({width:n,height:f.railWidth,rx:f.railRadius,ry:f.railRadius,\"shape-rendering\":\"crispEdges\"}).call(a.stroke,e.bordercolor).call(a.fill,e.bgcolor).style(\"stroke-width\",e.borderwidth+\"px\"),o.setTranslate(i,f.railInset,.5*(r.inputAreaWidth-f.railWidth)+r.currentValueTotalHeight)}e.exports=function(t){var e=t._fullLayout,r=function(t,e){for(var r=t[f.name],n=[],i=0;i0?[0]:[]);function s(e){e._commandObserver&&(e._commandObserver.remove(),delete e._commandObserver),i.autoMargin(t,v(e))}if(a.enter().append(\"g\").classed(f.containerClassName,!0).style(\"cursor\",\"ew-resize\"),a.exit().each(function(){n.select(this).selectAll(\"g.\"+f.groupClassName).each(s)}).remove(),0!==r.length){var l=a.selectAll(\"g.\"+f.groupClassName).data(r,m);l.enter().append(\"g\").classed(f.groupClassName,!0),l.exit().each(s).remove();for(var c=0;c0||h<0){var g={left:[-r,0],right:[r,0],top:[0,-r],bottom:[0,r]}[y.side];e.attr(\"transform\",\"translate(\"+g+\")\")}}}O.call(I),L&&(C?O.on(\".opacity\",null):(S=0,E=!0,O.text(v).on(\"mouseover.opacity\",function(){n.select(this).transition().duration(f.SHOW_PLACEHOLDER).style(\"opacity\",1)}).on(\"mouseout.opacity\",function(){n.select(this).transition().duration(f.HIDE_PLACEHOLDER).style(\"opacity\",0)})),O.call(u.makeEditable,{gd:t}).on(\"edit\",function(e){void 0!==m?o.call(\"restyle\",t,g,e,m):o.call(\"relayout\",t,g,e)}).on(\"cancel\",function(){this.text(this.attr(\"data-unformatted\")).call(I)}).on(\"input\",function(t){this.text(t||\" \").call(u.positionText,x.x,x.y)}));return O.classed(\"js-placeholder\",E),_}};var h=/ [XY][0-9]* /},{\"../../constants/interactions\":672,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../plots/plots\":808,\"../../registry\":827,\"../color\":570,\"../drawing\":595,d3:148,\"fast-isnumeric\":214}],662:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),i=t(\"../color/attributes\"),a=t(\"../../lib/extend\").extendFlat,o=t(\"../../plot_api/edit_types\").overrideAll,s=t(\"../../plots/pad_attributes\"),l=t(\"../../plot_api/plot_template\").templatedArray,c=l(\"button\",{visible:{valType:\"boolean\"},method:{valType:\"enumerated\",values:[\"restyle\",\"relayout\",\"animate\",\"update\",\"skip\"],dflt:\"restyle\"},args:{valType:\"info_array\",freeLength:!0,items:[{valType:\"any\"},{valType:\"any\"},{valType:\"any\"}]},label:{valType:\"string\",dflt:\"\"},execute:{valType:\"boolean\",dflt:!0}});e.exports=o(l(\"updatemenu\",{_arrayAttrRegexps:[/^updatemenus\\[(0|[1-9][0-9]+)\\]\\.buttons/],visible:{valType:\"boolean\"},type:{valType:\"enumerated\",values:[\"dropdown\",\"buttons\"],dflt:\"dropdown\"},direction:{valType:\"enumerated\",values:[\"left\",\"right\",\"up\",\"down\"],dflt:\"down\"},active:{valType:\"integer\",min:-1,dflt:0},showactive:{valType:\"boolean\",dflt:!0},buttons:c,x:{valType:\"number\",min:-2,max:3,dflt:-.05},xanchor:{valType:\"enumerated\",values:[\"auto\",\"left\",\"center\",\"right\"],dflt:\"right\"},y:{valType:\"number\",min:-2,max:3,dflt:1},yanchor:{valType:\"enumerated\",values:[\"auto\",\"top\",\"middle\",\"bottom\"],dflt:\"top\"},pad:a({},s,{}),font:n({}),bgcolor:{valType:\"color\"},bordercolor:{valType:\"color\",dflt:i.borderLine},borderwidth:{valType:\"number\",min:0,dflt:1,editType:\"arraydraw\"}}),\"arraydraw\",\"from-root\")},{\"../../lib/extend\":685,\"../../plot_api/edit_types\":727,\"../../plot_api/plot_template\":734,\"../../plots/font_attributes\":771,\"../../plots/pad_attributes\":807,\"../color/attributes\":569}],663:[function(t,e,r){\"use strict\";e.exports={name:\"updatemenus\",containerClassName:\"updatemenu-container\",headerGroupClassName:\"updatemenu-header-group\",headerClassName:\"updatemenu-header\",headerArrowClassName:\"updatemenu-header-arrow\",dropdownButtonGroupClassName:\"updatemenu-dropdown-button-group\",dropdownButtonClassName:\"updatemenu-dropdown-button\",buttonClassName:\"updatemenu-button\",itemRectClassName:\"updatemenu-item-rect\",itemTextClassName:\"updatemenu-item-text\",menuIndexAttrName:\"updatemenu-active-index\",autoMarginIdRoot:\"updatemenu-\",blankHeaderOpts:{label:\" \"},minWidth:30,minHeight:30,textPadX:24,arrowPadX:16,rx:2,ry:2,textOffsetX:12,textOffsetY:3,arrowOffsetX:4,gapButtonHeader:5,gapButton:2,activeColor:\"#F4FAFF\",hoverColor:\"#F4FAFF\",arrowSymbol:{left:\"\\u25c4\",right:\"\\u25ba\",up:\"\\u25b2\",down:\"\\u25bc\"}}},{}],664:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../plots/array_container_defaults\"),a=t(\"./attributes\"),o=t(\"./constants\").name,s=a.buttons;function l(t,e,r){function o(r,i){return n.coerce(t,e,a,r,i)}o(\"visible\",i(t,e,{name:\"buttons\",handleItemDefaults:c}).length>0)&&(o(\"active\"),o(\"direction\"),o(\"type\"),o(\"showactive\"),o(\"x\"),o(\"y\"),n.noneOrAll(t,e,[\"x\",\"y\"]),o(\"xanchor\"),o(\"yanchor\"),o(\"pad.t\"),o(\"pad.r\"),o(\"pad.b\"),o(\"pad.l\"),n.coerceFont(o,\"font\",r.font),o(\"bgcolor\",r.paper_bgcolor),o(\"bordercolor\"),o(\"borderwidth\"))}function c(t,e){function r(r,i){return n.coerce(t,e,s,r,i)}r(\"visible\",\"skip\"===t.method||Array.isArray(t.args))&&(r(\"method\"),r(\"args\"),r(\"label\"),r(\"execute\"))}e.exports=function(t,e){i(t,e,{name:o,handleItemDefaults:l})}},{\"../../lib\":696,\"../../plots/array_container_defaults\":740,\"./attributes\":662,\"./constants\":663}],665:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../plots/plots\"),a=t(\"../color\"),o=t(\"../drawing\"),s=t(\"../../lib\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../legend/anchor_utils\"),u=t(\"../../plot_api/plot_template\").arrayEditor,f=t(\"../../constants/alignment\").LINE_SPACING,h=t(\"./constants\"),p=t(\"./scrollbox\");function d(t){return t._index}function g(t,e){return+t.attr(h.menuIndexAttrName)===e._index}function v(t,e,r,n,i,a,o,s){e.active=o,u(t.layout,h.name,e).applyUpdate(\"active\",o),\"buttons\"===e.type?y(t,n,null,null,e):\"dropdown\"===e.type&&(i.attr(h.menuIndexAttrName,\"-1\"),m(t,n,i,a,e),s||y(t,n,i,a,e))}function m(t,e,r,n,i){var a=s.ensureSingle(e,\"g\",h.headerClassName,function(t){t.style(\"pointer-events\",\"all\")}),l=i._dims,c=i.active,u=i.buttons[c]||h.blankHeaderOpts,f={y:i.pad.t,yPad:0,x:i.pad.l,xPad:0,index:0},p={width:l.headerWidth,height:l.headerHeight};a.call(x,i,u,t).call(S,i,f,p),s.ensureSingle(e,\"text\",h.headerArrowClassName,function(t){t.classed(\"user-select-none\",!0).attr(\"text-anchor\",\"end\").call(o.font,i.font).text(h.arrowSymbol[i.direction])}).attr({x:l.headerWidth-h.arrowOffsetX+i.pad.l,y:l.headerHeight/2+h.textOffsetY+i.pad.t}),a.on(\"click\",function(){r.call(E,String(g(r,i)?-1:i._index)),y(t,e,r,n,i)}),a.on(\"mouseover\",function(){a.call(k)}),a.on(\"mouseout\",function(){a.call(M,i)}),o.setTranslate(e,l.lx,l.ly)}function y(t,e,r,a,o){r||(r=e).attr(\"pointer-events\",\"all\");var l=function(t){return-1==+t.attr(h.menuIndexAttrName)}(r)&&\"buttons\"!==o.type?[]:o.buttons,c=\"dropdown\"===o.type?h.dropdownButtonClassName:h.buttonClassName,u=r.selectAll(\"g.\"+c).data(s.filterVisible(l)),f=u.enter().append(\"g\").classed(c,!0),p=u.exit();\"dropdown\"===o.type?(f.attr(\"opacity\",\"0\").transition().attr(\"opacity\",\"1\"),p.transition().attr(\"opacity\",\"0\").remove()):p.remove();var d=0,g=0,m=o._dims,y=-1!==[\"up\",\"down\"].indexOf(o.direction);\"dropdown\"===o.type&&(y?g=m.headerHeight+h.gapButtonHeader:d=m.headerWidth+h.gapButtonHeader),\"dropdown\"===o.type&&\"up\"===o.direction&&(g=-h.gapButtonHeader+h.gapButton-m.openHeight),\"dropdown\"===o.type&&\"left\"===o.direction&&(d=-h.gapButtonHeader+h.gapButton-m.openWidth);var b={x:m.lx+d+o.pad.l,y:m.ly+g+o.pad.t,yPad:h.gapButton,xPad:h.gapButton,index:0},_={l:b.x+o.borderwidth,t:b.y+o.borderwidth};u.each(function(s,l){var c=n.select(this);c.call(x,o,s,t).call(S,o,b),c.on(\"click\",function(){n.event.defaultPrevented||(v(t,o,0,e,r,a,l),s.execute&&i.executeAPICommand(t,s.method,s.args),t.emit(\"plotly_buttonclicked\",{menu:o,button:s,active:o.active}))}),c.on(\"mouseover\",function(){c.call(k)}),c.on(\"mouseout\",function(){c.call(M,o),u.call(w,o)})}),u.call(w,o),y?(_.w=Math.max(m.openWidth,m.headerWidth),_.h=b.y-_.t):(_.w=b.x-_.l,_.h=Math.max(m.openHeight,m.headerHeight)),_.direction=o.direction,a&&(u.size()?function(t,e,r,n,i,a){var o,s,l,c=i.direction,u=\"up\"===c||\"down\"===c,f=i._dims,p=i.active;if(u)for(s=0,l=0;l0?[0]:[]);if(o.enter().append(\"g\").classed(h.containerClassName,!0).style(\"cursor\",\"pointer\"),o.exit().each(function(){n.select(this).selectAll(\"g.\"+h.headerGroupClassName).each(a)}).remove(),0!==r.length){var l=o.selectAll(\"g.\"+h.headerGroupClassName).data(r,d);l.enter().append(\"g\").classed(h.headerGroupClassName,!0);for(var c=s.ensureSingle(o,\"g\",h.dropdownButtonGroupClassName,function(t){t.style(\"pointer-events\",\"all\")}),u=0;uw,A=s.barLength+2*s.barPad,T=s.barWidth+2*s.barPad,S=d,E=v+m;E+T>c&&(E=c-T);var C=this.container.selectAll(\"rect.scrollbar-horizontal\").data(M?[0]:[]);C.exit().on(\".drag\",null).remove(),C.enter().append(\"rect\").classed(\"scrollbar-horizontal\",!0).call(i.fill,s.barColor),M?(this.hbar=C.attr({rx:s.barRadius,ry:s.barRadius,x:S,y:E,width:A,height:T}),this._hbarXMin=S+A/2,this._hbarTranslateMax=w-A):(delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax);var L=m>k,z=s.barWidth+2*s.barPad,O=s.barLength+2*s.barPad,I=d+g,P=v;I+z>l&&(I=l-z);var D=this.container.selectAll(\"rect.scrollbar-vertical\").data(L?[0]:[]);D.exit().on(\".drag\",null).remove(),D.enter().append(\"rect\").classed(\"scrollbar-vertical\",!0).call(i.fill,s.barColor),L?(this.vbar=D.attr({rx:s.barRadius,ry:s.barRadius,x:I,y:P,width:z,height:O}),this._vbarYMin=P+O/2,this._vbarTranslateMax=k-O):(delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax);var R=this.id,B=u-.5,F=L?f+z+.5:f+.5,N=h-.5,j=M?p+T+.5:p+.5,V=o._topdefs.selectAll(\"#\"+R).data(M||L?[0]:[]);if(V.exit().remove(),V.enter().append(\"clipPath\").attr(\"id\",R).append(\"rect\"),M||L?(this._clipRect=V.select(\"rect\").attr({x:Math.floor(B),y:Math.floor(N),width:Math.ceil(F)-Math.floor(B),height:Math.ceil(j)-Math.floor(N)}),this.container.call(a.setClipUrl,R),this.bg.attr({x:d,y:v,width:g,height:m})):(this.bg.attr({width:0,height:0}),this.container.on(\"wheel\",null).on(\".drag\",null).call(a.setClipUrl,null),delete this._clipRect),M||L){var U=n.behavior.drag().on(\"dragstart\",function(){n.event.sourceEvent.preventDefault()}).on(\"drag\",this._onBoxDrag.bind(this));this.container.on(\"wheel\",null).on(\"wheel\",this._onBoxWheel.bind(this)).on(\".drag\",null).call(U);var q=n.behavior.drag().on(\"dragstart\",function(){n.event.sourceEvent.preventDefault(),n.event.sourceEvent.stopPropagation()}).on(\"drag\",this._onBarDrag.bind(this));M&&this.hbar.on(\".drag\",null).call(q),L&&this.vbar.on(\".drag\",null).call(q)}this.setTranslate(e,r)},s.prototype.disable=function(){(this.hbar||this.vbar)&&(this.bg.attr({width:0,height:0}),this.container.on(\"wheel\",null).on(\".drag\",null).call(a.setClipUrl,null),delete this._clipRect),this.hbar&&(this.hbar.on(\".drag\",null),this.hbar.remove(),delete this.hbar,delete this._hbarXMin,delete this._hbarTranslateMax),this.vbar&&(this.vbar.on(\".drag\",null),this.vbar.remove(),delete this.vbar,delete this._vbarYMin,delete this._vbarTranslateMax)},s.prototype._onBoxDrag=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t-=n.event.dx),this.vbar&&(e-=n.event.dy),this.setTranslate(t,e)},s.prototype._onBoxWheel=function(){var t=this.translateX,e=this.translateY;this.hbar&&(t+=n.event.deltaY),this.vbar&&(e+=n.event.deltaY),this.setTranslate(t,e)},s.prototype._onBarDrag=function(){var t=this.translateX,e=this.translateY;if(this.hbar){var r=t+this._hbarXMin,i=r+this._hbarTranslateMax;t=(o.constrain(n.event.x,r,i)-r)/(i-r)*(this.position.w-this._box.w)}if(this.vbar){var a=e+this._vbarYMin,s=a+this._vbarTranslateMax;e=(o.constrain(n.event.y,a,s)-a)/(s-a)*(this.position.h-this._box.h)}this.setTranslate(t,e)},s.prototype.setTranslate=function(t,e){var r=this.position.w-this._box.w,n=this.position.h-this._box.h;if(t=o.constrain(t||0,0,r),e=o.constrain(e||0,0,n),this.translateX=t,this.translateY=e,this.container.call(a.setTranslate,this._box.l-this.position.l-t,this._box.t-this.position.t-e),this._clipRect&&this._clipRect.attr({x:Math.floor(this.position.l+t-.5),y:Math.floor(this.position.t+e-.5)}),this.hbar){var i=t/r;this.hbar.call(a.setTranslate,t+i*this._hbarTranslateMax,e)}if(this.vbar){var s=e/n;this.vbar.call(a.setTranslate,t,e+s*this._vbarTranslateMax)}}},{\"../../lib\":696,\"../color\":570,\"../drawing\":595,d3:148}],668:[function(t,e,r){\"use strict\";e.exports={FROM_BL:{left:0,center:.5,right:1,bottom:0,middle:.5,top:1},FROM_TL:{left:0,center:.5,right:1,bottom:1,middle:.5,top:0},FROM_BR:{left:1,center:.5,right:0,bottom:0,middle:.5,top:1},LINE_SPACING:1.3,MID_SHIFT:.35,OPPOSITE_SIDE:{left:\"right\",right:\"left\",top:\"bottom\",bottom:\"top\"}}},{}],669:[function(t,e,r){\"use strict\";e.exports={COMPARISON_OPS:[\"=\",\"!=\",\"<\",\">=\",\">\",\"<=\"],COMPARISON_OPS2:[\"=\",\"<\",\">=\",\">\",\"<=\"],INTERVAL_OPS:[\"[]\",\"()\",\"[)\",\"(]\",\"][\",\")(\",\"](\",\")[\"],SET_OPS:[\"{}\",\"}{\"],CONSTRAINT_REDUCTION:{\"=\":\"=\",\"<\":\"<\",\"<=\":\"<\",\">\":\">\",\">=\":\">\",\"[]\":\"[]\",\"()\":\"[]\",\"[)\":\"[]\",\"(]\":\"[]\",\"][\":\"][\",\")(\":\"][\",\"](\":\"][\",\")[\":\"][\"}}},{}],670:[function(t,e,r){\"use strict\";e.exports={solid:[[],0],dot:[[.5,1],200],dash:[[.5,1],50],longdash:[[.5,1],10],dashdot:[[.5,.625,.875,1],50],longdashdot:[[.5,.7,.8,1],10]}},{}],671:[function(t,e,r){\"use strict\";e.exports={circle:\"\\u25cf\",\"circle-open\":\"\\u25cb\",square:\"\\u25a0\",\"square-open\":\"\\u25a1\",diamond:\"\\u25c6\",\"diamond-open\":\"\\u25c7\",cross:\"+\",x:\"\\u274c\"}},{}],672:[function(t,e,r){\"use strict\";e.exports={SHOW_PLACEHOLDER:100,HIDE_PLACEHOLDER:1e3,DBLCLICKDELAY:300,DESELECTDIM:.2}},{}],673:[function(t,e,r){\"use strict\";e.exports={BADNUM:void 0,FP_SAFE:Number.MAX_VALUE/1e4,ONEAVGYEAR:315576e5,ONEAVGMONTH:26298e5,ONEDAY:864e5,ONEHOUR:36e5,ONEMIN:6e4,ONESEC:1e3,EPOCHJD:2440587.5,ALMOST_EQUAL:1-1e-6,LOG_CLIP:10,MINUS_SIGN:\"\\u2212\"}},{}],674:[function(t,e,r){\"use strict\";r.xmlns=\"http://www.w3.org/2000/xmlns/\",r.svg=\"http://www.w3.org/2000/svg\",r.xlink=\"http://www.w3.org/1999/xlink\",r.svgAttrs={xmlns:r.svg,\"xmlns:xlink\":r.xlink}},{}],675:[function(t,e,r){\"use strict\";r.version=\"1.42.5\",t(\"es6-promise\").polyfill(),t(\"../build/plotcss\"),t(\"./fonts/mathjax_config\");for(var n=t(\"./registry\"),i=r.register=n.register,a=t(\"./plot_api\"),o=Object.keys(a),s=0;ss-1e-15}function c(t,e){return a(e-t,s)}function u(t,e){if(l(e))return!0;var r,n;e[0](n=i(n,s))&&(n+=s);var a=i(t,s),o=a+s;return a>=r&&a<=n||o>=r&&o<=n}function f(t,e,r,n,i,a,c){i=i||0,a=a||0;var u,f,h,p,d,g=l([r,n]);function v(t,e){return[t*Math.cos(e)+i,a-t*Math.sin(e)]}g?(u=0,f=o,h=s):r=i&&t<=a);var i,a},pathArc:function(t,e,r,n,i){return f(null,t,e,r,n,i,0)},pathSector:function(t,e,r,n,i){return f(null,t,e,r,n,i,1)},pathAnnulus:function(t,e,r,n,i,a){return f(t,e,r,n,i,a,1)}}},{\"./mod\":703}],678:[function(t,e,r){\"use strict\";var n=Array.isArray,i=\"undefined\"!=typeof ArrayBuffer&&ArrayBuffer.isView?ArrayBuffer:{isView:function(){return!1}},a=\"undefined\"==typeof DataView?function(){}:DataView;function o(t){return i.isView(t)&&!(t instanceof a)}function s(t){return n(t)||o(t)}r.isTypedArray=o,r.isArrayOrTypedArray=s,r.isArray1D=function(t){return!s(t[0])},r.ensureArray=function(t,e){return n(t)||(t=[]),t.length=e,t},r.concat=function(){var t,e,r,i,a,o,s,l,c=[],u=!0,f=0;for(r=0;ri.max?e.set(r):e.set(+t)}},integer:{coerceFunction:function(t,e,r,i){t%1||!n(t)||void 0!==i.min&&ti.max?e.set(r):e.set(+t)}},string:{coerceFunction:function(t,e,r,n){if(\"string\"!=typeof t){var i=\"number\"==typeof t;!0!==n.strict&&i?e.set(String(t)):e.set(r)}else n.noBlank&&!t?e.set(r):e.set(t)}},color:{coerceFunction:function(t,e,r){i(t).isValid()?e.set(t):e.set(r)}},colorlist:{coerceFunction:function(t,e,r){Array.isArray(t)&&t.length&&t.every(function(t){return i(t).isValid()})?e.set(t):e.set(r)}},colorscale:{coerceFunction:function(t,e,r){e.set(o(t,r))}},angle:{coerceFunction:function(t,e,r){\"auto\"===t?e.set(\"auto\"):n(t)?e.set(u(+t,360)):e.set(r)}},subplotid:{coerceFunction:function(t,e,r,n){var i=n.regex||l(r);\"string\"==typeof t&&i.test(t)?e.set(t):e.set(r)},validateFunction:function(t,e){var r=e.dflt;return t===r||\"string\"==typeof t&&!!l(r).test(t)}},flaglist:{coerceFunction:function(t,e,r,n){if(\"string\"==typeof t)if(-1===(n.extras||[]).indexOf(t)){for(var i=t.split(\"+\"),a=0;a=n&&t<=i?t:u}if(\"string\"!=typeof t&&\"number\"!=typeof t)return u;t=String(t);var c=_(e),m=t.charAt(0);!c||\"G\"!==m&&\"g\"!==m||(t=t.substr(1),e=\"\");var w=c&&\"chinese\"===e.substr(0,7),k=t.match(w?x:y);if(!k)return u;var M=k[1],A=k[3]||\"1\",T=Number(k[5]||1),S=Number(k[7]||0),E=Number(k[9]||0),C=Number(k[11]||0);if(c){if(2===M.length)return u;var L;M=Number(M);try{var z=v.getComponentMethod(\"calendars\",\"getCal\")(e);if(w){var O=\"i\"===A.charAt(A.length-1);A=parseInt(A,10),L=z.newDate(M,z.toMonthIndex(M,A,O),T)}else L=z.newDate(M,Number(A),T)}catch(t){return u}return L?(L.toJD()-g)*f+S*h+E*p+C*d:u}M=2===M.length?(Number(M)+2e3-b)%100+b:Number(M),A-=1;var I=new Date(Date.UTC(2e3,A,T,S,E));return I.setUTCFullYear(M),I.getUTCMonth()!==A?u:I.getUTCDate()!==T?u:I.getTime()+C*d},n=r.MIN_MS=r.dateTime2ms(\"-9999\"),i=r.MAX_MS=r.dateTime2ms(\"9999-12-31 23:59:59.9999\"),r.isDateTime=function(t,e){return r.dateTime2ms(t,e)!==u};var k=90*f,M=3*h,A=5*p;function T(t,e,r,n,i){if((e||r||n||i)&&(t+=\" \"+w(e,2)+\":\"+w(r,2),(n||i)&&(t+=\":\"+w(n,2),i))){for(var a=4;i%10==0;)a-=1,i/=10;t+=\".\"+w(i,a)}return t}r.ms2DateTime=function(t,e,r){if(\"number\"!=typeof t||!(t>=n&&t<=i))return u;e||(e=0);var a,o,s,c,y,x,b=Math.floor(10*l(t+.05,1)),w=Math.round(t-b/10);if(_(r)){var S=Math.floor(w/f)+g,E=Math.floor(l(t,f));try{a=v.getComponentMethod(\"calendars\",\"getCal\")(r).fromJD(S).formatDate(\"yyyy-mm-dd\")}catch(t){a=m(\"G%Y-%m-%d\")(new Date(w))}if(\"-\"===a.charAt(0))for(;a.length<11;)a=\"-0\"+a.substr(1);else for(;a.length<10;)a=\"0\"+a;o=e=n+f&&t<=i-f))return u;var e=Math.floor(10*l(t+.05,1)),r=new Date(Math.round(t-e/10));return T(a.time.format(\"%Y-%m-%d\")(r),r.getHours(),r.getMinutes(),r.getSeconds(),10*r.getUTCMilliseconds()+e)},r.cleanDate=function(t,e,n){if(t===u)return e;if(r.isJSDate(t)||\"number\"==typeof t&&isFinite(t)){if(_(n))return s.error(\"JS Dates and milliseconds are incompatible with world calendars\",t),e;if(!(t=r.ms2DateTimeLocal(+t))&&void 0!==e)return e}else if(!r.isDateTime(t,n))return s.error(\"unrecognized date\",t),e;return t};var S=/%\\d?f/g;function E(t,e,r,n){t=t.replace(S,function(t){var r=Math.min(+t.charAt(1)||6,6);return(e/1e3%1+2).toFixed(r).substr(2).replace(/0+$/,\"\")||\"0\"});var i=new Date(Math.floor(e+.05));if(_(n))try{t=v.getComponentMethod(\"calendars\",\"worldCalFmt\")(t,e,n)}catch(t){return\"Invalid\"}return r(t)(i)}var C=[59,59.9,59.99,59.999,59.9999];r.formatDate=function(t,e,r,n,i,a){if(i=_(i)&&i,!e)if(\"y\"===r)e=a.year;else if(\"m\"===r)e=a.month;else{if(\"d\"!==r)return function(t,e){var r=l(t+.05,f),n=w(Math.floor(r/h),2)+\":\"+w(l(Math.floor(r/p),60),2);if(\"M\"!==e){o(e)||(e=0);var i=(100+Math.min(l(t/d,60),C[e])).toFixed(e).substr(1);e>0&&(i=i.replace(/0+$/,\"\").replace(/[\\.]$/,\"\")),n+=\":\"+i}return n}(t,r)+\"\\n\"+E(a.dayMonthYear,t,n,i);e=a.dayMonth+\"\\n\"+a.year}return E(e,t,n,i)};var L=3*f;r.incrementMonth=function(t,e,r){r=_(r)&&r;var n=l(t,f);if(t=Math.round(t-n),r)try{var i=Math.round(t/f)+g,a=v.getComponentMethod(\"calendars\",\"getCal\")(r),o=a.fromJD(i);return e%12?a.add(o,e,\"m\"):a.add(o,e/12,\"y\"),(o.toJD()-g)*f+n}catch(e){s.error(\"invalid ms \"+t+\" in calendar \"+r)}var c=new Date(t+L);return c.setUTCMonth(c.getUTCMonth()+e)+n-L},r.findExactDates=function(t,e){for(var r,n,i=0,a=0,s=0,l=0,c=_(e)&&v.getComponentMethod(\"calendars\",\"getCal\")(e),u=0;u0&&(r.push(i),i=[])}return i.length>0&&r.push(i),r},r.makeLine=function(t){return 1===t.length?{type:\"LineString\",coordinates:t[0]}:{type:\"MultiLineString\",coordinates:t}},r.makePolygon=function(t){if(1===t.length)return{type:\"Polygon\",coordinates:t};for(var e=new Array(t.length),r=0;r1||g<0||g>1?null:{x:t+l*g,y:e+f*g}}function l(t,e,r,n,i){var a=n*t+i*e;if(a<0)return n*n+i*i;if(a>r){var o=n-t,s=i-e;return o*o+s*s}var l=n*e-i*t;return l*l/r}r.segmentsIntersect=s,r.segmentDistance=function(t,e,r,n,i,a,o,c){if(s(t,e,r,n,i,a,o,c))return 0;var u=r-t,f=n-e,h=o-i,p=c-a,d=u*u+f*f,g=h*h+p*p,v=Math.min(l(u,f,d,i-t,a-e),l(u,f,d,o-t,c-e),l(h,p,g,t-i,e-a),l(h,p,g,r-i,n-a));return Math.sqrt(v)},r.getTextLocation=function(t,e,r,s){if(t===i&&s===a||(n={},i=t,a=s),n[r])return n[r];var l=t.getPointAtLength(o(r-s/2,e)),c=t.getPointAtLength(o(r+s/2,e)),u=Math.atan((c.y-l.y)/(c.x-l.x)),f=t.getPointAtLength(o(r,e)),h={x:(4*f.x+l.x+c.x)/6,y:(4*f.y+l.y+c.y)/6,theta:u};return n[r]=h,h},r.clearLocationCache=function(){i=null},r.getVisibleSegment=function(t,e,r){var n,i,a=e.left,o=e.right,s=e.top,l=e.bottom,c=0,u=t.getTotalLength(),f=u;function h(e){var r=t.getPointAtLength(e);0===e?n=r:e===u&&(i=r);var c=r.xo?r.x-o:0,f=r.yl?r.y-l:0;return Math.sqrt(c*c+f*f)}for(var p=h(c);p;){if((c+=p+r)>f)return;p=h(c)}for(p=h(f);p;){if(c>(f-=p+r))return;p=h(f)}return{min:c,max:f,len:f-c,total:u,isClosed:0===c&&f===u&&Math.abs(n.x-i.x)<.1&&Math.abs(n.y-i.y)<.1}},r.findPointOnPath=function(t,e,r,n){for(var i,a,o,s=(n=n||{}).pathLength||t.getTotalLength(),l=n.tolerance||.001,c=n.iterationLimit||30,u=t.getPointAtLength(0)[r]>t.getPointAtLength(s)[r]?-1:1,f=0,h=0,p=s;f0?p=i:h=i,f++}return a}},{\"./mod\":703}],691:[function(t,e,r){\"use strict\";e.exports=function(t){var e;if(\"string\"==typeof t){if(null===(e=document.getElementById(t)))throw new Error(\"No DOM element with id '\"+t+\"' exists on the page.\");return e}if(null==t)throw new Error(\"DOM element provided is null or undefined\");return t}},{}],692:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"tinycolor2\"),a=t(\"color-normalize\"),o=t(\"../components/colorscale\"),s=t(\"../components/color/attributes\").defaultLine,l=t(\"./array\").isArrayOrTypedArray,c=a(s),u=1;function f(t,e){var r=t;return r[3]*=e,r}function h(t){if(n(t))return c;var e=a(t);return e.length?e:c}function p(t){return n(t)?t:u}e.exports={formatColor:function(t,e,r){var n,i,s,d,g,v=t.color,m=l(v),y=l(e),x=[];if(n=void 0!==t.colorscale?o.makeColorScaleFunc(o.extractScale(t.colorscale,t.cmin,t.cmax)):h,i=m?function(t,e){return void 0===t[e]?c:a(n(t[e]))}:h,s=y?function(t,e){return void 0===t[e]?u:p(t[e])}:p,m||y)for(var b=0;b/g,\"\")}(function(t){for(var e=0;(e=t.indexOf(\"\",e))>=0;){var r=t.indexOf(\"\",e);if(r/g,\"\\n\"))))}},{\"./svg_text_utils\":720,\"superscript-text\":507}],695:[function(t,e,r){\"use strict\";e.exports=function(t){return t}},{}],696:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"../constants/numerical\"),o=a.FP_SAFE,s=a.BADNUM,l=e.exports={};l.nestedProperty=t(\"./nested_property\"),l.keyedContainer=t(\"./keyed_container\"),l.relativeAttr=t(\"./relative_attr\"),l.isPlainObject=t(\"./is_plain_object\"),l.toLogRange=t(\"./to_log_range\"),l.relinkPrivateKeys=t(\"./relink_private\");var c=t(\"./array\");l.isTypedArray=c.isTypedArray,l.isArrayOrTypedArray=c.isArrayOrTypedArray,l.isArray1D=c.isArray1D,l.ensureArray=c.ensureArray,l.concat=c.concat;var u=t(\"./mod\");l.mod=u.mod,l.modHalf=u.modHalf;var f=t(\"./coerce\");l.valObjectMeta=f.valObjectMeta,l.coerce=f.coerce,l.coerce2=f.coerce2,l.coerceFont=f.coerceFont,l.coerceHoverinfo=f.coerceHoverinfo,l.coerceSelectionMarkerOpacity=f.coerceSelectionMarkerOpacity,l.validate=f.validate;var h=t(\"./dates\");l.dateTime2ms=h.dateTime2ms,l.isDateTime=h.isDateTime,l.ms2DateTime=h.ms2DateTime,l.ms2DateTimeLocal=h.ms2DateTimeLocal,l.cleanDate=h.cleanDate,l.isJSDate=h.isJSDate,l.formatDate=h.formatDate,l.incrementMonth=h.incrementMonth,l.dateTick0=h.dateTick0,l.dfltRange=h.dfltRange,l.findExactDates=h.findExactDates,l.MIN_MS=h.MIN_MS,l.MAX_MS=h.MAX_MS;var p=t(\"./search\");l.findBin=p.findBin,l.sorterAsc=p.sorterAsc,l.sorterDes=p.sorterDes,l.distinctVals=p.distinctVals,l.roundUp=p.roundUp,l.sort=p.sort,l.findIndexOfMin=p.findIndexOfMin;var d=t(\"./stats\");l.aggNums=d.aggNums,l.len=d.len,l.mean=d.mean,l.midRange=d.midRange,l.variance=d.variance,l.stdev=d.stdev,l.interp=d.interp;var g=t(\"./matrix\");l.init2dArray=g.init2dArray,l.transposeRagged=g.transposeRagged,l.dot=g.dot,l.translationMatrix=g.translationMatrix,l.rotationMatrix=g.rotationMatrix,l.rotationXYMatrix=g.rotationXYMatrix,l.apply2DTransform=g.apply2DTransform,l.apply2DTransform2=g.apply2DTransform2;var v=t(\"./angles\");l.deg2rad=v.deg2rad,l.rad2deg=v.rad2deg,l.angleDelta=v.angleDelta,l.angleDist=v.angleDist,l.isFullCircle=v.isFullCircle,l.isAngleInsideSector=v.isAngleInsideSector,l.isPtInsideSector=v.isPtInsideSector,l.pathArc=v.pathArc,l.pathSector=v.pathSector,l.pathAnnulus=v.pathAnnulus;var m=t(\"./geometry2d\");l.segmentsIntersect=m.segmentsIntersect,l.segmentDistance=m.segmentDistance,l.getTextLocation=m.getTextLocation,l.clearLocationCache=m.clearLocationCache,l.getVisibleSegment=m.getVisibleSegment,l.findPointOnPath=m.findPointOnPath;var y=t(\"./extend\");l.extendFlat=y.extendFlat,l.extendDeep=y.extendDeep,l.extendDeepAll=y.extendDeepAll,l.extendDeepNoArrays=y.extendDeepNoArrays;var x=t(\"./loggers\");l.log=x.log,l.warn=x.warn,l.error=x.error;var b=t(\"./regex\");l.counterRegex=b.counter;var _=t(\"./throttle\");function w(t){var e={};for(var r in t)for(var n=t[r],i=0;io?s:i(t)?Number(t):s:s},l.isIndex=function(t,e){return!(void 0!==e&&t>=e)&&(i(t)&&t>=0&&t%1==0)},l.noop=t(\"./noop\"),l.identity=t(\"./identity\"),l.repeat=function(t,e){for(var r=new Array(e),n=0;nr?Math.max(r,Math.min(e,t)):Math.max(e,Math.min(r,t))},l.bBoxIntersect=function(t,e,r){return r=r||0,t.left<=e.right+r&&e.left<=t.right+r&&t.top<=e.bottom+r&&e.top<=t.bottom+r},l.simpleMap=function(t,e,r,n){for(var i=t.length,a=new Array(i),o=0;o=Math.pow(2,r)?i>10?(l.warn(\"randstr failed uniqueness\"),c):t(e,r,n,(i||0)+1):c},l.OptionControl=function(t,e){t||(t={}),e||(e=\"opt\");var r={optionList:[],_newoption:function(n){n[e]=t,r[n.name]=n,r.optionList.push(n)}};return r[\"_\"+e]=t,r},l.smooth=function(t,e){if((e=Math.round(e)||0)<2)return t;var r,n,i,a,o=t.length,s=2*o,l=2*e-1,c=new Array(l),u=new Array(o);for(r=0;r=s&&(i-=s*Math.floor(i/s)),i<0?i=-1-i:i>=o&&(i=s-1-i),a+=t[i]*c[n];u[r]=a}return u},l.syncOrAsync=function(t,e,r){var n;function i(){return l.syncOrAsync(t,e,r)}for(;t.length;)if((n=(0,t.splice(0,1)[0])(e))&&n.then)return n.then(i).then(void 0,l.promiseError);return r&&r(e)},l.stripTrailingSlash=function(t){return\"/\"===t.substr(-1)?t.substr(0,t.length-1):t},l.noneOrAll=function(t,e,r){if(t){var n,i=!1,a=!0;for(n=0;n1?i+o[1]:\"\";if(a&&(o.length>1||s.length>4||r))for(;n.test(s);)s=s.replace(n,\"$1\"+a+\"$2\");return s+l};var A=/%{([^\\s%{}]*)}/g,T=/^\\w*$/;l.templateString=function(t,e){var r={};return t.replace(A,function(t,n){return T.test(n)?e[n]||\"\":(r[n]=r[n]||l.nestedProperty(e,n).get,r[n]()||\"\")})};l.subplotSort=function(t,e){for(var r=Math.min(t.length,e.length)+1,n=0,i=0,a=0;a=48&&o<=57,c=s>=48&&s<=57;if(l&&(n=10*n+o-48),c&&(i=10*i+s-48),!l||!c){if(n!==i)return n-i;if(o!==s)return o-s}}return i-n};var S=2e9;l.seedPseudoRandom=function(){S=2e9},l.pseudoRandom=function(){var t=S;return S=(69069*S+1)%4294967296,Math.abs(S-t)<429496729?l.pseudoRandom():S/4294967296}},{\"../constants/numerical\":673,\"./angles\":677,\"./array\":678,\"./clean_number\":679,\"./clear_responsive\":681,\"./coerce\":682,\"./dates\":683,\"./extend\":685,\"./filter_unique\":686,\"./filter_visible\":687,\"./geometry2d\":690,\"./get_graph_div\":691,\"./identity\":695,\"./is_plain_object\":697,\"./keyed_container\":698,\"./localize\":699,\"./loggers\":700,\"./make_trace_groups\":701,\"./matrix\":702,\"./mod\":703,\"./nested_property\":704,\"./noop\":705,\"./notifier\":706,\"./push_unique\":710,\"./regex\":712,\"./relative_attr\":713,\"./relink_private\":714,\"./search\":715,\"./stats\":718,\"./throttle\":721,\"./to_log_range\":722,d3:148,\"fast-isnumeric\":214}],697:[function(t,e,r){\"use strict\";e.exports=function(t){return window&&window.process&&window.process.versions?\"[object Object]\"===Object.prototype.toString.call(t):\"[object Object]\"===Object.prototype.toString.call(t)&&Object.getPrototypeOf(t)===Object.prototype}},{}],698:[function(t,e,r){\"use strict\";var n=t(\"./nested_property\"),i=/^\\w*$/;e.exports=function(t,e,r,a){var o,s,l;r=r||\"name\",a=a||\"value\";var c={};e&&e.length?(l=n(t,e),s=l.get()):s=t,e=e||\"\";var u={};if(s)for(o=0;o2)return c[e]=2|c[e],h.set(t,null);if(f){for(o=e;o1){for(var t=[\"LOG:\"],e=0;e0){for(var t=[\"WARN:\"],e=0;e0){for(var t=[\"ERROR:\"],e=0;ee/2?t-Math.round(t/e)*e:t}}},{}],704:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"./array\").isArrayOrTypedArray;e.exports=function(t,e){if(n(e))e=String(e);else if(\"string\"!=typeof e||\"[-1]\"===e.substr(e.length-4))throw\"bad property string\";for(var r,a,o,l=0,c=e.split(\".\");l/g),o=0;oa||c===i||cs||e&&l(t))}:function(t,e){var l=t[0],c=t[1];if(l===i||la||c===i||cs)return!1;var u,f,h,p,d,g=r.length,v=r[0][0],m=r[0][1],y=0;for(u=1;uMath.max(f,v)||c>Math.max(h,m)))if(cu||Math.abs(n(o,h))>i)return!0;return!1};a.filter=function(t,e){var r=[t[0]],n=0,i=0;function a(a){t.push(a);var s=r.length,l=n;r.splice(i+1);for(var c=l+1;c1&&a(t.pop());return{addPt:a,raw:t,filtered:r}}},{\"../constants/numerical\":673,\"./matrix\":702}],709:[function(t,e,r){(function(r){\"use strict\";var n=t(\"./show_no_webgl_msg\"),i=t(\"regl\");e.exports=function(t,e){var a=t._fullLayout,o=!0;return a._glcanvas.each(function(n){if(!n.regl&&(!n.pick||a._has(\"parcoords\"))){try{n.regl=i({canvas:this,attributes:{antialias:!n.pick,preserveDrawingBuffer:!0},pixelRatio:t._context.plotGlPixelRatio||r.devicePixelRatio,extensions:e||[]})}catch(t){o=!1}o&&this.addEventListener(\"webglcontextlost\",function(e){t&&t.emit&&t.emit(\"plotly_webglcontextlost\",{event:e,layer:n.key})},!1)}}),o||n({container:a._glcontainer.node()}),o}}).call(this,\"undefined\"!=typeof global?global:\"undefined\"!=typeof self?self:\"undefined\"!=typeof window?window:{})},{\"./show_no_webgl_msg\":717,regl:478}],710:[function(t,e,r){\"use strict\";e.exports=function(t,e){if(e instanceof RegExp){var r,n=e.toString();for(r=0;ri.queueLength&&(t.undoQueue.queue.shift(),t.undoQueue.index--))},startSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!0,t.undoQueue.beginSequence=!0},stopSequence:function(t){t.undoQueue=t.undoQueue||{index:0,queue:[],sequence:!1},t.undoQueue.sequence=!1,t.undoQueue.beginSequence=!1},undo:function(t){var e,r;if(t.framework&&t.framework.isPolar)t.framework.undo();else if(!(void 0===t.undoQueue||isNaN(t.undoQueue.index)||t.undoQueue.index<=0)){for(t.undoQueue.index--,e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;r=t.undoQueue.queue.length)){for(e=t.undoQueue.queue[t.undoQueue.index],t.undoQueue.inSequence=!0,r=0;re}function c(t,e){return t>=e}r.findBin=function(t,e,r){if(n(e.start))return r?Math.ceil((t-e.start)/e.size-1e-9)-1:Math.floor((t-e.start)/e.size+1e-9);var a,u,f=0,h=e.length,p=0,d=h>1?(e[h-1]-e[0])/(h-1):1;for(u=d>=0?r?o:s:r?c:l,t+=1e-9*d*(r?-1:1)*(d>=0?1:-1);f90&&i.log(\"Long binary search...\"),f-1},r.sorterAsc=function(t,e){return t-e},r.sorterDes=function(t,e){return e-t},r.distinctVals=function(t){var e=t.slice();e.sort(r.sorterAsc);for(var n=e.length-1,i=e[n]-e[0]||1,a=i/(n||1)/1e4,o=[e[0]],s=0;se[s]+a&&(i=Math.min(i,e[s+1]-e[s]),o.push(e[s+1]));return{vals:o,minDiff:i}},r.roundUp=function(t,e,r){for(var n,i=0,a=e.length-1,o=0,s=r?0:1,l=r?1:0,c=r?Math.ceil:Math.floor;i0&&(n=1),r&&n)return t.sort(e)}return n?t:t.reverse()},r.findIndexOfMin=function(t,e){e=e||a;for(var r,n=1/0,i=0;ia.length)&&(o=a.length),n(e)||(e=!1),i(a[0])){for(l=new Array(o),s=0;st.length-1)return t[t.length-1];var r=e%1;return r*t[Math.ceil(e)]+(1-r)*t[Math.floor(e)]}},{\"./array\":678,\"fast-isnumeric\":214}],719:[function(t,e,r){\"use strict\";var n=t(\"color-normalize\");e.exports=function(t){return t?n(t):[0,0,0,1]}},{\"color-normalize\":108}],720:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../lib\"),a=t(\"../constants/xmlns_namespaces\"),o=t(\"../constants/alignment\").LINE_SPACING;function s(t,e){return t.node().getBoundingClientRect()[e]}var l=/([^$]*)([$]+[^$]*[$]+)([^$]*)/;r.convertToTspans=function(t,e,v){var S=t.text(),E=!t.attr(\"data-notex\")&&\"undefined\"!=typeof MathJax&&S.match(l),L=n.select(t.node().parentNode);if(!L.empty()){var z=t.attr(\"class\")?t.attr(\"class\").split(\" \")[0]:\"text\";return z+=\"-math\",L.selectAll(\"svg.\"+z).remove(),L.selectAll(\"g.\"+z+\"-group\").remove(),t.style(\"display\",null).attr({\"data-unformatted\":S,\"data-math\":\"N\"}),E?(e&&e._promises||[]).push(new Promise(function(e){t.style(\"display\",\"none\");var r=parseInt(t.node().style.fontSize,10),a={fontSize:r};!function(t,e,r){var a,o,s,l;MathJax.Hub.Queue(function(){return o=i.extendDeepAll({},MathJax.Hub.config),s=MathJax.Hub.processSectionDelay,void 0!==MathJax.Hub.processSectionDelay&&(MathJax.Hub.processSectionDelay=0),MathJax.Hub.Config({messageStyle:\"none\",tex2jax:{inlineMath:[[\"$\",\"$\"],[\"\\\\(\",\"\\\\)\"]]},displayAlign:\"left\"})},function(){if(\"SVG\"!==(a=MathJax.Hub.config.menuSettings.renderer))return MathJax.Hub.setRenderer(\"SVG\")},function(){var r=\"math-output-\"+i.randstr({},64);return l=n.select(\"body\").append(\"div\").attr({id:r}).style({visibility:\"hidden\",position:\"absolute\"}).style({\"font-size\":e.fontSize+\"px\"}).text(t.replace(c,\"\\\\lt \").replace(u,\"\\\\gt \")),MathJax.Hub.Typeset(l.node())},function(){var e=n.select(\"body\").select(\"#MathJax_SVG_glyphs\");if(l.select(\".MathJax_SVG\").empty()||!l.select(\"svg\").node())i.log(\"There was an error in the tex syntax.\",t),r();else{var o=l.select(\"svg\").node().getBoundingClientRect();r(l.select(\".MathJax_SVG\"),e,o)}if(l.remove(),\"SVG\"!==a)return MathJax.Hub.setRenderer(a)},function(){return void 0!==s&&(MathJax.Hub.processSectionDelay=s),MathJax.Hub.Config(o)})}(E[2],a,function(n,i,a){L.selectAll(\"svg.\"+z).remove(),L.selectAll(\"g.\"+z+\"-group\").remove();var o=n&&n.select(\"svg\");if(!o||!o.node())return O(),void e();var l=L.append(\"g\").classed(z+\"-group\",!0).attr({\"pointer-events\":\"none\",\"data-unformatted\":S,\"data-math\":\"Y\"});l.node().appendChild(o.node()),i&&i.node()&&o.node().insertBefore(i.node().cloneNode(!0),o.node().firstChild),o.attr({class:z,height:a.height,preserveAspectRatio:\"xMinYMin meet\"}).style({overflow:\"visible\",\"pointer-events\":\"none\"});var c=t.node().style.fill||\"black\";o.select(\"g\").attr({fill:c,stroke:c});var u=s(o,\"width\"),f=s(o,\"height\"),h=+t.attr(\"x\")-u*{start:0,middle:.5,end:1}[t.attr(\"text-anchor\")||\"start\"],p=-(r||s(t,\"height\"))/4;\"y\"===z[0]?(l.attr({transform:\"rotate(\"+[-90,+t.attr(\"x\"),+t.attr(\"y\")]+\") translate(\"+[-u/2,p-f/2]+\")\"}),o.attr({x:+t.attr(\"x\"),y:+t.attr(\"y\")})):\"l\"===z[0]?o.attr({x:t.attr(\"x\"),y:p-f/2}):\"a\"===z[0]?o.attr({x:0,y:p}):o.attr({x:h,y:+t.attr(\"y\")+p-f/2}),v&&v.call(t,l),e(l)})})):O(),t}function O(){L.empty()||(z=t.attr(\"class\")+\"-math\",L.select(\"svg.\"+z).remove()),t.text(\"\").style(\"white-space\",\"pre\"),function(t,e){e=e.replace(m,\" \");var r,s=!1,l=[],c=-1;function u(){c++;var e=document.createElementNS(a.svg,\"tspan\");n.select(e).attr({class:\"line\",dy:c*o+\"em\"}),t.appendChild(e),r=e;var i=l;if(l=[{node:e}],i.length>1)for(var s=1;s doesnt match end tag <\"+t+\">. Pretending it did match.\",e),r=l[l.length-1].node}else i.log(\"Ignoring unexpected end tag .\",e)}b.test(e)?u():(r=t,l=[{node:t}]);for(var L=e.split(y),z=0;z|>|>)/g;var f={sup:\"font-size:70%\",sub:\"font-size:70%\",b:\"font-weight:bold\",i:\"font-style:italic\",a:\"cursor:pointer\",span:\"\",em:\"font-style:italic;font-weight:bold\"},h={sub:\"0.3em\",sup:\"-0.6em\"},p={sub:\"-0.21em\",sup:\"0.42em\"},d=\"\\u200b\",g=[\"http:\",\"https:\",\"mailto:\",\"\",void 0,\":\"],v=new RegExp(\"]*)?/?>\",\"g\"),m=/(\\r\\n?|\\n)/g,y=/(<[^<>]*>)/,x=/<(\\/?)([^ >]*)(\\s+(.*))?>/i,b=//i,_=/(^|[\\s\"'])style\\s*=\\s*(\"([^\"]*);?\"|'([^']*);?')/i,w=/(^|[\\s\"'])href\\s*=\\s*(\"([^\"]*)\"|'([^']*)')/i,k=/(^|[\\s\"'])target\\s*=\\s*(\"([^\"\\s]*)\"|'([^'\\s]*)')/i,M=/(^|[\\s\"'])popup\\s*=\\s*(\"([\\w=,]*)\"|'([\\w=,]*)')/i;function A(t,e){if(!t)return null;var r=t.match(e),n=r&&(r[3]||r[4]);return n&&C(n)}var T=/(^|;)\\s*color:/;r.plainText=function(t){return(t||\"\").replace(v,\" \")};var S={mu:\"\\u03bc\",amp:\"&\",lt:\"<\",gt:\">\",nbsp:\"\\xa0\",times:\"\\xd7\",plusmn:\"\\xb1\",deg:\"\\xb0\"},E=/&(#\\d+|#x[\\da-fA-F]+|[a-z]+);/g;function C(t){return t.replace(E,function(t,e){return(\"#\"===e.charAt(0)?function(t){if(t>1114111)return;var e=String.fromCodePoint;if(e)return e(t);var r=String.fromCharCode;return t<=65535?r(t):r(55232+(t>>10),t%1024+56320)}(\"x\"===e.charAt(1)?parseInt(e.substr(2),16):parseInt(e.substr(1),10)):S[e])||t})}function L(t,e,r){var n,i,a,o=r.horizontalAlign,s=r.verticalAlign||\"top\",l=t.node().getBoundingClientRect(),c=e.node().getBoundingClientRect();return i=\"bottom\"===s?function(){return l.bottom-n.height}:\"middle\"===s?function(){return l.top+(l.height-n.height)/2}:function(){return l.top},a=\"right\"===o?function(){return l.right-n.width}:\"center\"===o?function(){return l.left+(l.width-n.width)/2}:function(){return l.left},function(){return n=this.node().getBoundingClientRect(),this.style({top:i()-c.top+\"px\",left:a()-c.left+\"px\",\"z-index\":1e3}),this}}r.convertEntities=C,r.lineCount=function(t){return t.selectAll(\"tspan.line\").size()||1},r.positionText=function(t,e,r){return t.each(function(){var t=n.select(this);function i(e,r){return void 0===r?null===(r=t.attr(e))&&(t.attr(e,0),r=0):t.attr(e,r),r}var a=i(\"x\",e),o=i(\"y\",r);\"text\"===this.nodeName&&t.selectAll(\"tspan.line\").attr({x:a,y:o})})},r.makeEditable=function(t,e){var r=e.gd,i=e.delegate,a=n.dispatch(\"edit\",\"input\",\"cancel\"),o=i||t;if(t.style({\"pointer-events\":i?\"none\":\"all\"}),1!==t.size())throw new Error(\"boo\");function s(){!function(){var i=n.select(r).select(\".svg-container\"),o=i.append(\"div\"),s=t.node().style,c=parseFloat(s.fontSize||12),u=e.text;void 0===u&&(u=t.attr(\"data-unformatted\"));o.classed(\"plugin-editable editable\",!0).style({position:\"absolute\",\"font-family\":s.fontFamily||\"Arial\",\"font-size\":c,color:e.fill||s.fill||\"black\",opacity:1,\"background-color\":e.background||\"transparent\",outline:\"#ffffff33 1px solid\",margin:[-c/8+1,0,0,-1].join(\"px \")+\"px\",padding:\"0\",\"box-sizing\":\"border-box\"}).attr({contenteditable:!0}).text(u).call(L(t,i,e)).on(\"blur\",function(){r._editing=!1,t.text(this.textContent).style({opacity:1});var e,i=n.select(this).attr(\"class\");(e=i?\".\"+i.split(\" \")[0]+\"-math-group\":\"[class*=-math-group]\")&&n.select(t.node().parentNode).select(e).style({opacity:0});var o=this.textContent;n.select(this).transition().duration(0).remove(),n.select(document).on(\"mouseup\",null),a.edit.call(t,o)}).on(\"focus\",function(){var t=this;r._editing=!0,n.select(document).on(\"mouseup\",function(){if(n.event.target===t)return!1;document.activeElement===o.node()&&o.node().blur()})}).on(\"keyup\",function(){27===n.event.which?(r._editing=!1,t.style({opacity:1}),n.select(this).style({opacity:0}).on(\"blur\",function(){return!1}).transition().remove(),a.cancel.call(t,this.textContent)):(a.input.call(t,this.textContent),n.select(this).call(L(t,i,e)))}).on(\"keydown\",function(){13===n.event.which&&this.blur()}).call(l)}(),t.style({opacity:0});var i,s=o.attr(\"class\");(i=s?\".\"+s.split(\" \")[0]+\"-math-group\":\"[class*=-math-group]\")&&n.select(t.node().parentNode).select(i).style({opacity:0})}function l(t){var e=t.node(),r=document.createRange();r.selectNodeContents(e);var n=window.getSelection();n.removeAllRanges(),n.addRange(r),e.focus()}return e.immediate?s():o.on(\"click\",s),n.rebind(t,a,\"on\")}},{\"../constants/alignment\":668,\"../constants/xmlns_namespaces\":674,\"../lib\":696,d3:148}],721:[function(t,e,r){\"use strict\";var n={};function i(t){t&&null!==t.timer&&(clearTimeout(t.timer),t.timer=null)}r.throttle=function(t,e,r){var a=n[t],o=Date.now();if(!a){for(var s in n)n[s].tsa.ts+e?l():a.timer=setTimeout(function(){l(),a.timer=null},e)},r.done=function(t){var e=n[t];return e&&e.timer?new Promise(function(t){var r=e.onDone;e.onDone=function(){r&&r(),t(),e.onDone=null}}):Promise.resolve()},r.clear=function(t){if(t)i(n[t]),delete n[t];else for(var e in n)r.clear(e)}},{}],722:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\");e.exports=function(t,e){if(t>0)return Math.log(t)/Math.LN10;var r=Math.log(Math.min(e[0],e[1]))/Math.LN10;return n(r)||(r=Math.log(Math.max(e[0],e[1]))/Math.LN10-6),r}},{\"fast-isnumeric\":214}],723:[function(t,e,r){\"use strict\";var n=e.exports={},i=t(\"../plots/geo/constants\").locationmodeToLayer,a=t(\"topojson-client\").feature;n.getTopojsonName=function(t){return[t.scope.replace(/ /g,\"-\"),\"_\",t.resolution.toString(),\"m\"].join(\"\")},n.getTopojsonPath=function(t,e){return t+e+\".json\"},n.getTopojsonFeatures=function(t,e){var r=i[t.locationmode],n=e.objects[r];return a(e,n).features}},{\"../plots/geo/constants\":773,\"topojson-client\":517}],724:[function(t,e,r){\"use strict\";e.exports={moduleType:\"locale\",name:\"en-US\",dictionary:{\"Click to enter Colorscale title\":\"Click to enter Colorscale title\"},format:{date:\"%m/%d/%Y\"}}},{}],725:[function(t,e,r){\"use strict\";e.exports={moduleType:\"locale\",name:\"en\",dictionary:{\"Click to enter Colorscale title\":\"Click to enter Colourscale title\"},format:{days:[\"Sunday\",\"Monday\",\"Tuesday\",\"Wednesday\",\"Thursday\",\"Friday\",\"Saturday\"],shortDays:[\"Sun\",\"Mon\",\"Tue\",\"Wed\",\"Thu\",\"Fri\",\"Sat\"],months:[\"January\",\"February\",\"March\",\"April\",\"May\",\"June\",\"July\",\"August\",\"September\",\"October\",\"November\",\"December\"],shortMonths:[\"Jan\",\"Feb\",\"Mar\",\"Apr\",\"May\",\"Jun\",\"Jul\",\"Aug\",\"Sep\",\"Oct\",\"Nov\",\"Dec\"],periods:[\"AM\",\"PM\"],dateTime:\"%a %b %e %X %Y\",date:\"%d/%m/%Y\",time:\"%H:%M:%S\",decimal:\".\",thousands:\",\",grouping:[3],currency:[\"$\",\"\"],year:\"%Y\",month:\"%b %Y\",dayMonth:\"%b %-d\",dayMonthYear:\"%b %-d, %Y\"}}},{}],726:[function(t,e,r){\"use strict\";var n=t(\"../registry\");e.exports=function(t){for(var e,r,i=n.layoutArrayContainers,a=n.layoutArrayRegexes,o=t.split(\"[\")[0],s=0;s0&&o.log(\"Clearing previous rejected promises from queue.\"),t._promises=[]},r.cleanLayout=function(t){var e,r;t||(t={}),t.xaxis1&&(t.xaxis||(t.xaxis=t.xaxis1),delete t.xaxis1),t.yaxis1&&(t.yaxis||(t.yaxis=t.yaxis1),delete t.yaxis1),t.scene1&&(t.scene||(t.scene=t.scene1),delete t.scene1);var n=(s.subplotsRegistry.cartesian||{}).attrRegex,a=(s.subplotsRegistry.gl3d||{}).attrRegex,l=Object.keys(t);for(e=0;e3?(T.x=1.02,T.xanchor=\"left\"):T.x<-2&&(T.x=-.02,T.xanchor=\"right\"),T.y>3?(T.y=1.02,T.yanchor=\"bottom\"):T.y<-2&&(T.y=-.02,T.yanchor=\"top\")),\"rotate\"===t.dragmode&&(t.dragmode=\"orbit\"),f.clean(t),t},r.cleanData=function(t){for(var e=0;e0)return t.substr(0,e)}r.hasParent=function(t,e){for(var r=y(e);r;){if(r in t)return!0;r=y(r)}return!1};var x=[\"x\",\"y\",\"z\"];r.clearAxisTypes=function(t,e,r){for(var n=0;n1&&o.warn(\"Full array edits are incompatible with other edits\",f);var y=r[\"\"][\"\"];if(u(y))e.set(null);else{if(!Array.isArray(y))return o.warn(\"Unrecognized full array edit value\",f,y),!0;e.set(y)}return!g&&(h(v,m),p(t),!0)}var x,b,_,w,k,M,A,T=Object.keys(r).map(Number).sort(s),S=e.get(),E=S||[],C=n(m,f).get(),L=[],z=-1,O=E.length;for(x=0;xE.length-(A?0:1))o.warn(\"index out of range\",f,_);else if(void 0!==M)k.length>1&&o.warn(\"Insertion & removal are incompatible with edits to the same index.\",f,_),u(M)?L.push(_):A?(\"add\"===M&&(M={}),E.splice(_,0,M),C&&C.splice(_,0,{})):o.warn(\"Unrecognized full object edit value\",f,_,M),-1===z&&(z=_);else for(b=0;b=0;x--)E.splice(L[x],1),C&&C.splice(L[x],1);if(E.length?S||e.set(E):e.set(null),g)return!1;if(h(v,m),d!==a){var I;if(-1===z)I=T;else{for(O=Math.max(E.length,O),I=[],x=0;x=z);x++)I.push(_);for(x=z;x=t.data.length||i<-t.data.length)throw new Error(r+\" must be valid indices for gd.data.\");if(e.indexOf(i,n+1)>-1||i>=0&&e.indexOf(-t.data.length+i)>-1||i<0&&e.indexOf(t.data.length+i)>-1)throw new Error(\"each index in \"+r+\" must be unique.\")}}function I(t,e,r){if(!Array.isArray(t.data))throw new Error(\"gd.data must be an array.\");if(\"undefined\"==typeof e)throw new Error(\"currentIndices is a required argument.\");if(Array.isArray(e)||(e=[e]),O(t,e,\"currentIndices\"),\"undefined\"==typeof r||Array.isArray(r)||(r=[r]),\"undefined\"!=typeof r&&O(t,r,\"newIndices\"),\"undefined\"!=typeof r&&e.length!==r.length)throw new Error(\"current and new indices must be of equal length.\")}function P(t,e,r,n,a){!function(t,e,r,n){var i=o.isPlainObject(n);if(!Array.isArray(t.data))throw new Error(\"gd.data must be an array\");if(!o.isPlainObject(e))throw new Error(\"update must be a key:value object\");if(\"undefined\"==typeof r)throw new Error(\"indices must be an integer or array of integers\");for(var a in O(t,r,\"indices\"),e){if(!Array.isArray(e[a])||e[a].length!==r.length)throw new Error(\"attribute \"+a+\" must be an array of length equal to indices array length\");if(i&&(!(a in n)||!Array.isArray(n[a])||n[a].length!==e[a].length))throw new Error(\"when maxPoints is set as a key:value object it must contain a 1:1 corrispondence with the keys and number of traces in the update object\")}}(t,e,r,n);for(var s=function(t,e,r,n){var a,s,l,c,u,f=o.isPlainObject(n),h=[];for(var p in Array.isArray(r)||(r=[r]),r=z(r,t.data.length-1),e)for(var d=0;d=0&&r=0&&r0&&\"string\"!=typeof C.parts[z];)z--;var O=C.parts[z],I=C.parts[z-1]+\".\"+O,P=C.parts.slice(0,z).join(\".\"),D=o.nestedProperty(t.layout,P).get(),B=o.nestedProperty(s,P).get(),F=C.get();if(void 0!==L){y[E]=L,x[E]=\"reverse\"===O?L:R(F);var N=u.getLayoutValObject(s,C.parts);if(N&&N.impliedEdits&&null!==L)for(var q in N.impliedEdits)b(o.relativeAttr(E,q),N.impliedEdits[q]);if(-1!==[\"width\",\"height\"].indexOf(E))if(L){b(\"autosize\",null);var G=\"height\"===E?\"width\":\"height\";b(G,s[G])}else s[E]=t._initialAutoSize[E];else if(\"autosize\"===E)b(\"width\",L?null:s.width),b(\"height\",L?null:s.height);else if(I.match(j))S(I),o.nestedProperty(s,P+\"._inputRange\").set(null);else if(I.match(V)){S(I),o.nestedProperty(s,P+\"._inputRange\").set(null);var W=o.nestedProperty(s,P).get();W._inputDomain&&(W._input.domain=W._inputDomain.slice())}else I.match(U)&&o.nestedProperty(s,P+\"._inputDomain\").set(null);if(\"type\"===O){var Y=D,X=\"linear\"===B.type&&\"log\"===L,Z=\"log\"===B.type&&\"linear\"===L;if(X||Z){if(Y&&Y.range)if(B.autorange)X&&(Y.range=Y.range[1]>Y.range[0]?[1,2]:[2,1]);else{var $=Y.range[0],J=Y.range[1];X?($<=0&&J<=0&&b(P+\".autorange\",!0),$<=0?$=J/1e6:J<=0&&(J=$/1e6),b(P+\".range[0]\",Math.log($)/Math.LN10),b(P+\".range[1]\",Math.log(J)/Math.LN10)):(b(P+\".range[0]\",Math.pow(10,$)),b(P+\".range[1]\",Math.pow(10,J)))}else b(P+\".autorange\",!0);Array.isArray(s._subplots.polar)&&s._subplots.polar.length&&s[C.parts[0]]&&\"radialaxis\"===C.parts[1]&&delete s[C.parts[0]]._subplot.viewInitial[\"radialaxis.range\"],c.getComponentMethod(\"annotations\",\"convertCoords\")(t,B,L,b),c.getComponentMethod(\"images\",\"convertCoords\")(t,B,L,b)}else b(P+\".autorange\",!0),b(P+\".range\",null);o.nestedProperty(s,P+\"._inputRange\").set(null)}else if(O.match(A)){var K=o.nestedProperty(s,E).get(),Q=(L||{}).type;Q&&\"-\"!==Q||(Q=\"linear\"),c.getComponentMethod(\"annotations\",\"convertCoords\")(t,K,Q,b),c.getComponentMethod(\"images\",\"convertCoords\")(t,K,Q,b)}var tt=_.containerArrayMatch(E);if(tt){r=tt.array,n=tt.index;var et=tt.property,rt=(o.nestedProperty(a,r)||[])[n]||{},nt=N||{editType:\"calc\"};\"\"!==n&&\"\"===et&&(_.isAddVal(L)?x[E]=null:_.isRemoveVal(L)?x[E]=rt:o.warn(\"unrecognized full object value\",e)),M.update(m,nt),h[r]||(h[r]={});var it=h[r][n];it||(it=h[r][n]={}),it[et]=L,delete e[E]}else\"reverse\"===O?(D.range?D.range.reverse():(b(P+\".autorange\",!0),D.range=[1,0]),B.autorange?m.calc=!0:m.plot=!0):(s._has(\"scatter-like\")&&s._has(\"regl\")&&\"dragmode\"===E&&(\"lasso\"===L||\"select\"===L)&&\"lasso\"!==F&&\"select\"!==F?m.plot=!0:N?M.update(m,N):m.calc=!0,C.set(L))}}for(r in h){_.applyContainerArrayChanges(t,o.nestedProperty(a,r),h[r],m)||(m.plot=!0)}var at=s._axisConstraintGroups||[];for(k in T)for(n=0;n=i.length?i[0]:i[t]:i}function l(t){return Array.isArray(a)?t>=a.length?a[0]:a[t]:a}function c(t,e){var r=0;return function(){if(t&&++r===e)return t()}}return void 0===n._frameWaitingCnt&&(n._frameWaitingCnt=0),new Promise(function(a,u){function h(){n._currentFrame&&n._currentFrame.onComplete&&n._currentFrame.onComplete();var e=n._currentFrame=n._frameQueue.shift();if(e){var r=e.name?e.name.toString():null;t._fullLayout._currentFrame=r,n._lastFrameAt=Date.now(),n._timeToNext=e.frameOpts.duration,f.transition(t,e.frame.data,e.frame.layout,w.coerceTraceIndices(t,e.frame.traces),e.frameOpts,e.transitionOpts).then(function(){e.onComplete&&e.onComplete()}),t.emit(\"plotly_animatingframe\",{name:r,frame:e.frame,animation:{frame:e.frameOpts,transition:e.transitionOpts}})}else t.emit(\"plotly_animated\"),window.cancelAnimationFrame(n._animationRaf),n._animationRaf=null}function p(){t.emit(\"plotly_animating\"),n._lastFrameAt=-1/0,n._timeToNext=0,n._runningTransitions=0,n._currentFrame=null;var e=function(){n._animationRaf=window.requestAnimationFrame(e),Date.now()-n._lastFrameAt>n._timeToNext&&h()};e()}var d,g,v=0;function m(t){return Array.isArray(i)?v>=i.length?t.transitionOpts=i[v]:t.transitionOpts=i[0]:t.transitionOpts=i,v++,t}var y=[],x=null==e,b=Array.isArray(e);if(!x&&!b&&o.isPlainObject(e))y.push({type:\"object\",data:m(o.extendFlat({},e))});else if(x||-1!==[\"string\",\"number\"].indexOf(typeof e))for(d=0;d0&&MM)&&A.push(g);y=A}}y.length>0?function(e){if(0!==e.length){for(var i=0;i=0;n--)if(o.isPlainObject(e[n])){var g=e[n].name,v=(u[g]||d[g]||{}).name,m=e[n].name,y=u[v]||d[v];v&&m&&\"number\"==typeof m&&y&&T<5&&(T++,o.warn('addFrames: overwriting frame \"'+(u[v]||d[v]).name+'\" with a frame whose name of type \"number\" also equates to \"'+v+'\". This is valid but may potentially lead to unexpected behavior since all plotly.js frame names are stored internally as strings.'),5===T&&o.warn(\"addFrames: This API call has yielded too many of these warnings. For the rest of this call, further warnings about numeric frame names will be suppressed.\")),d[g]={name:g},p.push({frame:f.supplyFrameDefaults(e[n]),index:r&&void 0!==r[n]&&null!==r[n]?r[n]:h+n})}p.sort(function(t,e){return t.index>e.index?-1:t.index=0;n--){if(\"number\"==typeof(i=p[n].frame).name&&o.warn(\"Warning: addFrames accepts frames with numeric names, but the numbers areimplicitly cast to strings\"),!i.name)for(;u[i.name=\"frame \"+t._transitionData._counter++];);if(u[i.name]){for(a=0;a=0;r--)n=e[r],a.push({type:\"delete\",index:n}),s.unshift({type:\"insert\",index:n,value:i[n]});var c=f.modifyFrames,u=f.modifyFrames,h=[t,s],p=[t,a];return l&&l.add(t,c,h,u,p),f.modifyFrames(t,a)},r.purge=function(t){var e=(t=o.getGraphDiv(t))._fullLayout||{},r=t._fullData||[];return f.cleanPlot([],{},r,e),f.purge(t),s.purge(t),e._container&&e._container.remove(),delete t._context,t}},{\"../components/color\":570,\"../components/colorbar/connect\":572,\"../components/drawing\":595,\"../constants/xmlns_namespaces\":674,\"../lib\":696,\"../lib/events\":684,\"../lib/queue\":711,\"../lib/svg_text_utils\":720,\"../plots/cartesian/axes\":744,\"../plots/cartesian/constants\":750,\"../plots/cartesian/graph_interact\":754,\"../plots/plots\":808,\"../plots/polar/legacy\":816,\"../registry\":827,\"./edit_types\":727,\"./helpers\":728,\"./manage_arrays\":730,\"./plot_config\":732,\"./plot_schema\":733,\"./subroutines\":735,d3:148,\"fast-isnumeric\":214,\"has-hover\":393}],732:[function(t,e,r){\"use strict\";e.exports={staticPlot:!1,plotlyServerURL:\"https://plot.ly\",editable:!1,edits:{annotationPosition:!1,annotationTail:!1,annotationText:!1,axisTitleText:!1,colorbarPosition:!1,colorbarTitleText:!1,legendPosition:!1,legendText:!1,shapePosition:!1,titleText:!1},autosizable:!1,responsive:!1,queueLength:0,fillFrame:!1,frameMargins:0,scrollZoom:!1,doubleClick:\"reset+autosize\",showTips:!0,showAxisDragHandles:!0,showAxisRangeEntryBoxes:!0,showLink:!1,sendData:!0,linkText:\"Edit chart\",showSources:!1,displayModeBar:\"hover\",modeBarButtonsToRemove:[],modeBarButtonsToAdd:[],modeBarButtons:!1,toImageButtonOptions:{},displaylogo:!0,plotGlPixelRatio:2,setBackground:\"transparent\",topojsonURL:\"https://cdn.plot.ly/\",mapboxAccessToken:null,logging:1,globalTransforms:[],locale:\"en-US\",locales:{}}},{}],733:[function(t,e,r){\"use strict\";var n=t(\"../registry\"),i=t(\"../lib\"),a=t(\"../plots/attributes\"),o=t(\"../plots/layout_attributes\"),s=t(\"../plots/frame_attributes\"),l=t(\"../plots/animation_attributes\"),c=t(\"../plots/polar/legacy/area_attributes\"),u=t(\"../plots/polar/legacy/axis_attributes\"),f=t(\"./edit_types\"),h=i.extendFlat,p=i.extendDeepAll,d=i.isPlainObject,g=\"_isSubplotObj\",v=\"_isLinkedToArray\",m=[g,v,\"_arrayAttrRegexps\",\"_deprecated\"];function y(t,e,r){if(!t)return!1;if(t._isLinkedToArray)if(x(e[r]))r++;else if(r=a.length)return!1;if(2===t.dimensions){if(r++,e.length===r)return t;var o=e[r];if(!x(o))return!1;t=a[i][o]}else t=a[i]}else t=a}}return t}function x(t){return t===Math.round(t)&&t>=0}function b(t){return function(t){r.crawl(t,function(t,e,n){r.isValObject(t)?\"data_array\"===t.valType?(t.role=\"data\",n[e+\"src\"]={valType:\"string\",editType:\"none\"}):!0===t.arrayOk&&(n[e+\"src\"]={valType:\"string\",editType:\"none\"}):d(t)&&(t.role=\"object\")})}(t),function(t){r.crawl(t,function(t,e,r){if(!t)return;var n=t[v];if(!n)return;delete t[v],r[e]={items:{}},r[e].items[n]=t,r[e].role=\"object\"})}(t),function(t){!function t(e){for(var r in e)if(d(e[r]))t(e[r]);else if(Array.isArray(e[r]))for(var n=0;n=l.length)return!1;i=(r=(n.transformsRegistry[l[u].type]||{}).attributes)&&r[e[2]],s=3}else if(\"area\"===t.type)i=c[o];else{var f=t._module;if(f||(f=(n.modules[t.type||a.type.dflt]||{})._module),!f)return!1;if(!(i=(r=f.attributes)&&r[o])){var h=f.basePlotModule;h&&h.attributes&&(i=h.attributes[o])}i||(i=a[o])}return y(i,e,s)},r.getLayoutValObject=function(t,e){return y(function(t,e){var r,i,a,s,l=t._basePlotModules;if(l){var c;for(r=0;r=i&&(r._input||{})._templateitemname;s&&(o=i);var l,c=e+\"[\"+o+\"]\";function u(){l={},s&&(l[c]={},l[c][a]=s)}function f(t,e){s?n.nestedProperty(l[c],t).set(e):l[c+\".\"+t]=e}function h(){var t=l;return u(),t}return u(),{modifyBase:function(t,e){l[t]=e},modifyItem:f,getUpdateObj:h,applyUpdate:function(e,r){e&&f(e,r);var i=h();for(var a in i)n.nestedProperty(t,a).set(i[a])}}}},{\"../lib\":696,\"../plots/attributes\":741}],735:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../registry\"),a=t(\"../plots/plots\"),o=t(\"../lib\"),s=t(\"../lib/clear_gl_canvases\"),l=t(\"../components/color\"),c=t(\"../components/drawing\"),u=t(\"../components/titles\"),f=t(\"../components/modebar\"),h=t(\"../plots/cartesian/axes\"),p=t(\"../constants/alignment\"),d=t(\"../plots/cartesian/constraints\"),g=d.enforce,v=d.clean,m=t(\"../plots/cartesian/autorange\").doAutoRange;function y(t,e,r){for(var n=0;n=t[1]||i[1]<=t[0])&&(a[0]e[0]))return!0}return!1}function x(t){var e,i,a,s,u,d=t._fullLayout,g=d._size,v=g.p,m=h.list(t,\"\",!0);if(d._paperdiv.style({width:t._context.responsive&&d.autosize&&!t._context._hasZeroWidth&&!t.layout.width?\"100%\":d.width+\"px\",height:t._context.responsive&&d.autosize&&!t._context._hasZeroHeight&&!t.layout.height?\"100%\":d.height+\"px\"}).selectAll(\".main-svg\").call(c.setSize,d.width,d.height),t._context.setBackground(t,d.paper_bgcolor),r.drawMainTitle(t),f.manage(t),!d._has(\"cartesian\"))return t._promises.length&&Promise.all(t._promises);function x(t,e,r){var n=t._lw/2;return\"x\"===t._id.charAt(0)?e?\"top\"===r?e._offset-v-n:e._offset+e._length+v+n:g.t+g.h*(1-(t.position||0))+n%1:e?\"right\"===r?e._offset+e._length+v+n:e._offset-v-n:g.l+g.w*(t.position||0)+n%1}for(e=0;ek?u.push({code:\"unused\",traceType:y,templateCount:w,dataCount:k}):k>w&&u.push({code:\"reused\",traceType:y,templateCount:w,dataCount:k})}}else u.push({code:\"data\"});if(function t(e,r){for(var n in e)if(\"_\"!==n.charAt(0)){var a=e[n],o=p(e,n,r);i(a)?(Array.isArray(e)&&!1===a._template&&a.templateitemname&&u.push({code:\"missing\",path:o,templateitemname:a.templateitemname}),t(a,o)):Array.isArray(a)&&d(a)&&t(a,o)}}({data:v,layout:h},\"\"),u.length)return u.map(g)}},{\"../lib\":696,\"../plots/attributes\":741,\"../plots/plots\":808,\"./plot_config\":732,\"./plot_schema\":733,\"./plot_template\":734}],737:[function(t,e,r){\"use strict\";var n=t(\"./plot_api\"),i=t(\"../lib\"),a=t(\"../snapshot/helpers\"),o=t(\"../snapshot/tosvg\"),s=t(\"../snapshot/svgtoimg\"),l={format:{valType:\"enumerated\",values:[\"png\",\"jpeg\",\"webp\",\"svg\"],dflt:\"png\"},width:{valType:\"number\",min:1},height:{valType:\"number\",min:1},scale:{valType:\"number\",min:0,dflt:1},setBackground:{valType:\"any\",dflt:!1},imageDataOnly:{valType:\"boolean\",dflt:!1}},c=/^data:image\\/\\w+;base64,/;e.exports=function(t,e){var r,u,f;function h(t){return!(t in e)||i.validate(e[t],l[t])}if(e=e||{},i.isPlainObject(t)?(r=t.data||[],u=t.layout||{},f=t.config||{}):(t=i.getGraphDiv(t),r=i.extendDeep([],t.data),u=i.extendDeep({},t.layout),f=t._context),!h(\"width\")||!h(\"height\"))throw new Error(\"Height and width should be pixel values.\");if(!h(\"format\"))throw new Error(\"Image format is not jpeg, png, svg or webp.\");var p={};function d(t,r){return i.coerce(e,p,l,t,r)}var g=d(\"format\"),v=d(\"width\"),m=d(\"height\"),y=d(\"scale\"),x=d(\"setBackground\"),b=d(\"imageDataOnly\"),_=document.createElement(\"div\");_.style.position=\"absolute\",_.style.left=\"-5000px\",document.body.appendChild(_);var w=i.extendFlat({},u);v&&(w.width=v),m&&(w.height=m);var k=i.extendFlat({},f,{staticPlot:!0,setBackground:x}),M=a.getRedrawFunc(_);function A(){return new Promise(function(t){setTimeout(t,a.getDelay(_._fullLayout))})}function T(){return new Promise(function(t,e){var r=o(_,g,y),a=_._fullLayout.width,l=_._fullLayout.height;if(n.purge(_),document.body.removeChild(_),\"svg\"===g)return t(b?r:\"data:image/svg+xml,\"+encodeURIComponent(r));var c=document.createElement(\"canvas\");c.id=i.randstr(),s({format:g,width:a,height:l,scale:y,canvas:c,svg:r,promise:!0}).then(t).catch(e)})}return new Promise(function(t,e){n.plot(_,r,w,k).then(M).then(A).then(T).then(function(e){t(function(t){return b?t.replace(c,\"\"):t}(e))}).catch(function(t){e(t)})})}},{\"../lib\":696,\"../snapshot/helpers\":831,\"../snapshot/svgtoimg\":833,\"../snapshot/tosvg\":835,\"./plot_api\":731}],738:[function(t,e,r){\"use strict\";var n=t(\"../lib\"),i=t(\"../plots/plots\"),a=t(\"./plot_schema\"),o=t(\"./plot_config\"),s=n.isPlainObject,l=Array.isArray,c=n.isArrayOrTypedArray;function u(t,e,r,i,a,o){o=o||[];for(var f=Object.keys(t),h=0;hx.length&&i.push(p(\"unused\",a,m.concat(x.length)));var M,A,T,S,E,C=x.length,L=Array.isArray(k);if(L&&(C=Math.min(C,k.length)),2===b.dimensions)for(A=0;Ax[A].length&&i.push(p(\"unused\",a,m.concat(A,x[A].length)));var z=x[A].length;for(M=0;M<(L?Math.min(z,k[A].length):z);M++)T=L?k[A][M]:k,S=y[A][M],E=x[A][M],n.validate(S,T)?E!==S&&E!==+S&&i.push(p(\"dynamic\",a,m.concat(A,M),S,E)):i.push(p(\"value\",a,m.concat(A,M),S))}else i.push(p(\"array\",a,m.concat(A),y[A]));else for(A=0;A1&&h.push(p(\"object\",\"layout\"))),i.supplyDefaults(d);for(var g=d._fullData,v=r.length,m=0;m0&&((b=A-o(v)-o(m))>T?_/b>S&&(y=v,x=m,S=_/b):_/A>S&&(y={val:v.val,pad:0},x={val:m.val,pad:0},S=_/A));if(h===p){var E=h-1,C=h+1;if(k)if(0===h)a=[0,1];else{var L=(h>0?f:u).reduce(function(t,e){return Math.max(t,o(e))},0),z=h/(1-Math.min(.5,L/A));a=h>0?[0,z]:[z,0]}else a=M?[Math.max(0,E),Math.max(1,C)]:[E,C]}else k?(y.val>=0&&(y={val:0,pad:0}),x.val<=0&&(x={val:0,pad:0})):M&&(y.val-S*o(y)<0&&(y={val:0,pad:0}),x.val<=0&&(x={val:1,pad:0})),S=(x.val-y.val)/(A-o(y)-o(x)),a=[y.val-S*o(y),x.val+S*o(x)];return d&&a.reverse(),i.simpleMap(a,e.l2r||Number)}function s(t){var e=t._length/20;return\"domain\"===t.constrain&&t._inputDomain&&(e*=(t._inputDomain[1]-t._inputDomain[0])/(t.domain[1]-t.domain[0])),function(t){return t.pad+(t.extrapad?e:0)}}function l(t,e){var r,n,i,a=e._id,o=t._fullData,s=t._fullLayout,l=[],f=[];function h(t,e){for(r=0;r=r&&(c.extrapad||!o)){s=!1;break}i(e,c.val)&&c.pad<=r&&(o||!c.extrapad)&&(t.splice(l,1),l--)}if(s){var u=a&&0===e;t.push({val:e,pad:u?0:r,extrapad:!u&&o})}}function h(t){return n(t)&&Math.abs(t)=e}e.exports={getAutoRange:o,makePadFn:s,doAutoRange:function(t,e){e._length||e.setScale();var r;e.autorange&&(e.range=o(t,e),e._r=e.range.slice(),e._rl=i.simpleMap(e._r,e.r2l),(r=e._input).range=e.range.slice(),r.autorange=e.autorange);if(e._anchorAxis&&e._anchorAxis.rangeslider){var n=e._anchorAxis.rangeslider[e._name];n&&\"auto\"===n.rangemode&&(n.range=o(t,e)),(r=e._anchorAxis._input).rangeslider[e._name]=i.extendFlat({},n)}},findExtremes:function(t,e,r){r||(r={});t._m||t.setScale();var i,o,s,l,f,p,d,g,v,m=[],y=[],x=e.length,b=r.padded||!1,_=r.tozero&&(\"linear\"===t.type||\"-\"===t.type),w=\"log\"===t.type,k=!1;function M(t){if(Array.isArray(t))return k=!0,function(e){return Math.max(Number(t[e]||0),0)};var e=Math.max(Number(t||0),0);return function(){return e}}var A=M((t._m>0?r.ppadplus:r.ppadminus)||r.ppad||0),T=M((t._m>0?r.ppadminus:r.ppadplus)||r.ppad||0),S=M(r.vpadplus||r.vpad),E=M(r.vpadminus||r.vpad);if(!k){if(g=1/0,v=-1/0,w)for(i=0;i0&&(g=o),o>v&&o-a&&(g=o),o>v&&o=z;i--)L(i);return{min:m,max:y}},concatExtremes:l}},{\"../../constants/numerical\":673,\"../../lib\":696,\"fast-isnumeric\":214}],744:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"../../plots/plots\"),o=t(\"../../registry\"),s=t(\"../../lib\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../components/titles\"),u=t(\"../../components/color\"),f=t(\"../../components/drawing\"),h=t(\"./layout_attributes\"),p=t(\"./clean_ticks\"),d=t(\"../../constants/numerical\"),g=d.ONEAVGYEAR,v=d.ONEAVGMONTH,m=d.ONEDAY,y=d.ONEHOUR,x=d.ONEMIN,b=d.ONESEC,_=d.MINUS_SIGN,w=d.BADNUM,k=t(\"../../constants/alignment\").MID_SHIFT,M=t(\"../../constants/alignment\").LINE_SPACING,A=e.exports={};A.setConvert=t(\"./set_convert\");var T=t(\"./axis_autotype\"),S=t(\"./axis_ids\");A.id2name=S.id2name,A.name2id=S.name2id,A.cleanId=S.cleanId,A.list=S.list,A.listIds=S.listIds,A.getFromId=S.getFromId,A.getFromTrace=S.getFromTrace;var E=t(\"./autorange\");A.getAutoRange=E.getAutoRange,A.findExtremes=E.findExtremes,A.coerceRef=function(t,e,r,n,i,a){var o=n.charAt(n.length-1),l=r._fullLayout._subplots[o+\"axis\"],c=n+\"ref\",u={};return i||(i=l[0]||a),a||(a=i),u[c]={valType:\"enumerated\",values:l.concat(a?[a]:[]),dflt:i},s.coerce(t,e,u,c)},A.coercePosition=function(t,e,r,n,i,a){var o,l;if(\"paper\"===n||\"pixel\"===n)o=s.ensureNumber,l=r(i,a);else{var c=A.getFromId(e,n);l=r(i,a=c.fraction2r(a)),o=c.cleanPos}t[i]=o(l)},A.cleanPosition=function(t,e,r){return(\"paper\"===r||\"pixel\"===r?s.ensureNumber:A.getFromId(e,r).cleanPos)(t)};var C=A.getDataConversions=function(t,e,r,n){var i,a=\"x\"===r||\"y\"===r||\"z\"===r?r:n;if(Array.isArray(a)){if(i={type:T(n),_categories:[]},A.setConvert(i),\"category\"===i.type)for(var o=0;o2e-6||((r-t._forceTick0)/t._minDtick%1+1.000001)%1>2e-6)&&(t._minDtick=0)):t._minDtick=0},A.saveRangeInitial=function(t,e){for(var r=A.list(t,\"\",!0),n=!1,i=0;i.3*h||u(n)||u(a))){var p=r.dtick/2;t+=t+p.8){var o=Number(r.substr(1));a.exactYears>.8&&o%12==0?t=A.tickIncrement(t,\"M6\",\"reverse\")+1.5*m:a.exactMonths>.8?t=A.tickIncrement(t,\"M1\",\"reverse\")+15.5*m:t-=m/2;var l=A.tickIncrement(t,r);if(l<=n)return l}return t}(x,t,y,c,a)),v=x,0;v<=u;)v=A.tickIncrement(v,y,!1,a),0;return{start:e.c2r(x,0,a),end:e.c2r(v,0,a),size:y,_dataSpan:u-c}},A.prepTicks=function(t){var e=s.simpleMap(t.range,t.r2l);if(\"auto\"===t.tickmode||!t.dtick){var r,n=t.nticks;n||(\"category\"===t.type?(r=t.tickfont?1.2*(t.tickfont.size||12):15,n=t._length/r):(r=\"y\"===t._id.charAt(0)?40:80,n=s.constrain(t._length/r,4,9)+1),\"radialaxis\"===t._name&&(n*=2)),\"array\"===t.tickmode&&(n*=100),A.autoTicks(t,Math.abs(e[1]-e[0])/n),t._minDtick>0&&t.dtick<2*t._minDtick&&(t.dtick=t._minDtick,t.tick0=t.l2r(t._forceTick0))}t.tick0||(t.tick0=\"date\"===t.type?\"2000-01-01\":0),\"date\"===t.type&&t.dtick<.1&&(t.dtick=.1),j(t)},A.calcTicks=function(t){A.prepTicks(t);var e=s.simpleMap(t.range,t.r2l);if(\"array\"===t.tickmode)return function(t){var e,r,n=t.tickvals,i=t.ticktext,a=new Array(n.length),o=s.simpleMap(t.range,t.r2l),l=1.0001*o[0]-1e-4*o[1],c=1.0001*o[1]-1e-4*o[0],u=Math.min(l,c),f=Math.max(l,c),h=0;Array.isArray(i)||(i=[]);var p=\"category\"===t.type?t.d2l_noadd:t.d2l;\"log\"===t.type&&\"L\"!==String(t.dtick).charAt(0)&&(t.dtick=\"L\"+Math.pow(10,Math.floor(Math.min(t.range[0],t.range[1]))-1));for(r=0;ru&&e=n:c<=n)&&!(a.length>l||c===o);c=A.tickIncrement(c,t.dtick,i,t.calendar))o=c,a.push(c);$(t)&&360===Math.abs(e[1]-e[0])&&a.pop(),t._tmax=a[a.length-1],t._prevDateHead=\"\",t._inCalcTicks=!0;for(var u=new Array(a.length),f=0;f10||\"01-01\"!==n.substr(5)?t._tickround=\"d\":t._tickround=+e.substr(1)%12==0?\"y\":\"m\";else if(e>=m&&a<=10||e>=15*m)t._tickround=\"d\";else if(e>=x&&a<=16||e>=y)t._tickround=\"M\";else if(e>=b&&a<=19||e>=x)t._tickround=\"S\";else{var o=t.l2r(r+e).replace(/^-/,\"\").length;t._tickround=Math.max(a,o)-20,t._tickround<0&&(t._tickround=4)}}else if(i(e)||\"L\"===e.charAt(0)){var s=t.range.map(t.r2d||Number);i(e)||(e=Number(e.substr(1))),t._tickround=2-Math.floor(Math.log(e)/Math.LN10+.01);var l=Math.max(Math.abs(s[0]),Math.abs(s[1])),c=Math.floor(Math.log(l)/Math.LN10+.01);Math.abs(c)>3&&(q(t.exponentformat)&&!H(c)?t._tickexponent=3*Math.round((c-1)/3):t._tickexponent=c)}else t._tickround=null}function V(t,e,r){var n=t.tickfont||{};return{x:e,dx:0,dy:0,text:r||\"\",fontSize:n.size,font:n.family,fontColor:n.color}}A.autoTicks=function(t,e){var r;function n(t){return Math.pow(t,Math.floor(Math.log(e)/Math.LN10))}if(\"date\"===t.type){t.tick0=s.dateTick0(t.calendar);var a=2*e;a>g?(e/=g,r=n(10),t.dtick=\"M\"+12*N(e,r,O)):a>v?(e/=v,t.dtick=\"M\"+N(e,1,I)):a>m?(t.dtick=N(e,m,D),t.tick0=s.dateTick0(t.calendar,!0)):a>y?t.dtick=N(e,y,I):a>x?t.dtick=N(e,x,P):a>b?t.dtick=N(e,b,P):(r=n(10),t.dtick=N(e,r,O))}else if(\"log\"===t.type){t.tick0=0;var o=s.simpleMap(t.range,t.r2l);if(e>.7)t.dtick=Math.ceil(e);else if(Math.abs(o[1]-o[0])<1){var l=1.5*Math.abs((o[1]-o[0])/e);e=Math.abs(Math.pow(10,o[1])-Math.pow(10,o[0]))/l,r=n(10),t.dtick=\"L\"+N(e,r,O)}else t.dtick=e>.3?\"D2\":\"D1\"}else\"category\"===t.type?(t.tick0=0,t.dtick=Math.ceil(Math.max(e,1))):$(t)?(t.tick0=0,r=1,t.dtick=N(e,r,F)):(t.tick0=0,r=n(10),t.dtick=N(e,r,O));if(0===t.dtick&&(t.dtick=1),!i(t.dtick)&&\"string\"!=typeof t.dtick){var c=t.dtick;throw t.dtick=1,\"ax.dtick error: \"+String(c)}},A.tickIncrement=function(t,e,r,a){var o=r?-1:1;if(i(e))return t+o*e;var l=e.charAt(0),c=o*Number(e.substr(1));if(\"M\"===l)return s.incrementMonth(t,c,a);if(\"L\"===l)return Math.log(Math.pow(10,t)+c)/Math.LN10;if(\"D\"===l){var u=\"D2\"===e?B:R,f=t+.01*o,h=s.roundUp(s.mod(f,1),u,r);return Math.floor(f)+Math.log(n.round(Math.pow(10,h),1))/Math.LN10}throw\"unrecognized dtick \"+String(e)},A.tickFirst=function(t){var e=t.r2l||Number,r=s.simpleMap(t.range,e),a=r[1]\"+l,t._prevDateHead=l));e.text=c}(t,o,r,c):\"log\"===t.type?function(t,e,r,n,a){var o=t.dtick,l=e.x,c=t.tickformat,u=\"string\"==typeof o&&o.charAt(0);\"never\"===a&&(a=\"\");n&&\"L\"!==u&&(o=\"L3\",u=\"L\");if(c||\"L\"===u)e.text=G(Math.pow(10,l),t,a,n);else if(i(o)||\"D\"===u&&s.mod(l+.01,1)<.1){var f=Math.round(l),h=Math.abs(f),p=t.exponentformat;\"power\"===p||q(p)&&H(f)?(e.text=0===f?1:1===f?\"10\":\"10\"+(f>1?\"\":_)+h+\"\",e.fontSize*=1.25):(\"e\"===p||\"E\"===p)&&h>2?e.text=\"1\"+p+(f>0?\"+\":_)+h:(e.text=G(Math.pow(10,l),t,\"\",\"fakehover\"),\"D1\"===o&&\"y\"===t._id.charAt(0)&&(e.dy-=e.fontSize/6))}else{if(\"D\"!==u)throw\"unrecognized dtick \"+String(o);e.text=String(Math.round(Math.pow(10,s.mod(l,1)))),e.fontSize*=.75}if(\"D1\"===t.dtick){var d=String(e.text).charAt(0);\"0\"!==d&&\"1\"!==d||(\"y\"===t._id.charAt(0)?e.dx-=e.fontSize/4:(e.dy+=e.fontSize/2,e.dx+=(t.range[1]>t.range[0]?1:-1)*e.fontSize*(l<0?.5:.25)))}}(t,o,0,c,n):\"category\"===t.type?function(t,e){var r=t._categories[Math.round(e.x)];void 0===r&&(r=\"\");e.text=String(r)}(t,o):$(t)?function(t,e,r,n,i){if(\"radians\"!==t.thetaunit||r)e.text=G(e.x,t,i,n);else{var a=e.x/180;if(0===a)e.text=\"0\";else{var o=function(t){function e(t,e){return Math.abs(t-e)<=1e-6}var r=function(t){var r=1;for(;!e(Math.round(t*r)/r,t);)r*=10;return r}(t),n=t*r,i=Math.abs(function t(r,n){return e(n,0)?r:t(n,r%n)}(n,r));return[Math.round(n/i),Math.round(r/i)]}(a);if(o[1]>=100)e.text=G(s.deg2rad(e.x),t,i,n);else{var l=e.x<0;1===o[1]?1===o[0]?e.text=\"\\u03c0\":e.text=o[0]+\"\\u03c0\":e.text=[\"\",o[0],\"\",\"\\u2044\",\"\",o[1],\"\",\"\\u03c0\"].join(\"\"),l&&(e.text=_+e.text)}}}}(t,o,r,c,n):function(t,e,r,n,i){\"never\"===i?i=\"\":\"all\"===t.showexponent&&Math.abs(e.x/t.dtick)<1e-6&&(i=\"hide\");e.text=G(e.x,t,i,n)}(t,o,0,c,n),t.tickprefix&&!p(t.showtickprefix)&&(o.text=t.tickprefix+o.text),t.ticksuffix&&!p(t.showticksuffix)&&(o.text+=t.ticksuffix),o},A.hoverLabelText=function(t,e,r){if(r!==w&&r!==e)return A.hoverLabelText(t,e)+\" - \"+A.hoverLabelText(t,r);var n=\"log\"===t.type&&e<=0,i=A.tickText(t,t.c2l(n?-e:e),\"hover\").text;return n?0===e?\"0\":_+i:i};var U=[\"f\",\"p\",\"n\",\"\\u03bc\",\"m\",\"\",\"k\",\"M\",\"G\",\"T\"];function q(t){return\"SI\"===t||\"B\"===t}function H(t){return t>14||t<-15}function G(t,e,r,n){var a=t<0,o=e._tickround,l=r||e.exponentformat||\"B\",c=e._tickexponent,u=A.getTickFormat(e),f=e.separatethousands;if(n){var h={exponentformat:l,dtick:\"none\"===e.showexponent?e.dtick:i(t)&&Math.abs(t)||1,range:\"none\"===e.showexponent?e.range.map(e.r2d):[0,t||1]};j(h),o=(Number(h._tickround)||0)+4,c=h._tickexponent,e.hoverformat&&(u=e.hoverformat)}if(u)return e._numFormat(u)(t).replace(/-/g,_);var p,d=Math.pow(10,-o)/2;if(\"none\"===l&&(c=0),(t=Math.abs(t))\"+p+\"\":\"B\"===l&&9===c?t+=\"B\":q(l)&&(t+=U[c/3+5]));return a?_+t:t}function W(t,e){var r=t.l2p(e);return r>1&&r=0,a=u(t,e[1])<=0;return(r||i)&&(n||a)}if(t.tickformatstops&&t.tickformatstops.length>0)switch(t.type){case\"date\":case\"linear\":for(e=0;e=o(i)))){r=n;break}break;case\"log\":for(e=0;e1)for(n=1;n2*o}(t,e)?\"date\":function(t){for(var e=Math.max(1,(t.length-1)/1e3),r=0,n=0,o={},s=0;s2*r}(t)?\"category\":function(t){if(!t)return!1;for(var e=0;en?1:-1:+(t.substr(1)||1)-+(e.substr(1)||1)}},{\"../../registry\":827,\"./constants\":750}],748:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){if(\"category\"===e.type){var i,a=t.categoryarray,o=Array.isArray(a)&&a.length>0;o&&(i=\"array\");var s,l=r(\"categoryorder\",i);\"array\"===l&&(s=r(\"categoryarray\")),o||\"array\"!==l||(l=e.categoryorder=\"trace\"),\"trace\"===l?e._initialCategories=[]:\"array\"===l?e._initialCategories=s.slice():(s=function(t,e){var r,n,i,a=e.dataAttr||t._id.charAt(0),o={};if(e.axData)r=e.axData;else for(r=[],n=0;ns*x)||k)for(r=0;rI&&Rz&&(z=R);p/=(z-L)/(2*O),L=u.l2r(L),z=u.l2r(z),u.range=u._input.range=S=0?Math.min(t,.9):1/(1/Math.max(t,-.3)+3.222))}function P(t,e,r,n,i){return t.append(\"path\").attr(\"class\",\"zoombox\").style({fill:e>.2?\"rgba(0,0,0,0)\":\"rgba(255,255,255,0)\",\"stroke-width\":0}).attr(\"transform\",\"translate(\"+r+\", \"+n+\")\").attr(\"d\",i+\"Z\")}function D(t,e,r){return t.append(\"path\").attr(\"class\",\"zoombox-corners\").style({fill:c.background,stroke:c.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"transform\",\"translate(\"+e+\", \"+r+\")\").attr(\"d\",\"M0,0Z\")}function R(t,e,r,n,i,a){t.attr(\"d\",n+\"M\"+r.l+\",\"+r.t+\"v\"+r.h+\"h\"+r.w+\"v-\"+r.h+\"h-\"+r.w+\"Z\"),B(t,e,i,a)}function B(t,e,r,n){r||(t.transition().style(\"fill\",n>.2?\"rgba(0,0,0,0.4)\":\"rgba(255,255,255,0.3)\").duration(200),e.transition().style(\"opacity\",1).duration(200))}function F(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}function N(t){S&&t.data&&t._context.showTips&&(s.notifier(s._(t,\"Double-click to zoom back out\"),\"long\"),S=!1)}function j(t){return\"lasso\"===t||\"select\"===t}function V(t){var e=Math.floor(Math.min(t.b-t.t,t.r-t.l,T)/2);return\"M\"+(t.l-3.5)+\",\"+(t.t-.5+e)+\"h3v\"+-e+\"h\"+e+\"v-3h-\"+(e+3)+\"ZM\"+(t.r+3.5)+\",\"+(t.t-.5+e)+\"h-3v\"+-e+\"h\"+-e+\"v-3h\"+(e+3)+\"ZM\"+(t.r+3.5)+\",\"+(t.b+.5-e)+\"h-3v\"+e+\"h\"+-e+\"v3h\"+(e+3)+\"ZM\"+(t.l-3.5)+\",\"+(t.b+.5-e)+\"h3v\"+e+\"h\"+e+\"v3h-\"+(e+3)+\"Z\"}function U(t,e){if(a){var r=void 0!==t.onwheel?\"wheel\":\"mousewheel\";t._onwheel&&t.removeEventListener(r,t._onwheel),t._onwheel=e,t.addEventListener(r,e,{passive:!1})}else void 0!==t.onwheel?t.onwheel=e:void 0!==t.onmousewheel&&(t.onmousewheel=e)}function q(t){var e=[];for(var r in t)e.push(t[r]);return e}e.exports={makeDragBox:function(t,e,r,a,c,h,S,E){var B,H,G,W,Y,X,Z,$,J,K,Q,tt,et,rt,nt,it,at,ot,st,lt,ct,ut=t._fullLayout._zoomlayer,ft=S+E===\"nsew\",ht=1===(S+E).length;function pt(){if(B=e.xaxis,H=e.yaxis,J=B._length,K=H._length,Z=B._offset,$=H._offset,(G={})[B._id]=B,(W={})[H._id]=H,S&&E)for(var r=e.overlays,n=0;n-1&&w(i,t,Y,X,e.id,Tt),a.indexOf(\"event\")>-1&&f.click(t,i,e.id);else if(1===r&&ht){var s=S?H:B,c=\"s\"===S||\"w\"===E?0:1,u=s._name+\".range[\"+c+\"]\",h=function(t,e){var r,i=t.range[e],a=Math.abs(i-t.range[1-e]);return\"date\"===t.type?i:\"log\"===t.type?(r=Math.ceil(Math.max(0,-Math.log(a)/Math.LN10))+3,n.format(\".\"+r+\"g\")(Math.pow(10,i))):(r=Math.floor(Math.log(Math.abs(i))/Math.LN10)-Math.floor(Math.log(a)/Math.LN10)+4,n.format(\".\"+String(r)+\"g\")(i))}(s,c),p=\"left\",d=\"middle\";if(s.fixedrange)return;S?(d=\"n\"===S?\"top\":\"bottom\",\"right\"===s.side&&(p=\"right\")):\"e\"===E&&(p=\"right\"),t._context.showAxisRangeEntryBoxes&&n.select(gt).call(l.makeEditable,{gd:t,immediate:!0,background:t._fullLayout.paper_bgcolor,text:String(h),fill:s.tickfont?s.tickfont.color:\"#444\",horizontalAlign:p,verticalAlign:d}).on(\"edit\",function(e){var r=s.d2r(e);void 0!==r&&o.call(\"relayout\",t,u,r)})}}function Ct(e,r){if(t._transitioningWithDuration)return!1;var n=Math.max(0,Math.min(J,e+vt)),i=Math.max(0,Math.min(K,r+mt)),a=Math.abs(n-vt),o=Math.abs(i-mt);function s(){wt=\"\",yt.r=yt.l,yt.t=yt.b,Mt.attr(\"d\",\"M0,0Z\")}yt.l=Math.min(vt,n),yt.r=Math.max(vt,n),yt.t=Math.min(mt,i),yt.b=Math.max(mt,i),nt?a>T||o>T?(wt=\"xy\",a/J>o/K?(o=a*K/J,mt>i?yt.t=mt-o:yt.b=mt+o):(a=o*J/K,vt>n?yt.l=vt-a:yt.r=vt+a),Mt.attr(\"d\",V(yt))):s():!et||o10||r.scrollWidth-r.clientWidth>10)){clearTimeout(Pt);var n=-e.deltaY;if(isFinite(n)||(n=e.wheelDelta/10),isFinite(n)){var i,a=Math.exp(-Math.min(Math.max(n,-20),20)/200),o=Rt.draglayer.select(\".nsewdrag\").node().getBoundingClientRect(),l=(e.clientX-o.left)/o.width,c=(o.bottom-e.clientY)/o.height;if(it){for(E||(l=.5),i=0;ig[1]-.01&&(e.domain=s),i.noneOrAll(t.domain,e.domain,s)}return r(\"layer\"),e}},{\"../../lib\":696,\"fast-isnumeric\":214}],761:[function(t,e,r){\"use strict\";var n=t(\"../../constants/alignment\").FROM_BL;e.exports=function(t,e,r){void 0===r&&(r=n[t.constraintoward||\"center\"]);var i=[t.r2l(t.range[0]),t.r2l(t.range[1])],a=i[0]+(i[1]-i[0])*r;t.range=t._input.range=[t.l2r(a+(i[0]-a)*e),t.l2r(a+(i[1]-a)*e)]}},{\"../../constants/alignment\":668}],762:[function(t,e,r){\"use strict\";var n=t(\"polybooljs\"),i=t(\"../../registry\"),a=t(\"../../components/color\"),o=t(\"../../components/fx\"),s=t(\"../../lib/polygon\"),l=t(\"../../lib/throttle\"),c=t(\"../../components/fx/helpers\").makeEventData,u=t(\"./axis_ids\").getFromId,f=t(\"../../lib/clear_gl_canvases\"),h=t(\"../../plot_api/subroutines\").redrawReglTraces,p=t(\"./constants\"),d=p.MINSELECT,g=s.filter,v=s.tester;function m(t){return t._id}function y(t,e,r,n,i,a,o){var s,l,c,u,f,h,p,d,g,v=e._hoverdata,m=e._fullLayout.clickmode.indexOf(\"event\")>-1,y=[];if(function(t){return t&&Array.isArray(t)&&!0!==t[0].hoverOnBox}(v)){w(t,e,a);var x=function(t,e){var r,n,i=t[0],a=-1,o=[];for(n=0;n0?function(t,e){var r,n,i,a=[];for(i=0;i0&&a.push(r);if(1===a.length&&a[0]===e.searchInfo&&(n=e.searchInfo.cd[0].trace).selectedpoints.length===e.pointNumbers.length){for(i=0;i1)return!1;if((i+=r.selectedpoints.length)>1)return!1}return 1===i}(s)&&(h=T(x))){for(o&&o.remove(),g=0;g0?\"M\"+i.join(\"M\")+\"Z\":\"M0,0Z\",e.attr(\"d\",n)}function T(t){var e=t.searchInfo.cd[0].trace,r=t.pointNumber,n=t.pointNumbers,i=n.length>0?n[0]:r;return!!e.selectedpoints&&e.selectedpoints.indexOf(i)>-1}function S(t,e,r){var n,a,o,s;if(r){var l=r.points||[];for(n=0;n-1&&y(e,T,i.xaxes,i.yaxes,i.subplot,i,H),\"event\"===r&&T.emit(\"plotly_selected\",void 0);o.click(T,e)})},i.doneFn=function(){W.remove(),l.done(Y).then(function(){l.clear(Y),i.gd.emit(\"plotly_selected\",b),h&&i.selectionDefs&&(h.subtract=q,i.selectionDefs.push(h),i.mergedPolygons.length=0,[].push.apply(i.mergedPolygons,f))})}},clearSelect:C,selectOnClick:y}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../components/fx/helpers\":609,\"../../lib/clear_gl_canvases\":680,\"../../lib/polygon\":708,\"../../lib/throttle\":721,\"../../plot_api/subroutines\":735,\"../../registry\":827,\"./axis_ids\":747,\"./constants\":750,polybooljs:456}],763:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"fast-isnumeric\"),a=t(\"../../lib\"),o=a.cleanNumber,s=a.ms2DateTime,l=a.dateTime2ms,c=a.ensureNumber,u=t(\"../../constants/numerical\"),f=u.FP_SAFE,h=u.BADNUM,p=u.LOG_CLIP,d=t(\"./constants\"),g=t(\"./axis_ids\");function v(t){return Math.pow(10,t)}e.exports=function(t,e){e=e||{};var r=(t._id||\"x\").charAt(0);function u(e,r){if(e>0)return Math.log(e)/Math.LN10;if(e<=0&&r&&t.range&&2===t.range.length){var n=t.range[0],i=t.range[1];return.5*(n+i-2*p*Math.abs(n-i))}return h}function m(e,r,n){var o=l(e,n||t.calendar);if(o===h){if(!i(e))return h;e=+e;var s=Math.floor(10*a.mod(e+.05,1)),c=Math.round(e-s/10);o=l(new Date(c))+s/10}return o}function y(e,r,n){return s(e,r,n||t.calendar)}function x(e){return t._categories[Math.round(e)]}function b(e){if(t._categoriesMap){var r=t._categoriesMap[e];if(void 0!==r)return r}if(i(e))return+e}function _(e){return i(e)?n.round(t._b+t._m*e,2):h}function w(e){return(e-t._b)/t._m}t.c2l=\"log\"===t.type?u:c,t.l2c=\"log\"===t.type?v:c,t.l2p=_,t.p2l=w,t.c2p=\"log\"===t.type?function(t,e){return _(u(t,e))}:_,t.p2c=\"log\"===t.type?function(t){return v(w(t))}:w,-1!==[\"linear\",\"-\"].indexOf(t.type)?(t.d2r=t.r2d=t.d2c=t.r2c=t.d2l=t.r2l=o,t.c2d=t.c2r=t.l2d=t.l2r=c,t.d2p=t.r2p=function(e){return t.l2p(o(e))},t.p2d=t.p2r=w,t.cleanPos=c):\"log\"===t.type?(t.d2r=t.d2l=function(t,e){return u(o(t),e)},t.r2d=t.r2c=function(t){return v(o(t))},t.d2c=t.r2l=o,t.c2d=t.l2r=c,t.c2r=u,t.l2d=v,t.d2p=function(e,r){return t.l2p(t.d2r(e,r))},t.p2d=function(t){return v(w(t))},t.r2p=function(e){return t.l2p(o(e))},t.p2r=w,t.cleanPos=c):\"date\"===t.type?(t.d2r=t.r2d=a.identity,t.d2c=t.r2c=t.d2l=t.r2l=m,t.c2d=t.c2r=t.l2d=t.l2r=y,t.d2p=t.r2p=function(e,r,n){return t.l2p(m(e,0,n))},t.p2d=t.p2r=function(t,e,r){return y(w(t),e,r)},t.cleanPos=function(e){return a.cleanDate(e,h,t.calendar)}):\"category\"===t.type&&(t.d2c=t.d2l=function(e){if(null!=e){if(void 0===t._categoriesMap&&(t._categoriesMap={}),void 0!==t._categoriesMap[e])return t._categoriesMap[e];t._categories.push(e);var r=t._categories.length-1;return t._categoriesMap[e]=r,r}return h},t.r2d=t.c2d=t.l2d=x,t.d2r=t.d2l_noadd=b,t.r2c=function(e){var r=b(e);return void 0!==r?r:t.fraction2r(.5)},t.l2r=t.c2r=c,t.r2l=b,t.d2p=function(e){return t.l2p(t.r2c(e))},t.p2d=function(t){return x(w(t))},t.r2p=t.d2p,t.p2r=w,t.cleanPos=function(t){return\"string\"==typeof t&&\"\"!==t?t:c(t)}),t.fraction2r=function(e){var r=t.r2l(t.range[0]),n=t.r2l(t.range[1]);return t.l2r(r+e*(n-r))},t.r2fraction=function(e){var r=t.r2l(t.range[0]),n=t.r2l(t.range[1]);return(t.r2l(e)-r)/(n-r)},t.cleanRange=function(e,n){n||(n={}),e||(e=\"range\");var o,s,l=a.nestedProperty(t,e).get();if(s=(s=\"date\"===t.type?a.dfltRange(t.calendar):\"y\"===r?d.DFLTRANGEY:n.dfltRange||d.DFLTRANGEX).slice(),l&&2===l.length)for(\"date\"===t.type&&(l[0]=a.cleanDate(l[0],h,t.calendar),l[1]=a.cleanDate(l[1],h,t.calendar)),o=0;o<2;o++)if(\"date\"===t.type){if(!a.isDateTime(l[o],t.calendar)){t[e]=s;break}if(t.r2l(l[0])===t.r2l(l[1])){var c=a.constrain(t.r2l(l[0]),a.MIN_MS+1e3,a.MAX_MS-1e3);l[0]=t.l2r(c-1e3),l[1]=t.l2r(c+1e3);break}}else{if(!i(l[o])){if(!i(l[1-o])){t[e]=s;break}l[o]=l[1-o]*(o?10:.1)}if(l[o]<-f?l[o]=-f:l[o]>f&&(l[o]=f),l[0]===l[1]){var u=Math.max(1,Math.abs(1e-6*l[0]));l[0]-=u,l[1]+=u}}else a.nestedProperty(t,e).set(s)},t.setScale=function(n){var i=e._size;if(t._categories||(t._categories=[]),t._categoriesMap||(t._categoriesMap={}),t.overlaying){var a=g.getFromId({_fullLayout:e},t.overlaying);t.domain=a.domain}var o=n&&t._r?\"_r\":\"range\",s=t.calendar;t.cleanRange(o);var l=t.r2l(t[o][0],s),c=t.r2l(t[o][1],s);if(\"y\"===r?(t._offset=i.t+(1-t.domain[1])*i.h,t._length=i.h*(t.domain[1]-t.domain[0]),t._m=t._length/(l-c),t._b=-t._m*c):(t._offset=i.l+t.domain[0]*i.w,t._length=i.w*(t.domain[1]-t.domain[0]),t._m=t._length/(c-l),t._b=-t._m*l),!isFinite(t._m)||!isFinite(t._b))throw e._replotting=!1,new Error(\"Something went wrong with axis scaling\")},t.makeCalcdata=function(e,r){var n,i,o,s,l=t.type,c=\"date\"===l&&e[r+\"calendar\"];if(r in e){if(n=e[r],s=e._length||n.length,a.isTypedArray(n)&&(\"linear\"===l||\"log\"===l)){if(s===n.length)return n;if(n.subarray)return n.subarray(0,s)}for(i=new Array(s),o=0;o rect\").call(a.setTranslate,0,0).call(a.setScale,1,1),t.plot.call(a.setTranslate,e._offset,r._offset).call(a.setScale,1,1);var n=t.plot.selectAll(\".scatterlayer .trace\");n.selectAll(\".point\").call(a.setPointGroupScale,1,1),n.selectAll(\".textpoint\").call(a.setTextPointsScale,1,1),n.call(a.hideOutsideRangePoints,t)}function x(e,r){var n,s,l,u=g[e.xaxis._id],f=g[e.yaxis._id],h=[];if(u){s=(n=t._fullLayout[u.axisName])._r,l=u.to,h[0]=(s[0]*(1-r)+r*l[0]-s[0])/(s[1]-s[0])*e.xaxis._length;var p=s[1]-s[0],d=l[1]-l[0];n.range[0]=s[0]*(1-r)+r*l[0],n.range[1]=s[1]*(1-r)+r*l[1],h[2]=e.xaxis._length*(1-r+r*d/p)}else h[0]=0,h[2]=e.xaxis._length;if(f){s=(n=t._fullLayout[f.axisName])._r,l=f.to,h[1]=(s[1]*(1-r)+r*l[1]-s[1])/(s[0]-s[1])*e.yaxis._length;var v=s[1]-s[0],m=l[1]-l[0];n.range[0]=s[0]*(1-r)+r*l[0],n.range[1]=s[1]*(1-r)+r*l[1],h[3]=e.yaxis._length*(1-r+r*m/v)}else h[1]=0,h[3]=e.yaxis._length;!function(e,r){var n,a=[];for(a=[e._id,r._id],n=0;nr.duration?(function(){for(var e={},r=0;r0&&(i[\"_\"+r+\"axes\"]||{})[e])return i;if((i[r+\"axis\"]||r)===e){if(o(i,r))return i;if((i[r]||[]).length||i[r+\"0\"])return i}}}(e,r,s);if(!l)return;if(\"histogram\"===l.type&&s==={v:\"y\",h:\"x\"}[l.orientation||\"v\"])return void(t.type=\"linear\");var c,u=s+\"calendar\",f=l[u];if(o(l,s)){var h=a(l),p=[];for(c=0;c0?\".\":\"\")+a;i.isPlainObject(o)?l(o,e,s,n+1):e(s,a,o)}})}r.manageCommandObserver=function(t,e,n,o){var s={},l=!0;e&&e._commandObserver&&(s=e._commandObserver),s.cache||(s.cache={}),s.lookupTable={};var c=r.hasSimpleAPICommandBindings(t,n,s.lookupTable);if(e&&e._commandObserver){if(c)return s;if(e._commandObserver.remove)return e._commandObserver.remove(),e._commandObserver=null,s}if(c){a(t,c,s.cache),s.check=function(){if(l){var e=a(t,c,s.cache);return e.changed&&o&&void 0!==s.lookupTable[e.value]&&(s.disable(),Promise.resolve(o({value:e.value,type:c.type,prop:c.prop,traces:c.traces,index:s.lookupTable[e.value]})).then(s.enable,s.enable)),e.changed}};for(var u=[\"plotly_relayout\",\"plotly_redraw\",\"plotly_restyle\",\"plotly_update\",\"plotly_animatingframe\",\"plotly_afterplot\"],f=0;fi*Math.PI/180}return!1},r.getPath=function(){return n.geo.path().projection(r)},r.getBounds=function(t){return r.getPath().bounds(t)},r.fitExtent=function(t,e){var n=t[1][0]-t[0][0],i=t[1][1]-t[0][1],a=r.clipExtent&&r.clipExtent();r.scale(150).translate([0,0]),a&&r.clipExtent(null);var o=r.getBounds(e),s=Math.min(n/(o[1][0]-o[0][0]),i/(o[1][1]-o[0][1])),l=+t[0][0]+(n-s*(o[1][0]+o[0][0]))/2,c=+t[0][1]+(i-s*(o[1][1]+o[0][1]))/2;return a&&r.clipExtent(a),r.scale(150*s).translate([l,c])},r.precision(g.precision),i&&r.clipAngle(i-g.clipPad);return r}(e);u.center([c.lon-l.lon,c.lat-l.lat]).rotate([-l.lon,-l.lat,l.roll]).parallels(s.parallels);var f=[[r.l+r.w*o.x[0],r.t+r.h*(1-o.y[1])],[r.l+r.w*o.x[1],r.t+r.h*(1-o.y[0])]],h=e.lonaxis,p=e.lataxis,d=function(t,e){var r=g.clipPad,n=t[0]+r,i=t[1]-r,a=e[0]+r,o=e[1]-r;n>0&&i<0&&(i+=360);var s=(i-n)/4;return{type:\"Polygon\",coordinates:[[[n,a],[n,o],[n+s,o],[n+2*s,o],[n+3*s,o],[i,o],[i,a],[i-s,a],[i-2*s,a],[i-3*s,a],[n,a]]]}}(h.range,p.range);u.fitExtent(f,d);var v=this.bounds=u.getBounds(d),m=this.fitScale=u.scale(),y=u.translate();if(!isFinite(v[0][0])||!isFinite(v[0][1])||!isFinite(v[1][0])||!isFinite(v[1][1])||isNaN(y[0])||isNaN(y[0])){for(var x=this.graphDiv,b=[\"projection.rotation\",\"center\",\"lonaxis.range\",\"lataxis.range\"],_=\"Invalid geo settings, relayout'ing to default view.\",w={},k=0;k-1&&p(n.event,a,[r.xaxis],[r.yaxis],r.id,g),c.indexOf(\"event\")>-1&&l.click(a,n.event))})}function v(t){return r.projection.invert([t[0]+r.xaxis._offset,t[1]+r.yaxis._offset])}},x.makeFramework=function(){var t=this,e=t.graphDiv._fullLayout,r=\"clip\"+e._uid+t.id;t.clipDef=e._clips.append(\"clipPath\").attr(\"id\",r),t.clipRect=t.clipDef.append(\"rect\"),t.framework=n.select(t.container).append(\"g\").attr(\"class\",\"geo \"+t.id).call(s.setClipUrl,r),t.project=function(e){var r=t.projection(e);return r?[r[0]-t.xaxis._offset,r[1]-t.yaxis._offset]:[null,null]},t.xaxis={_id:\"x\",c2p:function(e){return t.project(e)[0]}},t.yaxis={_id:\"y\",c2p:function(e){return t.project(e)[1]}},t.mockAxis={type:\"linear\",showexponent:\"all\",exponentformat:\"B\"},u.setConvert(t.mockAxis,e)},x.saveViewInitial=function(t){var e=t.center||{},r=t.projection,n=r.rotation||{};t._isScoped?this.viewInitial={\"center.lon\":e.lon,\"center.lat\":e.lat,\"projection.scale\":r.scale}:t._isClipped?this.viewInitial={\"projection.scale\":r.scale,\"projection.rotation.lon\":n.lon,\"projection.rotation.lat\":n.lat}:this.viewInitial={\"center.lon\":e.lon,\"center.lat\":e.lat,\"projection.scale\":r.scale,\"projection.rotation.lon\":n.lon}},x.render=function(){var t,e=this.projection,r=e.getPath();function n(t){var r=e(t.lonlat);return r?\"translate(\"+r[0]+\",\"+r[1]+\")\":null}function i(t){return e.isLonLatOverEdges(t.lonlat)?\"none\":null}for(t in this.basePaths)this.basePaths[t].attr(\"d\",r);for(t in this.dataPaths)this.dataPaths[t].attr(\"d\",function(t){return r(t.geojson)});for(t in this.dataPoints)this.dataPoints[t].attr(\"display\",i).attr(\"transform\",n)}},{\"../../components/color\":570,\"../../components/dragelement\":592,\"../../components/drawing\":595,\"../../components/fx\":612,\"../../lib\":696,\"../../lib/topojson_utils\":723,\"../../registry\":827,\"../cartesian/axes\":744,\"../cartesian/select\":762,\"../plots\":808,\"./constants\":773,\"./projections\":779,\"./zoom\":780,d3:148,\"topojson-client\":517}],775:[function(t,e,r){\"use strict\";var n=t(\"./geo\"),i=t(\"../../plots/get_data\").getSubplotCalcData,a=t(\"../../lib\").counterRegex,o=\"geo\";r.name=o,r.attr=o,r.idRoot=o,r.idRegex=r.attrRegex=a(o),r.attributes=t(\"./layout/attributes\"),r.layoutAttributes=t(\"./layout/layout_attributes\"),r.supplyLayoutDefaults=t(\"./layout/defaults\"),r.plot=function(t){var e=t._fullLayout,r=t.calcdata,a=e._subplots.geo;void 0===window.PlotlyGeoAssets&&(window.PlotlyGeoAssets={topojson:{}});for(var s=0;s0&&k<0&&(k+=360);var M,A,T,S=(w+k)/2;if(!c){var E=u?s.projRotate:[S,0,0];M=r(\"projection.rotation.lon\",E[0]),r(\"projection.rotation.lat\",E[1]),r(\"projection.rotation.roll\",E[2]),r(\"showcoastlines\",!u)&&(r(\"coastlinecolor\"),r(\"coastlinewidth\")),r(\"showocean\")&&r(\"oceancolor\")}(c?(A=-96.6,T=38.7):(A=u?S:M,T=(_[0]+_[1])/2),r(\"center.lon\",A),r(\"center.lat\",T),f)&&r(\"projection.parallels\",s.projParallels||[0,60]);r(\"projection.scale\"),r(\"showland\")&&r(\"landcolor\"),r(\"showlakes\")&&r(\"lakecolor\"),r(\"showrivers\")&&(r(\"rivercolor\"),r(\"riverwidth\")),r(\"showcountries\",u&&\"usa\"!==a)&&(r(\"countrycolor\"),r(\"countrywidth\")),(\"usa\"===a||\"north america\"===a&&50===n)&&(r(\"showsubunits\",!0),r(\"subunitcolor\"),r(\"subunitwidth\")),u||r(\"showframe\",!0)&&(r(\"framecolor\"),r(\"framewidth\")),r(\"bgcolor\")}e.exports=function(t,e,r){n(t,e,r,{type:\"geo\",attributes:a,handleDefaults:s,partition:\"y\"})}},{\"../../subplot_defaults\":822,\"../constants\":773,\"./layout_attributes\":778}],778:[function(t,e,r){\"use strict\";var n=t(\"../../../components/color/attributes\"),i=t(\"../../domain\").attributes,a=t(\"../constants\"),o=t(\"../../../plot_api/edit_types\").overrideAll,s={range:{valType:\"info_array\",items:[{valType:\"number\"},{valType:\"number\"}]},showgrid:{valType:\"boolean\",dflt:!1},tick0:{valType:\"number\"},dtick:{valType:\"number\"},gridcolor:{valType:\"color\",dflt:n.lightLine},gridwidth:{valType:\"number\",min:0,dflt:1}};e.exports=o({domain:i({name:\"geo\"},{}),resolution:{valType:\"enumerated\",values:[110,50],dflt:110,coerceNumber:!0},scope:{valType:\"enumerated\",values:Object.keys(a.scopeDefaults),dflt:\"world\"},projection:{type:{valType:\"enumerated\",values:Object.keys(a.projNames)},rotation:{lon:{valType:\"number\"},lat:{valType:\"number\"},roll:{valType:\"number\"}},parallels:{valType:\"info_array\",items:[{valType:\"number\"},{valType:\"number\"}]},scale:{valType:\"number\",min:0,dflt:1}},center:{lon:{valType:\"number\"},lat:{valType:\"number\"}},showcoastlines:{valType:\"boolean\"},coastlinecolor:{valType:\"color\",dflt:n.defaultLine},coastlinewidth:{valType:\"number\",min:0,dflt:1},showland:{valType:\"boolean\",dflt:!1},landcolor:{valType:\"color\",dflt:a.landColor},showocean:{valType:\"boolean\",dflt:!1},oceancolor:{valType:\"color\",dflt:a.waterColor},showlakes:{valType:\"boolean\",dflt:!1},lakecolor:{valType:\"color\",dflt:a.waterColor},showrivers:{valType:\"boolean\",dflt:!1},rivercolor:{valType:\"color\",dflt:a.waterColor},riverwidth:{valType:\"number\",min:0,dflt:1},showcountries:{valType:\"boolean\"},countrycolor:{valType:\"color\",dflt:n.defaultLine},countrywidth:{valType:\"number\",min:0,dflt:1},showsubunits:{valType:\"boolean\"},subunitcolor:{valType:\"color\",dflt:n.defaultLine},subunitwidth:{valType:\"number\",min:0,dflt:1},showframe:{valType:\"boolean\"},framecolor:{valType:\"color\",dflt:n.defaultLine},framewidth:{valType:\"number\",min:0,dflt:1},bgcolor:{valType:\"color\",dflt:n.background},lonaxis:s,lataxis:s},\"plot\",\"from-root\")},{\"../../../components/color/attributes\":569,\"../../../plot_api/edit_types\":727,\"../../domain\":770,\"../constants\":773}],779:[function(t,e,r){\"use strict\";e.exports=function(t){function e(t,e){return{type:\"Feature\",id:t.id,properties:t.properties,geometry:r(t.geometry,e)}}function r(e,n){if(!e)return null;if(\"GeometryCollection\"===e.type)return{type:\"GeometryCollection\",geometries:object.geometries.map(function(t){return r(t,n)})};if(!c.hasOwnProperty(e.type))return null;var i=c[e.type];return t.geo.stream(e,n(i)),i.result()}t.geo.project=function(t,e){var i=e.stream;if(!i)throw new Error(\"not yet supported\");return(t&&n.hasOwnProperty(t.type)?n[t.type]:r)(t,i)};var n={Feature:e,FeatureCollection:function(t,r){return{type:\"FeatureCollection\",features:t.features.map(function(t){return e(t,r)})}}},i=[],a=[],o={point:function(t,e){i.push([t,e])},result:function(){var t=i.length?i.length<2?{type:\"Point\",coordinates:i[0]}:{type:\"MultiPoint\",coordinates:i}:null;return i=[],t}},s={lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){i.length&&(a.push(i),i=[])},result:function(){var t=a.length?a.length<2?{type:\"LineString\",coordinates:a[0]}:{type:\"MultiLineString\",coordinates:a}:null;return a=[],t}},l={polygonStart:u,lineStart:u,point:function(t,e){i.push([t,e])},lineEnd:function(){var t=i.length;if(t){do{i.push(i[0].slice())}while(++t<4);a.push(i),i=[]}},polygonEnd:u,result:function(){if(!a.length)return null;var t=[],e=[];return a.forEach(function(r){!function(t){if((e=t.length)<4)return!1;for(var e,r=0,n=t[e-1][1]*t[0][0]-t[e-1][0]*t[0][1];++rn^p>n&&r<(h-c)*(n-u)/(p-u)+c&&(i=!i)}return i}(t[0],r))return t.push(e),!0})||t.push([e])}),a=[],t.length?t.length>1?{type:\"MultiPolygon\",coordinates:t}:{type:\"Polygon\",coordinates:t[0]}:null}},c={Point:o,MultiPoint:o,LineString:s,MultiLineString:s,Polygon:l,MultiPolygon:l,Sphere:l};function u(){}var f=1e-6,h=f*f,p=Math.PI,d=p/2,g=(Math.sqrt(p),p/180),v=180/p;function m(t){return t>1?d:t<-1?-d:Math.asin(t)}function y(t){return t>1?0:t<-1?p:Math.acos(t)}var x=t.geo.projection,b=t.geo.projectionMutator;function _(t,e){var r=(2+d)*Math.sin(e);e/=2;for(var n=0,i=1/0;n<10&&Math.abs(i)>f;n++){var a=Math.cos(e);e-=i=(e+Math.sin(e)*(a+2)-r)/(2*a*(1+a))}return[2/Math.sqrt(p*(4+p))*t*(1+Math.cos(e)),2*Math.sqrt(p/(4+p))*Math.sin(e)]}t.geo.interrupt=function(e){var r,n=[[[[-p,0],[0,d],[p,0]]],[[[-p,0],[0,-d],[p,0]]]];function i(t,r){for(var i=r<0?-1:1,a=n[+(r<0)],o=0,s=a.length-1;oa[o][2][0];++o);var l=e(t-a[o][1][0],r);return l[0]+=e(a[o][1][0],i*r>i*a[o][0][1]?a[o][0][1]:r)[0],l}e.invert&&(i.invert=function(t,a){for(var o=r[+(a<0)],s=n[+(a<0)],c=0,u=o.length;c=0;--i){var o=n[1][i],l=180*o[0][0]/p,c=180*o[0][1]/p,u=180*o[1][1]/p,f=180*o[2][0]/p,h=180*o[2][1]/p;r.push(s([[f-e,h-e],[f-e,u+e],[l+e,u+e],[l+e,c-e]],30))}return{type:\"Polygon\",coordinates:[t.merge(r)]}}(),l)},i},a.lobes=function(t){return arguments.length?(n=t.map(function(t){return t.map(function(t){return[[t[0][0]*p/180,t[0][1]*p/180],[t[1][0]*p/180,t[1][1]*p/180],[t[2][0]*p/180,t[2][1]*p/180]]})}),r=n.map(function(t){return t.map(function(t){var r,n=e(t[0][0],t[0][1])[0],i=e(t[2][0],t[2][1])[0],a=e(t[1][0],t[0][1])[1],o=e(t[1][0],t[1][1])[1];return a>o&&(r=a,a=o,o=r),[[n,a],[i,o]]})}),a):n.map(function(t){return t.map(function(t){return[[180*t[0][0]/p,180*t[0][1]/p],[180*t[1][0]/p,180*t[1][1]/p],[180*t[2][0]/p,180*t[2][1]/p]]})})},a},_.invert=function(t,e){var r=.5*e*Math.sqrt((4+p)/p),n=m(r),i=Math.cos(n);return[t/(2/Math.sqrt(p*(4+p))*(1+i)),m((n+r*(i+2))/(2+d))]},(t.geo.eckert4=function(){return x(_)}).raw=_;var w=t.geo.azimuthalEqualArea.raw;function k(t,e){if(arguments.length<2&&(e=t),1===e)return w;if(e===1/0)return M;function r(r,n){var i=w(r/e,n);return i[0]*=t,i}return r.invert=function(r,n){var i=w.invert(r/t,n);return i[0]*=e,i},r}function M(t,e){return[t*Math.cos(e)/Math.cos(e/=2),2*Math.sin(e)]}function A(t,e){return[3*t/(2*p)*Math.sqrt(p*p/3-e*e),e]}function T(t,e){return[t,1.25*Math.log(Math.tan(p/4+.4*e))]}function S(t){return function(e){var r,n=t*Math.sin(e),i=30;do{e-=r=(e+Math.sin(e)-n)/(1+Math.cos(e))}while(Math.abs(r)>f&&--i>0);return e/2}}M.invert=function(t,e){var r=2*m(e/2);return[t*Math.cos(r/2)/Math.cos(r),r]},(t.geo.hammer=function(){var t=2,e=b(k),r=e(t);return r.coefficient=function(r){return arguments.length?e(t=+r):t},r}).raw=k,A.invert=function(t,e){return[2/3*p*t/Math.sqrt(p*p/3-e*e),e]},(t.geo.kavrayskiy7=function(){return x(A)}).raw=A,T.invert=function(t,e){return[t,2.5*Math.atan(Math.exp(.8*e))-.625*p]},(t.geo.miller=function(){return x(T)}).raw=T,S(p);var E=function(t,e,r){var n=S(r);function i(r,i){return[t*r*Math.cos(i=n(i)),e*Math.sin(i)]}return i.invert=function(n,i){var a=m(i/e);return[n/(t*Math.cos(a)),m((2*a+Math.sin(2*a))/r)]},i}(Math.SQRT2/d,Math.SQRT2,p);function C(t,e){var r=e*e,n=r*r;return[t*(.8707-.131979*r+n*(n*(.003971*r-.001529*n)-.013791)),e*(1.007226+r*(.015085+n*(.028874*r-.044475-.005916*n)))]}(t.geo.mollweide=function(){return x(E)}).raw=E,C.invert=function(t,e){var r,n=e,i=25;do{var a=n*n,o=a*a;n-=r=(n*(1.007226+a*(.015085+o*(.028874*a-.044475-.005916*o)))-e)/(1.007226+a*(.045255+o*(.259866*a-.311325-.005916*11*o)))}while(Math.abs(r)>f&&--i>0);return[t/(.8707+(a=n*n)*(a*(a*a*a*(.003971-.001529*a)-.013791)-.131979)),n]},(t.geo.naturalEarth=function(){return x(C)}).raw=C;var L=[[.9986,-.062],[1,0],[.9986,.062],[.9954,.124],[.99,.186],[.9822,.248],[.973,.31],[.96,.372],[.9427,.434],[.9216,.4958],[.8962,.5571],[.8679,.6176],[.835,.6769],[.7986,.7346],[.7597,.7903],[.7186,.8435],[.6732,.8936],[.6213,.9394],[.5722,.9761],[.5322,1]];function z(t,e){var r,n=Math.min(18,36*Math.abs(e)/p),i=Math.floor(n),a=n-i,o=(r=L[i])[0],s=r[1],l=(r=L[++i])[0],c=r[1],u=(r=L[Math.min(19,++i)])[0],f=r[1];return[t*(l+a*(u-o)/2+a*a*(u-2*l+o)/2),(e>0?d:-d)*(c+a*(f-s)/2+a*a*(f-2*c+s)/2)]}function O(t,e){return[t*Math.cos(e),e]}function I(t,e){var r,n=Math.cos(e),i=(r=y(n*Math.cos(t/=2)))?r/Math.sin(r):1;return[2*n*Math.sin(t)*i,Math.sin(e)*i]}function P(t,e){var r=I(t,e);return[(r[0]+t/d)/2,(r[1]+e)/2]}L.forEach(function(t){t[1]*=1.0144}),z.invert=function(t,e){var r=e/d,n=90*r,i=Math.min(18,Math.abs(n/5)),a=Math.max(0,Math.floor(i));do{var o=L[a][1],s=L[a+1][1],l=L[Math.min(19,a+2)][1],c=l-o,u=l-2*s+o,f=2*(Math.abs(r)-s)/c,p=u/c,m=f*(1-p*f*(1-2*p*f));if(m>=0||1===a){n=(e>=0?5:-5)*(m+i);var y,x=50;do{m=(i=Math.min(18,Math.abs(n)/5))-(a=Math.floor(i)),o=L[a][1],s=L[a+1][1],l=L[Math.min(19,a+2)][1],n-=(y=(e>=0?d:-d)*(s+m*(l-o)/2+m*m*(l-2*s+o)/2)-e)*v}while(Math.abs(y)>h&&--x>0);break}}while(--a>=0);var b=L[a][0],_=L[a+1][0],w=L[Math.min(19,a+2)][0];return[t/(_+m*(w-b)/2+m*m*(w-2*_+b)/2),n*g]},(t.geo.robinson=function(){return x(z)}).raw=z,O.invert=function(t,e){return[t/Math.cos(e),e]},(t.geo.sinusoidal=function(){return x(O)}).raw=O,I.invert=function(t,e){if(!(t*t+4*e*e>p*p+f)){var r=t,n=e,i=25;do{var a,o=Math.sin(r),s=Math.sin(r/2),l=Math.cos(r/2),c=Math.sin(n),u=Math.cos(n),h=Math.sin(2*n),d=c*c,g=u*u,v=s*s,m=1-g*l*l,x=m?y(u*l)*Math.sqrt(a=1/m):a=0,b=2*x*u*s-t,_=x*c-e,w=a*(g*v+x*u*l*d),k=a*(.5*o*h-2*x*c*s),M=.25*a*(h*s-x*c*g*o),A=a*(d*l+x*v*u),T=k*M-A*w;if(!T)break;var S=(_*k-b*A)/T,E=(b*M-_*w)/T;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]}},(t.geo.aitoff=function(){return x(I)}).raw=I,P.invert=function(t,e){var r=t,n=e,i=25;do{var a,o=Math.cos(n),s=Math.sin(n),l=Math.sin(2*n),c=s*s,u=o*o,h=Math.sin(r),p=Math.cos(r/2),g=Math.sin(r/2),v=g*g,m=1-u*p*p,x=m?y(o*p)*Math.sqrt(a=1/m):a=0,b=.5*(2*x*o*g+r/d)-t,_=.5*(x*s+n)-e,w=.5*a*(u*v+x*o*p*c)+.5/d,k=a*(h*l/4-x*s*g),M=.125*a*(l*g-x*s*u*h),A=.5*a*(c*p+x*v*o)+.5,T=k*M-A*w,S=(_*k-b*A)/T,E=(b*M-_*w)/T;r-=S,n-=E}while((Math.abs(S)>f||Math.abs(E)>f)&&--i>0);return[r,n]},(t.geo.winkel3=function(){return x(P)}).raw=P}},{}],780:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=Math.PI/180,o=180/Math.PI,s={cursor:\"pointer\"},l={cursor:\"auto\"};function c(t,e){return n.behavior.zoom().translate(e.translate()).scale(e.scale())}function u(t,e,r){var n=t.id,a=t.graphDiv,o=a.layout[n],s=a._fullLayout[n],l={};function c(t,e){var r=i.nestedProperty(s,t);r.get()!==e&&(r.set(e),i.nestedProperty(o,t).set(e),l[n+\".\"+t]=e)}r(c),c(\"projection.scale\",e.scale()/t.fitScale),a.emit(\"plotly_relayout\",l)}function f(t,e){var r=c(0,e);function i(r){var n=e.invert(t.midPt);r(\"center.lon\",n[0]),r(\"center.lat\",n[1])}return r.on(\"zoomstart\",function(){n.select(this).style(s)}).on(\"zoom\",function(){e.scale(n.event.scale).translate(n.event.translate),t.render()}).on(\"zoomend\",function(){n.select(this).style(l),u(t,e,i)}),r}function h(t,e){var r,i,a,o,f,h,p,d,g,v=c(0,e),m=2;function y(t){return e.invert(t)}function x(r){var n=e.rotate(),i=e.invert(t.midPt);r(\"projection.rotation.lon\",-n[0]),r(\"center.lon\",i[0]),r(\"center.lat\",i[1])}return v.on(\"zoomstart\",function(){n.select(this).style(s),r=n.mouse(this),i=e.rotate(),a=e.translate(),o=i,f=y(r)}).on(\"zoom\",function(){if(h=n.mouse(this),function(t){var r=y(t);if(!r)return!0;var n=e(r);return Math.abs(n[0]-t[0])>m||Math.abs(n[1]-t[1])>m}(r))return v.scale(e.scale()),void v.translate(e.translate());e.scale(n.event.scale),e.translate([a[0],n.event.translate[1]]),f?y(h)&&(d=y(h),p=[o[0]+(d[0]-f[0]),i[1],i[2]],e.rotate(p),o=p):f=y(r=h),g=!0,t.render()}).on(\"zoomend\",function(){n.select(this).style(l),g&&u(t,e,x)}),v}function p(t,e){var r,i={r:e.rotate(),k:e.scale()},f=c(0,e),h=function(t){var e=0,r=arguments.length,i=[];for(;++ed?(a=(f>0?90:-90)-p,i=0):(a=Math.asin(f/d)*o-p,i=Math.sqrt(d*d-f*f));var v=180-a-2*p,y=(Math.atan2(h,u)-Math.atan2(c,i))*o,x=(Math.atan2(h,u)-Math.atan2(c,-i))*o,b=g(r[0],r[1],a,y),_=g(r[0],r[1],v,x);return b<=_?[a,y,r[2]]:[v,x,r[2]]}(k,r,E);isFinite(M[0])&&isFinite(M[1])&&isFinite(M[2])||(M=E),e.rotate(M),E=M}}else r=d(e,T=b);h.of(this,arguments)({type:\"zoom\"})}),A=h.of(this,arguments),p++||A({type:\"zoomstart\"})}).on(\"zoomend\",function(){var r;n.select(this).style(l),v.call(f,\"zoom\",null),r=h.of(this,arguments),--p||r({type:\"zoomend\"}),u(t,e,x)}).on(\"zoom.redraw\",function(){t.render()}),n.rebind(f,h,\"on\")}function d(t,e){var r=t.invert(e);return r&&isFinite(r[0])&&isFinite(r[1])&&function(t){var e=t[0]*a,r=t[1]*a,n=Math.cos(r);return[n*Math.cos(e),n*Math.sin(e),Math.sin(r)]}(r)}function g(t,e,r,n){var i=v(r-t),a=v(n-e);return Math.sqrt(i*i+a*a)}function v(t){return(t%360+540)%360-180}function m(t,e,r){var n=r*a,i=t.slice(),o=0===e?1:0,s=2===e?1:2,l=Math.cos(n),c=Math.sin(n);return i[o]=t[o]*l-t[s]*c,i[s]=t[s]*l+t[o]*c,i}function y(t,e){for(var r=0,n=0,i=t.length;nMath.abs(s)?(c.boxEnd[1]=c.boxStart[1]+Math.abs(a)*_*(s>=0?1:-1),c.boxEnd[1]l[3]&&(c.boxEnd[1]=l[3],c.boxEnd[0]=c.boxStart[0]+(l[3]-c.boxStart[1])/Math.abs(_))):(c.boxEnd[0]=c.boxStart[0]+Math.abs(s)/_*(a>=0?1:-1),c.boxEnd[0]l[2]&&(c.boxEnd[0]=l[2],c.boxEnd[1]=c.boxStart[1]+(l[2]-c.boxStart[0])*Math.abs(_)))}}else c.boxEnabled?(a=c.boxStart[0]!==c.boxEnd[0],s=c.boxStart[1]!==c.boxEnd[1],a||s?(a&&(v(0,c.boxStart[0],c.boxEnd[0]),t.xaxis.autorange=!1),s&&(v(1,c.boxStart[1],c.boxEnd[1]),t.yaxis.autorange=!1),t.relayoutCallback()):t.glplot.setDirty(),c.boxEnabled=!1,c.boxInited=!1):c.boxInited&&(c.boxInited=!1);break;case\"pan\":c.boxEnabled=!1,c.boxInited=!1,e?(c.panning||(c.dragStart[0]=n,c.dragStart[1]=i),Math.abs(c.dragStart[0]-n)Math.abs(e))c.rotate(a,0,0,-t*r*Math.PI*d.rotateSpeed/window.innerWidth);else{var o=-d.zoomSpeed*i*e/window.innerHeight*(a-c.lastT())/20;c.pan(a,0,0,f*(Math.exp(o)-1))}}},!0),d};var n=t(\"right-now\"),i=t(\"3d-view\"),a=t(\"mouse-change\"),o=t(\"mouse-wheel\"),s=t(\"mouse-event-offset\"),l=t(\"has-passive-events\")},{\"3d-view\":45,\"has-passive-events\":394,\"mouse-change\":418,\"mouse-event-offset\":419,\"mouse-wheel\":421,\"right-now\":480}],787:[function(t,e,r){\"use strict\";var n=t(\"../../plot_api/edit_types\").overrideAll,i=t(\"../../components/fx/layout_attributes\"),a=t(\"./scene\"),o=t(\"../get_data\").getSubplotData,s=t(\"../../lib\"),l=t(\"../../constants/xmlns_namespaces\");r.name=\"gl3d\",r.attr=\"scene\",r.idRoot=\"scene\",r.idRegex=r.attrRegex=s.counterRegex(\"scene\"),r.attributes=t(\"./layout/attributes\"),r.layoutAttributes=t(\"./layout/layout_attributes\"),r.baseLayoutAttrOverrides=n({hoverlabel:i.hoverlabel},\"plot\",\"nested\"),r.supplyLayoutDefaults=t(\"./layout/defaults\"),r.plot=function(t){for(var e=t._fullLayout,r=t._fullData,n=e._subplots.gl3d,i=0;i1;o(t,e,r,{type:\"gl3d\",attributes:l,handleDefaults:c,fullLayout:e,font:e.font,fullData:r,getDfltFromLayout:function(e){if(!i)return n.validate(t[e],l[e])?t[e]:void 0},paper_bgcolor:e.paper_bgcolor,calendar:e.calendar})}},{\"../../../components/color\":570,\"../../../lib\":696,\"../../../registry\":827,\"../../subplot_defaults\":822,\"./axis_defaults\":790,\"./layout_attributes\":793}],793:[function(t,e,r){\"use strict\";var n=t(\"./axis_attributes\"),i=t(\"../../domain\").attributes,a=t(\"../../../lib/extend\").extendFlat,o=t(\"../../../lib\").counterRegex;function s(t,e,r){return{x:{valType:\"number\",dflt:t,editType:\"camera\"},y:{valType:\"number\",dflt:e,editType:\"camera\"},z:{valType:\"number\",dflt:r,editType:\"camera\"},editType:\"camera\"}}e.exports={_arrayAttrRegexps:[o(\"scene\",\".annotations\",!0)],bgcolor:{valType:\"color\",dflt:\"rgba(0,0,0,0)\",editType:\"plot\"},camera:{up:a(s(0,0,1),{}),center:a(s(0,0,0),{}),eye:a(s(1.25,1.25,1.25),{}),editType:\"camera\"},domain:i({name:\"scene\",editType:\"plot\"}),aspectmode:{valType:\"enumerated\",values:[\"auto\",\"cube\",\"data\",\"manual\"],dflt:\"auto\",editType:\"plot\",impliedEdits:{\"aspectratio.x\":void 0,\"aspectratio.y\":void 0,\"aspectratio.z\":void 0}},aspectratio:{x:{valType:\"number\",min:0,editType:\"plot\",impliedEdits:{\"^aspectmode\":\"manual\"}},y:{valType:\"number\",min:0,editType:\"plot\",impliedEdits:{\"^aspectmode\":\"manual\"}},z:{valType:\"number\",min:0,editType:\"plot\",impliedEdits:{\"^aspectmode\":\"manual\"}},editType:\"plot\",impliedEdits:{aspectmode:\"manual\"}},xaxis:n,yaxis:n,zaxis:n,dragmode:{valType:\"enumerated\",values:[\"orbit\",\"turntable\",\"zoom\",\"pan\",!1],dflt:\"turntable\",editType:\"plot\"},hovermode:{valType:\"enumerated\",values:[\"closest\",!1],dflt:\"closest\",editType:\"modebar\"},editType:\"plot\",_deprecated:{cameraposition:{valType:\"info_array\",editType:\"camera\"}}}},{\"../../../lib\":696,\"../../../lib/extend\":685,\"../../domain\":770,\"./axis_attributes\":789}],794:[function(t,e,r){\"use strict\";var n=t(\"../../../lib/str2rgbarray\"),i=[\"xaxis\",\"yaxis\",\"zaxis\"];function a(){this.enabled=[!0,!0,!0],this.colors=[[0,0,0,1],[0,0,0,1],[0,0,0,1]],this.drawSides=[!0,!0,!0],this.lineWidth=[1,1,1]}a.prototype.merge=function(t){for(var e=0;e<3;++e){var r=t[i[e]];r.visible?(this.enabled[e]=r.showspikes,this.colors[e]=n(r.spikecolor),this.drawSides[e]=r.spikesides,this.lineWidth[e]=r.spikethickness):(this.enabled[e]=!1,this.drawSides[e]=!1)}},e.exports=function(t){var e=new a;return e.merge(t),e}},{\"../../../lib/str2rgbarray\":719}],795:[function(t,e,r){\"use strict\";e.exports=function(t){for(var e=t.axesOptions,r=t.glplot.axesPixels,l=t.fullSceneLayout,c=[[],[],[]],u=0;u<3;++u){var f=l[o[u]];if(f._length=(r[u].hi-r[u].lo)*r[u].pixelsPerDataUnit/t.dataScale[u],Math.abs(f._length)===1/0)c[u]=[];else{f._input_range=f.range.slice(),f.range[0]=r[u].lo/t.dataScale[u],f.range[1]=r[u].hi/t.dataScale[u],f._m=1/(t.dataScale[u]*r[u].pixelsPerDataUnit),f.range[0]===f.range[1]&&(f.range[0]-=1,f.range[1]+=1);var h=f.tickmode;if(\"auto\"===f.tickmode){f.tickmode=\"linear\";var p=f.nticks||i.constrain(f._length/40,4,9);n.autoTicks(f,Math.abs(f.range[1]-f.range[0])/p)}for(var d=n.calcTicks(f),g=0;g\")}else v=c.textLabel;t.fullSceneLayout.hovermode&&f.loneHover({x:(.5+.5*d[0]/d[3])*i,y:(.5-.5*d[1]/d[3])*a,xLabel:w,yLabel:k,zLabel:M,text:v,name:l.name,color:f.castHoverOption(e,m,\"bgcolor\")||l.color,borderColor:f.castHoverOption(e,m,\"bordercolor\"),fontFamily:f.castHoverOption(e,m,\"font.family\"),fontSize:f.castHoverOption(e,m,\"font.size\"),fontColor:f.castHoverOption(e,m,\"font.color\")},{container:r,gd:t.graphDiv});var T={x:c.traceCoordinate[0],y:c.traceCoordinate[1],z:c.traceCoordinate[2],data:e._input,fullData:e,curveNumber:e.index,pointNumber:m};e._module.eventData&&(T=e._module.eventData(T,c,e,{},m)),f.appendArrayPointValue(T,e,m);var S={points:[T]};c.buttons&&c.distance<5?t.graphDiv.emit(\"plotly_click\",S):t.graphDiv.emit(\"plotly_hover\",S),o=S}else f.loneUnhover(r),t.graphDiv.emit(\"plotly_unhover\",o);t.drawAnnotations(t)}.bind(null,t),t.traces={},!0}function b(t,e){var r=document.createElement(\"div\"),n=t.container;this.graphDiv=t.graphDiv;var i=document.createElementNS(\"http://www.w3.org/2000/svg\",\"svg\");i.style.position=\"absolute\",i.style.top=i.style.left=\"0px\",i.style.width=i.style.height=\"100%\",i.style[\"z-index\"]=20,i.style[\"pointer-events\"]=\"none\",r.appendChild(i),this.svgContainer=i,r.id=t.id,r.style.position=\"absolute\",r.style.top=r.style.left=\"0px\",r.style.width=r.style.height=\"100%\",n.appendChild(r),this.fullLayout=e,this.id=t.id||\"scene\",this.fullSceneLayout=e[this.id],this.plotArgs=[[],{},{}],this.axesOptions=v(e[this.id]),this.spikeOptions=m(e[this.id]),this.container=r,this.staticMode=!!t.staticPlot,this.pixelRatio=t.plotGlPixelRatio||2,this.dataScale=[1,1,1],this.contourLevels=[[],[],[]],this.convertAnnotations=l.getComponentMethod(\"annotations3d\",\"convert\"),this.drawAnnotations=l.getComponentMethod(\"annotations3d\",\"draw\"),x(this)}var _=b.prototype;_.recoverContext=function(){var t=this,e=this.glplot.gl,r=this.glplot.canvas;this.glplot.dispose(),requestAnimationFrame(function n(){e.isContextLost()?requestAnimationFrame(n):x(t,t.fullLayout,r,e)?t.plot.apply(t,t.plotArgs):c.error(\"Catastrophic and unrecoverable WebGL error. Context lost.\")})};var w=[\"xaxis\",\"yaxis\",\"zaxis\"];function k(t,e,r){for(var n=t.fullSceneLayout,i=0;i<3;i++){var a=w[i],o=a.charAt(0),s=n[a],l=e[o],u=e[o+\"calendar\"],f=e[\"_\"+o+\"length\"];if(c.isArrayOrTypedArray(l))for(var h,p=0;p<(f||l.length);p++)if(c.isArrayOrTypedArray(l[p]))for(var d=0;dg[1][a])g[0][a]=-1,g[1][a]=1;else{var E=g[1][a]-g[0][a];g[0][a]-=E/32,g[1][a]+=E/32}if(\"reversed\"===s.autorange){var C=g[0][a];g[0][a]=g[1][a],g[1][a]=C}}else{var L=s.range;g[0][a]=s.r2l(L[0]),g[1][a]=s.r2l(L[1])}g[0][a]===g[1][a]&&(g[0][a]-=1,g[1][a]+=1),v[a]=g[1][a]-g[0][a],this.glplot.bounds[0][a]=g[0][a]*p[a],this.glplot.bounds[1][a]=g[1][a]*p[a]}var z=[1,1,1];for(a=0;a<3;++a){var O=m[l=(s=c[w[a]]).type];z[a]=Math.pow(O.acc,1/O.count)/p[a]}var I;if(\"auto\"===c.aspectmode)I=Math.max.apply(null,z)/Math.min.apply(null,z)<=4?z:[1,1,1];else if(\"cube\"===c.aspectmode)I=[1,1,1];else if(\"data\"===c.aspectmode)I=z;else{if(\"manual\"!==c.aspectmode)throw new Error(\"scene.js aspectRatio was not one of the enumerated types\");var P=c.aspectratio;I=[P.x,P.y,P.z]}c.aspectratio.x=u.aspectratio.x=I[0],c.aspectratio.y=u.aspectratio.y=I[1],c.aspectratio.z=u.aspectratio.z=I[2],this.glplot.aspect=I;var D=c.domain||null,R=e._size||null;if(D&&R){var B=this.container.style;B.position=\"absolute\",B.left=R.l+D.x[0]*R.w+\"px\",B.top=R.t+(1-D.y[1])*R.h+\"px\",B.width=R.w*(D.x[1]-D.x[0])+\"px\",B.height=R.h*(D.y[1]-D.y[0])+\"px\"}this.glplot.redraw()}},_.destroy=function(){this.glplot&&(this.camera.mouseListener.enabled=!1,this.container.removeEventListener(\"wheel\",this.camera.wheelListener),this.camera=this.glplot.camera=null,this.glplot.dispose(),this.container.parentNode.removeChild(this.container),this.glplot=null)},_.getCamera=function(){return this.glplot.camera.view.recalcMatrix(this.camera.view.lastT()),M(this.glplot.camera)},_.setCamera=function(t){var e;this.glplot.camera.lookAt.apply(this,[[(e=t).eye.x,e.eye.y,e.eye.z],[e.center.x,e.center.y,e.center.z],[e.up.x,e.up.y,e.up.z]])},_.saveCamera=function(t){var e=this.getCamera(),r=c.nestedProperty(t,this.id+\".camera\"),n=r.get(),i=!1;function a(t,e,r,n){var i=[\"up\",\"center\",\"eye\"],a=[\"x\",\"y\",\"z\"];return e[i[r]]&&t[i[r]][a[n]]===e[i[r]][a[n]]}if(void 0===n)i=!0;else for(var o=0;o<3;o++)for(var s=0;s<3;s++)if(!a(e,n,o,s)){i=!0;break}return i&&r.set(e),i},_.updateFx=function(t,e){var r=this.camera;r&&(\"orbit\"===t?(r.mode=\"orbit\",r.keyBindingMode=\"rotate\"):\"turntable\"===t?(r.up=[0,0,1],r.mode=\"turntable\",r.keyBindingMode=\"rotate\"):r.keyBindingMode=t),this.fullSceneLayout.hovermode=e},_.toImage=function(t){t||(t=\"png\"),this.staticMode&&this.container.appendChild(n),this.glplot.redraw();var e=this.glplot.gl,r=e.drawingBufferWidth,i=e.drawingBufferHeight;e.bindFramebuffer(e.FRAMEBUFFER,null);var a=new Uint8Array(r*i*4);e.readPixels(0,0,r,i,e.RGBA,e.UNSIGNED_BYTE,a);for(var o=0,s=i-1;o0)}function l(t){var e={},r={};switch(t.type){case\"circle\":n.extendFlat(r,{\"circle-radius\":t.circle.radius,\"circle-color\":t.color,\"circle-opacity\":t.opacity});break;case\"line\":n.extendFlat(r,{\"line-width\":t.line.width,\"line-color\":t.color,\"line-opacity\":t.opacity});break;case\"fill\":n.extendFlat(r,{\"fill-color\":t.color,\"fill-outline-color\":t.fill.outlinecolor,\"fill-opacity\":t.opacity});break;case\"symbol\":var a=t.symbol,o=i(a.textposition,a.iconsize);n.extendFlat(e,{\"icon-image\":a.icon+\"-15\",\"icon-size\":a.iconsize/10,\"text-field\":a.text,\"text-size\":a.textfont.size,\"text-anchor\":o.anchor,\"text-offset\":o.offset}),n.extendFlat(r,{\"icon-color\":t.color,\"text-color\":a.textfont.color,\"text-opacity\":t.opacity})}return{layout:e,paint:r}}o.update=function(t){this.visible?this.needsNewSource(t)?(this.removeLayer(),this.updateSource(t),this.updateLayer(t)):this.needsNewLayer(t)?this.updateLayer(t):this.updateStyle(t):(this.updateSource(t),this.updateLayer(t)),this.visible=s(t)},o.needsNewSource=function(t){return this.sourceType!==t.sourcetype||this.source!==t.source||this.layerType!==t.type},o.needsNewLayer=function(t){return this.layerType!==t.type||this.below!==t.below},o.updateSource=function(t){var e=this.map;if(e.getSource(this.idSource)&&e.removeSource(this.idSource),this.sourceType=t.sourcetype,this.source=t.source,s(t)){var r=function(t){var e,r=t.sourcetype,n=t.source,i={type:r};\"geojson\"===r?e=\"data\":\"vector\"===r&&(e=\"string\"==typeof n?\"url\":\"tiles\");return i[e]=n,i}(t);e.addSource(this.idSource,r)}},o.updateLayer=function(t){var e=this.map,r=l(t);this.removeLayer(),this.layerType=t.type,s(t)&&e.addLayer({id:this.idLayer,source:this.idSource,\"source-layer\":t.sourcelayer||\"\",type:t.type,layout:r.layout,paint:r.paint},t.below)},o.updateStyle=function(t){if(s(t)){var e=l(t);this.mapbox.setOptions(this.idLayer,\"setLayoutProperty\",e.layout),this.mapbox.setOptions(this.idLayer,\"setPaintProperty\",e.paint)}},o.removeLayer=function(){var t=this.map;t.getLayer(this.idLayer)&&t.removeLayer(this.idLayer)},o.dispose=function(){var t=this.map;t.removeLayer(this.idLayer),t.removeSource(this.idSource)},e.exports=function(t,e,r){var n=new a(t,e);return n.update(r),n}},{\"../../lib\":696,\"./convert_text_opts\":801}],804:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../components/color\").defaultLine,a=t(\"../domain\").attributes,o=t(\"../font_attributes\"),s=t(\"../../traces/scatter/attributes\").textposition,l=t(\"../../plot_api/edit_types\").overrideAll,c=t(\"../../plot_api/plot_template\").templatedArray,u=o({});u.family.dflt=\"Open Sans Regular, Arial Unicode MS Regular\",e.exports=l({_arrayAttrRegexps:[n.counterRegex(\"mapbox\",\".layers\",!0)],domain:a({name:\"mapbox\"}),accesstoken:{valType:\"string\",noBlank:!0,strict:!0},style:{valType:\"any\",values:[\"basic\",\"streets\",\"outdoors\",\"light\",\"dark\",\"satellite\",\"satellite-streets\"],dflt:\"basic\"},center:{lon:{valType:\"number\",dflt:0},lat:{valType:\"number\",dflt:0}},zoom:{valType:\"number\",dflt:1},bearing:{valType:\"number\",dflt:0},pitch:{valType:\"number\",dflt:0},layers:c(\"layer\",{visible:{valType:\"boolean\",dflt:!0},sourcetype:{valType:\"enumerated\",values:[\"geojson\",\"vector\"],dflt:\"geojson\"},source:{valType:\"any\"},sourcelayer:{valType:\"string\",dflt:\"\"},type:{valType:\"enumerated\",values:[\"circle\",\"line\",\"fill\",\"symbol\"],dflt:\"circle\"},below:{valType:\"string\",dflt:\"\"},color:{valType:\"color\",dflt:i},opacity:{valType:\"number\",min:0,max:1,dflt:1},circle:{radius:{valType:\"number\",dflt:15}},line:{width:{valType:\"number\",dflt:2}},fill:{outlinecolor:{valType:\"color\",dflt:i}},symbol:{icon:{valType:\"string\",dflt:\"marker\"},iconsize:{valType:\"number\",dflt:10},text:{valType:\"string\",dflt:\"\"},textfont:u,textposition:n.extendFlat({},s,{arrayOk:!1})}})},\"plot\",\"from-root\")},{\"../../components/color\":570,\"../../lib\":696,\"../../plot_api/edit_types\":727,\"../../plot_api/plot_template\":734,\"../../traces/scatter/attributes\":1043,\"../domain\":770,\"../font_attributes\":771}],805:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../subplot_defaults\"),a=t(\"../array_container_defaults\"),o=t(\"./layout_attributes\");function s(t,e,r,n){r(\"accesstoken\",n.accessToken),r(\"style\"),r(\"center.lon\"),r(\"center.lat\"),r(\"zoom\"),r(\"bearing\"),r(\"pitch\"),a(t,e,{name:\"layers\",handleItemDefaults:l}),e._input=t}function l(t,e){function r(r,i){return n.coerce(t,e,o.layers,r,i)}if(r(\"visible\")){var i=r(\"sourcetype\");r(\"source\"),\"vector\"===i&&r(\"sourcelayer\");var a=r(\"type\");r(\"below\"),r(\"color\"),r(\"opacity\"),\"circle\"===a&&r(\"circle.radius\"),\"line\"===a&&r(\"line.width\"),\"fill\"===a&&r(\"fill.outlinecolor\"),\"symbol\"===a&&(r(\"symbol.icon\"),r(\"symbol.iconsize\"),r(\"symbol.text\"),n.coerceFont(r,\"symbol.textfont\"),r(\"symbol.textposition\"))}}e.exports=function(t,e,r){i(t,e,r,{type:\"mapbox\",attributes:o,handleDefaults:s,partition:\"y\",accessToken:e._mapboxAccessToken})}},{\"../../lib\":696,\"../array_container_defaults\":740,\"../subplot_defaults\":822,\"./layout_attributes\":804}],806:[function(t,e,r){\"use strict\";var n=t(\"mapbox-gl\"),i=t(\"../../components/fx\"),a=t(\"../../lib\"),o=t(\"../../components/dragelement\"),s=t(\"../cartesian/select\").prepSelect,l=t(\"../cartesian/select\").selectOnClick,c=t(\"./constants\"),u=t(\"./layout_attributes\"),f=t(\"./layers\");function h(t){this.id=t.id,this.gd=t.gd,this.container=t.container,this.isStatic=t.staticPlot;var e=t.fullLayout;this.uid=e._uid+\"-\"+this.id,this.opts=e[this.id],this.div=null,this.xaxis=null,this.yaxis=null,this.createFramework(e),this.map=null,this.accessToken=null,this.styleObj=null,this.traceHash={},this.layerList=[]}var p=h.prototype;function d(t){var e=u.style.values,r=u.style.dflt,n={};return a.isPlainObject(t)?(n.id=t.id,n.style=t):\"string\"==typeof t?(n.id=t,n.style=-1!==e.indexOf(t)?g(t):t):(n.id=r,n.style=g(r)),n.transition={duration:0,delay:0},n}function g(t){return c.styleUrlPrefix+t+\"-\"+c.styleUrlSuffix}function v(t){return[t.lon,t.lat]}e.exports=function(t){return new h(t)},p.plot=function(t,e,r){var n,i=this,a=i.opts=e[this.id];i.map&&a.accesstoken!==i.accessToken&&(i.map.remove(),i.map=null,i.styleObj=null,i.traceHash=[],i.layerList={}),n=i.map?new Promise(function(r,n){i.updateMap(t,e,r,n)}):new Promise(function(r,n){i.createMap(t,e,r,n)}),r.push(n)},p.createMap=function(t,e,r,a){var o=this,s=o.gd,u=o.opts,f=o.styleObj=d(u.style);o.accessToken=u.accesstoken;var h=o.map=new n.Map({container:o.div,style:f.style,center:v(u.center),zoom:u.zoom,bearing:u.bearing,pitch:u.pitch,interactive:!o.isStatic,preserveDrawingBuffer:o.isStatic,doubleClickZoom:!1,boxZoom:!1}),p=c.controlContainerClassName,g=o.div.getElementsByClassName(p)[0];if(o.div.removeChild(g),h._canvas.style.left=\"0px\",h._canvas.style.top=\"0px\",o.rejectOnError(a),h.once(\"load\",function(){o.updateData(t),o.updateLayout(e),o.resolveOnRender(r)}),!o.isStatic){var m=!1;h.on(\"moveend\",function(t){if(o.map){var e=o.getView();u._input.center=u.center=e.center,u._input.zoom=u.zoom=e.zoom,u._input.bearing=u.bearing=e.bearing,u._input.pitch=u.pitch=e.pitch,(t.originalEvent||m)&&x(e),m=!1}}),h.on(\"wheel\",function(){m=!0}),h.on(\"mousemove\",function(t){var e=o.div.getBoundingClientRect();t.clientX=t.point.x+e.left,t.clientY=t.point.y+e.top,t.target.getBoundingClientRect=function(){return e},o.xaxis.p2c=function(){return t.lngLat.lng},o.yaxis.p2c=function(){return t.lngLat.lat},i.hover(s,t,o.id)}),h.on(\"dragstart\",y),h.on(\"zoomstart\",y),h.on(\"dblclick\",function(){s.emit(\"plotly_doubleclick\",null);var t=o.viewInitial;h.setCenter(v(t.center)),h.setZoom(t.zoom),h.setBearing(t.bearing),h.setPitch(t.pitch);var e=o.getView();u._input.center=u.center=e.center,u._input.zoom=u.zoom=e.zoom,u._input.bearing=u.bearing=e.bearing,u._input.pitch=u.pitch=e.pitch,x(e)}),o.clearSelect=function(){s._fullLayout._zoomlayer.selectAll(\".select-outline\").remove()},o.onClickInPanFn=function(t){return function(e){var r=s._fullLayout.clickmode;r.indexOf(\"select\")>-1&&l(e.originalEvent,s,[o.xaxis],[o.yaxis],o.id,t),r.indexOf(\"event\")>-1&&i.click(s,e.originalEvent)}}}function y(){i.loneUnhover(e._toppaper)}function x(t){var e=o.id,r={};for(var n in t)r[e+\".\"+n]=t[n];s.emit(\"plotly_relayout\",r)}},p.updateMap=function(t,e,r,n){var i=this,a=i.map;i.rejectOnError(n);var o=d(i.opts.style);i.styleObj.id!==o.id?(i.styleObj=o,a.setStyle(o.style),a.once(\"styledata\",function(){i.traceHash={},i.updateData(t),i.updateLayout(e),i.resolveOnRender(r)})):(i.updateData(t),i.updateLayout(e),i.resolveOnRender(r))},p.updateData=function(t){var e,r,n,i,a=this.traceHash;for(n=0;n=e.width-20?(a[\"text-anchor\"]=\"start\",a.x=5):(a[\"text-anchor\"]=\"end\",a.x=e._paper.attr(\"width\")-7),r.attr(a);var o=r.select(\".js-link-to-tool\"),s=r.select(\".js-link-spacer\"),u=r.select(\".js-sourcelinks\");t._context.showSources&&t._context.showSources(t),t._context.showLink&&function(t,e){e.text(\"\");var r=e.append(\"a\").attr({\"xlink:xlink:href\":\"#\",class:\"link--impt link--embedview\",\"font-weight\":\"bold\"}).text(t._context.linkText+\" \"+String.fromCharCode(187));if(t._context.sendData)r.on(\"click\",function(){v.sendDataToCloud(t)});else{var n=window.location.pathname.split(\"/\"),i=window.location.search;r.attr({\"xlink:xlink:show\":\"new\",\"xlink:xlink:href\":\"/\"+n[2].split(\".\")[0]+\"/\"+n[1]+i})}}(t,o),s.text(o.text()&&u.text()?\" - \":\"\")}},v.sendDataToCloud=function(t){t.emit(\"plotly_beforeexport\");var e=(window.PLOTLYENV||{}).BASE_URL||t._context.plotlyServerURL,r=n.select(t).append(\"div\").attr(\"id\",\"hiddenform\").style(\"display\",\"none\"),i=r.append(\"form\").attr({action:e+\"/external\",method:\"post\",target:\"_blank\"});return i.append(\"input\").attr({type:\"text\",name:\"data\"}).node().value=v.graphJson(t,!1,\"keepdata\"),i.node().submit(),r.remove(),t.emit(\"plotly_afterexport\"),!1};var x,b=[\"days\",\"shortDays\",\"months\",\"shortMonths\",\"periods\",\"dateTime\",\"date\",\"time\",\"decimal\",\"thousands\",\"grouping\",\"currency\"],_=[\"year\",\"month\",\"dayMonth\",\"dayMonthYear\"];function w(t,e){var r=t._context.locale,n=!1,i={};function o(t){for(var r=!0,a=0;a1&&I.length>1){for(a.getComponentMethod(\"grid\",\"sizeDefaults\")(c,s),o=0;o15&&I.length>15&&0===s.shapes.length&&0===s.images.length,s._hasCartesian=s._has(\"cartesian\"),s._hasGeo=s._has(\"geo\"),s._hasGL3D=s._has(\"gl3d\"),s._hasGL2D=s._has(\"gl2d\"),s._hasTernary=s._has(\"ternary\"),s._hasPie=s._has(\"pie\"),v.linkSubplots(h,s,u,i),v.cleanPlot(h,s,u,i),d(s,i),v.doAutoMargin(t);var F=f.list(t);for(o=0;o0){var f=1-2*s;n=Math.round(f*n),a=Math.round(f*a)}}var h=v.layoutAttributes.width.min,p=v.layoutAttributes.height.min;n1,g=!e.height&&Math.abs(r.height-a)>1;(g||d)&&(d&&(r.width=n),g&&(r.height=a)),t._initialAutoSize||(t._initialAutoSize={width:n,height:a}),v.sanitizeMargins(r)},v.supplyLayoutModuleDefaults=function(t,e,r,n){var i,o,s,c=a.componentsRegistry,u=e._basePlotModules,f=a.subplotsRegistry.cartesian;for(i in c)(s=c[i]).includeBasePlot&&s.includeBasePlot(t,e);for(var h in u.length||u.push(f),e._has(\"cartesian\")&&(a.getComponentMethod(\"grid\",\"contentDefaults\")(t,e),f.finalizeSubplots(t,e)),e._subplots)e._subplots[h].sort(l.subplotSort);for(o=0;o.5*n.width&&(r.l=r.r=0),r.b+r.t>.5*n.height&&(r.b=r.t=0);var l=void 0!==r.xl?r.xl:r.x,c=void 0!==r.xr?r.xr:r.x,u=void 0!==r.yt?r.yt:r.y,f=void 0!==r.yb?r.yb:r.y;i[e]={l:{val:l,size:r.l+o},r:{val:c,size:r.r+o},b:{val:f,size:r.b+o},t:{val:u,size:r.t+o}},a[e]=1}else delete i[e],delete a[e];n._replotting||v.doAutoMargin(t)}},v.doAutoMargin=function(t){var e=t._fullLayout;e._size||(e._size={}),A(e);var r=e._size,n=JSON.stringify(r),o=Math.max(e.margin.l||0,0),s=Math.max(e.margin.r||0,0),l=Math.max(e.margin.t||0,0),c=Math.max(e.margin.b||0,0),u=e._pushmargin,f=e._pushmarginIds;if(!1!==e.margin.autoexpand){for(var h in u)f[h]||delete u[h];for(var p in u.base={l:{val:0,size:o},r:{val:1,size:s},t:{val:1,size:l},b:{val:0,size:c}},u){var d=u[p].l||{},g=u[p].b||{},v=d.val,m=d.size,y=g.val,x=g.size;for(var b in u){if(i(m)&&u[b].r){var _=u[b].r.val,w=u[b].r.size;if(_>v){var k=(m*_+(w-e.width)*v)/(_-v),M=(w*(1-v)+(m-e.width)*(1-_))/(_-v);k>=0&&M>=0&&k+M>o+s&&(o=k,s=M)}}if(i(x)&&u[b].t){var T=u[b].t.val,S=u[b].t.size;if(T>y){var E=(x*T+(S-e.height)*y)/(T-y),C=(S*(1-y)+(x-e.height)*(1-T))/(T-y);E>=0&&C>=0&&E+C>c+l&&(c=E,l=C)}}}}}if(r.l=Math.round(o),r.r=Math.round(s),r.t=Math.round(l),r.b=Math.round(c),r.p=Math.round(e.margin.pad),r.w=Math.round(e.width)-r.l-r.r,r.h=Math.round(e.height)-r.t-r.b,!e._replotting&&\"{}\"!==n&&n!==JSON.stringify(e._size))return\"_redrawFromAutoMarginCount\"in e?e._redrawFromAutoMarginCount++:e._redrawFromAutoMarginCount=1,a.call(\"plot\",t)},v.graphJson=function(t,e,r,n,i){(i&&e&&!t._fullData||i&&!e&&!t._fullLayout)&&v.supplyDefaults(t);var a=i?t._fullData:t.data,o=i?t._fullLayout:t.layout,s=(t._transitionData||{})._frames;function c(t){if(\"function\"==typeof t)return null;if(l.isPlainObject(t)){var e,n,i={};for(e in t)if(\"function\"!=typeof t[e]&&-1===[\"_\",\"[\"].indexOf(e.charAt(0))){if(\"keepdata\"===r){if(\"src\"===e.substr(e.length-3))continue}else if(\"keepstream\"===r){if(\"string\"==typeof(n=t[e+\"src\"])&&n.indexOf(\":\")>0&&!l.isPlainObject(t.stream))continue}else if(\"keepall\"!==r&&\"string\"==typeof(n=t[e+\"src\"])&&n.indexOf(\":\")>0)continue;i[e]=c(t[e])}return i}return Array.isArray(t)?t.map(c):l.isTypedArray(t)?l.simpleMap(t,l.identity):l.isJSDate(t)?l.ms2DateTimeLocal(+t):t}var u={data:(a||[]).map(function(t){var r=c(t);return e&&delete r.fit,r})};return e||(u.layout=c(o)),t.framework&&t.framework.isPolar&&(u=t.framework.getConfig()),s&&(u.frames=c(s)),\"object\"===n?u:JSON.stringify(u)},v.modifyFrames=function(t,e){var r,n,i,a=t._transitionData._frames,o=t._transitionData._frameHash;for(r=0;r0&&(t._transitioningWithDuration=!0),t._transitionData._interruptCallbacks.push(function(){p=!0}),i.redraw&&t._transitionData._interruptCallbacks.push(function(){return a.call(\"redraw\",t)}),t._transitionData._interruptCallbacks.push(function(){t.emit(\"plotly_transitioninterrupted\",[])});var n,s,c=0,u=0;function f(){return c++,function(){var r;u++,p||u!==c||(r=e,t._transitionData&&(function(t){if(t)for(;t.length;)t.shift()}(t._transitionData._interruptCallbacks),Promise.resolve().then(function(){if(i.redraw)return a.call(\"redraw\",t)}).then(function(){t._transitioning=!1,t._transitioningWithDuration=!1,t.emit(\"plotly_transitioned\",[])}).then(r)))}}var d=t._fullLayout._basePlotModules,g=!1;if(r)for(s=0;s=0;s--)if(o[s].enabled){r._indexToPoints=o[s]._indexToPoints;break}n&&n.calc&&(a=n.calc(t,r))}Array.isArray(a)&&a[0]||(a=[{x:u,y:u}]),a[0].t||(a[0].t={}),a[0].trace=r,d[e]=a}}for(y&&T(c),i=0;i1e-10?t:0}function h(t,e,r){e=e||0,r=r||0;for(var n=t.length,i=new Array(n),a=0;a0?r:1/0}),i=n.mod(r+1,e.length);return[e[r],e[i]]},findIntersectionXY:c,findXYatLength:function(t,e,r,n){var i=-e*r,a=e*e+1,o=2*(e*i-r),s=i*i+r*r-t*t,l=Math.sqrt(o*o-4*a*s),c=(-o+l)/(2*a),u=(-o-l)/(2*a);return[[c,e*c+i+n],[u,e*u+i+n]]},clampTiny:f,pathPolygon:function(t,e,r,n,i,a){return\"M\"+h(u(t,e,r,n),i,a).join(\"L\")},pathPolygonAnnulus:function(t,e,r,n,i,a,o){var s,l;t=0?h.angularAxis.domain:n.extent(k),E=Math.abs(k[1]-k[0]);A&&!M&&(E=0);var C=S.slice();T&&M&&(C[1]+=E);var L=h.angularAxis.ticksCount||4;L>8&&(L=L/(L/8)+L%8),h.angularAxis.ticksStep&&(L=(C[1]-C[0])/L);var z=h.angularAxis.ticksStep||(C[1]-C[0])/(L*(h.minorTicks+1));w&&(z=Math.max(Math.round(z),1)),C[2]||(C[2]=z);var O=n.range.apply(this,C);if(O=O.map(function(t,e){return parseFloat(t.toPrecision(12))}),s=n.scale.linear().domain(C.slice(0,2)).range(\"clockwise\"===h.direction?[0,360]:[360,0]),u.layout.angularAxis.domain=s.domain(),u.layout.angularAxis.endPadding=T?E:0,\"undefined\"==typeof(t=n.select(this).select(\"svg.chart-root\"))||t.empty()){var I=(new DOMParser).parseFromString(\"' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '' + '\",\"application/xml\"),P=this.appendChild(this.ownerDocument.importNode(I.documentElement,!0));t=n.select(P)}t.select(\".guides-group\").style({\"pointer-events\":\"none\"}),t.select(\".angular.axis-group\").style({\"pointer-events\":\"none\"}),t.select(\".radial.axis-group\").style({\"pointer-events\":\"none\"});var D,R=t.select(\".chart-group\"),B={fill:\"none\",stroke:h.tickColor},F={\"font-size\":h.font.size,\"font-family\":h.font.family,fill:h.font.color,\"text-shadow\":[\"-1px 0px\",\"1px -1px\",\"-1px 1px\",\"1px 1px\"].map(function(t,e){return\" \"+t+\" 0 \"+h.font.outlineColor}).join(\",\")};if(h.showLegend){D=t.select(\".legend-group\").attr({transform:\"translate(\"+[x,h.margin.top]+\")\"}).style({display:\"block\"});var N=p.map(function(t,e){var r=o.util.cloneJson(t);return r.symbol=\"DotPlot\"===t.geometry?t.dotType||\"circle\":\"LinePlot\"!=t.geometry?\"square\":\"line\",r.visibleInLegend=\"undefined\"==typeof t.visibleInLegend||t.visibleInLegend,r.color=\"LinePlot\"===t.geometry?t.strokeColor:t.color,r});o.Legend().config({data:p.map(function(t,e){return t.name||\"Element\"+e}),legendConfig:i({},o.Legend.defaultConfig().legendConfig,{container:D,elements:N,reverseOrder:h.legend.reverseOrder})})();var j=D.node().getBBox();x=Math.min(h.width-j.width-h.margin.left-h.margin.right,h.height-h.margin.top-h.margin.bottom)/2,x=Math.max(10,x),_=[h.margin.left+x,h.margin.top+x],r.range([0,x]),u.layout.radialAxis.domain=r.domain(),D.attr(\"transform\",\"translate(\"+[_[0]+x,_[1]-x]+\")\")}else D=t.select(\".legend-group\").style({display:\"none\"});t.attr({width:h.width,height:h.height}).style({opacity:h.opacity}),R.attr(\"transform\",\"translate(\"+_+\")\").style({cursor:\"crosshair\"});var V=[(h.width-(h.margin.left+h.margin.right+2*x+(j?j.width:0)))/2,(h.height-(h.margin.top+h.margin.bottom+2*x))/2];if(V[0]=Math.max(0,V[0]),V[1]=Math.max(0,V[1]),t.select(\".outer-group\").attr(\"transform\",\"translate(\"+V+\")\"),h.title){var U=t.select(\"g.title-group text\").style(F).text(h.title),q=U.node().getBBox();U.attr({x:_[0]-q.width/2,y:_[1]-x-20})}var H=t.select(\".radial.axis-group\");if(h.radialAxis.gridLinesVisible){var G=H.selectAll(\"circle.grid-circle\").data(r.ticks(5));G.enter().append(\"circle\").attr({class:\"grid-circle\"}).style(B),G.attr(\"r\",r),G.exit().remove()}H.select(\"circle.outside-circle\").attr({r:x}).style(B);var W=t.select(\"circle.background-circle\").attr({r:x}).style({fill:h.backgroundColor,stroke:h.stroke});function Y(t,e){return s(t)%360+h.orientation}if(h.radialAxis.visible){var X=n.svg.axis().scale(r).ticks(5).tickSize(5);H.call(X).attr({transform:\"rotate(\"+h.radialAxis.orientation+\")\"}),H.selectAll(\".domain\").style(B),H.selectAll(\"g>text\").text(function(t,e){return this.textContent+h.radialAxis.ticksSuffix}).style(F).style({\"text-anchor\":\"start\"}).attr({x:0,y:0,dx:0,dy:0,transform:function(t,e){return\"horizontal\"===h.radialAxis.tickOrientation?\"rotate(\"+-h.radialAxis.orientation+\") translate(\"+[0,F[\"font-size\"]]+\")\":\"translate(\"+[0,F[\"font-size\"]]+\")\"}}),H.selectAll(\"g>line\").style({stroke:\"black\"})}var Z=t.select(\".angular.axis-group\").selectAll(\"g.angular-tick\").data(O),$=Z.enter().append(\"g\").classed(\"angular-tick\",!0);Z.attr({transform:function(t,e){return\"rotate(\"+Y(t)+\")\"}}).style({display:h.angularAxis.visible?\"block\":\"none\"}),Z.exit().remove(),$.append(\"line\").classed(\"grid-line\",!0).classed(\"major\",function(t,e){return e%(h.minorTicks+1)==0}).classed(\"minor\",function(t,e){return!(e%(h.minorTicks+1)==0)}).style(B),$.selectAll(\".minor\").style({stroke:h.minorTickColor}),Z.select(\"line.grid-line\").attr({x1:h.tickLength?x-h.tickLength:0,x2:x}).style({display:h.angularAxis.gridLinesVisible?\"block\":\"none\"}),$.append(\"text\").classed(\"axis-text\",!0).style(F);var J=Z.select(\"text.axis-text\").attr({x:x+h.labelOffset,dy:a+\"em\",transform:function(t,e){var r=Y(t),n=x+h.labelOffset,i=h.angularAxis.tickOrientation;return\"horizontal\"==i?\"rotate(\"+-r+\" \"+n+\" 0)\":\"radial\"==i?r<270&&r>90?\"rotate(180 \"+n+\" 0)\":null:\"rotate(\"+(r<=180&&r>0?-90:90)+\" \"+n+\" 0)\"}}).style({\"text-anchor\":\"middle\",display:h.angularAxis.labelsVisible?\"block\":\"none\"}).text(function(t,e){return e%(h.minorTicks+1)!=0?\"\":w?w[t]+h.angularAxis.ticksSuffix:t+h.angularAxis.ticksSuffix}).style(F);h.angularAxis.rewriteTicks&&J.text(function(t,e){return e%(h.minorTicks+1)!=0?\"\":h.angularAxis.rewriteTicks(this.textContent,e)});var K=n.max(R.selectAll(\".angular-tick text\")[0].map(function(t,e){return t.getCTM().e+t.getBBox().width}));D.attr({transform:\"translate(\"+[x+K,h.margin.top]+\")\"});var Q=t.select(\"g.geometry-group\").selectAll(\"g\").size()>0,tt=t.select(\"g.geometry-group\").selectAll(\"g.geometry\").data(p);if(tt.enter().append(\"g\").attr({class:function(t,e){return\"geometry geometry\"+e}}),tt.exit().remove(),p[0]||Q){var et=[];p.forEach(function(t,e){var n={};n.radialScale=r,n.angularScale=s,n.container=tt.filter(function(t,r){return r==e}),n.geometry=t.geometry,n.orientation=h.orientation,n.direction=h.direction,n.index=e,et.push({data:t,geometryConfig:n})});var rt=n.nest().key(function(t,e){return\"undefined\"!=typeof t.data.groupId||\"unstacked\"}).entries(et),nt=[];rt.forEach(function(t,e){\"unstacked\"===t.key?nt=nt.concat(t.values.map(function(t,e){return[t]})):nt.push(t.values)}),nt.forEach(function(t,e){var r;r=Array.isArray(t)?t[0].geometryConfig.geometry:t.geometryConfig.geometry;var n=t.map(function(t,e){return i(o[r].defaultConfig(),t)});o[r]().config(n)()})}var it,at,ot=t.select(\".guides-group\"),st=t.select(\".tooltips-group\"),lt=o.tooltipPanel().config({container:st,fontSize:8})(),ct=o.tooltipPanel().config({container:st,fontSize:8})(),ut=o.tooltipPanel().config({container:st,hasTick:!0})();if(!M){var ft=ot.select(\"line\").attr({x1:0,y1:0,y2:0}).style({stroke:\"grey\",\"pointer-events\":\"none\"});R.on(\"mousemove.angular-guide\",function(t,e){var r=o.util.getMousePos(W).angle;ft.attr({x2:-x,transform:\"rotate(\"+r+\")\"}).style({opacity:.5});var n=(r+180+360-h.orientation)%360;it=s.invert(n);var i=o.util.convertToCartesian(x+12,r+180);lt.text(o.util.round(it)).move([i[0]+_[0],i[1]+_[1]])}).on(\"mouseout.angular-guide\",function(t,e){ot.select(\"line\").style({opacity:0})})}var ht=ot.select(\"circle\").style({stroke:\"grey\",fill:\"none\"});R.on(\"mousemove.radial-guide\",function(t,e){var n=o.util.getMousePos(W).radius;ht.attr({r:n}).style({opacity:.5}),at=r.invert(o.util.getMousePos(W).radius);var i=o.util.convertToCartesian(n,h.radialAxis.orientation);ct.text(o.util.round(at)).move([i[0]+_[0],i[1]+_[1]])}).on(\"mouseout.radial-guide\",function(t,e){ht.style({opacity:0}),ut.hide(),lt.hide(),ct.hide()}),t.selectAll(\".geometry-group .mark\").on(\"mouseover.tooltip\",function(e,r){var i=n.select(this),a=this.style.fill,s=\"black\",l=this.style.opacity||1;if(i.attr({\"data-opacity\":l}),a&&\"none\"!==a){i.attr({\"data-fill\":a}),s=n.hsl(a).darker().toString(),i.style({fill:s,opacity:1});var c={t:o.util.round(e[0]),r:o.util.round(e[1])};M&&(c.t=w[e[0]]);var u=\"t: \"+c.t+\", r: \"+c.r,f=this.getBoundingClientRect(),h=t.node().getBoundingClientRect(),p=[f.left+f.width/2-V[0]-h.left,f.top+f.height/2-V[1]-h.top];ut.config({color:s}).text(u),ut.move(p)}else a=this.style.stroke||\"black\",i.attr({\"data-stroke\":a}),s=n.hsl(a).darker().toString(),i.style({stroke:s,opacity:1})}).on(\"mousemove.tooltip\",function(t,e){if(0!=n.event.which)return!1;n.select(this).attr(\"data-fill\")&&ut.show()}).on(\"mouseout.tooltip\",function(t,e){ut.hide();var r=n.select(this),i=r.attr(\"data-fill\");i?r.style({fill:i,opacity:r.attr(\"data-opacity\")}):r.style({stroke:r.attr(\"data-stroke\"),opacity:r.attr(\"data-opacity\")})})})}(c),this},h.config=function(t){if(!arguments.length)return l;var e=o.util.cloneJson(t);return e.data.forEach(function(t,e){l.data[e]||(l.data[e]={}),i(l.data[e],o.Axis.defaultConfig().data[0]),i(l.data[e],t)}),i(l.layout,o.Axis.defaultConfig().layout),i(l.layout,e.layout),this},h.getLiveConfig=function(){return u},h.getinputConfig=function(){return c},h.radialScale=function(t){return r},h.angularScale=function(t){return s},h.svg=function(){return t},n.rebind(h,f,\"on\"),h},o.Axis.defaultConfig=function(t,e){return{data:[{t:[1,2,3,4],r:[10,11,12,13],name:\"Line1\",geometry:\"LinePlot\",color:null,strokeDash:\"solid\",strokeColor:null,strokeSize:\"1\",visibleInLegend:!0,opacity:1}],layout:{defaultColorRange:n.scale.category10().range(),title:null,height:450,width:500,margin:{top:40,right:40,bottom:40,left:40},font:{size:12,color:\"gray\",outlineColor:\"white\",family:\"Tahoma, sans-serif\"},direction:\"clockwise\",orientation:0,labelOffset:10,radialAxis:{domain:null,orientation:-45,ticksSuffix:\"\",visible:!0,gridLinesVisible:!0,tickOrientation:\"horizontal\",rewriteTicks:null},angularAxis:{domain:[0,360],ticksSuffix:\"\",visible:!0,gridLinesVisible:!0,labelsVisible:!0,tickOrientation:\"horizontal\",rewriteTicks:null,ticksCount:null,ticksStep:null},minorTicks:0,tickLength:null,tickColor:\"silver\",minorTickColor:\"#eee\",backgroundColor:\"none\",needsEndSpacing:null,showLegend:!0,legend:{reverseOrder:!1},opacity:1}}},o.util={},o.DATAEXTENT=\"dataExtent\",o.AREA=\"AreaChart\",o.LINE=\"LinePlot\",o.DOT=\"DotPlot\",o.BAR=\"BarChart\",o.util._override=function(t,e){for(var r in t)r in e&&(e[r]=t[r])},o.util._extend=function(t,e){for(var r in t)e[r]=t[r]},o.util._rndSnd=function(){return 2*Math.random()-1+(2*Math.random()-1)+(2*Math.random()-1)},o.util.dataFromEquation2=function(t,e){var r=e||6;return n.range(0,360+r,r).map(function(e,r){var n=e*Math.PI/180;return[e,t(n)]})},o.util.dataFromEquation=function(t,e,r){var i=e||6,a=[],o=[];n.range(0,360+i,i).forEach(function(e,r){var n=e*Math.PI/180,i=t(n);a.push(e),o.push(i)});var s={t:a,r:o};return r&&(s.name=r),s},o.util.ensureArray=function(t,e){if(\"undefined\"==typeof t)return null;var r=[].concat(t);return n.range(e).map(function(t,e){return r[e]||r[0]})},o.util.fillArrays=function(t,e,r){return e.forEach(function(e,n){t[e]=o.util.ensureArray(t[e],r)}),t},o.util.cloneJson=function(t){return JSON.parse(JSON.stringify(t))},o.util.validateKeys=function(t,e){\"string\"==typeof e&&(e=e.split(\".\"));var r=e.shift();return t[r]&&(!e.length||objHasKeys(t[r],e))},o.util.sumArrays=function(t,e){return n.zip(t,e).map(function(t,e){return n.sum(t)})},o.util.arrayLast=function(t){return t[t.length-1]},o.util.arrayEqual=function(t,e){for(var r=Math.max(t.length,e.length,1);r-- >=0&&t[r]===e[r];);return-2===r},o.util.flattenArray=function(t){for(var e=[];!o.util.arrayEqual(e,t);)e=t,t=[].concat.apply([],t);return t},o.util.deduplicate=function(t){return t.filter(function(t,e,r){return r.indexOf(t)==e})},o.util.convertToCartesian=function(t,e){var r=e*Math.PI/180;return[t*Math.cos(r),t*Math.sin(r)]},o.util.round=function(t,e){var r=e||2,n=Math.pow(10,r);return Math.round(t*n)/n},o.util.getMousePos=function(t){var e=n.mouse(t.node()),r=e[0],i=e[1],a={};return a.x=r,a.y=i,a.pos=e,a.angle=180*(Math.atan2(i,r)+Math.PI)/Math.PI,a.radius=Math.sqrt(r*r+i*i),a},o.util.duplicatesCount=function(t){for(var e,r={},n={},i=0,a=t.length;i0)){var l=n.select(this.parentNode).selectAll(\"path.line\").data([0]);l.enter().insert(\"path\"),l.attr({class:\"line\",d:u(s),transform:function(t,r){return\"rotate(\"+(e.orientation+90)+\")\"},\"pointer-events\":\"none\"}).style({fill:function(t,e){return d.fill(r,i,a)},\"fill-opacity\":0,stroke:function(t,e){return d.stroke(r,i,a)},\"stroke-width\":function(t,e){return d[\"stroke-width\"](r,i,a)},\"stroke-dasharray\":function(t,e){return d[\"stroke-dasharray\"](r,i,a)},opacity:function(t,e){return d.opacity(r,i,a)},display:function(t,e){return d.display(r,i,a)}})}};var f=e.angularScale.range(),h=Math.abs(f[1]-f[0])/o[0].length*Math.PI/180,p=n.svg.arc().startAngle(function(t){return-h/2}).endAngle(function(t){return h/2}).innerRadius(function(t){return e.radialScale(l+(t[2]||0))}).outerRadius(function(t){return e.radialScale(l+(t[2]||0))+e.radialScale(t[1])});c.arc=function(t,r,i){n.select(this).attr({class:\"mark arc\",d:p,transform:function(t,r){return\"rotate(\"+(e.orientation+s(t[0])+90)+\")\"}})};var d={fill:function(e,r,n){return t[n].data.color},stroke:function(e,r,n){return t[n].data.strokeColor},\"stroke-width\":function(e,r,n){return t[n].data.strokeSize+\"px\"},\"stroke-dasharray\":function(e,n,i){return r[t[i].data.strokeDash]},opacity:function(e,r,n){return t[n].data.opacity},display:function(e,r,n){return\"undefined\"==typeof t[n].data.visible||t[n].data.visible?\"block\":\"none\"}},g=n.select(this).selectAll(\"g.layer\").data(o);g.enter().append(\"g\").attr({class:\"layer\"});var v=g.selectAll(\"path.mark\").data(function(t,e){return t});v.enter().append(\"path\").attr({class:\"mark\"}),v.style(d).each(c[e.geometryType]),v.exit().remove(),g.exit().remove()})}return a.config=function(e){return arguments.length?(e.forEach(function(e,r){t[r]||(t[r]={}),i(t[r],o.PolyChart.defaultConfig()),i(t[r],e)}),this):t},a.getColorScale=function(){},n.rebind(a,e,\"on\"),a},o.PolyChart.defaultConfig=function(){return{data:{name:\"geom1\",t:[[1,2,3,4]],r:[[1,2,3,4]],dotType:\"circle\",dotSize:64,dotVisible:!1,barWidth:20,color:\"#ffa500\",strokeSize:1,strokeColor:\"silver\",strokeDash:\"solid\",opacity:1,index:0,visible:!0,visibleInLegend:!0},geometryConfig:{geometry:\"LinePlot\",geometryType:\"arc\",direction:\"clockwise\",orientation:0,container:\"body\",radialScale:null,angularScale:null,colorScale:n.scale.category20()}}},o.BarChart=function(){return o.PolyChart()},o.BarChart.defaultConfig=function(){return{geometryConfig:{geometryType:\"bar\"}}},o.AreaChart=function(){return o.PolyChart()},o.AreaChart.defaultConfig=function(){return{geometryConfig:{geometryType:\"arc\"}}},o.DotPlot=function(){return o.PolyChart()},o.DotPlot.defaultConfig=function(){return{geometryConfig:{geometryType:\"dot\",dotType:\"circle\"}}},o.LinePlot=function(){return o.PolyChart()},o.LinePlot.defaultConfig=function(){return{geometryConfig:{geometryType:\"line\"}}},o.Legend=function(){var t=o.Legend.defaultConfig(),e=n.dispatch(\"hover\");function r(){var e=t.legendConfig,a=t.data.map(function(t,r){return[].concat(t).map(function(t,n){var a=i({},e.elements[r]);return a.name=t,a.color=[].concat(e.elements[r].color)[n],a})}),o=n.merge(a);o=o.filter(function(t,r){return e.elements[r]&&(e.elements[r].visibleInLegend||\"undefined\"==typeof e.elements[r].visibleInLegend)}),e.reverseOrder&&(o=o.reverse());var s=e.container;(\"string\"==typeof s||s.nodeName)&&(s=n.select(s));var l=o.map(function(t,e){return t.color}),c=e.fontSize,u=null==e.isContinuous?\"number\"==typeof o[0]:e.isContinuous,f=u?e.height:c*o.length,h=s.classed(\"legend-group\",!0).selectAll(\"svg\").data([0]),p=h.enter().append(\"svg\").attr({width:300,height:f+c,xmlns:\"http://www.w3.org/2000/svg\",\"xmlns:xlink\":\"http://www.w3.org/1999/xlink\",version:\"1.1\"});p.append(\"g\").classed(\"legend-axis\",!0),p.append(\"g\").classed(\"legend-marks\",!0);var d=n.range(o.length),g=n.scale[u?\"linear\":\"ordinal\"]().domain(d).range(l),v=n.scale[u?\"linear\":\"ordinal\"]().domain(d)[u?\"range\":\"rangePoints\"]([0,f]);if(u){var m=h.select(\".legend-marks\").append(\"defs\").append(\"linearGradient\").attr({id:\"grad1\",x1:\"0%\",y1:\"0%\",x2:\"0%\",y2:\"100%\"}).selectAll(\"stop\").data(l);m.enter().append(\"stop\"),m.attr({offset:function(t,e){return e/(l.length-1)*100+\"%\"}}).style({\"stop-color\":function(t,e){return t}}),h.append(\"rect\").classed(\"legend-mark\",!0).attr({height:e.height,width:e.colorBandWidth,fill:\"url(#grad1)\"})}else{var y=h.select(\".legend-marks\").selectAll(\"path.legend-mark\").data(o);y.enter().append(\"path\").classed(\"legend-mark\",!0),y.attr({transform:function(t,e){return\"translate(\"+[c/2,v(e)+c/2]+\")\"},d:function(t,e){var r,i,a,o=t.symbol;return a=3*(i=c),\"line\"===(r=o)?\"M\"+[[-i/2,-i/12],[i/2,-i/12],[i/2,i/12],[-i/2,i/12]]+\"Z\":-1!=n.svg.symbolTypes.indexOf(r)?n.svg.symbol().type(r).size(a)():n.svg.symbol().type(\"square\").size(a)()},fill:function(t,e){return g(e)}}),y.exit().remove()}var x=n.svg.axis().scale(v).orient(\"right\"),b=h.select(\"g.legend-axis\").attr({transform:\"translate(\"+[u?e.colorBandWidth:c,c/2]+\")\"}).call(x);return b.selectAll(\".domain\").style({fill:\"none\",stroke:\"none\"}),b.selectAll(\"line\").style({fill:\"none\",stroke:u?e.textColor:\"none\"}),b.selectAll(\"text\").style({fill:e.textColor,\"font-size\":e.fontSize}).text(function(t,e){return o[e].name}),r}return r.config=function(e){return arguments.length?(i(t,e),this):t},n.rebind(r,e,\"on\"),r},o.Legend.defaultConfig=function(t,e){return{data:[\"a\",\"b\",\"c\"],legendConfig:{elements:[{symbol:\"line\",color:\"red\"},{symbol:\"square\",color:\"yellow\"},{symbol:\"diamond\",color:\"limegreen\"}],height:150,colorBandWidth:30,fontSize:12,container:\"body\",isContinuous:null,textColor:\"grey\",reverseOrder:!1}}},o.tooltipPanel=function(){var t,e,r,a={container:null,hasTick:!1,fontSize:12,color:\"white\",padding:5},s=\"tooltip-\"+o.tooltipPanel.uid++,l=10,c=function(){var n=(t=a.container.selectAll(\"g.\"+s).data([0])).enter().append(\"g\").classed(s,!0).style({\"pointer-events\":\"none\",display:\"none\"});return r=n.append(\"path\").style({fill:\"white\",\"fill-opacity\":.9}).attr({d:\"M0 0\"}),e=n.append(\"text\").attr({dx:a.padding+l,dy:.3*+a.fontSize}),c};return c.text=function(i){var o=n.hsl(a.color).l,s=o>=.5?\"#aaa\":\"white\",u=o>=.5?\"black\":\"white\",f=i||\"\";e.style({fill:u,\"font-size\":a.fontSize+\"px\"}).text(f);var h=a.padding,p=e.node().getBBox(),d={fill:a.color,stroke:s,\"stroke-width\":\"2px\"},g=p.width+2*h+l,v=p.height+2*h;return r.attr({d:\"M\"+[[l,-v/2],[l,-v/4],[a.hasTick?0:l,0],[l,v/4],[l,v/2],[g,v/2],[g,-v/2]].join(\"L\")+\"Z\"}).style(d),t.attr({transform:\"translate(\"+[l,-v/2+2*h]+\")\"}),t.style({display:\"block\"}),c},c.move=function(e){if(t)return t.attr({transform:\"translate(\"+[e[0],e[1]]+\")\"}).style({display:\"block\"}),c},c.hide=function(){if(t)return t.style({display:\"none\"}),c},c.show=function(){if(t)return t.style({display:\"block\"}),c},c.config=function(t){return i(a,t),c},c},o.tooltipPanel.uid=1,o.adapter={},o.adapter.plotly=function(){var t={convert:function(t,e){var r={};if(t.data&&(r.data=t.data.map(function(t,r){var n=i({},t);return[[n,[\"marker\",\"color\"],[\"color\"]],[n,[\"marker\",\"opacity\"],[\"opacity\"]],[n,[\"marker\",\"line\",\"color\"],[\"strokeColor\"]],[n,[\"marker\",\"line\",\"dash\"],[\"strokeDash\"]],[n,[\"marker\",\"line\",\"width\"],[\"strokeSize\"]],[n,[\"marker\",\"symbol\"],[\"dotType\"]],[n,[\"marker\",\"size\"],[\"dotSize\"]],[n,[\"marker\",\"barWidth\"],[\"barWidth\"]],[n,[\"line\",\"interpolation\"],[\"lineInterpolation\"]],[n,[\"showlegend\"],[\"visibleInLegend\"]]].forEach(function(t,r){o.util.translator.apply(null,t.concat(e))}),e||delete n.marker,e&&delete n.groupId,e?(\"LinePlot\"===n.geometry?(n.type=\"scatter\",!0===n.dotVisible?(delete n.dotVisible,n.mode=\"lines+markers\"):n.mode=\"lines\"):\"DotPlot\"===n.geometry?(n.type=\"scatter\",n.mode=\"markers\"):\"AreaChart\"===n.geometry?n.type=\"area\":\"BarChart\"===n.geometry&&(n.type=\"bar\"),delete n.geometry):(\"scatter\"===n.type?\"lines\"===n.mode?n.geometry=\"LinePlot\":\"markers\"===n.mode?n.geometry=\"DotPlot\":\"lines+markers\"===n.mode&&(n.geometry=\"LinePlot\",n.dotVisible=!0):\"area\"===n.type?n.geometry=\"AreaChart\":\"bar\"===n.type&&(n.geometry=\"BarChart\"),delete n.mode,delete n.type),n}),!e&&t.layout&&\"stack\"===t.layout.barmode)){var a=o.util.duplicates(r.data.map(function(t,e){return t.geometry}));r.data.forEach(function(t,e){var n=a.indexOf(t.geometry);-1!=n&&(r.data[e].groupId=n)})}if(t.layout){var s=i({},t.layout);if([[s,[\"plot_bgcolor\"],[\"backgroundColor\"]],[s,[\"showlegend\"],[\"showLegend\"]],[s,[\"radialaxis\"],[\"radialAxis\"]],[s,[\"angularaxis\"],[\"angularAxis\"]],[s.angularaxis,[\"showline\"],[\"gridLinesVisible\"]],[s.angularaxis,[\"showticklabels\"],[\"labelsVisible\"]],[s.angularaxis,[\"nticks\"],[\"ticksCount\"]],[s.angularaxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.angularaxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.angularaxis,[\"range\"],[\"domain\"]],[s.angularaxis,[\"endpadding\"],[\"endPadding\"]],[s.radialaxis,[\"showline\"],[\"gridLinesVisible\"]],[s.radialaxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.radialaxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.radialaxis,[\"range\"],[\"domain\"]],[s.angularAxis,[\"showline\"],[\"gridLinesVisible\"]],[s.angularAxis,[\"showticklabels\"],[\"labelsVisible\"]],[s.angularAxis,[\"nticks\"],[\"ticksCount\"]],[s.angularAxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.angularAxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.angularAxis,[\"range\"],[\"domain\"]],[s.angularAxis,[\"endpadding\"],[\"endPadding\"]],[s.radialAxis,[\"showline\"],[\"gridLinesVisible\"]],[s.radialAxis,[\"tickorientation\"],[\"tickOrientation\"]],[s.radialAxis,[\"ticksuffix\"],[\"ticksSuffix\"]],[s.radialAxis,[\"range\"],[\"domain\"]],[s.font,[\"outlinecolor\"],[\"outlineColor\"]],[s.legend,[\"traceorder\"],[\"reverseOrder\"]],[s,[\"labeloffset\"],[\"labelOffset\"]],[s,[\"defaultcolorrange\"],[\"defaultColorRange\"]]].forEach(function(t,r){o.util.translator.apply(null,t.concat(e))}),e?(\"undefined\"!=typeof s.tickLength&&(s.angularaxis.ticklen=s.tickLength,delete s.tickLength),s.tickColor&&(s.angularaxis.tickcolor=s.tickColor,delete s.tickColor)):(s.angularAxis&&\"undefined\"!=typeof s.angularAxis.ticklen&&(s.tickLength=s.angularAxis.ticklen),s.angularAxis&&\"undefined\"!=typeof s.angularAxis.tickcolor&&(s.tickColor=s.angularAxis.tickcolor)),s.legend&&\"boolean\"!=typeof s.legend.reverseOrder&&(s.legend.reverseOrder=\"normal\"!=s.legend.reverseOrder),s.legend&&\"boolean\"==typeof s.legend.traceorder&&(s.legend.traceorder=s.legend.traceorder?\"reversed\":\"normal\",delete s.legend.reverseOrder),s.margin&&\"undefined\"!=typeof s.margin.t){var l=[\"t\",\"r\",\"b\",\"l\",\"pad\"],c=[\"top\",\"right\",\"bottom\",\"left\",\"pad\"],u={};n.entries(s.margin).forEach(function(t,e){u[c[l.indexOf(t.key)]]=t.value}),s.margin=u}e&&(delete s.needsEndSpacing,delete s.minorTickColor,delete s.minorTicks,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksCount,delete s.angularaxis.ticksStep,delete s.angularaxis.rewriteTicks,delete s.angularaxis.nticks,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksCount,delete s.radialaxis.ticksStep,delete s.radialaxis.rewriteTicks,delete s.radialaxis.nticks),r.layout=s}return r}};return t}},{\"../../../constants/alignment\":668,\"../../../lib\":696,d3:148}],818:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../../lib\"),a=t(\"../../../components/color\"),o=t(\"./micropolar\"),s=t(\"./undo_manager\"),l=i.extendDeepAll,c=e.exports={};c.framework=function(t){var e,r,i,a,u,f=new s;function h(r,s){return s&&(u=s),n.select(n.select(u).node().parentNode).selectAll(\".svg-container>*:not(.chart-root)\").remove(),e=e?l(e,r):r,i||(i=o.Axis()),a=o.adapter.plotly().convert(e),i.config(a).render(u),t.data=e.data,t.layout=e.layout,c.fillLayout(t),e}return h.isPolar=!0,h.svg=function(){return i.svg()},h.getConfig=function(){return e},h.getLiveConfig=function(){return o.adapter.plotly().convert(i.getLiveConfig(),!0)},h.getLiveScales=function(){return{t:i.angularScale(),r:i.radialScale()}},h.setUndoPoint=function(){var t,n,i=this,a=o.util.cloneJson(e);t=a,n=r,f.add({undo:function(){n&&i(n)},redo:function(){i(t)}}),r=o.util.cloneJson(a)},h.undo=function(){f.undo()},h.redo=function(){f.redo()},h},c.fillLayout=function(t){var e=n.select(t).selectAll(\".plot-container\"),r=e.selectAll(\".svg-container\"),i=t.framework&&t.framework.svg&&t.framework.svg(),o={width:800,height:600,paper_bgcolor:a.background,_container:e,_paperdiv:r,_paper:i};t._fullLayout=l(o,t.layout)}},{\"../../../components/color\":570,\"../../../lib\":696,\"./micropolar\":817,\"./undo_manager\":819,d3:148}],819:[function(t,e,r){\"use strict\";e.exports=function(){var t,e=[],r=-1,n=!1;function i(t,e){return t?(n=!0,t[e](),n=!1,this):this}return{add:function(t){return n?this:(e.splice(r+1,e.length-r),e.push(t),r=e.length-1,this)},setCallback:function(e){t=e},undo:function(){var n=e[r];return n?(i(n,\"undo\"),r-=1,t&&t(n.undo),this):this},redo:function(){var n=e[r+1];return n?(i(n,\"redo\"),r+=1,t&&t(n.redo),this):this},clear:function(){e=[],r=-1},hasUndo:function(){return-1!==r},hasRedo:function(){return r0?1:-1}function N(t){return F(Math.cos(t))}function j(t){return F(Math.sin(t))}e.exports=function(t,e){return new z(t,e)},O.plot=function(t,e){var r=e[this.id];this._hasClipOnAxisFalse=!1;for(var n=0;n=90||s>90&&l>=450?1:u<=0&&h<=0?0:Math.max(u,h);e=s<=180&&l>=180||s>180&&l>=540?-1:c>=0&&f>=0?0:Math.min(c,f);r=s<=270&&l>=270||s>270&&l>=630?-1:u>=0&&h>=0?0:Math.min(u,h);n=l>=360?1:c<=0&&f<=0?0:Math.max(c,f);return[e,r,n,i]}(h),x=y[2]-y[0],b=y[3]-y[1],_=f/u,w=Math.abs(b/x);_>w?(p=u,m=(f-(d=u*w))/n.h/2,g=[o[0],o[1]],v=[c[0]+m,c[1]-m]):(d=f,m=(u-(p=f/w))/n.w/2,g=[o[0]+m,o[1]-m],v=[c[0],c[1]]),this.xLength2=p,this.yLength2=d,this.xDomain2=g,this.yDomain2=v;var k=this.xOffset2=n.l+n.w*g[0],M=this.yOffset2=n.t+n.h*(1-v[1]),A=this.radius=p/x,T=this.innerRadius=e.hole*A,S=this.cx=k-A*y[0],L=this.cy=M+A*y[3],z=this.cxx=S-k,O=this.cyy=L-M;this.radialAxis=this.mockAxis(t,e,i,{_axislayer:r[\"radial-axis\"],_gridlayer:r[\"radial-grid\"],_id:\"x\",side:{counterclockwise:\"top\",clockwise:\"bottom\"}[i.side],domain:[T/n.w,A/n.w]}),this.angularAxis=this.mockAxis(t,e,a,{_axislayer:r[\"angular-axis\"],_gridlayer:r[\"angular-grid\"],side:\"right\",domain:[0,Math.PI],autorange:!1}),this.doAutoRange(t,e),this.updateAngularAxis(t,e),this.updateRadialAxis(t,e),this.updateRadialAxisTitle(t,e),this.xaxis=this.mockCartesianAxis(t,e,{_id:\"x\",domain:g}),this.yaxis=this.mockCartesianAxis(t,e,{_id:\"y\",domain:v});var I=this.pathSubplot();this.clipPaths.forTraces.select(\"path\").attr(\"d\",I).attr(\"transform\",R(z,O)),r.frontplot.attr(\"transform\",R(k,M)).call(l.setClipUrl,this._hasClipOnAxisFalse?null:this.clipIds.forTraces),r.bg.attr(\"d\",I).attr(\"transform\",R(S,L)).call(s.fill,e.bgcolor),this.framework.selectAll(\".crisp\").classed(\"crisp\",0)},O.mockAxis=function(t,e,r,n){var i=o.extendFlat({anchor:\"free\",position:0,_pos:0,_counteraxis:!0,automargin:!1},r,n);return f(i,e,t),i},O.mockCartesianAxis=function(t,e,r){var n=this,i=r._id,a=o.extendFlat({type:\"linear\"},r);u(a,t);var s={x:[0,2],y:[1,3]};return a.setRange=function(){var t=n.sectorBBox,r=s[i],o=n.radialAxis._rl,l=(o[1]-o[0])/(1-e.hole);a.range=[t[r[0]]*l,t[r[1]]*l]},a.isPtWithinRange=\"x\"===i?function(t){return n.isPtInside(t)}:function(){return!0},a.setRange(),a.setScale(),a},O.doAutoRange=function(t,e){var r=this.gd,n=this.radialAxis,i=e.radialaxis;n.setScale(),h(r,n);var a=n.range;i.range=a.slice(),i._input.range=a.slice(),n._rl=[n.r2l(a[0],null,\"gregorian\"),n.r2l(a[1],null,\"gregorian\")]},O.updateRadialAxis=function(t,e){var r=this,n=r.gd,i=r.layers,a=r.radius,o=r.innerRadius,l=r.cx,c=r.cy,u=e.radialaxis,f=E(e.sector[0],360),h=r.radialAxis,d=o90&&f<=270&&(h.tickangle=180),h._transfn=function(t){return\"translate(\"+(h.l2p(t.x)+o)+\",0)\"},h._gridpath=function(t){return r.pathArc(h.r2p(t.x)+o)};var g=I(u);r.radialTickLayout!==g&&(i[\"radial-axis\"].selectAll(\".xtick\").remove(),r.radialTickLayout=g),d&&(h.setScale(),p(n,h,!0));var v=r.radialAxisAngle=r.vangles?L(P(C(u.angle),r.vangles)):u.angle,m=R(l,c)+B(-v);D(i[\"radial-axis\"],d&&(u.showticklabels||u.ticks),{transform:m}),D(i[\"radial-grid\"],d&&u.showgrid,{transform:R(l,c)}).selectAll(\"path\").attr(\"transform\",null),D(i[\"radial-line\"].select(\"line\"),d&&u.showline,{x1:o,y1:0,x2:a,y2:0,transform:m}).attr(\"stroke-width\",u.linewidth).call(s.stroke,u.linecolor)},O.updateRadialAxisTitle=function(t,e,r){var n=this.gd,i=this.radius,a=this.cx,o=this.cy,s=e.radialaxis,c=this.id+\"title\",u=void 0!==r?r:this.radialAxisAngle,f=C(u),h=Math.cos(f),p=Math.sin(f),d=0;if(s.title){var g=l.bBox(this.layers[\"radial-axis\"].node()).height,v=s.titlefont.size;d=\"counterclockwise\"===s.side?-g-.4*v:g+.8*v}this.layers[\"radial-axis-title\"]=m.draw(n,c,{propContainer:s,propName:this.id+\".radialaxis.title\",placeholder:S(n,\"Click to enter radial axis title\"),attributes:{x:a+i/2*h+d*p,y:o-i/2*p+d*h,\"text-anchor\":\"middle\"},transform:{rotate:-u}})},O.updateAngularAxis=function(t,e){var r=this,i=r.gd,a=r.layers,l=r.radius,c=r.innerRadius,u=r.cx,f=r.cy,h=e.angularaxis,d=r.angularAxis;r.fillViewInitialKey(\"angularaxis.rotation\",h.rotation),d.setGeometry();var g=function(t){return d.t2g(t.x)};\"linear\"===d.type&&\"radians\"===d.thetaunit&&(d.tick0=L(d.tick0),d.dtick=L(d.dtick)),\"category\"===d.type&&(d._tickFilter=function(t){return o.isAngleInsideSector(g(t),r.sectorInRad)}),d._transfn=function(t){var e=n.select(this),r=e&&e.node();if(r&&e.classed(\"angularaxisgrid\"))return\"\";var i=g(t),a=R(u+l*Math.cos(i),f-l*Math.sin(i));return r&&e.classed(\"ticks\")&&(a+=B(-L(i))),a},d._gridpath=function(t){var e=g(t),r=Math.cos(e),n=Math.sin(e);return\"M\"+[u+c*r,f-c*n]+\"L\"+[u+l*r,f-l*n]};var v=\"outside\"!==h.ticks?.7:.5;d._labelx=function(t){var e=g(t),r=d._labelStandoff,n=d._pad;return(0===j(e)?0:Math.cos(e)*(r+n+v*t.fontSize))+N(e)*(t.dx+r+n)},d._labely=function(t){var e=g(t),r=d._labelStandoff,n=d._labelShift,i=d._pad;return t.dy+t.fontSize*M-n+-Math.sin(e)*(r+i+v*t.fontSize)},d._labelanchor=function(t,e){var r=g(e);return 0===j(r)?N(r)>0?\"start\":\"end\":\"middle\"};var m,y=I(h);r.angularTickLayout!==y&&(a[\"angular-axis\"].selectAll(\".\"+d._id+\"tick\").remove(),r.angularTickLayout=y),d.setScale(),p(i,d,!0),\"linear\"===e.gridshape?(m=d._vals.map(g),o.angleDelta(m[0],m[1])<0&&(m=m.slice().reverse())):m=null,r.vangles=m,D(a[\"angular-line\"].select(\"path\"),h.showline,{d:r.pathSubplot(),transform:R(u,f)}).attr(\"stroke-width\",h.linewidth).call(s.stroke,h.linecolor)},O.updateFx=function(t,e){this.gd._context.staticPlot||(this.updateAngularDrag(t),this.updateRadialDrag(t,e,0),this.updateRadialDrag(t,e,1),this.updateMainDrag(t))},O.updateMainDrag=function(t){var e=this,r=e.gd,o=e.layers,s=t._zoomlayer,l=A.MINZOOM,c=A.OFFEDGE,u=e.radius,f=e.innerRadius,h=e.cx,p=e.cy,m=e.cxx,_=e.cyy,w=e.sectorInRad,k=e.vangles,M=e.radialAxis,S=T.clampTiny,E=T.findXYatLength,C=T.findEnclosingVertexAngles,L=A.cornerHalfWidth,z=A.cornerLen/2,O=d.makeDragger(o,\"path\",\"maindrag\",\"crosshair\");n.select(O).attr(\"d\",e.pathSubplot()).attr(\"transform\",R(h,p));var I,P,D,B,F,N,j,V,U,q={element:O,gd:r,subplot:e.id,plotinfo:{id:e.id,xaxis:e.xaxis,yaxis:e.yaxis},xaxes:[e.xaxis],yaxes:[e.yaxis]};function H(t,e){return Math.sqrt(t*t+e*e)}function G(t,e){return H(t-m,e-_)}function W(t,e){return Math.atan2(_-e,t-m)}function Y(t,e){return[t*Math.cos(e),t*Math.sin(-e)]}function X(t,r){if(0===t)return e.pathSector(2*L);var n=z/t,i=r-n,a=r+n,o=Math.max(0,Math.min(t,u)),s=o-L,l=o+L;return\"M\"+Y(s,i)+\"A\"+[s,s]+\" 0,0,0 \"+Y(s,a)+\"L\"+Y(l,a)+\"A\"+[l,l]+\" 0,0,1 \"+Y(l,i)+\"Z\"}function Z(t,r,n){if(0===t)return e.pathSector(2*L);var i,a,o=Y(t,r),s=Y(t,n),l=S((o[0]+s[0])/2),c=S((o[1]+s[1])/2);if(l&&c){var u=c/l,f=-1/u,h=E(L,u,l,c);i=E(z,f,h[0][0],h[0][1]),a=E(z,f,h[1][0],h[1][1])}else{var p,d;c?(p=z,d=L):(p=L,d=z),i=[[l-p,c-d],[l+p,c-d]],a=[[l-p,c+d],[l+p,c+d]]}return\"M\"+i.join(\"L\")+\"L\"+a.reverse().join(\"L\")+\"Z\"}function $(t,e){return e=Math.max(Math.min(e,u),f),tl?(t-1&&1===t&&x(n,r,[e.xaxis],[e.yaxis],e.id,q),i.indexOf(\"event\")>-1&&v.click(r,n,e.id)}q.prepFn=function(t,n,a){var o=r._fullLayout.dragmode,l=O.getBoundingClientRect();if(I=n-l.left,P=a-l.top,k){var c=T.findPolygonOffset(u,w[0],w[1],k);I+=m+c[0],P+=_+c[1]}switch(o){case\"zoom\":q.moveFn=k?tt:K,q.clickFn=rt,q.doneFn=et,function(){D=null,B=null,F=e.pathSubplot(),N=!1;var t=r._fullLayout[e.id];j=i(t.bgcolor).getLuminance(),(V=d.makeZoombox(s,j,h,p,F)).attr(\"fill-rule\",\"evenodd\"),U=d.makeCorners(s,h,p),b(s)}();break;case\"select\":case\"lasso\":y(t,n,a,q,o)}},O.onmousemove=function(t){v.hover(r,t,e.id),r._fullLayout._lasthover=O,r._fullLayout._hoversubplot=e.id},O.onmouseout=function(t){r._dragging||g.unhover(r,t)},g.init(q)},O.updateRadialDrag=function(t,e,r){var i=this,s=i.gd,l=i.layers,c=i.radius,u=i.innerRadius,f=i.cx,h=i.cy,v=i.radialAxis,m=A.radialDragBoxSize,y=m/2;if(v.visible){var x,_,M,T=C(i.radialAxisAngle),S=v._rl,E=S[0],z=S[1],O=S[r],I=.75*(S[1]-S[0])/(1-e.hole)/c;r?(x=f+(c+y)*Math.cos(T),_=h-(c+y)*Math.sin(T),M=\"radialdrag\"):(x=f+(u-y)*Math.cos(T),_=h-(u-y)*Math.sin(T),M=\"radialdrag-inner\");var F,N,j,V=d.makeRectDragger(l,M,\"crosshair\",-y,-y,m,m),U={element:V,gd:s};D(n.select(V),v.visible&&u0==(r?j>E:jn?function(t){return t<=0}:function(t){return t>=0};t.c2g=function(r){var n=t.c2l(r)-e;return(s(n)?n:0)+o},t.g2c=function(r){return t.l2c(r+e-o)},t.g2p=function(t){return t*a},t.c2p=function(e){return t.g2p(t.c2g(e))}}}(t,e);break;case\"angularaxis\":!function(t,e){var r=t.type;if(\"linear\"===r){var i=t.d2c,s=t.c2d;t.d2c=function(t,e){return function(t,e){return\"degrees\"===e?a(t):t}(i(t),e)},t.c2d=function(t,e){return s(function(t,e){return\"degrees\"===e?o(t):t}(t,e))}}t.makeCalcdata=function(e,i){var a,o,s=e[i],l=e._length,c=function(r){return t.d2c(r,e.thetaunit)};if(s){if(n.isTypedArray(s)&&\"linear\"===r){if(l===s.length)return s;if(s.subarray)return s.subarray(0,l)}for(a=new Array(l),o=0;o=u&&(p.min=0,g.min=0,v.min=0,t.aaxis&&delete t.aaxis.min,t.baxis&&delete t.baxis.min,t.caxis&&delete t.caxis.min)}function d(t,e,r){var n=f[e._name];function i(r,i){return a.coerce(t,e,n,r,i)}e.type=\"linear\";var o=i(\"color\"),h=o!==n.color.dflt?o:r.font.color,p=e._name.charAt(0).toUpperCase(),d=\"Component \"+p,g=i(\"title\",d);e._hovertitle=g===d?g:p,a.coerceFont(i,\"titlefont\",{family:r.font.family,size:Math.round(1.2*r.font.size),color:h}),i(\"min\"),c(t,e,i,\"linear\"),s(t,e,i,\"linear\",{}),l(t,e,i,{outerTicks:!0}),i(\"showticklabels\")&&(a.coerceFont(i,\"tickfont\",{family:r.font.family,size:r.font.size,color:h}),i(\"tickangle\"),i(\"tickformat\")),u(t,e,i,{dfltColor:o,bgColor:r.bgColor,blend:60,showLine:!0,showGrid:!0,noZeroLine:!0,attributes:n}),i(\"hoverformat\"),i(\"layer\")}e.exports=function(t,e,r){o(t,e,r,{type:\"ternary\",attributes:f,handleDefaults:p,font:e.font,paper_bgcolor:e.paper_bgcolor})}},{\"../../components/color\":570,\"../../lib\":696,\"../../plot_api/plot_template\":734,\"../cartesian/line_grid_defaults\":759,\"../cartesian/tick_label_defaults\":764,\"../cartesian/tick_mark_defaults\":765,\"../cartesian/tick_value_defaults\":766,\"../subplot_defaults\":822,\"./layout_attributes\":824}],826:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"tinycolor2\"),a=t(\"../../registry\"),o=t(\"../../lib\"),s=o._,l=t(\"../../components/color\"),c=t(\"../../components/drawing\"),u=t(\"../cartesian/set_convert\"),f=t(\"../../lib/extend\").extendFlat,h=t(\"../plots\"),p=t(\"../cartesian/axes\"),d=t(\"../../components/dragelement\"),g=t(\"../../components/fx\"),v=t(\"../../components/titles\"),m=t(\"../cartesian/select\").prepSelect,y=t(\"../cartesian/select\").selectOnClick,x=t(\"../cartesian/select\").clearSelect,b=t(\"../cartesian/constants\");function _(t,e){this.id=t.id,this.graphDiv=t.graphDiv,this.init(e),this.makeFramework(e),this.aTickLayout=null,this.bTickLayout=null,this.cTickLayout=null}e.exports=_;var w=_.prototype;w.init=function(t){this.container=t._ternarylayer,this.defs=t._defs,this.layoutId=t._uid,this.traceHash={},this.layers={}},w.plot=function(t,e){var r=e[this.id],n=e._size;this._hasClipOnAxisFalse=!1;for(var i=0;ik*x?i=(a=x)*k:a=(i=y)/k,o=v*i/y,s=m*a/x,r=e.l+e.w*d-i/2,n=e.t+e.h*(1-g)-a/2,h.x0=r,h.y0=n,h.w=i,h.h=a,h.sum=b,h.xaxis={type:\"linear\",range:[_+2*M-b,b-_-2*w],domain:[d-o/2,d+o/2],_id:\"x\"},u(h.xaxis,h.graphDiv._fullLayout),h.xaxis.setScale(),h.xaxis.isPtWithinRange=function(t){return t.a>=h.aaxis.range[0]&&t.a<=h.aaxis.range[1]&&t.b>=h.baxis.range[1]&&t.b<=h.baxis.range[0]&&t.c>=h.caxis.range[1]&&t.c<=h.caxis.range[0]},h.yaxis={type:\"linear\",range:[_,b-w-M],domain:[g-s/2,g+s/2],_id:\"y\"},u(h.yaxis,h.graphDiv._fullLayout),h.yaxis.setScale(),h.yaxis.isPtWithinRange=function(){return!0};var A=h.yaxis.domain[0],T=h.aaxis=f({},t.aaxis,{visible:!0,range:[_,b-w-M],side:\"left\",_counterangle:30,tickangle:(+t.aaxis.tickangle||0)-30,domain:[A,A+s*k],_axislayer:h.layers.aaxis,_gridlayer:h.layers.agrid,anchor:\"free\",position:0,_pos:0,_id:\"y\",_length:i,_gridpath:\"M0,0l\"+a+\",-\"+i/2,automargin:!1});u(T,h.graphDiv._fullLayout),T.setScale();var S=h.baxis=f({},t.baxis,{visible:!0,range:[b-_-M,w],side:\"bottom\",_counterangle:30,domain:h.xaxis.domain,_axislayer:h.layers.baxis,_gridlayer:h.layers.bgrid,_counteraxis:h.aaxis,anchor:\"free\",position:0,_pos:0,_id:\"x\",_length:i,_gridpath:\"M0,0l-\"+i/2+\",-\"+a,automargin:!1});u(S,h.graphDiv._fullLayout),S.setScale(),T._counteraxis=S;var E=h.caxis=f({},t.caxis,{visible:!0,range:[b-_-w,M],side:\"right\",_counterangle:30,tickangle:(+t.caxis.tickangle||0)+30,domain:[A,A+s*k],_axislayer:h.layers.caxis,_gridlayer:h.layers.cgrid,_counteraxis:h.baxis,anchor:\"free\",position:0,_pos:0,_id:\"y\",_length:i,_gridpath:\"M0,0l-\"+a+\",\"+i/2,automargin:!1});u(E,h.graphDiv._fullLayout),E.setScale();var C=\"M\"+r+\",\"+(n+a)+\"h\"+i+\"l-\"+i/2+\",-\"+a+\"Z\";h.clipDef.select(\"path\").attr(\"d\",C),h.layers.plotbg.select(\"path\").attr(\"d\",C);var L=\"M0,\"+a+\"h\"+i+\"l-\"+i/2+\",-\"+a+\"Z\";h.clipDefRelative.select(\"path\").attr(\"d\",L);var z=\"translate(\"+r+\",\"+n+\")\";h.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",z),h.clipDefRelative.select(\"path\").attr(\"transform\",null);var O=\"translate(\"+(r-S._offset)+\",\"+(n+a)+\")\";h.layers.baxis.attr(\"transform\",O),h.layers.bgrid.attr(\"transform\",O);var I=\"translate(\"+(r+i/2)+\",\"+n+\")rotate(30)translate(0,\"+-T._offset+\")\";h.layers.aaxis.attr(\"transform\",I),h.layers.agrid.attr(\"transform\",I);var P=\"translate(\"+(r+i/2)+\",\"+n+\")rotate(-30)translate(0,\"+-E._offset+\")\";h.layers.caxis.attr(\"transform\",P),h.layers.cgrid.attr(\"transform\",P),h.drawAxes(!0),h.plotContainer.selectAll(\".crisp\").classed(\"crisp\",!1),h.layers.aline.select(\"path\").attr(\"d\",T.showline?\"M\"+r+\",\"+(n+a)+\"l\"+i/2+\",-\"+a:\"M0,0\").call(l.stroke,T.linecolor||\"#000\").style(\"stroke-width\",(T.linewidth||0)+\"px\"),h.layers.bline.select(\"path\").attr(\"d\",S.showline?\"M\"+r+\",\"+(n+a)+\"h\"+i:\"M0,0\").call(l.stroke,S.linecolor||\"#000\").style(\"stroke-width\",(S.linewidth||0)+\"px\"),h.layers.cline.select(\"path\").attr(\"d\",E.showline?\"M\"+(r+i/2)+\",\"+n+\"l\"+i/2+\",\"+a:\"M0,0\").call(l.stroke,E.linecolor||\"#000\").style(\"stroke-width\",(E.linewidth||0)+\"px\"),h.graphDiv._context.staticPlot||h.initInteractions(),c.setClipUrl(h.layers.frontplot,h._hasClipOnAxisFalse?null:h.clipId)},w.drawAxes=function(t){var e,r=this.graphDiv,n=this.id.substr(7)+\"title\",i=this.layers,a=this.aaxis,o=this.baxis,l=this.caxis;if(e=M(a),this.aTickLayout!==e&&(i.aaxis.selectAll(\".ytick\").remove(),this.aTickLayout=e),e=M(o),this.bTickLayout!==e&&(i.baxis.selectAll(\".xtick\").remove(),this.bTickLayout=e),e=M(l),this.cTickLayout!==e&&(i.caxis.selectAll(\".ytick\").remove(),this.cTickLayout=e),p.doTicksSingle(r,a,!0),p.doTicksSingle(r,o,!0),p.doTicksSingle(r,l,!0),t){var c=Math.max(a.showticklabels?a.tickfont.size/2:0,(l.showticklabels?.75*l.tickfont.size:0)+(\"outside\"===l.ticks?.87*l.ticklen:0));this.layers[\"a-title\"]=v.draw(r,\"a\"+n,{propContainer:a,propName:this.id+\".aaxis.title\",placeholder:s(r,\"Click to enter Component A title\"),attributes:{x:this.x0+this.w/2,y:this.y0-a.titlefont.size/3-c,\"text-anchor\":\"middle\"}});var u=(o.showticklabels?o.tickfont.size:0)+(\"outside\"===o.ticks?o.ticklen:0)+3;this.layers[\"b-title\"]=v.draw(r,\"b\"+n,{propContainer:o,propName:this.id+\".baxis.title\",placeholder:s(r,\"Click to enter Component B title\"),attributes:{x:this.x0-u,y:this.y0+this.h+.83*o.titlefont.size+u,\"text-anchor\":\"middle\"}}),this.layers[\"c-title\"]=v.draw(r,\"c\"+n,{propContainer:l,propName:this.id+\".caxis.title\",placeholder:s(r,\"Click to enter Component C title\"),attributes:{x:this.x0+this.w+u,y:this.y0+this.h+.83*l.titlefont.size+u,\"text-anchor\":\"middle\"}})}};var A=b.MINZOOM/2+.87,T=\"m-0.87,.5h\"+A+\"v3h-\"+(A+5.2)+\"l\"+(A/2+2.6)+\",-\"+(.87*A+4.5)+\"l2.6,1.5l-\"+A/2+\",\"+.87*A+\"Z\",S=\"m0.87,.5h-\"+A+\"v3h\"+(A+5.2)+\"l-\"+(A/2+2.6)+\",-\"+(.87*A+4.5)+\"l-2.6,1.5l\"+A/2+\",\"+.87*A+\"Z\",E=\"m0,1l\"+A/2+\",\"+.87*A+\"l2.6,-1.5l-\"+(A/2+2.6)+\",-\"+(.87*A+4.5)+\"l-\"+(A/2+2.6)+\",\"+(.87*A+4.5)+\"l2.6,1.5l\"+A/2+\",-\"+.87*A+\"Z\",C=\"m0.5,0.5h5v-2h-5v-5h-2v5h-5v2h5v5h2Z\",L=!0;function z(t){n.select(t).selectAll(\".zoombox,.js-zoombox-backdrop,.js-zoombox-menu,.zoombox-corners\").remove()}w.initInteractions=function(){var t,e,r,n,u,f,h,p,v,_,w=this,M=w.layers.plotbg.select(\"path\").node(),A=w.graphDiv,O=A._fullLayout._zoomlayer,I={element:M,gd:A,plotinfo:{id:w.id,xaxis:w.xaxis,yaxis:w.yaxis},subplot:w.id,prepFn:function(a,o,s){I.xaxes=[w.xaxis],I.yaxes=[w.yaxis];var c=A._fullLayout.dragmode;I.minDrag=\"lasso\"===c?1:void 0,\"zoom\"===c?(I.moveFn=F,I.clickFn=P,I.doneFn=N,function(a,o,s){var c=M.getBoundingClientRect();t=o-c.left,e=s-c.top,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,n=w.aaxis.range[1]-r.a,f=i(w.graphDiv._fullLayout[w.id].bgcolor).getLuminance(),h=\"M0,\"+w.h+\"L\"+w.w/2+\", 0L\"+w.w+\",\"+w.h+\"Z\",p=!1,v=O.append(\"path\").attr(\"class\",\"zoombox\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:f>.2?\"rgba(0,0,0,0)\":\"rgba(255,255,255,0)\",\"stroke-width\":0}).attr(\"d\",h),_=O.append(\"path\").attr(\"class\",\"zoombox-corners\").attr(\"transform\",\"translate(\"+w.x0+\", \"+w.y0+\")\").style({fill:l.background,stroke:l.defaultLine,\"stroke-width\":1,opacity:0}).attr(\"d\",\"M0,0Z\"),x(O)}(0,o,s)):\"pan\"===c?(I.moveFn=j,I.clickFn=P,I.doneFn=V,r={a:w.aaxis.range[0],b:w.baxis.range[1],c:w.caxis.range[1]},u=r,x(O)):\"select\"!==c&&\"lasso\"!==c||m(a,o,s,I,c)}};function P(t,e){var r=A._fullLayout.clickmode;if(z(A),2===t){var n={};n[w.id+\".aaxis.min\"]=0,n[w.id+\".baxis.min\"]=0,n[w.id+\".caxis.min\"]=0,A.emit(\"plotly_doubleclick\",null),a.call(\"relayout\",A,n)}r.indexOf(\"select\")>-1&&1===t&&y(e,A,[w.xaxis],[w.yaxis],w.id,I),r.indexOf(\"event\")>-1&&g.click(A,e,w.id)}function D(t,e){return 1-e/w.h}function R(t,e){return 1-(t+(w.h-e)/Math.sqrt(3))/w.w}function B(t,e){return(t-(w.h-e)/Math.sqrt(3))/w.w}function F(i,a){var o=t+i,s=e+a,l=Math.max(0,Math.min(1,D(0,e),D(0,s))),c=Math.max(0,Math.min(1,R(t,e),R(o,s))),d=Math.max(0,Math.min(1,B(t,e),B(o,s))),g=(l/2+d)*w.w,m=(1-l/2-c)*w.w,y=(g+m)/2,x=m-g,M=(1-l)*w.h,A=M-x/k;x.2?\"rgba(0,0,0,0.4)\":\"rgba(255,255,255,0.3)\").duration(200),_.transition().style(\"opacity\",1).duration(200),p=!0)}function N(){if(z(A),u!==r){var t={};t[w.id+\".aaxis.min\"]=u.a,t[w.id+\".baxis.min\"]=u.b,t[w.id+\".caxis.min\"]=u.c,a.call(\"relayout\",A,t),L&&A.data&&A._context.showTips&&(o.notifier(s(A,\"Double-click to zoom back out\"),\"long\"),L=!1)}}function j(t,e){var n=t/w.xaxis._m,i=e/w.yaxis._m,a=[(u={a:r.a-i,b:r.b+(n+i)/2,c:r.c-(n-i)/2}).a,u.b,u.c].sort(),o=a.indexOf(u.a),s=a.indexOf(u.b),l=a.indexOf(u.c);a[0]<0&&(a[1]+a[0]/2<0?(a[2]+=a[0]+a[1],a[0]=a[1]=0):(a[2]+=a[0]/2,a[1]+=a[0]/2,a[0]=0),u={a:a[o],b:a[s],c:a[l]},e=(r.a-u.a)*w.yaxis._m,t=(r.c-u.c-r.b+u.b)*w.xaxis._m);var f=\"translate(\"+(w.x0+t)+\",\"+(w.y0+e)+\")\";w.plotContainer.selectAll(\".scatterlayer,.maplayer\").attr(\"transform\",f);var h=\"translate(\"+-t+\",\"+-e+\")\";w.clipDefRelative.select(\"path\").attr(\"transform\",h),w.aaxis.range=[u.a,w.sum-u.b-u.c],w.baxis.range=[w.sum-u.a-u.c,u.b],w.caxis.range=[w.sum-u.a-u.b,u.c],w.drawAxes(!1),w.plotContainer.selectAll(\".crisp\").classed(\"crisp\",!1),w._hasClipOnAxisFalse&&w.plotContainer.select(\".scatterlayer\").selectAll(\".trace\").call(c.hideOutsideRangePoints,w)}function V(){var t={};t[w.id+\".aaxis.min\"]=u.a,t[w.id+\".baxis.min\"]=u.b,t[w.id+\".caxis.min\"]=u.c,a.call(\"relayout\",A,t)}M.onmousemove=function(t){g.hover(A,t,w.id),A._fullLayout._lasthover=M,A._fullLayout._hoversubplot=w.id},M.onmouseout=function(t){A._dragging||d.unhover(A,t)},d.init(I)}},{\"../../components/color\":570,\"../../components/dragelement\":592,\"../../components/drawing\":595,\"../../components/fx\":612,\"../../components/titles\":661,\"../../lib\":696,\"../../lib/extend\":685,\"../../registry\":827,\"../cartesian/axes\":744,\"../cartesian/constants\":750,\"../cartesian/select\":762,\"../cartesian/set_convert\":763,\"../plots\":808,d3:148,tinycolor2:514}],827:[function(t,e,r){\"use strict\";var n=t(\"./lib/loggers\"),i=t(\"./lib/noop\"),a=t(\"./lib/push_unique\"),o=t(\"./lib/is_plain_object\"),s=t(\"./lib/extend\"),l=t(\"./plots/attributes\"),c=t(\"./plots/layout_attributes\"),u=s.extendFlat,f=s.extendDeepAll;function h(t){var e=t.name,i=t.categories,a=t.meta;if(r.modules[e])n.log(\"Type \"+e+\" already registered\");else{r.subplotsRegistry[t.basePlotModule.name]||function(t){var e=t.name;if(r.subplotsRegistry[e])return void n.log(\"Plot type \"+e+\" already registered.\");for(var i in v(t),r.subplotsRegistry[e]=t,r.componentsRegistry)x(i,t.name)}(t.basePlotModule);for(var o={},s=0;s-1&&(u[h[r]].title=\"\");for(r=0;rpath, .legendlines>path, .cbfill\").each(function(){var t=n.select(this),e=this.style.fill;e&&-1!==e.indexOf(\"url(\")&&t.style(\"fill\",e.replace(l,\"TOBESTRIPPED\"));var r=this.style.stroke;r&&-1!==r.indexOf(\"url(\")&&t.style(\"stroke\",r.replace(l,\"TOBESTRIPPED\"))}),\"pdf\"!==e&&\"eps\"!==e||h.selectAll(\"#MathJax_SVG_glyphs path\").attr(\"stroke-width\",0),h.node().setAttributeNS(s.xmlns,\"xmlns\",s.svg),h.node().setAttributeNS(s.xmlns,\"xmlns:xlink\",s.xlink),\"svg\"===e&&r&&(h.attr(\"width\",r*d),h.attr(\"height\",r*g),h.attr(\"viewBox\",\"0 0 \"+d+\" \"+g));var _=(new window.XMLSerializer).serializeToString(h.node());return _=function(t){var e=n.select(\"body\").append(\"div\").style({display:\"none\"}).html(\"\"),r=t.replace(/(&[^;]*;)/gi,function(t){return\"<\"===t?\"<\":\"&rt;\"===t?\">\":-1!==t.indexOf(\"<\")||-1!==t.indexOf(\">\")?\"\":e.html(t).text()});return e.remove(),r}(_),_=(_=_.replace(/&(?!\\w+;|\\#[0-9]+;| \\#x[0-9A-F]+;)/g,\"&\")).replace(c,\"'\"),i.isIE()&&(_=(_=(_=_.replace(/\"/gi,\"'\")).replace(/(\\('#)([^']*)('\\))/gi,'(\"#$2\")')).replace(/(\\\\')/gi,'\"')),_}},{\"../components/color\":570,\"../components/drawing\":595,\"../constants/xmlns_namespaces\":674,\"../lib\":696,d3:148}],836:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").mergeArray;e.exports=function(t,e){for(var r=0;rf+c||!n(u))&&(p=!0,g(h,t))}for(var v=0;va))return e}return void 0!==r?r:t.dflt},r.coerceColor=function(t,e,r){return i(e).isValid()?e:void 0!==r?r:t.dflt},r.coerceEnumerated=function(t,e,r){return t.coerceNumber&&(e=+e),-1!==t.values.indexOf(e)?e:void 0!==r?r:t.dflt},r.getValue=function(t,e){var r;return Array.isArray(t)?e.01?C:function(t,e){return Math.abs(t-e)>=2?C(t):t>e?Math.ceil(t):Math.floor(t)};_=E(_,w),w=E(w,_),k=E(k,M),M=E(M,k)}a.ensureSingle(A,\"path\").style(\"vector-effect\",\"non-scaling-stroke\").attr(\"d\",\"M\"+_+\",\"+k+\"V\"+M+\"H\"+w+\"V\"+k+\"Z\").call(l.setClipUrl,e.layerClipId),function(t,e,r,n,i,s,c,u){var m;function y(e,r,n){var i=a.ensureSingle(e,\"text\").text(r).attr({class:\"bartext bartext-\"+m,transform:\"\",\"text-anchor\":\"middle\",\"data-notex\":1}).call(l.font,n).call(o.convertToTspans,t);return i}var x=r[0].trace,b=x.orientation,_=function(t,e){var r=p.getValue(t.text,e);return p.coerceString(f,r)}(x,n);if(m=function(t,e){var r=p.getValue(t.textposition,e);return p.coerceEnumerated(h,r)}(x,n),!_||\"none\"===m)return void e.select(\"text\").remove();var w,k,M,A,T,S,E=t._fullLayout.font,C=d.getBarColor(r[n],x),L=d.getInsideTextFont(x,n,E,C),z=d.getOutsideTextFont(x,n,E),O=t._fullLayout.barmode,I=\"relative\"===O,P=\"stack\"===O||I,D=r[n],R=!P||D._outmost,B=Math.abs(s-i)-2*g,F=Math.abs(u-c)-2*g;\"outside\"===m&&(R||D.hasB||(m=\"inside\"));if(\"auto\"===m)if(R){m=\"inside\",w=y(e,_,L),k=l.bBox(w.node()),M=k.width,A=k.height;var N=M>0&&A>0,j=M<=B&&A<=F,V=M<=F&&A<=B,U=\"h\"===b?B>=M*(F/A):F>=A*(B/M);N&&(j||V||U)?m=\"inside\":(m=\"outside\",w.remove(),w=null)}else m=\"inside\";if(!w&&(w=y(e,_,\"outside\"===m?z:L),k=l.bBox(w.node()),M=k.width,A=k.height,M<=0||A<=0))return void w.remove();\"outside\"===m?(S=\"both\"===x.constraintext||\"outside\"===x.constraintext,T=function(t,e,r,n,i,a,o){var s,l=\"h\"===a?Math.abs(n-r):Math.abs(e-t);l>2*g&&(s=g);var c=1;o&&(c=\"h\"===a?Math.min(1,l/i.height):Math.min(1,l/i.width));var u,f,h,p,d=(i.left+i.right)/2,m=(i.top+i.bottom)/2;u=c*i.width,f=c*i.height,\"h\"===a?er?(h=(t+e)/2,p=n+s+f/2):(h=(t+e)/2,p=n-s-f/2);return v(d,m,h,p,c,!1)}(i,s,c,u,k,b,S)):(S=\"both\"===x.constraintext||\"inside\"===x.constraintext,T=function(t,e,r,n,i,a,o){var s,l,c,u,f,h,p,d=i.width,m=i.height,y=(i.left+i.right)/2,x=(i.top+i.bottom)/2,b=Math.abs(e-t),_=Math.abs(n-r);b>2*g&&_>2*g?(b-=2*(f=g),_-=2*f):f=0;d<=b&&m<=_?(h=!1,p=1):d<=_&&m<=b?(h=!0,p=1):dr?(c=(t+e)/2,u=n-f-l/2):(c=(t+e)/2,u=n+f+l/2);return v(y,x,c,u,p,h)}(i,s,c,u,k,b,S));w.attr(\"transform\",T)}(t,A,r,u,_,w,k,M),e.layerClipId&&l.hideOutsideRangePoint(c,A.select(\"text\"),m,y,b.xcalendar,b.ycalendar)}else A.remove();function C(t){return 0===x.bargap&&0===x.bargroupgap?n.round(Math.round(t)-S,2):t}});var w=!1===u.trace.cliponaxis;l.setClipUrl(c,w?null:e.layerClipId)});c.getComponentMethod(\"errorbars\",\"plot\")(b,e)}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../registry\":827,\"./attributes\":837,\"./helpers\":841,\"./style\":849,d3:148,\"fast-isnumeric\":214}],847:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[];if(!1===e)for(r=0;r1||0===a.bargap&&0===a.bargroupgap&&!t[0].trace.marker.line.width)&&n.select(this).attr(\"shape-rendering\",\"crispEdges\")}),r.selectAll(\"g.points\").each(function(e){p(n.select(this),e[0].trace,t)}),s.getComponentMethod(\"errorbars\",\"style\")(r)},styleOnSelect:function(t,e){var r=e[0].node3,i=e[0].trace;i.selectedpoints?function(t,e,r){a.selectedPointStyle(t.selectAll(\"path\"),e),function(t,e,r){t.each(function(t){var i,s=n.select(this);if(t.selected){i=o.extendFlat({},d(s,t,e,r));var l=e.selected.textfont&&e.selected.textfont.color;l&&(i.color=l),a.font(s,i)}else a.selectedTextStyle(s,e)})}(t.selectAll(\"text\"),e,r)}(r,i,t):p(r,i,t)},getInsideTextFont:v,getOutsideTextFont:m,getBarColor:x}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../lib\":696,\"../../registry\":827,\"./attributes\":837,\"./helpers\":841,d3:148}],850:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),i=t(\"../../components/colorscale/has_colorscale\"),a=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s){r(\"marker.color\",o),i(t,\"marker\")&&a(t,e,s,r,{prefix:\"marker.\",cLetter:\"c\"}),r(\"marker.line.color\",n.defaultLine),i(t,\"marker.line\")&&a(t,e,s,r,{prefix:\"marker.line.\",cLetter:\"c\"}),r(\"marker.line.width\"),r(\"marker.opacity\"),r(\"selected.marker.color\"),r(\"unselected.marker.color\")}},{\"../../components/color\":570,\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584}],851:[function(t,e,r){\"use strict\";var n=t(\"../../lib/extend\").extendFlat,i=t(\"../scatterpolar/attributes\"),a=t(\"../bar/attributes\");e.exports={r:i.r,theta:i.theta,r0:i.r0,dr:i.dr,theta0:i.theta0,dtheta:i.dtheta,thetaunit:i.thetaunit,base:n({},a.base,{}),offset:n({},a.offset,{}),width:n({},a.width,{}),text:n({},a.text,{}),marker:a.marker,hoverinfo:i.hoverinfo,selected:a.selected,unselected:a.unselected}},{\"../../lib/extend\":685,\"../bar/attributes\":837,\"../scatterpolar/attributes\":1105}],852:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/has_colorscale\"),i=t(\"../../components/colorscale/calc\"),a=t(\"../bar/arrays_to_calcdata\"),o=t(\"../bar/cross_trace_calc\").setGroupPositions,s=t(\"../scatter/calc_selection\"),l=t(\"../../registry\").traceIs,c=t(\"../../lib\").extendFlat;e.exports={calc:function(t,e){for(var r=t._fullLayout,o=e.subplot,l=r[o].radialaxis,c=r[o].angularaxis,u=l.makeCalcdata(e,\"r\"),f=c.makeCalcdata(e,\"theta\"),h=e._length,p=new Array(h),d=u,g=f,v=0;vh.range[1]&&(x+=Math.PI);if(n.getClosest(c,function(t){return g(y,x,[t.rp0,t.rp1],[t.thetag0,t.thetag1],d)?v+Math.min(1,Math.abs(t.thetag1-t.thetag0)/m)-1+(t.rp1-y)/(t.rp1-t.rp0)-1:1/0},t),!1!==t.index){var b=c[t.index];t.x0=t.x1=b.ct[0],t.y0=t.y1=b.ct[1];var _=i.extendFlat({},b,{r:b.s,theta:b.p});return o(b,u,t),s(_,u,f,t),t.color=a(u,b),t.xLabelVal=t.yLabelVal=void 0,b.s<0&&(t.idealAlign=\"left\"),[t]}}},{\"../../components/fx\":612,\"../../lib\":696,\"../../plots/polar/helpers\":810,\"../bar/hover\":842,\"../scatter/fill_hover_text\":1051,\"../scatterpolar/hover\":1108}],855:[function(t,e,r){\"use strict\";e.exports={moduleType:\"trace\",name:\"barpolar\",basePlotModule:t(\"../../plots/polar\"),categories:[\"polar\",\"bar\",\"showLegend\"],attributes:t(\"./attributes\"),layoutAttributes:t(\"./layout_attributes\"),supplyDefaults:t(\"./defaults\"),supplyLayoutDefaults:t(\"./layout_defaults\"),calc:t(\"./calc\").calc,crossTraceCalc:t(\"./calc\").crossTraceCalc,plot:t(\"./plot\"),colorbar:t(\"../scatter/marker_colorbar\"),style:t(\"../bar/style\").style,hoverPoints:t(\"./hover\"),selectPoints:t(\"../bar/select\"),meta:{}}},{\"../../plots/polar\":811,\"../bar/select\":847,\"../bar/style\":849,\"../scatter/marker_colorbar\":1061,\"./attributes\":851,\"./calc\":852,\"./defaults\":853,\"./hover\":854,\"./layout_attributes\":856,\"./layout_defaults\":857,\"./plot\":858}],856:[function(t,e,r){\"use strict\";e.exports={barmode:{valType:\"enumerated\",values:[\"stack\",\"overlay\"],dflt:\"stack\",editType:\"calc\"},bargap:{valType:\"number\",dflt:.1,min:0,max:1,editType:\"calc\"}}},{}],857:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./layout_attributes\");e.exports=function(t,e,r){var a,o={};function s(r,o){return n.coerce(t[a]||{},e[a],i,r,o)}for(var l=0;l0?(c=o,u=l):(c=l,u=o);var f=s.findEnclosingVertexAngles(c,t.vangles)[0],h=s.findEnclosingVertexAngles(u,t.vangles)[1],p=[f,(c+u)/2,h];return s.pathPolygonAnnulus(n,i,c,u,p,e,r)};return function(t,n,i,o){return a.pathAnnulus(t,n,i,o,e,r)}}(e),p=e.layers.frontplot.select(\"g.barlayer\");a.makeTraceGroups(p,r,\"trace bars\").each(function(t){var r=t[0].node3=n.select(this),s=a.ensureSingle(r,\"g\",\"points\").selectAll(\"g.point\").data(a.identity);s.enter().append(\"g\").style(\"vector-effect\",\"non-scaling-stroke\").style(\"stroke-miterlimit\",2).classed(\"point\",!0),s.exit().remove(),s.each(function(t){var e,r=n.select(this),o=t.rp0=u.c2p(t.s0),s=t.rp1=u.c2p(t.s1),p=t.thetag0=f.c2g(t.p0),d=t.thetag1=f.c2g(t.p1);if(i(o)&&i(s)&&i(p)&&i(d)&&o!==s&&p!==d){var g=u.c2g(t.s1),v=(p+d)/2;t.ct=[l.c2p(g*Math.cos(v)),c.c2p(g*Math.sin(v))],e=h(o,s,p,d)}else e=\"M0,0Z\";a.ensureSingle(r,\"path\").attr(\"d\",e)}),o.setClipUrl(r,e._hasClipOnAxisFalse?e.clipIds.forTraces:null)})}},{\"../../components/drawing\":595,\"../../lib\":696,\"../../plots/polar/helpers\":810,d3:148,\"fast-isnumeric\":214}],859:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../components/color/attributes\"),a=t(\"../../lib/extend\").extendFlat,o=n.marker,s=o.line;e.exports={y:{valType:\"data_array\",editType:\"calc+clearAxisTypes\"},x:{valType:\"data_array\",editType:\"calc+clearAxisTypes\"},x0:{valType:\"any\",editType:\"calc+clearAxisTypes\"},y0:{valType:\"any\",editType:\"calc+clearAxisTypes\"},name:{valType:\"string\",editType:\"calc+clearAxisTypes\"},text:a({},n.text,{}),whiskerwidth:{valType:\"number\",min:0,max:1,dflt:.5,editType:\"calc\"},notched:{valType:\"boolean\",editType:\"calc\"},notchwidth:{valType:\"number\",min:0,max:.5,dflt:.25,editType:\"calc\"},boxpoints:{valType:\"enumerated\",values:[\"all\",\"outliers\",\"suspectedoutliers\",!1],dflt:\"outliers\",editType:\"calc\"},boxmean:{valType:\"enumerated\",values:[!0,\"sd\",!1],dflt:!1,editType:\"calc\"},jitter:{valType:\"number\",min:0,max:1,editType:\"calc\"},pointpos:{valType:\"number\",min:-2,max:2,editType:\"calc\"},orientation:{valType:\"enumerated\",values:[\"v\",\"h\"],editType:\"calc+clearAxisTypes\"},marker:{outliercolor:{valType:\"color\",dflt:\"rgba(0, 0, 0, 0)\",editType:\"style\"},symbol:a({},o.symbol,{arrayOk:!1,editType:\"plot\"}),opacity:a({},o.opacity,{arrayOk:!1,dflt:1,editType:\"style\"}),size:a({},o.size,{arrayOk:!1,editType:\"calc\"}),color:a({},o.color,{arrayOk:!1,editType:\"style\"}),line:{color:a({},s.color,{arrayOk:!1,dflt:i.defaultLine,editType:\"style\"}),width:a({},s.width,{arrayOk:!1,dflt:0,editType:\"style\"}),outliercolor:{valType:\"color\",editType:\"style\"},outlierwidth:{valType:\"number\",min:0,dflt:1,editType:\"style\"},editType:\"style\"},editType:\"plot\"},line:{color:{valType:\"color\",editType:\"style\"},width:{valType:\"number\",min:0,dflt:2,editType:\"style\"},editType:\"plot\"},fillcolor:n.fillcolor,selected:{marker:n.selected.marker,editType:\"style\"},unselected:{marker:n.unselected.marker,editType:\"style\"},hoveron:{valType:\"flaglist\",flags:[\"boxes\",\"points\"],dflt:\"boxes+points\",editType:\"style\"}}},{\"../../components/color/attributes\":569,\"../../lib/extend\":685,\"../scatter/attributes\":1043}],860:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\"),a=i._,o=t(\"../../plots/cartesian/axes\");function s(t,e,r){var n={text:\"tx\"};for(var i in n)Array.isArray(e[i])&&(t[n[i]]=e[i][r])}function l(t,e){return t.v-e.v}function c(t){return t.v}e.exports=function(t,e){var r,u,f,h,p,d=t._fullLayout,g=o.getFromId(t,e.xaxis||\"x\"),v=o.getFromId(t,e.yaxis||\"y\"),m=[],y=\"violin\"===e.type?\"_numViolins\":\"_numBoxes\";\"h\"===e.orientation?(u=g,f=\"x\",h=v,p=\"y\"):(u=v,f=\"y\",h=g,p=\"x\");var x=u.makeCalcdata(e,f),b=function(t,e,r,a,o){if(e in t)return r.makeCalcdata(t,e);var s;s=e+\"0\"in t?t[e+\"0\"]:\"name\"in t&&(\"category\"===r.type||n(t.name)&&-1!==[\"linear\",\"log\"].indexOf(r.type)||i.isDateTime(t.name)&&\"date\"===r.type)?t.name:o;var l=r.d2c(s,0,t[e+\"calendar\"]);return a.map(function(){return l})}(e,p,h,x,d[y]),_=i.distinctVals(b),w=_.vals,k=_.minDiff/2,M=function(t,e){for(var r=t.length,n=new Array(r+1),i=0;i=0&&E0){var L=T[r].sort(l),z=L.map(c),O=z.length,I={pos:w[r],pts:L};I.min=z[0],I.max=z[O-1],I.mean=i.mean(z,O),I.sd=i.stdev(z,O,I.mean),I.q1=i.interp(z,.25),I.med=i.interp(z,.5),I.q3=i.interp(z,.75),I.lf=Math.min(I.q1,z[Math.min(i.findBin(2.5*I.q1-1.5*I.q3,z,!0)+1,O-1)]),I.uf=Math.max(I.q3,z[Math.max(i.findBin(2.5*I.q3-1.5*I.q1,z),0)]),I.lo=4*I.q1-3*I.q3,I.uo=4*I.q3-3*I.q1;var P=1.57*(I.q3-I.q1)/Math.sqrt(O);I.ln=I.med-P,I.un=I.med+P,m.push(I)}!function(t,e){if(i.isArrayOrTypedArray(e.selectedpoints))for(var r=0;r0?(m[0].t={num:d[y],dPos:k,posLetter:p,valLetter:f,labels:{med:a(t,\"median:\"),min:a(t,\"min:\"),q1:a(t,\"q1:\"),q3:a(t,\"q3:\"),max:a(t,\"max:\"),mean:\"sd\"===e.boxmean?a(t,\"mean \\xb1 \\u03c3:\"):a(t,\"mean:\"),lf:a(t,\"lower fence:\"),uf:a(t,\"upper fence:\")}},d[y]++,m):[{t:{empty:!0}}]}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"fast-isnumeric\":214}],861:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib\"),a=[\"v\",\"h\"];function o(t,e,r,a,o){var s,l,c,u=e.calcdata,f=e._fullLayout,h=[],p=\"violin\"===t?\"_numViolins\":\"_numBoxes\";for(s=0;st.uf}),l=Math.max((t.max-t.min)/10,t.q3-t.q1),c=1e-9*l,p=l*s,d=[],g=0;if(r.jitter){if(0===l)for(g=1,d=new Array(a.length),e=0;et.lo&&(_.so=!0)}return a});d.enter().append(\"path\").classed(\"point\",!0),d.exit().remove(),d.call(a.translatePoints,l,c)}function u(t,e,r,a){var o,s,l=e.pos,c=e.val,u=a.bPos,f=a.bPosPxOffset||0,h=r.boxmean||(r.meanline||{}).visible;Array.isArray(a.bdPos)?(o=a.bdPos[0],s=a.bdPos[1]):(o=a.bdPos,s=a.bdPos);var p=t.selectAll(\"path.mean\").data(\"box\"===r.type&&r.boxmean||\"violin\"===r.type&&r.box.visible&&r.meanline.visible?i.identity:[]);p.enter().append(\"path\").attr(\"class\",\"mean\").style({fill:\"none\",\"vector-effect\":\"non-scaling-stroke\"}),p.exit().remove(),p.each(function(t){var e=l.c2p(t.pos+u,!0)+f,i=l.c2p(t.pos+u-o,!0)+f,a=l.c2p(t.pos+u+s,!0)+f,p=c.c2p(t.mean,!0),d=c.c2p(t.mean-t.sd,!0),g=c.c2p(t.mean+t.sd,!0);\"h\"===r.orientation?n.select(this).attr(\"d\",\"M\"+p+\",\"+i+\"V\"+a+(\"sd\"===h?\"m0,0L\"+d+\",\"+e+\"L\"+p+\",\"+i+\"L\"+g+\",\"+e+\"Z\":\"\")):n.select(this).attr(\"d\",\"M\"+i+\",\"+p+\"H\"+a+(\"sd\"===h?\"m0,0L\"+e+\",\"+d+\"L\"+i+\",\"+p+\"L\"+e+\",\"+g+\"Z\":\"\"))})}e.exports={plot:function(t,e,r,a){var o=t._fullLayout,s=e.xaxis,f=e.yaxis,h=o._numBoxes,p=1-o.boxgap,d=\"group\"===o.boxmode&&h>1;i.makeTraceGroups(a,r,\"trace boxes\").each(function(t){var r=n.select(this),i=t[0],a=i.t,g=i.trace;e.isRangePlot||(i.node3=r);var v,m,y=a.dPos*p*(1-o.boxgroupgap)/(d?h:1),x=d?2*a.dPos*((a.num+.5)/h-.5)*p:0,b=y*g.whiskerwidth;!0!==g.visible||a.empty?r.remove():(\"h\"===g.orientation?(v=f,m=s):(v=s,m=f),a.bPos=x,a.bdPos=y,a.wdPos=b,a.wHover=a.dPos*(d?p/h:1),l(r,{pos:v,val:m},g,a),c(r,{x:s,y:f},g,a),u(r,{pos:v,val:m},g,a))})},plotBoxAndWhiskers:l,plotPoints:c,plotBoxMean:u}},{\"../../components/drawing\":595,\"../../lib\":696,d3:148}],869:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n,i=t.cd,a=t.xaxis,o=t.yaxis,s=[];if(!1===e)for(r=0;r=10)return null;var i=1/0;var a=-1/0;var o=e.length;for(var s=0;s0?Math.floor:Math.ceil,O=C>0?Math.ceil:Math.floor,I=C>0?Math.min:Math.max,P=C>0?Math.max:Math.min,D=z(S+L),R=O(E-L),B=[[f=T(S)]];for(a=D;a*C=0;i--)a[u-i]=t[f][i],o[u-i]=e[f][i];for(s.push({x:a,y:o,bicubic:l}),i=f,a=[],o=[];i>=0;i--)a[f-i]=t[i][0],o[f-i]=e[i][0];return s.push({x:a,y:o,bicubic:c}),s}},{}],883:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e,r){var a,o,s,l,c,u,f,h,p,d,g,v,m,y,x=t[\"_\"+e],b=t[e+\"axis\"],_=b._gridlines=[],w=b._minorgridlines=[],k=b._boundarylines=[],M=t[\"_\"+r],A=t[r+\"axis\"];\"array\"===b.tickmode&&(b.tickvals=x.slice());var T=t._xctrl,S=t._yctrl,E=T[0].length,C=T.length,L=t._a.length,z=t._b.length;n.prepTicks(b),\"array\"===b.tickmode&&delete b.tickvals;var O=b.smoothing?3:1;function I(n){var i,a,o,s,l,c,u,f,p,d,g,v,m=[],y=[],x={};if(\"b\"===e)for(a=t.b2j(n),o=Math.floor(Math.max(0,Math.min(z-2,a))),s=a-o,x.length=z,x.crossLength=L,x.xy=function(e){return t.evalxy([],e,a)},x.dxy=function(e,r){return t.dxydi([],e,o,r,s)},i=0;i0&&(p=t.dxydi([],i-1,o,0,s),m.push(l[0]+p[0]/3),y.push(l[1]+p[1]/3),d=t.dxydi([],i-1,o,1,s),m.push(f[0]-d[0]/3),y.push(f[1]-d[1]/3)),m.push(f[0]),y.push(f[1]),l=f;else for(i=t.a2i(n),c=Math.floor(Math.max(0,Math.min(L-2,i))),u=i-c,x.length=L,x.crossLength=z,x.xy=function(e){return t.evalxy([],i,e)},x.dxy=function(e,r){return t.dxydj([],c,e,u,r)},a=0;a0&&(g=t.dxydj([],c,a-1,u,0),m.push(l[0]+g[0]/3),y.push(l[1]+g[1]/3),v=t.dxydj([],c,a-1,u,1),m.push(f[0]-v[0]/3),y.push(f[1]-v[1]/3)),m.push(f[0]),y.push(f[1]),l=f;return x.axisLetter=e,x.axis=b,x.crossAxis=A,x.value=n,x.constvar=r,x.index=h,x.x=m,x.y=y,x.smoothing=A.smoothing,x}function P(n){var i,a,o,s,l,c=[],u=[],f={};if(f.length=x.length,f.crossLength=M.length,\"b\"===e)for(o=Math.max(0,Math.min(z-2,n)),l=Math.min(1,Math.max(0,n-o)),f.xy=function(e){return t.evalxy([],e,n)},f.dxy=function(e,r){return t.dxydi([],e,o,r,l)},i=0;ix.length-1||_.push(i(P(o),{color:b.gridcolor,width:b.gridwidth}));for(h=u;hx.length-1||g<0||g>x.length-1))for(v=x[s],m=x[g],a=0;ax[x.length-1]||w.push(i(I(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&k.push(i(P(0),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&k.push(i(P(x.length-1),{color:b.endlinecolor,width:b.endlinewidth}))}else{for(l=5e-15,u=(c=[Math.floor((x[x.length-1]-b.tick0)/b.dtick*(1+l)),Math.ceil((x[0]-b.tick0)/b.dtick/(1+l))].sort(function(t,e){return t-e}))[0],f=c[1],h=u;h<=f;h++)p=b.tick0+b.dtick*h,_.push(i(I(p),{color:b.gridcolor,width:b.gridwidth}));for(h=u-1;hx[x.length-1]||w.push(i(I(d),{color:b.minorgridcolor,width:b.minorgridwidth}));b.startline&&k.push(i(I(x[0]),{color:b.startlinecolor,width:b.startlinewidth})),b.endline&&k.push(i(I(x[x.length-1]),{color:b.endlinecolor,width:b.endlinewidth}))}}},{\"../../lib/extend\":685,\"../../plots/cartesian/axes\":744}],884:[function(t,e,r){\"use strict\";var n=t(\"../../plots/cartesian/axes\"),i=t(\"../../lib/extend\").extendFlat;e.exports=function(t,e){var r,a,o,s=e._labels=[],l=e._gridlines;for(r=0;re.length&&(t=t.slice(0,e.length)):t=[],i=0;i90&&(p-=180,l=-l),{angle:p,flip:l,p:t.c2p(n,e,r),offsetMultplier:c}}},{}],898:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../components/drawing\"),a=t(\"./map_1d_array\"),o=t(\"./makepath\"),s=t(\"./orient_text\"),l=t(\"../../lib/svg_text_utils\"),c=t(\"../../lib\"),u=t(\"../../constants/alignment\");function f(t,e,r,i,s,l){var c=\"const-\"+s+\"-lines\",u=r.selectAll(\".\"+c).data(l);u.enter().append(\"path\").classed(c,!0).style(\"vector-effect\",\"non-scaling-stroke\"),u.each(function(r){var i=r,s=i.x,l=i.y,c=a([],s,t.c2p),u=a([],l,e.c2p),f=\"M\"+o(c,u,i.smoothing);n.select(this).attr(\"d\",f).style(\"stroke-width\",i.width).style(\"stroke\",i.color).style(\"fill\",\"none\")}),u.exit().remove()}function h(t,e,r,a,o,c,u,f){var h=c.selectAll(\"text.\"+f).data(u);h.enter().append(\"text\").classed(f,!0);var p=0,d={};return h.each(function(o,c){var u;if(\"auto\"===o.axis.tickangle)u=s(a,e,r,o.xy,o.dxy);else{var f=(o.axis.tickangle+180)*Math.PI/180;u=s(a,e,r,o.xy,[Math.cos(f),Math.sin(f)])}c||(d={angle:u.angle,flip:u.flip});var h=(o.endAnchor?-1:1)*u.flip,g=n.select(this).attr({\"text-anchor\":h>0?\"start\":\"end\",\"data-notex\":1}).call(i.font,o.font).text(o.text).call(l.convertToTspans,t),v=i.bBox(this);g.attr(\"transform\",\"translate(\"+u.p[0]+\",\"+u.p[1]+\") rotate(\"+u.angle+\")translate(\"+o.axis.labelpadding*h+\",\"+.3*v.height+\")\"),p=Math.max(p,v.width+o.axis.labelpadding)}),h.exit().remove(),d.maxExtent=p,d}e.exports=function(t,e,r,i){var l=e.xaxis,u=e.yaxis,p=t._fullLayout._clips;c.makeTraceGroups(i,r,\"trace\").each(function(e){var r=n.select(this),i=e[0],d=i.trace,v=d.aaxis,m=d.baxis,y=c.ensureSingle(r,\"g\",\"minorlayer\"),x=c.ensureSingle(r,\"g\",\"majorlayer\"),b=c.ensureSingle(r,\"g\",\"boundarylayer\"),_=c.ensureSingle(r,\"g\",\"labellayer\");r.style(\"opacity\",d.opacity),f(l,u,x,v,\"a\",v._gridlines),f(l,u,x,m,\"b\",m._gridlines),f(l,u,y,v,\"a\",v._minorgridlines),f(l,u,y,m,\"b\",m._minorgridlines),f(l,u,b,v,\"a-boundary\",v._boundarylines),f(l,u,b,m,\"b-boundary\",m._boundarylines);var w=h(t,l,u,d,i,_,v._labels,\"a-label\"),k=h(t,l,u,d,i,_,m._labels,\"b-label\");!function(t,e,r,n,i,a,o,l){var u,f,h,p;u=.5*(r.a[0]+r.a[r.a.length-1]),f=r.b[0],h=r.ab2xy(u,f,!0),p=r.dxyda_rough(u,f),void 0===o.angle&&c.extendFlat(o,s(r,i,a,h,r.dxydb_rough(u,f)));g(t,e,r,n,h,p,r.aaxis,i,a,o,\"a-title\"),u=r.a[0],f=.5*(r.b[0]+r.b[r.b.length-1]),h=r.ab2xy(u,f,!0),p=r.dxydb_rough(u,f),void 0===l.angle&&c.extendFlat(l,s(r,i,a,h,r.dxyda_rough(u,f)));g(t,e,r,n,h,p,r.baxis,i,a,l,\"b-title\")}(t,_,d,i,l,u,w,k),function(t,e,r,n,i){var s,l,u,f,h=r.select(\"#\"+t._clipPathId);h.size()||(h=r.append(\"clipPath\").classed(\"carpetclip\",!0));var p=c.ensureSingle(h,\"path\",\"carpetboundary\"),d=e.clipsegments,g=[];for(f=0;f90&&v<270,y=n.select(this);y.text(u.title||\"\").call(l.convertToTspans,t),m&&(x=(-l.lineCount(y)+d)*p*a-x),y.attr(\"transform\",\"translate(\"+e.p[0]+\",\"+e.p[1]+\") rotate(\"+e.angle+\") translate(0,\"+x+\")\").classed(\"user-select-none\",!0).attr(\"text-anchor\",\"middle\").call(i.font,u.titlefont)}),y.exit().remove()}},{\"../../components/drawing\":595,\"../../constants/alignment\":668,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"./makepath\":895,\"./map_1d_array\":896,\"./orient_text\":897,d3:148}],899:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"../../lib/search\").findBin,a=t(\"./compute_control_points\"),o=t(\"./create_spline_evaluator\"),s=t(\"./create_i_derivative_evaluator\"),l=t(\"./create_j_derivative_evaluator\");e.exports=function(t){var e=t._a,r=t._b,c=e.length,u=r.length,f=t.aaxis,h=t.baxis,p=e[0],d=e[c-1],g=r[0],v=r[u-1],m=e[e.length-1]-e[0],y=r[r.length-1]-r[0],x=m*n.RELATIVE_CULL_TOLERANCE,b=y*n.RELATIVE_CULL_TOLERANCE;p-=x,d+=x,g-=b,v+=b,t.isVisible=function(t,e){return t>p&&tg&&ed||ev},t.setScale=function(){var e=t._x,r=t._y,n=a(t._xctrl,t._yctrl,e,r,f.smoothing,h.smoothing);t._xctrl=n[0],t._yctrl=n[1],t.evalxy=o([t._xctrl,t._yctrl],c,u,f.smoothing,h.smoothing),t.dxydi=s([t._xctrl,t._yctrl],f.smoothing,h.smoothing),t.dxydj=l([t._xctrl,t._yctrl],f.smoothing,h.smoothing)},t.i2a=function(t){var r=Math.max(0,Math.floor(t[0]),c-2),n=t[0]-r;return(1-n)*e[r]+n*e[r+1]},t.j2b=function(t){var e=Math.max(0,Math.floor(t[1]),c-2),n=t[1]-e;return(1-n)*r[e]+n*r[e+1]},t.ij2ab=function(e){return[t.i2a(e[0]),t.j2b(e[1])]},t.a2i=function(t){var r=Math.max(0,Math.min(i(t,e),c-2)),n=e[r],a=e[r+1];return Math.max(0,Math.min(c-1,r+(t-n)/(a-n)))},t.b2j=function(t){var e=Math.max(0,Math.min(i(t,r),u-2)),n=r[e],a=r[e+1];return Math.max(0,Math.min(u-1,e+(t-n)/(a-n)))},t.ab2ij=function(e){return[t.a2i(e[0]),t.b2j(e[1])]},t.i2c=function(e,r){return t.evalxy([],e,r)},t.ab2xy=function(n,i,a){if(!a&&(ne[c-1]|ir[u-1]))return[!1,!1];var o=t.a2i(n),s=t.b2j(i),l=t.evalxy([],o,s);if(a){var f,h,p,d,g=0,v=0,m=[];ne[c-1]?(f=c-2,h=1,g=(n-e[c-1])/(e[c-1]-e[c-2])):h=o-(f=Math.max(0,Math.min(c-2,Math.floor(o)))),ir[u-1]?(p=u-2,d=1,v=(i-r[u-1])/(r[u-1]-r[u-2])):d=s-(p=Math.max(0,Math.min(u-2,Math.floor(s)))),g&&(t.dxydi(m,f,p,h,d),l[0]+=m[0]*g,l[1]+=m[1]*g),v&&(t.dxydj(m,f,p,h,d),l[0]+=m[0]*v,l[1]+=m[1]*v)}return l},t.c2p=function(t,e,r){return[e.c2p(t[0]),r.c2p(t[1])]},t.p2x=function(t,e,r){return[e.p2c(t[0]),r.p2c(t[1])]},t.dadi=function(t){var r=Math.max(0,Math.min(e.length-2,t));return e[r+1]-e[r]},t.dbdj=function(t){var e=Math.max(0,Math.min(r.length-2,t));return r[e+1]-r[e]},t.dxyda=function(e,r,n,i){var a=t.dxydi(null,e,r,n,i),o=t.dadi(e,n);return[a[0]/o,a[1]/o]},t.dxydb=function(e,r,n,i){var a=t.dxydj(null,e,r,n,i),o=t.dbdj(r,i);return[a[0]/o,a[1]/o]},t.dxyda_rough=function(e,r,n){var i=m*(n||.1),a=t.ab2xy(e+i,r,!0),o=t.ab2xy(e-i,r,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dxydb_rough=function(e,r,n){var i=y*(n||.1),a=t.ab2xy(e,r+i,!0),o=t.ab2xy(e,r-i,!0);return[.5*(a[0]-o[0])/i,.5*(a[1]-o[1])/i]},t.dpdx=function(t){return t._m},t.dpdy=function(t){return t._m}}},{\"../../lib/search\":715,\"./compute_control_points\":887,\"./constants\":888,\"./create_i_derivative_evaluator\":889,\"./create_j_derivative_evaluator\":890,\"./create_spline_evaluator\":891}],900:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e,r){var i,a,o,s=[],l=[],c=t[0].length,u=t.length;function f(e,r){var n,i=0,a=0;return e>0&&void 0!==(n=t[r][e-1])&&(a++,i+=n),e0&&void 0!==(n=t[r-1][e])&&(a++,i+=n),r0&&a0&&i1e-5);return n.log(\"Smoother converged to\",M,\"after\",A,\"iterations\"),t}},{\"../../lib\":696}],901:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArray1D;e.exports=function(t,e,r){var i=r(\"x\"),a=i&&i.length,o=r(\"y\"),s=o&&o.length;if(!a&&!s)return!1;if(e._cheater=!i,a&&!n(i)||s&&!n(o))e._length=null;else{var l=a?i.length:1/0;s&&(l=Math.min(l,o.length)),e.a&&e.a.length&&(l=Math.min(l,e.a.length)),e.b&&e.b.length&&(l=Math.min(l,e.b.length)),e._length=l}return!0}},{\"../../lib\":696}],902:[function(t,e,r){\"use strict\";var n=t(\"../scattergeo/attributes\"),i=t(\"../../components/colorscale/attributes\"),a=t(\"../../components/colorbar/attributes\"),o=t(\"../../plots/attributes\"),s=t(\"../../lib/extend\").extendFlat,l=n.marker.line;e.exports=s({locations:{valType:\"data_array\",editType:\"calc\"},locationmode:n.locationmode,z:{valType:\"data_array\",editType:\"calc\"},text:s({},n.text,{}),marker:{line:{color:l.color,width:s({},l.width,{dflt:1}),editType:\"calc\"},opacity:{valType:\"number\",arrayOk:!0,min:0,max:1,dflt:1,editType:\"style\"},editType:\"calc\"},selected:{marker:{opacity:n.selected.marker.opacity,editType:\"plot\"},editType:\"plot\"},unselected:{marker:{opacity:n.unselected.marker.opacity,editType:\"plot\"},editType:\"plot\"},hoverinfo:s({},o.hoverinfo,{editType:\"calc\",flags:[\"location\",\"z\",\"text\",\"name\"]})},i(\"\",{cLetter:\"z\",editTypeOverride:\"calc\"}),{colorbar:a})},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../scattergeo/attributes\":1083}],903:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../constants/numerical\").BADNUM,a=t(\"../../components/colorscale/calc\"),o=t(\"../scatter/arrays_to_calcdata\"),s=t(\"../scatter/calc_selection\");e.exports=function(t,e){for(var r=e._length,l=new Array(r),c=0;c\")}(t,f,o,h.mockAxis),[t]}},{\"../../plots/cartesian/axes\":744,\"../scatter/fill_hover_text\":1051,\"./attributes\":902}],907:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../heatmap/colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"./style\").style,n.styleOnSelect=t(\"./style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.eventData=t(\"./event_data\"),n.selectPoints=t(\"./select\"),n.moduleType=\"trace\",n.name=\"choropleth\",n.basePlotModule=t(\"../../plots/geo\"),n.categories=[\"geo\",\"noOpacity\"],n.meta={},e.exports=n},{\"../../plots/geo\":775,\"../heatmap/colorbar\":948,\"./attributes\":902,\"./calc\":903,\"./defaults\":904,\"./event_data\":905,\"./hover\":906,\"./plot\":908,\"./select\":909,\"./style\":910}],908:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../lib/polygon\"),o=t(\"../../lib/topojson_utils\").getTopojsonFeatures,s=t(\"../../lib/geo_location_utils\").locationToFeature,l=t(\"./style\").style;function c(t,e){for(var r=t[0].trace,n=t.length,i=o(r,e),a=0;a0&&t[e+1][0]<0)return e;return null}switch(e=\"RUS\"===l||\"FJI\"===l?function(t){var e;if(null===u(t))e=t;else for(e=new Array(t.length),i=0;ie?r[n++]=[t[i][0]+360,t[i][1]]:i===e?(r[n++]=t[i],r[n++]=[t[i][0],-90]):r[n++]=t[i];var o=a.tester(r);o.pts.pop(),c.push(o)}:function(t){c.push(a.tester(t))},o.type){case\"MultiPolygon\":for(r=0;r\":f.value>h&&(s.prefixBoundary=!0);break;case\"<\":f.valueh)&&(s.prefixBoundary=!0);break;case\"][\":a=Math.min.apply(null,f.value),o=Math.max.apply(null,f.value),ah&&(s.prefixBoundary=!0)}}},{}],919:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorbar/draw\"),i=t(\"./make_color_map\"),a=t(\"./end_plus\");e.exports=function(t,e){var r=e[0].trace,o=\"cb\"+r.uid;if(t._fullLayout._infolayer.selectAll(\".\"+o).remove(),r.showscale){var s=e[0].t.cb=n(t,o),l=r.contours,c=r.line,u=l.size||1,f=l.coloring,h=i(r,{isColorbar:!0});s.fillgradient(\"heatmap\"===f?r.colorscale:\"\").zrange(\"heatmap\"===f?[r.zmin,r.zmax]:\"\").fillcolor(\"fill\"===f?h:\"\").line({color:\"lines\"===f?h:c.color,width:!1!==l.showlines?c.width:0,dash:c.dash}).levels({start:l.start,end:a(l),size:u}).options(r.colorbar)()}}},{\"../../components/colorbar/draw\":575,\"./end_plus\":927,\"./make_color_map\":932}],920:[function(t,e,r){\"use strict\";e.exports={BOTTOMSTART:[1,9,13,104,713],TOPSTART:[4,6,7,104,713],LEFTSTART:[8,12,14,208,1114],RIGHTSTART:[2,3,11,208,1114],NEWDELTA:[null,[-1,0],[0,-1],[-1,0],[1,0],null,[0,-1],[-1,0],[0,1],[0,1],null,[0,1],[1,0],[1,0],[0,-1]],CHOOSESADDLE:{104:[4,1],208:[2,8],713:[7,13],1114:[11,14]},SADDLEREMAINDER:{1:4,2:8,4:1,7:13,8:2,11:14,13:7,14:11},LABELDISTANCE:2,LABELINCREASE:10,LABELMIN:3,LABELMAX:10,LABELOPTIMIZER:{EDGECOST:1,ANGLECOST:1,NEIGHBORCOST:5,SAMELEVELFACTOR:10,SAMELEVELDISTANCE:5,MAXCOST:100,INITIALSEARCHPOINTS:10,ITERATIONS:5}}},{}],921:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"./label_defaults\"),a=t(\"../../components/color\"),o=a.addOpacity,s=a.opacity,l=t(\"../../constants/filter_ops\"),c=l.CONSTRAINT_REDUCTION,u=l.COMPARISON_OPS2;e.exports=function(t,e,r,a,l,f){var h,p,d,g=e.contours,v=r(\"contours.operation\");(g._operation=c[v],function(t,e){var r;-1===u.indexOf(e.operation)?(t(\"contours.value\",[0,1]),Array.isArray(e.value)?e.value.length>2?e.value=e.value.slice(2):0===e.length?e.value=[0,1]:e.length<2?(r=parseFloat(e.value[0]),e.value=[r,r+1]):e.value=[parseFloat(e.value[0]),parseFloat(e.value[1])]:n(e.value)&&(r=parseFloat(e.value),e.value=[r,r+1])):(t(\"contours.value\",0),n(e.value)||(Array.isArray(e.value)?e.value=parseFloat(e.value[0]):e.value=0))}(r,g),\"=\"===v?h=g.showlines=!0:(h=r(\"contours.showlines\"),d=r(\"fillcolor\",o((t.line||{}).color||l,.5))),h)&&(p=r(\"line.color\",d&&s(d)?o(e.fillcolor,1):l),r(\"line.width\",2),r(\"line.dash\"));r(\"line.smoothing\"),i(r,a,p,f)}},{\"../../components/color\":570,\"../../constants/filter_ops\":669,\"./label_defaults\":931,\"fast-isnumeric\":214}],922:[function(t,e,r){\"use strict\";var n=t(\"../../constants/filter_ops\"),i=t(\"fast-isnumeric\");function a(t,e){var r,a=Array.isArray(e);function o(t){return i(t)?+t:null}return-1!==n.COMPARISON_OPS2.indexOf(t)?r=o(a?e[0]:e):-1!==n.INTERVAL_OPS.indexOf(t)?r=a?[o(e[0]),o(e[1])]:[o(e),o(e)]:-1!==n.SET_OPS.indexOf(t)&&(r=a?e.map(o):[o(e)]),r}function o(t){return function(e){e=a(t,e);var r=Math.min(e[0],e[1]),n=Math.max(e[0],e[1]);return{start:r,end:n,size:n-r}}}function s(t){return function(e){return{start:e=a(t,e),end:1/0,size:1/0}}}e.exports={\"[]\":o(\"[]\"),\"][\":o(\"][\"),\">\":s(\">\"),\"<\":s(\"<\"),\"=\":s(\"=\")}},{\"../../constants/filter_ops\":669,\"fast-isnumeric\":214}],923:[function(t,e,r){\"use strict\";e.exports=function(t,e,r,n){var i=n(\"contours.start\"),a=n(\"contours.end\"),o=!1===i||!1===a,s=r(\"contours.size\");!(o?e.autocontour=!0:r(\"autocontour\",!1))&&s||r(\"ncontours\")}},{}],924:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");function i(t){return n.extendFlat({},t,{edgepaths:n.extendDeep([],t.edgepaths),paths:n.extendDeep([],t.paths)})}e.exports=function(t,e){var r,a,o,s=function(t){return t.reverse()},l=function(t){return t};switch(e){case\"=\":case\"<\":return t;case\">\":for(1!==t.length&&n.warn(\"Contour data invalid for the specified inequality operation.\"),a=t[0],r=0;r1e3){n.warn(\"Too many contours, clipping at 1000\",t);break}return l}},{\"../../lib\":696,\"./constraint_mapping\":922,\"./end_plus\":927}],927:[function(t,e,r){\"use strict\";e.exports=function(t){return t.end+t.size/1e6}},{}],928:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./constants\");function a(t,e,r,n){return Math.abs(t[0]-e[0])20&&e?208===t||1114===t?n=0===r[0]?1:-1:a=0===r[1]?1:-1:-1!==i.BOTTOMSTART.indexOf(t)?a=1:-1!==i.LEFTSTART.indexOf(t)?n=1:-1!==i.TOPSTART.indexOf(t)?a=-1:n=-1;return[n,a]}(h,r,e),d=[s(t,e,[-p[0],-p[1]])],g=p.join(\",\"),v=t.z.length,m=t.z[0].length;for(c=0;c<1e4;c++){if(h>20?(h=i.CHOOSESADDLE[h][(p[0]||p[1])<0?0:1],t.crossings[f]=i.SADDLEREMAINDER[h]):delete t.crossings[f],!(p=i.NEWDELTA[h])){n.log(\"Found bad marching index:\",h,e,t.level);break}d.push(s(t,e,p)),e[0]+=p[0],e[1]+=p[1],a(d[d.length-1],d[d.length-2],o,l)&&d.pop(),f=e.join(\",\");var y=p[0]&&(e[0]<0||e[0]>m-2)||p[1]&&(e[1]<0||e[1]>v-2);if(f===u&&p.join(\",\")===g||r&&y)break;h=t.crossings[f]}1e4===c&&n.log(\"Infinite loop in contour?\");var x,b,_,w,k,M,A,T,S,E,C,L,z,O,I,P=a(d[0],d[d.length-1],o,l),D=0,R=.2*t.smoothing,B=[],F=0;for(c=1;c=F;c--)if((x=B[c])=F&&x+B[b]T&&S--,t.edgepaths[S]=C.concat(d,E));break}U||(t.edgepaths[T]=d.concat(E))}for(T=0;Tt?0:1)+(e[0][1]>t?0:2)+(e[1][1]>t?0:4)+(e[1][0]>t?0:8);return 5===r||10===r?t>(e[0][0]+e[0][1]+e[1][0]+e[1][1])/4?5===r?713:1114:5===r?104:208:15===r?0:r}e.exports=function(t){var e,r,a,o,s,l,c,u,f,h=t[0].z,p=h.length,d=h[0].length,g=2===p||2===d;for(r=0;rt.level}return r?\"M\"+e.join(\"L\")+\"Z\":\"\"}(t,e),h=0,p=t.edgepaths.map(function(t,e){return e}),d=!0;function g(t){return Math.abs(t[1]-e[2][1])<.01}function v(t){return Math.abs(t[0]-e[0][0])<.01}function m(t){return Math.abs(t[0]-e[2][0])<.01}for(;p.length;){for(c=a.smoothopen(t.edgepaths[h],t.smoothing),f+=d?c:c.replace(/^M/,\"L\"),p.splice(p.indexOf(h),1),r=t.edgepaths[h][t.edgepaths[h].length-1],s=-1,o=0;o<4;o++){if(!r){i.log(\"Missing end?\",h,t);break}for(u=r,Math.abs(u[1]-e[0][1])<.01&&!m(r)?n=e[1]:v(r)?n=e[0]:g(r)?n=e[3]:m(r)&&(n=e[2]),l=0;l=0&&(n=y,s=l):Math.abs(r[1]-n[1])<.01?Math.abs(r[1]-y[1])<.01&&(y[0]-r[0])*(n[0]-y[0])>=0&&(n=y,s=l):i.log(\"endpt to newendpt is not vert. or horz.\",r,n,y)}if(r=n,s>=0)break;f+=\"L\"+n}if(s===t.edgepaths.length){i.log(\"unclosed perimeter path\");break}h=s,(d=-1===p.indexOf(h))&&(h=p[0],f+=\"Z\")}for(h=0;hn.center?n.right-s:s-n.left)/(u+Math.abs(Math.sin(c)*o)),p=(l>n.middle?n.bottom-l:l-n.top)/(Math.abs(f)+Math.cos(c)*o);if(h<1||p<1)return 1/0;var d=v.EDGECOST*(1/(h-1)+1/(p-1));d+=v.ANGLECOST*c*c;for(var g=s-u,m=l-f,y=s+u,x=l+f,b=0;b2*v.MAXCOST)break;p&&(s/=2),l=(o=c-s/2)+1.5*s}if(h<=v.MAXCOST)return u},r.addLabelData=function(t,e,r,n){var i=e.width/2,a=e.height/2,o=t.x,s=t.y,l=t.theta,c=Math.sin(l),u=Math.cos(l),f=i*u,h=a*c,p=i*c,d=-a*u,g=[[o-f-h,s-p-d],[o+f-h,s+p-d],[o+f+h,s+p+d],[o-f+h,s-p+d]];r.push({text:e.text,x:o,y:s,dy:e.dy,theta:l,level:e.level,width:e.width,height:e.height}),n.push(g)},r.drawLabels=function(t,e,r,a,s){var l=t.selectAll(\"text\").data(e,function(t){return t.text+\",\"+t.x+\",\"+t.y+\",\"+t.theta});if(l.exit().remove(),l.enter().append(\"text\").attr({\"data-notex\":1,\"text-anchor\":\"middle\"}).each(function(t){var e=t.x+Math.sin(t.theta)*t.dy,i=t.y-Math.cos(t.theta)*t.dy;n.select(this).text(t.text).attr({x:e,y:i,transform:\"rotate(\"+180*t.theta/Math.PI+\" \"+e+\" \"+i+\")\"}).call(o.convertToTspans,r)}),s){for(var c=\"\",u=0;ue.end&&(e.start=e.end=(e.start+e.end)/2),t._input.contours||(t._input.contours={}),i.extendFlat(t._input.contours,{start:e.start,end:e.end,size:e.size}),t._input.autocontour=!0}else if(\"constraint\"!==e.type){var l,c=e.start,u=e.end,f=t._input.contours;if(c>u&&(e.start=f.start=u,u=e.end=f.end=c,c=e.start),!(e.size>0))l=c===u?1:a(c,u,t.ncontours).dtick,f.size=e.size=l}}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744}],936:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../components/drawing\"),a=t(\"../heatmap/style\"),o=t(\"./make_color_map\");e.exports=function(t){var e=n.select(t).selectAll(\"g.contour\");e.style(\"opacity\",function(t){return t[0].trace.opacity}),e.each(function(t){var e=n.select(this),r=t[0].trace,a=r.contours,s=r.line,l=a.size||1,c=a.start,u=\"constraint\"===a.type,f=!u&&\"lines\"===a.coloring,h=!u&&\"fill\"===a.coloring,p=f||h?o(r):null;e.selectAll(\"g.contourlevel\").each(function(t){n.select(this).selectAll(\"path\").call(i.lineGroupStyle,s.width,f?p(t.level):s.color,s.dash)});var d=a.labelfont;if(e.selectAll(\"g.contourlabels text\").each(function(t){i.font(n.select(this),{family:d.family,size:d.size,color:d.color||(f?p(t.level):s.color)})}),u)e.selectAll(\"g.contourfill path\").style(\"fill\",r.fillcolor);else if(h){var g;e.selectAll(\"g.contourfill path\").style(\"fill\",function(t){return void 0===g&&(g=t.level),p(t.level+.5*l)}),void 0===g&&(g=c),e.selectAll(\"g.contourbg path\").style(\"fill\",p(g-.5*l))}}),a(t)}},{\"../../components/drawing\":595,\"../heatmap/style\":958,\"./make_color_map\":932,d3:148}],937:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/defaults\"),i=t(\"./label_defaults\");e.exports=function(t,e,r,a,o){var s,l=r(\"contours.coloring\"),c=\"\";\"fill\"===l&&(s=r(\"contours.showlines\")),!1!==s&&(\"lines\"!==l&&(c=r(\"line.color\",\"#000\")),r(\"line.width\",.5),r(\"line.dash\")),\"none\"!==l&&(!0!==t.showlegend&&(e.showlegend=!1),e._dfltShowLegend=!1,n(t,e,a,r,{prefix:\"\",cLetter:\"z\"})),r(\"line.smoothing\"),i(r,a,c,o)}},{\"../../components/colorscale/defaults\":580,\"./label_defaults\":931}],938:[function(t,e,r){\"use strict\";var n=t(\"../heatmap/attributes\"),i=t(\"../contour/attributes\"),a=i.contours,o=t(\"../scatter/attributes\"),s=t(\"../../components/colorscale/attributes\"),l=t(\"../../components/colorbar/attributes\"),c=t(\"../../lib/extend\").extendFlat,u=o.line;e.exports=c({carpet:{valType:\"string\",editType:\"calc\"},z:n.z,a:n.x,a0:n.x0,da:n.dx,b:n.y,b0:n.y0,db:n.dy,text:n.text,transpose:n.transpose,atype:n.xtype,btype:n.ytype,fillcolor:i.fillcolor,autocontour:i.autocontour,ncontours:i.ncontours,contours:{type:a.type,start:a.start,end:a.end,size:a.size,coloring:{valType:\"enumerated\",values:[\"fill\",\"lines\",\"none\"],dflt:\"fill\",editType:\"calc\"},showlines:a.showlines,showlabels:a.showlabels,labelfont:a.labelfont,labelformat:a.labelformat,operation:a.operation,value:a.value,editType:\"calc\",impliedEdits:{autocontour:!1}},line:{color:c({},u.color,{}),width:u.width,dash:u.dash,smoothing:c({},u.smoothing,{}),editType:\"plot\"},transforms:void 0},s(\"\",{cLetter:\"z\",autoColorDflt:!1}),{colorbar:l})},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../contour/attributes\":916,\"../heatmap/attributes\":945,\"../scatter/attributes\":1043}],939:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/calc\"),i=t(\"../../lib\").isArray1D,a=t(\"../heatmap/convert_column_xyz\"),o=t(\"../heatmap/clean_2d_array\"),s=t(\"../heatmap/max_row_length\"),l=t(\"../heatmap/interp2d\"),c=t(\"../heatmap/find_empties\"),u=t(\"../heatmap/make_bound_array\"),f=t(\"./defaults\"),h=t(\"../carpet/lookup_carpetid\"),p=t(\"../contour/set_contours\");e.exports=function(t,e){var r=e._carpetTrace=h(t,e);if(r&&r.visible&&\"legendonly\"!==r.visible){if(!e.a||!e.b){var d=t.data[r.index],g=t.data[e.index];g.a||(g.a=d.a),g.b||(g.b=d.b),f(g,e,e._defaultColor,t._fullLayout)}var v=function(t,e){var r,f,h,p,d,g,v,m=e._carpetTrace,y=m.aaxis,x=m.baxis;y._minDtick=0,x._minDtick=0,i(e.z)&&a(e,y,x,\"a\",\"b\",[\"z\"]);r=e._a=e._a||e.a,p=e._b=e._b||e.b,r=r?y.makeCalcdata(e,\"_a\"):[],p=p?x.makeCalcdata(e,\"_b\"):[],f=e.a0||0,h=e.da||1,d=e.b0||0,g=e.db||1,v=e._z=o(e._z||e.z,e.transpose),e._emptypoints=c(v),l(v,e._emptypoints);var b=s(v),_=\"scaled\"===e.xtype?\"\":r,w=u(e,_,f,h,b,y),k=\"scaled\"===e.ytype?\"\":p,M=u(e,k,d,g,v.length,x),A={a:w,b:M,z:v};\"levels\"===e.contours.type&&\"none\"!==e.contours.coloring&&n(e,v,\"\",\"z\");return[A]}(0,e);return p(e),v}}},{\"../../components/colorscale/calc\":578,\"../../lib\":696,\"../carpet/lookup_carpetid\":894,\"../contour/set_contours\":935,\"../heatmap/clean_2d_array\":947,\"../heatmap/convert_column_xyz\":949,\"../heatmap/find_empties\":951,\"../heatmap/interp2d\":954,\"../heatmap/make_bound_array\":955,\"../heatmap/max_row_length\":956,\"./defaults\":940}],940:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../heatmap/xyz_defaults\"),a=t(\"./attributes\"),o=t(\"../contour/constraint_defaults\"),s=t(\"../contour/contours_defaults\"),l=t(\"../contour/style_defaults\");e.exports=function(t,e,r,c){function u(r,i){return n.coerce(t,e,a,r,i)}if(u(\"carpet\"),t.a&&t.b){if(!i(t,e,u,c,\"a\",\"b\"))return void(e.visible=!1);u(\"text\"),\"constraint\"===u(\"contours.type\")?o(t,e,u,c,r,{hasHover:!1}):(s(t,e,u,function(r){return n.coerce2(t,e,a,r)}),l(t,e,u,c,{hasHover:!1}))}else e._defaultColor=r,e._length=null}},{\"../../lib\":696,\"../contour/constraint_defaults\":921,\"../contour/contours_defaults\":923,\"../contour/style_defaults\":937,\"../heatmap/xyz_defaults\":960,\"./attributes\":938}],941:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../contour/colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"../contour/style\"),n.moduleType=\"trace\",n.name=\"contourcarpet\",n.basePlotModule=t(\"../../plots/cartesian\"),n.categories=[\"cartesian\",\"svg\",\"carpet\",\"contour\",\"symbols\",\"showLegend\",\"hasLines\",\"carpetDependent\"],n.meta={},e.exports=n},{\"../../plots/cartesian\":756,\"../contour/colorbar\":919,\"../contour/style\":936,\"./attributes\":938,\"./calc\":939,\"./defaults\":940,\"./plot\":944}],942:[function(t,e,r){\"use strict\";var n=t(\"../../components/drawing\"),i=t(\"../carpet/axis_aligned_line\"),a=t(\"../../lib\");e.exports=function(t,e,r,o,s,l,c,u){var f,h,p,d,g,v,m,y=\"\",x=e.edgepaths.map(function(t,e){return e}),b=!0,_=1e-4*Math.abs(r[0][0]-r[2][0]),w=1e-4*Math.abs(r[0][1]-r[2][1]);function k(t){return Math.abs(t[1]-r[0][1])=0&&(p=C,g=v):Math.abs(h[1]-p[1])=0&&(p=C,g=v):a.log(\"endpt to newendpt is not vert. or horz.\",h,p,C)}if(g>=0)break;y+=S(h,p),h=p}if(g===e.edgepaths.length){a.log(\"unclosed perimeter path\");break}f=g,(b=-1===x.indexOf(f))&&(f=x[0],y+=S(h,p)+\"Z\",h=null)}for(f=0;f=0;V--)F=S.clipsegments[V],N=i([],F.x,w.c2p),j=i([],F.y,k.c2p),N.reverse(),j.reverse(),q.push(a(N,j,F.bicubic));var H=\"M\"+q.join(\"L\")+\"Z\";!function(t,e,r,n,o,l){var c,u,f,h,p=s.ensureSingle(t,\"g\",\"contourbg\").selectAll(\"path\").data(\"fill\"!==l||o?[]:[0]);p.enter().append(\"path\"),p.exit().remove();var d=[];for(h=0;hv&&(n.max=v);n.len=n.max-n.min}(this,r,t,n,c,e.height),!(n.len<(e.width+e.height)*f.LABELMIN)))for(var i=Math.min(Math.ceil(n.len/O),f.LABELMAX),a=0;az){C(\"x scale is not linear\");break}}if(v.length&&\"fast\"===S){var O=(v[v.length-1]-v[0])/(v.length-1),I=Math.abs(O/100);for(b=0;bI){C(\"y scale is not linear\");break}}}var P=c(x),D=\"scaled\"===e.xtype?\"\":r,R=p(e,D,d,g,P,w),B=\"scaled\"===e.ytype?\"\":v,F=p(e,B,m,y,x.length,k);T||(e._extremes[w._id]=a.findExtremes(w,R),e._extremes[k._id]=a.findExtremes(k,F));var N={x:R,y:F,z:x,text:e._text||e.text};if(D&&D.length===R.length-1&&(N.xCenter=D),B&&B.length===F.length-1&&(N.yCenter=B),A&&(N.xRanges=_.xRanges,N.yRanges=_.yRanges,N.pts=_.pts),M&&\"constraint\"===e.contours.type||s(e,x,\"\",\"z\"),M&&e.contours&&\"heatmap\"===e.contours.coloring){var j={type:\"contour\"===e.type?\"heatmap\":\"histogram2d\",xcalendar:e.xcalendar,ycalendar:e.ycalendar};N.xfill=p(j,D,d,g,P,w),N.yfill=p(j,B,m,y,x.length,k)}return[N]}},{\"../../components/colorscale/calc\":578,\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../../registry\":827,\"../histogram2d/calc\":977,\"./clean_2d_array\":947,\"./convert_column_xyz\":949,\"./find_empties\":951,\"./interp2d\":954,\"./make_bound_array\":955,\"./max_row_length\":956}],947:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\");e.exports=function(t,e){var r,i,a,o,s,l;function c(t){if(n(t))return+t}if(e){for(r=0,s=0;s=0;o--)(s=((f[[(r=(a=h[o])[0])-1,i=a[1]]]||g)[2]+(f[[r+1,i]]||g)[2]+(f[[r,i-1]]||g)[2]+(f[[r,i+1]]||g)[2])/20)&&(l[a]=[r,i,s],h.splice(o,1),c=!0);if(!c)throw\"findEmpties iterated with no new neighbors\";for(a in l)f[a]=l[a],u.push(l[a])}return u.sort(function(t,e){return e[2]-t[2]})}},{\"./max_row_length\":956}],952:[function(t,e,r){\"use strict\";var n=t(\"../../components/fx\"),i=t(\"../../lib\"),a=t(\"../../plots/cartesian/axes\");e.exports=function(t,e,r,o,s,l){var c,u,f,h,p=t.cd[0],d=p.trace,g=t.xa,v=t.ya,m=p.x,y=p.y,x=p.z,b=p.xCenter,_=p.yCenter,w=p.zmask,k=[d.zmin,d.zmax],M=d.zhoverformat,A=m,T=y;if(!1!==t.index){try{f=Math.round(t.index[1]),h=Math.round(t.index[0])}catch(e){return void i.error(\"Error hovering on heatmap, pointNumber must be [row,col], found:\",t.index)}if(f<0||f>=x[0].length||h<0||h>x.length)return}else{if(n.inbox(e-m[0],e-m[m.length-1],0)>0||n.inbox(r-y[0],r-y[y.length-1],0)>0)return;if(l){var S;for(A=[2*m[0]-m[1]],S=1;Sg&&(m=Math.max(m,Math.abs(t[a][o]-d)/(v-g))))}return m}e.exports=function(t,e){var r,i=1;for(o(t,e),r=0;r.01;r++)i=o(t,e,a(i));return i>.01&&n.log(\"interp2d didn't converge quickly\",i),t}},{\"../../lib\":696}],955:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\").isArrayOrTypedArray;e.exports=function(t,e,r,a,o,s){var l,c,u,f=[],h=n.traceIs(t,\"contour\"),p=n.traceIs(t,\"histogram\"),d=n.traceIs(t,\"gl2d\");if(i(e)&&e.length>1&&!p&&\"category\"!==s.type){var g=e.length;if(!(g<=o))return h?e.slice(0,o):e.slice(0,o+1);if(h||d)f=e.slice(0,o);else if(1===o)f=[e[0]-.5,e[0]+.5];else{for(f=[1.5*e[0]-.5*e[1]],u=1;u0;)p=d.c2p(M[x]),x--;for(p0;)y=g.c2p(A[x]),x--;if(y0&&(a=!0);for(var l=0;la){var o=a-r[t];return r[t]=a,o}}return 0},max:function(t,e,r,i){var a=i[e];if(n(a)){if(a=Number(a),!n(r[t]))return r[t]=a,a;if(r[t]c?t>o?t>1.1*i?i:t>1.1*a?a:o:t>s?s:t>l?l:c:Math.pow(10,Math.floor(Math.log(t)/Math.LN10))}function p(t,e,r,n,a,s){if(n&&t>o){var l=d(e,a,s),c=d(r,a,s),u=t===i?0:1;return l[u]!==c[u]}return Math.floor(r/t)-Math.floor(e/t)>.1}function d(t,e,r){var n=e.c2d(t,i,r).split(\"-\");return\"\"===n[0]&&(n.unshift(),n[0]=\"-\"+n[0]),n}e.exports=function(t,e,r,n,a){var s,l,c=-1.1*e,h=-.1*e,p=t-h,d=r[0],g=r[1],v=Math.min(f(d+h,d+p,n,a),f(g+h,g+p,n,a)),m=Math.min(f(d+c,d+h,n,a),f(g+c,g+h,n,a));if(v>m&&mo){var y=s===i?1:6,x=s===i?\"M12\":\"M1\";return function(e,r){var o=n.c2d(e,i,a),s=o.indexOf(\"-\",y);s>0&&(o=o.substr(0,s));var c=n.d2c(o,0,a);if(cr.r2l(z)&&(I=a.tickIncrement(I,_.size,!0,h)),S.start=r.l2r(I),L||i.nestedProperty(e,v+\".start\").set(S.start)}var P=_.end,D=r.r2l(T.end),R=void 0!==D;if((_.endFound||R)&&D!==r.r2l(P)){var B=R?D:i.aggNums(Math.max,null,p);S.end=r.l2r(B),R||i.nestedProperty(e,v+\".start\").set(S.end)}var F=\"autobin\"+o;return!1===e._input[F]&&(e._input[v]=i.extendFlat({},e[v]||{}),delete e._input[F],delete e[F]),[S,p]}e.exports=function(t,e){if(!0===e.visible){var r,h,p,d,g=[],v=[],m=a.getFromId(t,\"h\"===e.orientation?e.yaxis||\"y\":e.xaxis||\"x\"),y=\"h\"===e.orientation?\"y\":\"x\",x={x:\"y\",y:\"x\"}[y],b=e[y+\"calendar\"],_=e.cumulative,w=f(t,e,m,y),k=w[0],M=w[1],A=\"string\"==typeof k.size,T=[],S=A?T:k,E=[],C=[],L=[],z=0,O=e.histnorm,I=e.histfunc,P=-1!==O.indexOf(\"density\");_.enabled&&P&&(O=O.replace(/ ?density$/,\"\"),P=!1);var D,R=\"max\"===I||\"min\"===I?null:0,B=s.count,F=l[O],N=!1,j=function(t){return m.r2c(t,0,b)};for(i.isArrayOrTypedArray(e[x])&&\"count\"!==I&&(D=e[x],N=\"avg\"===I,B=s[I]),r=j(k.start),p=j(k.end)+(r-a.tickIncrement(r,k.size,!1,b))/1e6;r=0&&d=0;n--)s(n);else if(\"increasing\"===e){for(n=1;n=0;n--)t[n]+=t[n+1];\"exclude\"===r&&(t.push(0),t.shift())}}(v,_.direction,_.currentbin);var X=Math.min(g.length,v.length),Z=[],$=0,J=X-1;for(r=0;r=$;r--)if(v[r]){J=r;break}for(r=$;r<=J;r++)if(n(g[r])&&n(v[r])){var K={p:g[r],s:v[r],b:0};_.enabled||(K.pts=L[r],q?K.ph0=K.ph1=L[r].length?M[L[r][0]]:g[r]:(K.ph0=V(T[r]),K.ph1=V(T[r+1],!0))),Z.push(K)}return 1===Z.length&&(Z[0].width1=a.tickIncrement(Z[0].p,k.size,!1,b)-Z[0].p),o(Z,e),i.isArrayOrTypedArray(e.selectedpoints)&&i.tagSelected(Z,e,W),Z}}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../bar/arrays_to_calcdata\":836,\"./average\":965,\"./bin_functions\":967,\"./bin_label_vals\":968,\"./norm_functions\":975,\"fast-isnumeric\":214}],970:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=n.nestedProperty,a=t(\"./attributes\"),o={x:[{aStr:\"xbins.start\",name:\"start\"},{aStr:\"xbins.end\",name:\"end\"},{aStr:\"xbins.size\",name:\"size\"},{aStr:\"nbinsx\",name:\"nbins\"}],y:[{aStr:\"ybins.start\",name:\"start\"},{aStr:\"ybins.end\",name:\"end\"},{aStr:\"ybins.size\",name:\"size\"},{aStr:\"nbinsy\",name:\"nbins\"}]};e.exports=function(t,e){var r,s,l,c,u,f,h,p=e._histogramBinOpts={},d=\"overlay\"===e.barmode;function g(t){return n.coerce(l._input,l,a,t)}for(r=0;rA&&v.splice(A,v.length-A),y.length>A&&y.splice(A,y.length-A),c(e,\"x\",v,g,_,k,x),c(e,\"y\",y,m,w,M,b);var T=[],S=[],E=[],C=\"string\"==typeof e.xbins.size,L=\"string\"==typeof e.ybins.size,z=[],O=[],I=C?z:e.xbins,P=L?O:e.ybins,D=0,R=[],B=[],F=e.histnorm,N=e.histfunc,j=-1!==F.indexOf(\"density\"),V=\"max\"===N||\"min\"===N?null:0,U=a.count,q=o[F],H=!1,G=[],W=[],Y=\"z\"in e?e.z:\"marker\"in e&&Array.isArray(e.marker.color)?e.marker.color:\"\";Y&&\"count\"!==N&&(H=\"avg\"===N,U=a[N]);var X=e.xbins,Z=_(X.start),$=_(X.end)+(Z-i.tickIncrement(Z,X.size,!1,x))/1e6;for(r=Z;r<$;r=i.tickIncrement(r,X.size,!1,x))S.push(V),z.push(r),H&&E.push(0);z.push(r);var J=S.length,K=_(e.xbins.start),Q=(r-K)/J,tt=k(K+Q/2);for(Z=w((X=e.ybins).start),$=w(X.end)+(Z-i.tickIncrement(Z,X.size,!1,b))/1e6,r=Z;r<$;r=i.tickIncrement(r,X.size,!1,b)){T.push(S.slice()),O.push(r);var et=new Array(J);for(l=0;l=0&&p=0&&d0?Number(d):p;else if(\"string\"!=typeof d)u.size=p;else{var g=d.charAt(0),v=d.substr(1);((v=n(v)?Number(v):0)<=0||\"date\"!==l||\"M\"!==g||v!==Math.round(v))&&(u.size=p)}}e.exports=function(t,e){var r,n,i,a;function u(t){return o.coerce(i._input,i,s,t)}for(r=0;r0)u=a(t.alphahull,f);else{var p=[\"x\",\"y\",\"z\"].indexOf(t.delaunayaxis);u=i(f.map(function(t){return[t[(p+1)%3],t[(p+2)%3]]}))}var d={positions:f,cells:u,lightPosition:[t.lightposition.x,t.lightposition.y,t.lightposition.z],ambient:t.lighting.ambient,diffuse:t.lighting.diffuse,specular:t.lighting.specular,roughness:t.lighting.roughness,fresnel:t.lighting.fresnel,vertexNormalsEpsilon:t.lighting.vertexnormalsepsilon,faceNormalsEpsilon:t.lighting.facenormalsepsilon,opacity:t.opacity,contourEnable:t.contour.show,contourColor:l(t.contour.color).slice(0,3),contourWidth:t.contour.width,useFacetNormals:t.flatshading};t.intensity?(this.color=\"#fff\",d.vertexIntensity=t.intensity,d.vertexIntensityBounds=[t.cmin,t.cmax],d.colormap=s(t.colorscale)):t.vertexcolor?(this.color=t.vertexcolor[0],d.vertexColors=h(t.vertexcolor)):t.facecolor?(this.color=t.facecolor[0],d.cellColors=h(t.facecolor)):(this.color=t.color,d.meshColor=l(t.color)),this.mesh.update(d)},f.dispose=function(){this.scene.glplot.remove(this.mesh),this.mesh.dispose()},e.exports=function(t,e){var r=t.glplot.gl,i=n({gl:r}),a=new u(t,i,e.uid);return i._trace=a,a.update(e),t.glplot.add(i),a}},{\"../../lib/gl_format_color\":692,\"../../lib/str2rgbarray\":719,\"../../plots/gl3d/zip3\":798,\"alpha-shape\":52,\"convex-hull\":118,\"delaunay-triangulate\":150,\"gl-mesh3d\":268}],989:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../lib\"),a=t(\"../../components/colorscale/defaults\"),o=t(\"./attributes\");e.exports=function(t,e,r,s){function l(r,n){return i.coerce(t,e,o,r,n)}function c(t){var e=t.map(function(t){var e=l(t);return e&&i.isArrayOrTypedArray(e)?e:null});return e.every(function(t){return t&&t.length===e[0].length})&&e}var u=c([\"x\",\"y\",\"z\"]),f=c([\"i\",\"j\",\"k\"]);u?(f&&f.forEach(function(t){for(var e=0;ed):p=_>y,d=_;var w=s(y,x,b,_);w.pos=m,w.yc=(y+_)/2,w.i=v,w.dir=p?\"increasing\":\"decreasing\",h&&(w.tx=e.text[v]),g.push(w)}}return e._extremes[n._id]=a.findExtremes(n,u.concat(c),{padded:!0}),g.length&&(g[0].t={labels:{open:i(t,\"open:\")+\" \",high:i(t,\"high:\")+\" \",low:i(t,\"low:\")+\" \",close:i(t,\"close:\")+\" \"}}),g}e.exports={calc:function(t,e){var r=a.getFromId(t,e.xaxis),i=a.getFromId(t,e.yaxis),o=function(t,e,r){var i=r._minDiff;if(!i){var a,o=t._fullData,s=[];for(i=1/0,a=0;a\"+u.labels[x]+n.hoverLabelText(s,b):((y=i.extendFlat({},h)).y0=y.y1=_,y.yLabelVal=b,y.yLabel=u.labels[x]+n.hoverLabelText(s,b),y.name=\"\",f.push(y),v[b]=y)}return f}function f(t,e,r,i){var a=t.cd,o=t.ya,u=a[0].trace,f=a[0].t,h=c(t,e,r,i);if(!h)return[];var p=a[h.index],d=h.index=p.i,g=p.dir;function v(t){return f.labels[t]+n.hoverLabelText(o,u[t][d])}var m=p.hi||u.hoverinfo,y=m.split(\"+\"),x=\"all\"===m,b=x||-1!==y.indexOf(\"y\"),_=x||-1!==y.indexOf(\"text\"),w=b?[v(\"open\"),v(\"high\"),v(\"low\"),v(\"close\")+\" \"+l[g]]:[];return _&&s(p,u,w),h.extraText=w.join(\"
\"),h.y0=h.y1=o.c2p(p.yc,!0),[h]}e.exports={hoverPoints:function(t,e,r,n){return t.cd[0].trace.hoverlabel.split?u(t,e,r,n):f(t,e,r,n)},hoverSplit:u,hoverOnPoints:f}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../scatter/fill_hover_text\":1051}],995:[function(t,e,r){\"use strict\";e.exports={moduleType:\"trace\",name:\"ohlc\",basePlotModule:t(\"../../plots/cartesian\"),categories:[\"cartesian\",\"svg\",\"showLegend\"],meta:{},attributes:t(\"./attributes\"),supplyDefaults:t(\"./defaults\"),calc:t(\"./calc\").calc,plot:t(\"./plot\"),style:t(\"./style\"),hoverPoints:t(\"./hover\").hoverPoints,selectPoints:t(\"./select\")}},{\"../../plots/cartesian\":756,\"./attributes\":991,\"./calc\":992,\"./defaults\":993,\"./hover\":994,\"./plot\":997,\"./select\":998,\"./style\":999}],996:[function(t,e,r){\"use strict\";var n=t(\"../../registry\");e.exports=function(t,e,r,i){var a=r(\"x\"),o=r(\"open\"),s=r(\"high\"),l=r(\"low\"),c=r(\"close\");if(r(\"hoverlabel.split\"),n.getComponentMethod(\"calendars\",\"handleTraceDefaults\")(t,e,[\"x\"],i),o&&s&&l&&c){var u=Math.min(o.length,s.length,l.length,c.length);return a&&(u=Math.min(u,a.length)),e._length=u,u}}},{\"../../registry\":827}],997:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\");e.exports=function(t,e,r,a){var o=e.xaxis,s=e.yaxis;i.makeTraceGroups(a,r,\"trace ohlc\").each(function(t){var r=n.select(this),a=t[0],l=a.t,c=a.trace;if(e.isRangePlot||(a.node3=r),!0!==c.visible||l.empty)r.remove();else{var u=l.tickLen,f=r.selectAll(\"path\").data(i.identity);f.enter().append(\"path\"),f.exit().remove(),f.attr(\"d\",function(t){var e=o.c2p(t.pos,!0),r=o.c2p(t.pos-u,!0),n=o.c2p(t.pos+u,!0);return\"M\"+r+\",\"+s.c2p(t.o,!0)+\"H\"+e+\"M\"+e+\",\"+s.c2p(t.h,!0)+\"V\"+s.c2p(t.l,!0)+\"M\"+n+\",\"+s.c2p(t.c,!0)+\"H\"+e})}})}},{\"../../lib\":696,d3:148}],998:[function(t,e,r){\"use strict\";e.exports=function(t,e){var r,n=t.cd,i=t.xaxis,a=t.yaxis,o=[],s=n[0].t.bPos||0;if(!1===e)for(r=0;r=t.length)return!1;if(void 0!==e[t[r]])return!1;e[t[r]]=!0}return!0}(t.map(function(t){return t.displayindex})))for(e=0;e0;c&&(o=\"array\");var u=r(\"categoryorder\",o);\"array\"===u?(r(\"categoryarray\"),r(\"ticktext\")):(delete t.categoryarray,delete t.ticktext),c||\"array\"!==u||(e.categoryorder=\"trace\")}}e.exports=function(t,e,r,f){function h(r,i){return n.coerce(t,e,l,r,i)}var p=s(t,e,{name:\"dimensions\",handleItemDefaults:u}),d=function(t,e,r,o,s){s(\"line.shape\");var l=s(\"line.color\",o.colorway[0]);if(i(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),a(t,e,o,s,{prefix:\"line.\",cLetter:\"c\"}),l.length;e.line.color=r}return 1/0}(t,e,r,f,h);o(e,f,h),Array.isArray(p)&&p.length||(e.visible=!1),c(e,p,\"values\",d),h(\"hoveron\"),h(\"arrangement\"),h(\"bundlecolors\"),h(\"sortpaths\"),h(\"counts\");var g={family:f.font.family,size:Math.round(f.font.size),color:f.font.color};n.coerceFont(h,\"labelfont\",g);var v={family:f.font.family,size:Math.round(f.font.size/1.2),color:f.font.color};n.coerceFont(h,\"tickfont\",v)}},{\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"../../lib\":696,\"../../plots/array_container_defaults\":740,\"../../plots/domain\":770,\"../parcoords/merge_length\":1015,\"./attributes\":1e3}],1004:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.colorbar={container:\"line\",min:\"cmin\",max:\"cmax\"},n.moduleType=\"trace\",n.name=\"parcats\",n.basePlotModule=t(\"./base_plot\"),n.categories=[\"noOpacity\"],n.meta={},e.exports=n},{\"./attributes\":1e3,\"./base_plot\":1001,\"./calc\":1002,\"./defaults\":1003,\"./plot\":1006}],1005:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../plot_api/plot_api\"),a=t(\"../../components/fx\"),o=t(\"../../lib\"),s=t(\"../../components/drawing\"),l=t(\"tinycolor2\"),c=t(\"../../lib/svg_text_utils\");function u(t,e,r,i){var a=t.map(function(t,e,r){var n,i=r[0],a=e.margin||{l:80,r:80,t:100,b:80},o=i.trace,s=o.domain,l=e.width,c=e.height,u=Math.floor(l*(s.x[1]-s.x[0])),f=Math.floor(c*(s.y[1]-s.y[0])),h=s.x[0]*l+a.l,p=e.height-s.y[1]*e.height+a.t,d=o.line.shape;n=\"all\"===o.hoverinfo?[\"count\",\"probability\"]:o.hoverinfo.split(\"+\");var g={key:o.uid,model:i,x:h,y:p,width:u,height:f,hoveron:o.hoveron,hoverinfoItems:n,arrangement:o.arrangement,bundlecolors:o.bundlecolors,sortpaths:o.sortpaths,labelfont:o.labelfont,categorylabelfont:o.tickfont,pathShape:d,dragDimension:null,margin:a,paths:[],dimensions:[],graphDiv:t,traceSelection:null,pathSelection:null,dimensionSelection:null};i.dimensions&&(R(g),D(g));return g}.bind(0,e,r)),l=i.selectAll(\"g.parcatslayer\").data([null]);l.enter().append(\"g\").attr(\"class\",\"parcatslayer\").style(\"pointer-events\",\"all\");var u=l.selectAll(\"g.trace.parcats\").data(a,f),v=u.enter().append(\"g\").attr(\"class\",\"trace parcats\");u.attr(\"transform\",function(t){return\"translate(\"+t.x+\", \"+t.y+\")\"}),v.append(\"g\").attr(\"class\",\"paths\");var x=u.select(\"g.paths\").selectAll(\"path.path\").data(function(t){return t.paths},f);x.attr(\"fill\",function(t){return t.model.color});var w=x.enter().append(\"path\").attr(\"class\",\"path\").attr(\"stroke-opacity\",0).attr(\"fill\",function(t){return t.model.color}).attr(\"fill-opacity\",0);y(w),x.attr(\"d\",function(t){return t.svgD}),w.empty()||x.sort(p),x.exit().remove(),x.on(\"mouseover\",d).on(\"mouseout\",g).on(\"click\",m),v.append(\"g\").attr(\"class\",\"dimensions\");var k=u.select(\"g.dimensions\").selectAll(\"g.dimension\").data(function(t){return t.dimensions},f);k.enter().append(\"g\").attr(\"class\",\"dimension\"),k.attr(\"transform\",function(t){return\"translate(\"+t.x+\", 0)\"}),k.exit().remove();var M=k.selectAll(\"g.category\").data(function(t){return t.categories},f),A=M.enter().append(\"g\").attr(\"class\",\"category\");M.attr(\"transform\",function(t){return\"translate(0, \"+t.y+\")\"}),A.append(\"rect\").attr(\"class\",\"catrect\").attr(\"pointer-events\",\"none\"),M.select(\"rect.catrect\").attr(\"fill\",\"none\").attr(\"width\",function(t){return t.width}).attr(\"height\",function(t){return t.height}),b(A);var z=M.selectAll(\"rect.bandrect\").data(function(t){return t.bands},f);z.each(function(){o.raiseToTop(this)}),z.attr(\"fill\",function(t){return t.color});var O=z.enter().append(\"rect\").attr(\"class\",\"bandrect\").attr(\"stroke-opacity\",0).attr(\"fill\",function(t){return t.color}).attr(\"fill-opacity\",0);z.attr(\"fill\",function(t){return t.color}).attr(\"width\",function(t){return t.width}).attr(\"height\",function(t){return t.height}).attr(\"y\",function(t){return t.y}).attr(\"cursor\",function(t){return\"fixed\"===t.parcatsViewModel.arrangement?\"default\":\"perpendicular\"===t.parcatsViewModel.arrangement?\"ns-resize\":\"move\"}),_(O),z.exit().remove(),A.append(\"text\").attr(\"class\",\"catlabel\").attr(\"pointer-events\",\"none\");var I=e._fullLayout.paper_bgcolor;M.select(\"text.catlabel\").attr(\"text-anchor\",function(t){return h(t)?\"start\":\"end\"}).attr(\"alignment-baseline\",\"middle\").style(\"text-shadow\",I+\" -1px 1px 2px, \"+I+\" 1px 1px 2px, \"+I+\" 1px -1px 2px, \"+I+\" -1px -1px 2px\").style(\"fill\",\"rgb(0, 0, 0)\").attr(\"x\",function(t){return h(t)?t.width+5:-5}).attr(\"y\",function(t){return t.height/2}).text(function(t){return t.model.categoryLabel}).each(function(t){s.font(n.select(this),t.parcatsViewModel.categorylabelfont),c.convertToTspans(n.select(this),e)}),A.append(\"text\").attr(\"class\",\"dimlabel\"),M.select(\"text.dimlabel\").attr(\"text-anchor\",\"middle\").attr(\"alignment-baseline\",\"baseline\").attr(\"cursor\",function(t){return\"fixed\"===t.parcatsViewModel.arrangement?\"default\":\"ew-resize\"}).attr(\"x\",function(t){return t.width/2}).attr(\"y\",-5).text(function(t,e){return 0===e?t.parcatsViewModel.model.dimensions[t.model.dimensionInd].dimensionLabel:null}).each(function(t){s.font(n.select(this),t.parcatsViewModel.labelfont)}),M.selectAll(\"rect.bandrect\").on(\"mouseover\",T).on(\"mouseout\",S),M.exit().remove(),k.call(n.behavior.drag().origin(function(t){return{x:t.x,y:0}}).on(\"dragstart\",E).on(\"drag\",C).on(\"dragend\",L)),u.each(function(t){t.traceSelection=n.select(this),t.pathSelection=n.select(this).selectAll(\"g.paths\").selectAll(\"path.path\"),t.dimensionSelection=n.select(this).selectAll(\"g.dimensions\").selectAll(\"g.dimension\")}),u.exit().remove()}function f(t){return t.key}function h(t){var e=t.parcatsViewModel.dimensions.length,r=t.parcatsViewModel.dimensions[e-1].model.dimensionInd;return t.model.dimensionInd===r}function p(t,e){return t.model.rawColor>e.model.rawColor?1:t.model.rawColor\"),k=n.mouse(u)[0];a.loneHover({x:m-h.left+p.left,y:y-h.top+p.top,text:w,color:t.model.color,borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontSize:10,fontColor:b,idealAlign:k1&&c.displayInd===l.dimensions.length-1?(r=o.left,i=\"left\"):(r=o.left+o.width,i=\"right\");var f=[];-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&f.push([\"Count:\",s.model.count].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")&&f.push([\"P(\"+s.model.categoryLabel+\"):\",(s.model.count/s.parcatsViewModel.model.count).toFixed(3)].join(\" \"));var h=f.join(\"
\");return{x:r-t.left,y:u-t.top,text:h,color:\"lightgray\",borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontSize:12,fontColor:\"black\",idealAlign:i}}function T(t){if(!t.parcatsViewModel.dragDimension&&-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")){if(n.mouse(this)[1]<-1)return;var e,r=t.parcatsViewModel.graphDiv,i=r._fullLayout,s=i._paperdiv.node().getBoundingClientRect(),c=t.parcatsViewModel.hoveron;if(\"color\"===c?(!function(t){var e=n.select(t).datum(),r=w(e);x(r),r.each(function(){o.raiseToTop(this)}),n.select(t.parentNode).selectAll(\"rect.bandrect\").filter(function(t){return t.color===e.color}).each(function(){o.raiseToTop(this),n.select(this).attr(\"stroke\",\"black\").attr(\"stroke-width\",1.5)})}(this),M(this,\"plotly_hover\",n.event)):(!function(t){n.select(t.parentNode).selectAll(\"rect.bandrect\").each(function(t){var e=w(t);x(e),e.each(function(){o.raiseToTop(this)})}),n.select(t.parentNode).select(\"rect.catrect\").attr(\"stroke\",\"black\").attr(\"stroke-width\",2.5)}(this),k(this,\"plotly_hover\",n.event)),-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"none\"))\"category\"===c?e=A(s,this):\"color\"===c?e=function(t,e){var r,i,a=e.getBoundingClientRect(),o=n.select(e).datum(),s=o.categoryViewModel,c=s.parcatsViewModel,u=c.model.dimensions[s.model.dimensionInd],f=a.y+a.height/2;c.dimensions.length>1&&u.displayInd===c.dimensions.length-1?(r=a.left,i=\"left\"):(r=a.left+a.width,i=\"right\");var h=s.model.categoryLabel,p=o.parcatsViewModel.model.count,d=0;o.categoryViewModel.bands.forEach(function(t){t.color===o.color&&(d+=t.count)});var g=s.model.count,v=0;c.pathSelection.each(function(t){t.model.color===o.color&&(v+=t.model.count)});var m=[];if(-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"count\")&&m.push([\"Count:\",d].join(\" \")),-1!==s.parcatsViewModel.hoverinfoItems.indexOf(\"probability\")){var y=\"P(color \\u2229 \"+h+\"): \"+(d/p).toFixed(3);m.push(y);var x=\"P(\"+h+\" | color): \"+(d/v).toFixed(3);m.push(x);var b=\"P(color | \"+h+\"): \"+(d/g).toFixed(3);m.push(b)}var _=m.join(\"
\"),w=l.mostReadable(o.color,[\"black\",\"white\"]);return{x:r-t.left,y:f-t.top,text:_,color:o.color,borderColor:\"black\",fontFamily:'Monaco, \"Courier New\", monospace',fontColor:w,fontSize:10,idealAlign:i}}(s,this):\"dimension\"===c&&(e=function(t,e){var r=[];return n.select(e.parentNode.parentNode).selectAll(\"g.category\").select(\"rect.catrect\").each(function(){r.push(A(t,this))}),r}(s,this)),e&&a.multiHovers(e,{container:i._hoverlayer.node(),outerContainer:i._paper.node(),gd:r})}}function S(t){var e=t.parcatsViewModel;if(!e.dragDimension&&(y(e.pathSelection),b(e.dimensionSelection.selectAll(\"g.category\")),_(e.dimensionSelection.selectAll(\"g.category\").selectAll(\"rect.bandrect\")),a.loneUnhover(e.graphDiv._fullLayout._hoverlayer.node()),e.pathSelection.sort(p),-1===e.hoverinfoItems.indexOf(\"skip\"))){\"color\"===t.parcatsViewModel.hoveron?M(this,\"plotly_unhover\",n.event):k(this,\"plotly_unhover\",n.event)}}function E(t){\"fixed\"!==t.parcatsViewModel.arrangement&&(t.dragDimensionDisplayInd=t.model.displayInd,t.initialDragDimensionDisplayInds=t.parcatsViewModel.model.dimensions.map(function(t){return t.displayInd}),t.dragHasMoved=!1,t.dragCategoryDisplayInd=null,n.select(this).selectAll(\"g.category\").select(\"rect.catrect\").each(function(e){var r=n.mouse(this)[0],i=n.mouse(this)[1];-2<=r&&r<=e.width+2&&-2<=i&&i<=e.height+2&&(t.dragCategoryDisplayInd=e.model.displayInd,t.initialDragCategoryDisplayInds=t.model.categories.map(function(t){return t.displayInd}),e.model.dragY=e.y,o.raiseToTop(this.parentNode),n.select(this.parentNode).selectAll(\"rect.bandrect\").each(function(e){e.yf.y+f.height/2&&(o.model.displayInd=f.model.displayInd,f.model.displayInd=l),t.dragCategoryDisplayInd=o.model.displayInd}if(null===t.dragCategoryDisplayInd||\"freeform\"===t.parcatsViewModel.arrangement){a.model.dragX=n.event.x;var h=t.parcatsViewModel.dimensions[r],p=t.parcatsViewModel.dimensions[i];void 0!==h&&a.model.dragXp.x&&(a.model.displayInd=p.model.displayInd,p.model.displayInd=t.dragDimensionDisplayInd),t.dragDimensionDisplayInd=a.model.displayInd}R(t.parcatsViewModel),D(t.parcatsViewModel),I(t.parcatsViewModel),O(t.parcatsViewModel)}}function L(t){if(\"fixed\"!==t.parcatsViewModel.arrangement&&null!==t.dragDimensionDisplayInd){n.select(this).selectAll(\"text\").attr(\"font-weight\",\"normal\");var e={},r=z(t.parcatsViewModel),a=t.parcatsViewModel.model.dimensions.map(function(t){return t.displayInd}),o=t.initialDragDimensionDisplayInds.some(function(t,e){return t!==a[e]});o&&a.forEach(function(r,n){var i=t.parcatsViewModel.model.dimensions[n].containerInd;e[\"dimensions[\"+i+\"].displayindex\"]=r});var s=!1;if(null!==t.dragCategoryDisplayInd){var l=t.model.categories.map(function(t){return t.displayInd});if(s=t.initialDragCategoryDisplayInds.some(function(t,e){return t!==l[e]})){var c=t.model.categories.slice().sort(function(t,e){return t.displayInd-e.displayInd}),u=c.map(function(t){return t.categoryValue}),f=c.map(function(t){return t.categoryLabel});e[\"dimensions[\"+t.model.containerInd+\"].categoryarray\"]=[u],e[\"dimensions[\"+t.model.containerInd+\"].ticktext\"]=[f],e[\"dimensions[\"+t.model.containerInd+\"].categoryorder\"]=\"array\"}}if(-1===t.parcatsViewModel.hoverinfoItems.indexOf(\"skip\")&&!t.dragHasMoved&&t.potentialClickBand&&(\"color\"===t.parcatsViewModel.hoveron?M(t.potentialClickBand,\"plotly_click\",n.event.sourceEvent):k(t.potentialClickBand,\"plotly_click\",n.event.sourceEvent)),t.model.dragX=null,null!==t.dragCategoryDisplayInd)t.parcatsViewModel.dimensions[t.dragDimensionDisplayInd].categories[t.dragCategoryDisplayInd].model.dragY=null,t.dragCategoryDisplayInd=null;t.dragDimensionDisplayInd=null,t.parcatsViewModel.dragDimension=null,t.dragHasMoved=null,t.potentialClickBand=null,R(t.parcatsViewModel),D(t.parcatsViewModel),n.transition().duration(300).ease(\"cubic-in-out\").each(function(){I(t.parcatsViewModel,!0),O(t.parcatsViewModel,!0)}).each(\"end\",function(){(o||s)&&i.restyle(t.parcatsViewModel.graphDiv,e,[r])})}}function z(t){for(var e,r=t.graphDiv._fullData,n=0;n=0;s--)u+=\"C\"+c[s]+\",\"+(e[s+1]+i)+\" \"+l[s]+\",\"+(e[s]+i)+\" \"+(t[s]+r[s])+\",\"+(e[s]+i),u+=\"l-\"+r[s]+\",0 \";return u+=\"Z\"}function D(t){var e=t.dimensions,r=t.model,n=e.map(function(t){return t.categories.map(function(t){return t.y})}),i=t.model.dimensions.map(function(t){return t.categories.map(function(t){return t.displayInd})}),a=t.model.dimensions.map(function(t){return t.displayInd}),o=t.dimensions.map(function(t){return t.model.dimensionInd}),s=e.map(function(t){return t.x}),l=e.map(function(t){return t.width}),c=[];for(var u in r.paths)r.paths.hasOwnProperty(u)&&c.push(r.paths[u]);function f(t){var e=t.categoryInds.map(function(t,e){return i[e][t]});return o.map(function(t){return e[t]})}c.sort(function(e,r){var n=f(e),i=f(r);return\"backward\"===t.sortpaths&&(n.reverse(),i.reverse()),n.push(e.valueInds[0]),i.push(r.valueInds[0]),t.bundlecolors&&(n.unshift(e.rawColor),i.unshift(r.rawColor)),ni?1:0});for(var h=new Array(c.length),p=e[0].model.count,d=e[0].categories.map(function(t){return t.height}).reduce(function(t,e){return t+e}),g=0;g0?d*(m.count/p):0;for(var y,x=new Array(n.length),b=0;b1?(t.width-80-16)/(n-1):0)*i;var a,o,s,l,c,u=[],f=t.model.maxCats,h=e.categories.length,p=e.count,d=t.height-8*(f-1),g=8*(f-h)/2,v=e.categories.map(function(t){return{displayInd:t.displayInd,categoryInd:t.categoryInd}});for(v.sort(function(t,e){return t.displayInd-e.displayInd}),c=0;c0?o.count/p*d:0,s={key:o.valueInds[0],model:o,width:16,height:a,y:null!==o.dragY?o.dragY:g,bands:[],parcatsViewModel:t},g=g+a+8,u.push(s);return{key:e.dimensionInd,x:null!==e.dragX?e.dragX:r,y:0,width:16,model:e,categories:u,parcatsViewModel:t,dragCategoryDisplayInd:null,dragDimensionDisplayInd:null,initialDragDimensionDisplayInds:null,initialDragCategoryDisplayInds:null,dragHasMoved:null,potentialClickBand:null}}e.exports=function(t,e,r,n){u(r,t,n,e)}},{\"../../components/drawing\":595,\"../../components/fx\":612,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"../../plot_api/plot_api\":731,d3:148,tinycolor2:514}],1006:[function(t,e,r){\"use strict\";var n=t(\"./parcats\");e.exports=function(t,e,r,i){var a=t._fullLayout,o=a._paper,s=a._size;n(t,o,e,{width:s.w,height:s.h,margin:{t:s.t,r:s.r,b:s.b,l:s.l}},r,i)}},{\"./parcats\":1005}],1007:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/attributes\"),i=t(\"../../components/colorbar/attributes\"),a=t(\"../../plots/cartesian/layout_attributes\"),o=t(\"../../plots/font_attributes\"),s=t(\"../../plots/domain\").attributes,l=t(\"../../lib/extend\").extendFlat,c=t(\"../../plot_api/plot_template\").templatedArray;e.exports={domain:s({name:\"parcoords\",trace:!0,editType:\"calc\"}),hoverlabel:void 0,labelfont:o({editType:\"calc\"}),tickfont:o({editType:\"calc\"}),rangefont:o({editType:\"calc\"}),dimensions:c(\"dimension\",{label:{valType:\"string\",editType:\"calc\"},tickvals:l({},a.tickvals,{editType:\"calc\"}),ticktext:l({},a.ticktext,{editType:\"calc\"}),tickformat:{valType:\"string\",dflt:\"3s\",editType:\"calc\"},visible:{valType:\"boolean\",dflt:!0,editType:\"calc\"},range:{valType:\"info_array\",items:[{valType:\"number\",editType:\"calc\"},{valType:\"number\",editType:\"calc\"}],editType:\"calc\"},constraintrange:{valType:\"info_array\",freeLength:!0,dimensions:\"1-2\",items:[{valType:\"number\",editType:\"calc\"},{valType:\"number\",editType:\"calc\"}],editType:\"calc\"},multiselect:{valType:\"boolean\",dflt:!0,editType:\"calc\"},values:{valType:\"data_array\",editType:\"calc\"},editType:\"calc\"}),line:l(n(\"line\",{colorscaleDflt:\"Viridis\",autoColorDflt:!1,editTypeOverride:\"calc\"}),{colorbar:i,editType:\"calc\"})}},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plot_api/plot_template\":734,\"../../plots/cartesian/layout_attributes\":757,\"../../plots/domain\":770,\"../../plots/font_attributes\":771}],1008:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"d3\"),a=t(\"../../lib/gup\").keyFun,o=t(\"../../lib/gup\").repeat,s=t(\"../../lib\").sorterAsc,l=n.bar.snapRatio;function c(t,e){return t*(1-l)+e*l}var u=n.bar.snapClose;function f(t,e){return t*(1-u)+e*u}function h(t,e,r){if(d(e,r))return e;for(var n=t[0],i=n,a=1;a=0;a--){var o=t[a];if(e>f(n,o))return c(n,i);if(e>o||a===t.length-1)return c(o,n);i=n,n=o}}function d(t,e){for(var r=0;r=e[r][0]&&t<=e[r][1])return!0;return!1}function g(t){t.attr(\"x\",-n.bar.captureWidth/2).attr(\"width\",n.bar.captureWidth)}function v(t){t.attr(\"visibility\",\"visible\").style(\"visibility\",\"visible\").attr(\"fill\",\"yellow\").attr(\"opacity\",0)}function m(t){if(!t.brush.filterSpecified)return\"0,\"+t.height;for(var e,r,n,i=y(t.brush.filter.getConsolidated(),t.height),a=[0],o=i.length?i[0][0]:null,s=0;se){h=r;break}}if(a=u,isNaN(a)&&(a=isNaN(f)||isNaN(h)?isNaN(f)?h:f:e-c[f][1]t[1]+r||e=.9*t[1]+.1*t[0]?\"n\":e<=.9*t[0]+.1*t[1]?\"s\":\"ns\"}(d,e);g&&(o.interval=l[a],o.intervalPix=d,o.region=g)}}if(t.ordinal&&!o.region){var v=t.unitTickvals,m=t.unitToPaddedPx.invert(e);for(r=0;r=x[0]&&m<=x[1]){o.clickableOrdinalRange=x;break}}}return o}function k(t){t.on(\"mousemove\",function(t){if(i.event.preventDefault(),!t.parent.inBrushDrag){var e=w(t,t.height-i.mouse(this)[1]-2*n.verticalPadding),r=\"crosshair\";e.clickableOrdinalRange?r=\"pointer\":e.region&&(r=e.region+\"-resize\"),i.select(document.body).style(\"cursor\",r)}}).on(\"mouseleave\",function(t){t.parent.inBrushDrag||x()}).call(i.behavior.drag().on(\"dragstart\",function(t){i.event.sourceEvent.stopPropagation();var e=t.height-i.mouse(this)[1]-2*n.verticalPadding,r=t.unitToPaddedPx.invert(e),a=t.brush,o=w(t,e),s=o.interval,l=a.svgBrush;if(l.wasDragged=!1,l.grabbingBar=\"ns\"===o.region,l.grabbingBar){var c=s.map(t.unitToPaddedPx);l.grabPoint=e-c[0]-n.verticalPadding,l.barLength=c[1]-c[0]}l.clickableOrdinalRange=o.clickableOrdinalRange,l.stayingIntervals=t.multiselect&&a.filterSpecified?a.filter.getConsolidated():[],s&&(l.stayingIntervals=l.stayingIntervals.filter(function(t){return t[0]!==s[0]&&t[1]!==s[1]})),l.startExtent=o.region?s[\"s\"===o.region?1:0]:r,t.parent.inBrushDrag=!0,l.brushStartCallback()}).on(\"drag\",function(t){i.event.sourceEvent.stopPropagation();var e=t.height-i.mouse(this)[1]-2*n.verticalPadding,r=t.brush.svgBrush;r.wasDragged=!0,r.grabbingBar?r.newExtent=[e-r.grabPoint,e+r.barLength-r.grabPoint].map(t.unitToPaddedPx.invert):r.newExtent=[r.startExtent,t.unitToPaddedPx.invert(e)].sort(s);var a=Math.max(0,-r.newExtent[0]),o=Math.max(0,r.newExtent[1]-1);r.newExtent[0]+=a,r.newExtent[1]-=o,r.grabbingBar&&(r.newExtent[1]+=a,r.newExtent[0]-=o),t.brush.filterSpecified=!0,r.extent=r.stayingIntervals.concat([r.newExtent]),r.brushCallback(t),_(this.parentNode)}).on(\"dragend\",function(t){i.event.sourceEvent.stopPropagation();var e=t.brush,r=e.filter,n=e.svgBrush,a=n.grabbingBar;if(n.grabbingBar=!1,n.grabLocation=void 0,t.parent.inBrushDrag=!1,x(),!n.wasDragged)return n.wasDragged=void 0,n.clickableOrdinalRange?e.filterSpecified&&t.multiselect?n.extent.push(n.clickableOrdinalRange):(n.extent=[n.clickableOrdinalRange],e.filterSpecified=!0):a?(n.extent=n.stayingIntervals,0===n.extent.length&&A(e)):A(e),n.brushCallback(t),_(this.parentNode),void n.brushEndCallback(e.filterSpecified?r.getConsolidated():[]);var o=function(){r.set(r.getConsolidated())};if(t.ordinal){var s=t.unitTickvals;s[s.length-1]n.newExtent[0];n.extent=n.stayingIntervals.concat(l?[n.newExtent]:[]),n.extent.length||A(e),n.brushCallback(t),l?_(this.parentNode,o):(o(),_(this.parentNode))}else o();n.brushEndCallback(e.filterSpecified?r.getConsolidated():[])}))}function M(t,e){return t[0]-e[0]}function A(t){t.filterSpecified=!1,t.svgBrush.extent=[[0,1]]}function T(t){for(var e,r=t.slice(),n=[],i=r.shift();i;){for(e=i.slice();(i=r.shift())&&i[0]<=e[1];)e[1]=Math.max(e[1],i[1]);n.push(e)}return n}e.exports={makeBrush:function(t,e,r,n,i,a){var o,l=function(){var t,e,r=[];return{set:function(n){r=n.map(function(t){return t.slice().sort(s)}).sort(M),t=T(r),e=r.reduce(function(t,e){return[Math.min(t[0],e[0]),Math.max(t[1],e[1])]},[1/0,-1/0])},get:function(){return r.slice()},getConsolidated:function(){return t},getBounds:function(){return e}}}();return l.set(r),{filter:l,filterSpecified:e,svgBrush:{extent:[],brushStartCallback:n,brushCallback:(o=i,function(t){var e=t.brush,r=function(t){return t.svgBrush.extent.map(function(t){return t.slice()})}(e).slice();e.filter.set(r),o()}),brushEndCallback:a}}},ensureAxisBrush:function(t){var e=t.selectAll(\".\"+n.cn.axisBrush).data(o,a);e.enter().append(\"g\").classed(n.cn.axisBrush,!0),function(t){var e=t.selectAll(\".background\").data(o);e.enter().append(\"rect\").classed(\"background\",!0).call(g).call(v).style(\"pointer-events\",\"auto\").attr(\"transform\",\"translate(0 \"+n.verticalPadding+\")\"),e.call(k).attr(\"height\",function(t){return t.height-n.verticalPadding});var r=t.selectAll(\".highlight-shadow\").data(o);r.enter().append(\"line\").classed(\"highlight-shadow\",!0).attr(\"x\",-n.bar.width/2).attr(\"stroke-width\",n.bar.width+n.bar.strokeWidth).attr(\"stroke\",n.bar.strokeColor).attr(\"opacity\",n.bar.strokeOpacity).attr(\"stroke-linecap\",\"butt\"),r.attr(\"y1\",function(t){return t.height}).call(b);var i=t.selectAll(\".highlight\").data(o);i.enter().append(\"line\").classed(\"highlight\",!0).attr(\"x\",-n.bar.width/2).attr(\"stroke-width\",n.bar.width-n.bar.strokeWidth).attr(\"stroke\",n.bar.fillColor).attr(\"opacity\",n.bar.fillOpacity).attr(\"stroke-linecap\",\"butt\"),i.attr(\"y1\",function(t){return t.height}).call(b)}(e)},cleanRanges:function(t,e){if(Array.isArray(t[0])?(t=t.map(function(t){return t.sort(s)}),t=e.multiselect?T(t.sort(M)):[t[0]]):t=[t.sort(s)],e.tickvals){var r=e.tickvals.slice().sort(s);if(!(t=t.map(function(t){var e=[h(r,t[0],[]),p(r,t[1],[])];if(e[1]>e[0])return e}).filter(function(t){return t})).length)return}return t.length>1?t:t[0]}}},{\"../../lib\":696,\"../../lib/gup\":693,\"./constants\":1011,d3:148}],1009:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../plots/get_data\").getModuleCalcData,a=t(\"./plot\"),o=t(\"../../constants/xmlns_namespaces\");r.name=\"parcoords\",r.plot=function(t){var e=i(t.calcdata,\"parcoords\")[0];e.length&&a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has(\"parcoords\"),a=e._has&&e._has(\"parcoords\");i&&!a&&(n._paperdiv.selectAll(\".parcoords\").remove(),n._glimages.selectAll(\"*\").remove())},r.toSVG=function(t){var e=t._fullLayout._glimages,r=n.select(t).selectAll(\".svg-container\");r.filter(function(t,e){return e===r.size()-1}).selectAll(\".gl-canvas-context, .gl-canvas-focus\").each(function(){var t=this.toDataURL(\"image/png\");e.append(\"svg:image\").attr({xmlns:o.svg,\"xlink:href\":t,preserveAspectRatio:\"none\",x:0,y:0,width:this.width,height:this.height})}),window.setTimeout(function(){n.selectAll(\"#filterBarPattern\").attr(\"id\",\"filterBarPattern\")},60)}},{\"../../constants/xmlns_namespaces\":674,\"../../plots/get_data\":781,\"./plot\":1017,d3:148}],1010:[function(t,e,r){\"use strict\";var n=t(\"../../components/colorscale/has_colorscale\"),i=t(\"../../components/colorscale/calc\"),a=t(\"../../lib\"),o=t(\"../../lib/gup\").wrap;e.exports=function(t,e){var r=!!e.line.colorscale&&a.isArrayOrTypedArray(e.line.color),s=r?e.line.color:function(t){for(var e=new Array(t),r=0;ru&&(n.log(\"parcoords traces support up to \"+u+\" dimensions at the moment\"),d.splice(u));var g=s(t,e,{name:\"dimensions\",handleItemDefaults:h}),v=function(t,e,r,o,s){var l=s(\"line.color\",r);if(i(t,\"line\")&&n.isArrayOrTypedArray(l)){if(l.length)return s(\"line.colorscale\"),a(t,e,o,s,{prefix:\"line.\",cLetter:\"c\"}),l.length;e.line.color=r}return 1/0}(t,e,r,c,p);o(e,c,p),Array.isArray(g)&&g.length||(e.visible=!1),f(e,g,\"values\",v);var m={family:c.font.family,size:Math.round(c.font.size/1.2),color:c.font.color};n.coerceFont(p,\"labelfont\",m),n.coerceFont(p,\"tickfont\",m),n.coerceFont(p,\"rangefont\",m)}},{\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"../../lib\":696,\"../../plots/array_container_defaults\":740,\"../../plots/domain\":770,\"./attributes\":1007,\"./axisbrush\":1008,\"./constants\":1011,\"./merge_length\":1015}],1013:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.colorbar={container:\"line\",min:\"cmin\",max:\"cmax\"},n.moduleType=\"trace\",n.name=\"parcoords\",n.basePlotModule=t(\"./base_plot\"),n.categories=[\"gl\",\"regl\",\"noOpacity\"],n.meta={},e.exports=n},{\"./attributes\":1007,\"./base_plot\":1009,\"./calc\":1010,\"./defaults\":1012,\"./plot\":1017}],1014:[function(t,e,r){\"use strict\";var n=t(\"glslify\"),i=n([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec4 p0, p1, p2, p3,\\n p4, p5, p6, p7,\\n p8, p9, pa, pb,\\n pc, pd, pe;\\n\\nattribute vec4 pf;\\n\\nuniform mat4 dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\\n\\nuniform vec2 resolution,\\n viewBoxPosition,\\n viewBoxSize;\\n\\nuniform sampler2D palette;\\nuniform sampler2D mask;\\nuniform float maskHeight;\\n\\nuniform vec2 colorClamp;\\n\\nvarying vec4 fragColor;\\n\\nvec4 unit_1 = vec4(1, 1, 1, 1);\\n\\nfloat val(mat4 p, mat4 v) {\\n return dot(matrixCompMult(p, v) * unit_1, unit_1);\\n}\\n\\nfloat axisY(\\n float x,\\n mat4 d[4],\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float y1 = val(d[0], dim1A) + val(d[1], dim1B) + val(d[2], dim1C) + val(d[3], dim1D);\\n float y2 = val(d[0], dim2A) + val(d[1], dim2B) + val(d[2], dim2C) + val(d[3], dim2D);\\n return y1 * (1.0 - x) + y2 * x;\\n}\\n\\nconst int bitsPerByte = 8;\\n\\nint mod2(int a) {\\n return a - 2 * (a / 2);\\n}\\n\\nint mod8(int a) {\\n return a - 8 * (a / 8);\\n}\\n\\nvec4 zero = vec4(0, 0, 0, 0);\\nvec4 unit_0 = vec4(1, 1, 1, 1);\\nvec2 xyProjection = vec2(1, 1);\\n\\nmat4 mclamp(mat4 m, mat4 lo, mat4 hi) {\\n return mat4(clamp(m[0], lo[0], hi[0]),\\n clamp(m[1], lo[1], hi[1]),\\n clamp(m[2], lo[2], hi[2]),\\n clamp(m[3], lo[3], hi[3]));\\n}\\n\\nbool mshow(mat4 p, mat4 lo, mat4 hi) {\\n return mclamp(p, lo, hi) == p;\\n}\\n\\nbool withinBoundingBox(\\n mat4 d[4],\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD\\n ) {\\n\\n return mshow(d[0], loA, hiA) &&\\n mshow(d[1], loB, hiB) &&\\n mshow(d[2], loC, hiC) &&\\n mshow(d[3], loD, hiD);\\n}\\n\\nbool withinRasterMask(mat4 d[4], sampler2D mask, float height) {\\n bool result = true;\\n int bitInByteStepper;\\n float valY, valueY, scaleX;\\n int hit, bitmask, valX;\\n for(int i = 0; i < 4; i++) {\\n for(int j = 0; j < 4; j++) {\\n for(int k = 0; k < 4; k++) {\\n bitInByteStepper = mod8(j * 4 + k);\\n valX = i * 2 + j / 2;\\n valY = d[i][j][k];\\n valueY = valY * (height - 1.0) + 0.5;\\n scaleX = (float(valX) + 0.5) / 8.0;\\n hit = int(texture2D(mask, vec2(scaleX, (valueY + 0.5) / height))[3] * 255.0) / int(pow(2.0, float(bitInByteStepper)));\\n result = result && mod2(hit) == 1;\\n }\\n }\\n }\\n return result;\\n}\\n\\nvec4 position(\\n float depth,\\n vec2 resolution, vec2 viewBoxPosition, vec2 viewBoxSize,\\n mat4 dims[4],\\n float signum,\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D,\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD,\\n sampler2D mask, float maskHeight\\n ) {\\n\\n float x = 0.5 * signum + 0.5;\\n float y = axisY(x, dims, dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D);\\n\\n float show = float(\\n withinBoundingBox(dims, loA, hiA, loB, hiB, loC, hiC, loD, hiD)\\n && withinRasterMask(dims, mask, maskHeight)\\n );\\n\\n vec2 viewBoxXY = viewBoxPosition + viewBoxSize * vec2(x, y);\\n float depthOrHide = depth + 2.0 * (1.0 - show);\\n\\n return vec4(\\n xyProjection * (2.0 * viewBoxXY / resolution - 1.0),\\n depthOrHide,\\n 1.0\\n );\\n}\\n\\nvoid main() {\\n\\n float prominence = abs(pf[3]);\\n\\n mat4 p[4];\\n p[0] = mat4(p0, p1, p2, p3);\\n p[1] = mat4(p4, p5, p6, p7);\\n p[2] = mat4(p8, p9, pa, pb);\\n p[3] = mat4(pc, pd, pe, abs(pf));\\n\\n gl_Position = position(\\n 1.0 - prominence,\\n resolution, viewBoxPosition, viewBoxSize,\\n p,\\n sign(pf[3]),\\n dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD,\\n mask, maskHeight\\n );\\n\\n float clampedColorIndex = clamp((prominence - colorClamp[0]) / (colorClamp[1] - colorClamp[0]), 0.0, 1.0);\\n fragColor = texture2D(palette, vec2((clampedColorIndex * 255.0 + 0.5) / 256.0, 0.5));\\n}\\n\"]),a=n([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec4 p0, p1, p2, p3,\\n p4, p5, p6, p7,\\n p8, p9, pa, pb,\\n pc, pd, pe;\\n\\nattribute vec4 pf;\\n\\nuniform mat4 dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D;\\n\\nuniform vec2 resolution,\\n viewBoxPosition,\\n viewBoxSize;\\n\\nuniform sampler2D palette;\\n\\nuniform vec2 colorClamp;\\n\\nvarying vec4 fragColor;\\n\\nvec2 xyProjection = vec2(1, 1);\\n\\nvec4 unit = vec4(1, 1, 1, 1);\\n\\nfloat val(mat4 p, mat4 v) {\\n return dot(matrixCompMult(p, v) * unit, unit);\\n}\\n\\nfloat axisY(\\n float x,\\n mat4 d[4],\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float y1 = val(d[0], dim1A) + val(d[1], dim1B) + val(d[2], dim1C) + val(d[3], dim1D);\\n float y2 = val(d[0], dim2A) + val(d[1], dim2B) + val(d[2], dim2C) + val(d[3], dim2D);\\n return y1 * (1.0 - x) + y2 * x;\\n}\\n\\nvec4 position(\\n float depth,\\n vec2 resolution, vec2 viewBoxPosition, vec2 viewBoxSize,\\n mat4 dims[4],\\n float signum,\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float x = 0.5 * signum + 0.5;\\n float y = axisY(x, dims, dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D);\\n\\n vec2 viewBoxXY = viewBoxPosition + viewBoxSize * vec2(x, y);\\n\\n return vec4(\\n xyProjection * (2.0 * viewBoxXY / resolution - 1.0),\\n depth,\\n 1.0\\n );\\n}\\n\\nvoid main() {\\n\\n float prominence = abs(pf[3]);\\n\\n mat4 p[4];\\n p[0] = mat4(p0, p1, p2, p3);\\n p[1] = mat4(p4, p5, p6, p7);\\n p[2] = mat4(p8, p9, pa, pb);\\n p[3] = mat4(pc, pd, pe, abs(pf));\\n\\n gl_Position = position(\\n 1.0 - prominence,\\n resolution, viewBoxPosition, viewBoxSize,\\n p,\\n sign(pf[3]),\\n dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D\\n );\\n\\n float clampedColorIndex = clamp((prominence - colorClamp[0]) / (colorClamp[1] - colorClamp[0]), 0.0, 1.0);\\n fragColor = texture2D(palette, vec2((clampedColorIndex * 255.0 + 0.5) / 256.0, 0.5));\\n}\\n\"]),o=n([\"precision highp float;\\n#define GLSLIFY 1\\n\\nattribute vec4 p0, p1, p2, p3,\\n p4, p5, p6, p7,\\n p8, p9, pa, pb,\\n pc, pd, pe;\\n\\nattribute vec4 pf;\\n\\nuniform mat4 dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD;\\n\\nuniform vec2 resolution,\\n viewBoxPosition,\\n viewBoxSize;\\n\\nuniform sampler2D mask;\\nuniform float maskHeight;\\n\\nuniform vec2 colorClamp;\\n\\nvarying vec4 fragColor;\\n\\nvec4 unit_1 = vec4(1, 1, 1, 1);\\n\\nfloat val(mat4 p, mat4 v) {\\n return dot(matrixCompMult(p, v) * unit_1, unit_1);\\n}\\n\\nfloat axisY(\\n float x,\\n mat4 d[4],\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D\\n ) {\\n\\n float y1 = val(d[0], dim1A) + val(d[1], dim1B) + val(d[2], dim1C) + val(d[3], dim1D);\\n float y2 = val(d[0], dim2A) + val(d[1], dim2B) + val(d[2], dim2C) + val(d[3], dim2D);\\n return y1 * (1.0 - x) + y2 * x;\\n}\\n\\nconst int bitsPerByte = 8;\\n\\nint mod2(int a) {\\n return a - 2 * (a / 2);\\n}\\n\\nint mod8(int a) {\\n return a - 8 * (a / 8);\\n}\\n\\nvec4 zero = vec4(0, 0, 0, 0);\\nvec4 unit_0 = vec4(1, 1, 1, 1);\\nvec2 xyProjection = vec2(1, 1);\\n\\nmat4 mclamp(mat4 m, mat4 lo, mat4 hi) {\\n return mat4(clamp(m[0], lo[0], hi[0]),\\n clamp(m[1], lo[1], hi[1]),\\n clamp(m[2], lo[2], hi[2]),\\n clamp(m[3], lo[3], hi[3]));\\n}\\n\\nbool mshow(mat4 p, mat4 lo, mat4 hi) {\\n return mclamp(p, lo, hi) == p;\\n}\\n\\nbool withinBoundingBox(\\n mat4 d[4],\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD\\n ) {\\n\\n return mshow(d[0], loA, hiA) &&\\n mshow(d[1], loB, hiB) &&\\n mshow(d[2], loC, hiC) &&\\n mshow(d[3], loD, hiD);\\n}\\n\\nbool withinRasterMask(mat4 d[4], sampler2D mask, float height) {\\n bool result = true;\\n int bitInByteStepper;\\n float valY, valueY, scaleX;\\n int hit, bitmask, valX;\\n for(int i = 0; i < 4; i++) {\\n for(int j = 0; j < 4; j++) {\\n for(int k = 0; k < 4; k++) {\\n bitInByteStepper = mod8(j * 4 + k);\\n valX = i * 2 + j / 2;\\n valY = d[i][j][k];\\n valueY = valY * (height - 1.0) + 0.5;\\n scaleX = (float(valX) + 0.5) / 8.0;\\n hit = int(texture2D(mask, vec2(scaleX, (valueY + 0.5) / height))[3] * 255.0) / int(pow(2.0, float(bitInByteStepper)));\\n result = result && mod2(hit) == 1;\\n }\\n }\\n }\\n return result;\\n}\\n\\nvec4 position(\\n float depth,\\n vec2 resolution, vec2 viewBoxPosition, vec2 viewBoxSize,\\n mat4 dims[4],\\n float signum,\\n mat4 dim1A, mat4 dim2A, mat4 dim1B, mat4 dim2B, mat4 dim1C, mat4 dim2C, mat4 dim1D, mat4 dim2D,\\n mat4 loA, mat4 hiA, mat4 loB, mat4 hiB, mat4 loC, mat4 hiC, mat4 loD, mat4 hiD,\\n sampler2D mask, float maskHeight\\n ) {\\n\\n float x = 0.5 * signum + 0.5;\\n float y = axisY(x, dims, dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D);\\n\\n float show = float(\\n withinBoundingBox(dims, loA, hiA, loB, hiB, loC, hiC, loD, hiD)\\n && withinRasterMask(dims, mask, maskHeight)\\n );\\n\\n vec2 viewBoxXY = viewBoxPosition + viewBoxSize * vec2(x, y);\\n float depthOrHide = depth + 2.0 * (1.0 - show);\\n\\n return vec4(\\n xyProjection * (2.0 * viewBoxXY / resolution - 1.0),\\n depthOrHide,\\n 1.0\\n );\\n}\\n\\nvoid main() {\\n\\n float prominence = abs(pf[3]);\\n\\n mat4 p[4];\\n p[0] = mat4(p0, p1, p2, p3);\\n p[1] = mat4(p4, p5, p6, p7);\\n p[2] = mat4(p8, p9, pa, pb);\\n p[3] = mat4(pc, pd, pe, abs(pf));\\n\\n gl_Position = position(\\n 1.0 - prominence,\\n resolution, viewBoxPosition, viewBoxSize,\\n p,\\n sign(pf[3]),\\n dim1A, dim2A, dim1B, dim2B, dim1C, dim2C, dim1D, dim2D,\\n loA, hiA, loB, hiB, loC, hiC, loD, hiD,\\n mask, maskHeight\\n );\\n\\n fragColor = vec4(pf.rgb, 1.0);\\n}\\n\"]),s=n([\"precision lowp float;\\n#define GLSLIFY 1\\n\\nvarying vec4 fragColor;\\n\\nvoid main() {\\n gl_FragColor = fragColor;\\n}\\n\"]),l=t(\"../../lib\"),c=1e-6,u=1e-7,f=2048,h=64,p=2,d=4,g=8,v=h/g,m=[119,119,119],y=new Uint8Array(4),x=new Uint8Array(4),b={shape:[256,1],format:\"rgba\",type:\"uint8\",mag:\"nearest\",min:\"nearest\"};function _(t,e,r,n,i){var a=t._gl;a.enable(a.SCISSOR_TEST),a.scissor(e,r,n,i),t.clear({color:[0,0,0,0],depth:1})}function w(t,e,r,n,i,a){var o=a.key;r.drawCompleted||(!function(t){t.read({x:0,y:0,width:1,height:1,data:y})}(t),r.drawCompleted=!0),function s(l){var c;c=Math.min(n,i-l*n),a.offset=p*l*n,a.count=p*c,0===l&&(window.cancelAnimationFrame(r.currentRafs[o]),delete r.currentRafs[o],_(t,a.scissorX,a.scissorY,a.scissorWidth,a.viewBoxSize[1])),r.clearOnly||(e(a),l*n+c>>8*e)%256/255}function M(t,e,r){var n,i,a,o=[];for(i=0;i=h-4?k(o,h-2-s):.5);return a}(d,p,i);!function(t,e,r){for(var n=0;n<16;n++)t[\"p\"+n.toString(16)](M(e,r,n))}(C,d,o),L=S.texture(l.extendFlat({data:function(t,e,r){for(var n=[],i=0;i<256;i++){var a=t(i/255);n.push((e?m:a).concat(r))}return n}(r.unitToColor,A,Math.round(255*(A?a:1)))},b))}var I=[0,1];var P=[];function D(t,e,n,i,a,o,s,c,u,f,h){var p,d,g,v,m=[t,e],y=[0,1].map(function(){return[0,1,2,3].map(function(){return new Float32Array(16)})});for(p=0;p<2;p++)for(v=m[p],d=0;d<4;d++)for(g=0;g<16;g++)y[p][d][g]=g+16*d===v?1:0;var x=r.lines.canvasOverdrag,b=r.domain,_=r.canvasWidth,w=r.canvasHeight;return l.extendFlat({key:s,resolution:[_,w],viewBoxPosition:[n+x,i],viewBoxSize:[a,o],i:t,ii:e,dim1A:y[0][0],dim1B:y[0][1],dim1C:y[0][2],dim1D:y[0][3],dim2A:y[1][0],dim2B:y[1][1],dim2C:y[1][2],dim2D:y[1][3],colorClamp:I,scissorX:(c===u?0:n+x)+(r.pad.l-x)+r.layoutWidth*b.x[0],scissorWidth:(c===f?_-n+x:a+.5)+(c===u?n+x:0),scissorY:i+r.pad.b+r.layoutHeight*b.y[0],scissorHeight:o,viewportX:r.pad.l-x+r.layoutWidth*b.x[0],viewportY:r.pad.b+r.layoutHeight*b.y[0],viewportWidth:_,viewportHeight:w},h)}return{setColorDomain:function(t){I[0]=t[0],I[1]=t[1]},render:function(t,e,n){var i,a,o,s=t.length,l=1/0,c=-1/0;for(i=0;ic&&(c=t[i].dim2.canvasX,o=i),t[i].dim1.canvasXn._length&&(M=M.slice(0,n._length));var A,T=n.tickvals;function S(t,e){return{val:t,text:A[e]}}function E(t,e){return t.val-e.val}if(Array.isArray(T)&&T.length){A=n.ticktext,Array.isArray(A)&&A.length?A.length>T.length?A=A.slice(0,T.length):T.length>A.length&&(T=T.slice(0,A.length)):A=T.map(o.format(n.tickformat));for(var C=1;C=r||s>=n)return;var l=t.lineLayer.readPixel(a,n-1-s),c=0!==l[3],u=c?l[2]+256*(l[1]+256*l[0]):null,f={x:a,y:s,clientX:e.clientX,clientY:e.clientY,dataIndex:t.model.key,curveNumber:u};u!==M&&(c?d.hover(f):d.unhover&&d.unhover(f),M=u)}}),k.style(\"opacity\",function(t){return t.pick?.01:1}),e.style(\"background\",\"rgba(255, 255, 255, 0)\");var A=e.selectAll(\".\"+i.cn.parcoords).data(w,c);A.exit().remove(),A.enter().append(\"g\").classed(i.cn.parcoords,!0).style(\"shape-rendering\",\"crispEdges\").style(\"pointer-events\",\"none\"),A.attr(\"transform\",function(t){return\"translate(\"+t.model.translateX+\",\"+t.model.translateY+\")\"});var T=A.selectAll(\".\"+i.cn.parcoordsControlView).data(u,c);T.enter().append(\"g\").classed(i.cn.parcoordsControlView,!0),T.attr(\"transform\",function(t){return\"translate(\"+t.model.pad.l+\",\"+t.model.pad.t+\")\"});var S=T.selectAll(\".\"+i.cn.yAxis).data(function(t){return t.dimensions},c);function E(t,e){for(var r=e.panels||(e.panels=[]),n=t.data(),i=n.length-1,a=0;aline\").attr(\"fill\",\"none\").attr(\"stroke\",\"black\").attr(\"stroke-opacity\",.25).attr(\"stroke-width\",\"1px\"),L.selectAll(\"text\").style(\"text-shadow\",\"1px 1px 1px #fff, -1px -1px 1px #fff, 1px -1px 1px #fff, -1px 1px 1px #fff\").style(\"cursor\",\"default\").style(\"user-select\",\"none\");var z=C.selectAll(\".\"+i.cn.axisHeading).data(u,c);z.enter().append(\"g\").classed(i.cn.axisHeading,!0);var O=z.selectAll(\".\"+i.cn.axisTitle).data(u,c);O.enter().append(\"text\").classed(i.cn.axisTitle,!0).attr(\"text-anchor\",\"middle\").style(\"cursor\",\"ew-resize\").style(\"user-select\",\"none\").style(\"pointer-events\",\"auto\"),O.attr(\"transform\",\"translate(0,\"+-i.axisTitleOffset+\")\").text(function(t){return t.label}).each(function(t){s.font(o.select(this),t.model.labelFont)});var I=C.selectAll(\".\"+i.cn.axisExtent).data(u,c);I.enter().append(\"g\").classed(i.cn.axisExtent,!0);var P=I.selectAll(\".\"+i.cn.axisExtentTop).data(u,c);P.enter().append(\"g\").classed(i.cn.axisExtentTop,!0),P.attr(\"transform\",\"translate(0,\"+-i.axisExtentOffset+\")\");var D=P.selectAll(\".\"+i.cn.axisExtentTopText).data(u,c);function R(t,e){if(t.ordinal)return\"\";var r=t.domainScale.domain();return o.format(t.tickFormat)(r[e?r.length-1:0])}D.enter().append(\"text\").classed(i.cn.axisExtentTopText,!0).call(y),D.text(function(t){return R(t,!0)}).each(function(t){s.font(o.select(this),t.model.rangeFont)});var B=I.selectAll(\".\"+i.cn.axisExtentBottom).data(u,c);B.enter().append(\"g\").classed(i.cn.axisExtentBottom,!0),B.attr(\"transform\",function(t){return\"translate(0,\"+(t.model.height+i.axisExtentOffset)+\")\"});var F=B.selectAll(\".\"+i.cn.axisExtentBottomText).data(u,c);F.enter().append(\"text\").classed(i.cn.axisExtentBottomText,!0).attr(\"dy\",\"0.75em\").call(y),F.text(function(t){return R(t)}).each(function(t){s.font(o.select(this),t.model.rangeFont)}),h.ensureAxisBrush(C)}},{\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/gup\":693,\"./axisbrush\":1008,\"./constants\":1011,\"./lines\":1014,d3:148}],1017:[function(t,e,r){\"use strict\";var n=t(\"./parcoords\"),i=t(\"../../lib/prepare_regl\");e.exports=function(t,e){var r=t._fullLayout,a=r._toppaper,o=r._paperdiv,s=r._glcontainer;if(i(t)){var l={},c={},u=r._size;e.forEach(function(e,r){l[r]=t.data[r].dimensions,c[r]=t.data[r].dimensions.slice()});n(o,a,s,e,{width:u.w,height:u.h,margin:{t:u.t,r:u.r,b:u.b,l:u.l}},{filterChanged:function(e,r,n){var i=c[e][r],a=n.map(function(t){return t.slice()});a.length?(1===a.length&&(a=a[0]),i.constraintrange=a,a=[a]):(delete i.constraintrange,a=null);var o={};o[\"dimensions[\"+r+\"].constraintrange\"]=a,t.emit(\"plotly_restyle\",[o,[e]])},hover:function(e){t.emit(\"plotly_hover\",e)},unhover:function(e){t.emit(\"plotly_unhover\",e)},axesMoved:function(e,r){function n(t){return!(\"visible\"in t)||t.visible}function i(t,e,r){var n=e.indexOf(r),i=t.indexOf(n);return-1===i&&(i+=e.length),i}var a=function(t){return function(e,n){return i(r,t,e)-i(r,t,n)}}(c[e].filter(n));l[e].sort(a),c[e].filter(function(t){return!n(t)}).sort(function(t){return c[e].indexOf(t)}).forEach(function(t){l[e].splice(l[e].indexOf(t),1),l[e].splice(c[e].indexOf(t),0,t)}),t.emit(\"plotly_restyle\")}})}}},{\"../../lib/prepare_regl\":709,\"./parcoords\":1016}],1018:[function(t,e,r){\"use strict\";var n=t(\"../../components/color/attributes\"),i=t(\"../../plots/font_attributes\"),a=t(\"../../plots/attributes\"),o=t(\"../../plots/domain\").attributes,s=t(\"../../lib/extend\").extendFlat,l=i({editType:\"calc\",arrayOk:!0,colorEditType:\"plot\"});e.exports={labels:{valType:\"data_array\",editType:\"calc\"},label0:{valType:\"number\",dflt:0,editType:\"calc\"},dlabel:{valType:\"number\",dflt:1,editType:\"calc\"},values:{valType:\"data_array\",editType:\"calc\"},marker:{colors:{valType:\"data_array\",editType:\"calc\"},line:{color:{valType:\"color\",dflt:n.defaultLine,arrayOk:!0,editType:\"style\"},width:{valType:\"number\",min:0,dflt:0,arrayOk:!0,editType:\"style\"},editType:\"calc\"},editType:\"calc\"},text:{valType:\"data_array\",editType:\"calc\"},hovertext:{valType:\"string\",dflt:\"\",arrayOk:!0,editType:\"style\"},scalegroup:{valType:\"string\",dflt:\"\",editType:\"calc\"},textinfo:{valType:\"flaglist\",flags:[\"label\",\"text\",\"value\",\"percent\"],extras:[\"none\"],editType:\"calc\"},hoverinfo:s({},a.hoverinfo,{flags:[\"label\",\"text\",\"value\",\"percent\",\"name\"]}),textposition:{valType:\"enumerated\",values:[\"inside\",\"outside\",\"auto\",\"none\"],dflt:\"auto\",arrayOk:!0,editType:\"calc\"},textfont:s({},l,{}),insidetextfont:s({},l,{}),outsidetextfont:s({},l,{}),title:{valType:\"string\",dflt:\"\",editType:\"calc\"},titleposition:{valType:\"enumerated\",values:[\"top left\",\"top center\",\"top right\",\"middle center\",\"bottom left\",\"bottom center\",\"bottom right\"],editType:\"calc\"},titlefont:s({},l,{}),domain:o({name:\"pie\",trace:!0,editType:\"calc\"}),hole:{valType:\"number\",min:0,max:1,dflt:0,editType:\"calc\"},sort:{valType:\"boolean\",dflt:!0,editType:\"calc\"},direction:{valType:\"enumerated\",values:[\"clockwise\",\"counterclockwise\"],dflt:\"counterclockwise\",editType:\"calc\"},rotation:{valType:\"number\",min:-360,max:360,dflt:0,editType:\"calc\"},pull:{valType:\"number\",min:0,max:1,dflt:0,arrayOk:!0,editType:\"calc\"}}},{\"../../components/color/attributes\":569,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../../plots/domain\":770,\"../../plots/font_attributes\":771}],1019:[function(t,e,r){\"use strict\";var n=t(\"../../registry\"),i=t(\"../../plots/get_data\").getModuleCalcData;r.name=\"pie\",r.plot=function(t){var e=n.getModule(\"pie\"),r=i(t.calcdata,e)[0];r.length&&e.plot(t,r)},r.clean=function(t,e,r,n){var i=n._has&&n._has(\"pie\"),a=e._has&&e._has(\"pie\");i&&!a&&n._pielayer.selectAll(\"g.trace\").remove()}},{\"../../plots/get_data\":781,\"../../registry\":827}],1020:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../../lib\").isArrayOrTypedArray,a=t(\"tinycolor2\"),o=t(\"../../components/color\"),s=t(\"./helpers\");r.calc=function(t,e){var r,l,c,u,f,h=e.values,p=i(h)&&h.length,d=e.labels,g=e.marker.colors||[],v=[],m=t._fullLayout,y=m._piecolormap,x={},b=0,_=m.hiddenlabels||[];if(e.dlabel)for(d=new Array(h.length),r=0;r\")}}return v},r.crossTraceCalc=function(t){var e=t._fullLayout,r=t.calcdata,n=e.piecolorway,i=e._piecolormap;e.extendpiecolors&&(n=function(t){var e,r=JSON.stringify(t),n=l[r];if(!n){for(n=t.slice(),e=0;e0?1:-1)/2,y:a/(1+r*r/(n*n)),outside:!0}}function p(t,e){var r=t.trace,n=e.h*(r.domain.y[1]-r.domain.y[0]);return Math.min(t.titleBox.height,n/2)}function d(t){var e,r=t.pull;if(Array.isArray(r))for(r=0,e=0;er&&(r=t.pull[e]);return r}e.exports=function(t,e){var r=t._fullLayout;!function(t,e){for(var r,n,i=0;ii.vTotal/2?1:0)}(e),g.attr(\"stroke-linejoin\",\"round\"),g.each(function(){var g=n.select(this).selectAll(\"g.slice\").data(e);g.enter().append(\"g\").classed(\"slice\",!0),g.exit().remove();var y=[[[],[]],[[],[]]],x=!1;g.each(function(e){if(e.hidden)n.select(this).selectAll(\"path,g\").remove();else{e.pointNumber=e.i,e.curveNumber=m.index,y[e.pxmid[1]<0?0:1][e.pxmid[0]<0?0:1].push(e);var p=v.cx,d=v.cy,g=n.select(this),b=g.selectAll(\"path.surface\").data([e]),_=!1,w=!1;if(b.enter().append(\"path\").classed(\"surface\",!0).style({\"pointer-events\":\"all\"}),g.select(\"path.textline\").remove(),g.on(\"mouseover\",function(){var a=t._fullLayout,o=t._fullData[m.index];if(!t._dragging&&!1!==a.hovermode){var s=o.hoverinfo;if(Array.isArray(s)&&(s=i.castHoverinfo({hoverinfo:[c.castOption(s,e.pts)],_module:m._module},a,0)),\"all\"===s&&(s=\"label+text+value+percent+name\"),\"none\"!==s&&\"skip\"!==s&&s){var l=f(e,v),h=p+e.pxmid[0]*(1-l),g=d+e.pxmid[1]*(1-l),y=r.separators,x=[];if(-1!==s.indexOf(\"label\")&&x.push(e.label),-1!==s.indexOf(\"text\")){var b=c.castOption(o.hovertext||o.text,e.pts);b&&x.push(b)}-1!==s.indexOf(\"value\")&&x.push(c.formatPieValue(e.v,y)),-1!==s.indexOf(\"percent\")&&x.push(c.formatPiePercent(e.v/v.vTotal,y));var k=m.hoverlabel,M=k.font;i.loneHover({x0:h-l*v.r,x1:h+l*v.r,y:g,text:x.join(\"
\"),name:-1!==s.indexOf(\"name\")?o.name:void 0,idealAlign:e.pxmid[0]<0?\"left\":\"right\",color:c.castOption(k.bgcolor,e.pts)||e.color,borderColor:c.castOption(k.bordercolor,e.pts),fontFamily:c.castOption(M.family,e.pts),fontSize:c.castOption(M.size,e.pts),fontColor:c.castOption(M.color,e.pts)},{container:a._hoverlayer.node(),outerContainer:a._paper.node(),gd:t}),_=!0}t.emit(\"plotly_hover\",{points:[u(e,o)],event:n.event}),w=!0}}).on(\"mouseout\",function(r){var a=t._fullLayout,o=t._fullData[m.index];w&&(r.originalEvent=n.event,t.emit(\"plotly_unhover\",{points:[u(e,o)],event:n.event}),w=!1),_&&(i.loneUnhover(a._hoverlayer.node()),_=!1)}).on(\"click\",function(){var r=t._fullLayout,a=t._fullData[m.index];t._dragging||!1===r.hovermode||(t._hoverdata=[u(e,a)],i.click(t,n.event))}),m.pull){var k=+c.castOption(m.pull,e.pts)||0;k>0&&(p+=k*e.pxmid[0],d+=k*e.pxmid[1])}e.cxFinal=p,e.cyFinal=d;var M=m.hole;if(e.v===v.vTotal){var A=\"M\"+(p+e.px0[0])+\",\"+(d+e.px0[1])+L(e.px0,e.pxmid,!0,1)+L(e.pxmid,e.px0,!0,1)+\"Z\";M?b.attr(\"d\",\"M\"+(p+M*e.px0[0])+\",\"+(d+M*e.px0[1])+L(e.px0,e.pxmid,!1,M)+L(e.pxmid,e.px0,!1,M)+\"Z\"+A):b.attr(\"d\",A)}else{var T=L(e.px0,e.px1,!0,1);if(M){var S=1-M;b.attr(\"d\",\"M\"+(p+M*e.px1[0])+\",\"+(d+M*e.px1[1])+L(e.px1,e.px0,!1,M)+\"l\"+S*e.px0[0]+\",\"+S*e.px0[1]+T+\"Z\")}else b.attr(\"d\",\"M\"+p+\",\"+d+\"l\"+e.px0[0]+\",\"+e.px0[1]+T+\"Z\")}var E=c.castOption(m.textposition,e.pts),C=g.selectAll(\"g.slicetext\").data(e.text&&\"none\"!==E?[0]:[]);C.enter().append(\"g\").classed(\"slicetext\",!0),C.exit().remove(),C.each(function(){var r=s.ensureSingle(n.select(this),\"text\",\"\",function(t){t.attr(\"data-notex\",1)});r.text(e.text).attr({class:\"slicetext\",transform:\"\",\"text-anchor\":\"middle\"}).call(o.font,\"outside\"===E?function(t,e,r){var n=c.castOption(t.outsidetextfont.color,e.pts)||c.castOption(t.textfont.color,e.pts)||r.color,i=c.castOption(t.outsidetextfont.family,e.pts)||c.castOption(t.textfont.family,e.pts)||r.family,a=c.castOption(t.outsidetextfont.size,e.pts)||c.castOption(t.textfont.size,e.pts)||r.size;return{color:n,family:i,size:a}}(m,e,t._fullLayout.font):function(t,e,r){var n=c.castOption(t.insidetextfont.color,e.pts);!n&&t._input.textfont&&(n=c.castOption(t._input.textfont.color,e.pts));var i=c.castOption(t.insidetextfont.family,e.pts)||c.castOption(t.textfont.family,e.pts)||r.family,o=c.castOption(t.insidetextfont.size,e.pts)||c.castOption(t.textfont.size,e.pts)||r.size;return{color:n||a.contrast(e.color),family:i,size:o}}(m,e,t._fullLayout.font)).call(l.convertToTspans,t);var i,u=o.bBox(r.node());\"outside\"===E?i=h(u,e):(i=function(t,e,r){var n=Math.sqrt(t.width*t.width+t.height*t.height),i=t.width/t.height,a=Math.PI*Math.min(e.v/r.vTotal,.5),o=1-r.trace.hole,s=f(e,r),l={scale:s*r.r*2/n,rCenter:1-s,rotate:0};if(l.scale>=1)return l;var c=i+1/(2*Math.tan(a)),u=r.r*Math.min(1/(Math.sqrt(c*c+.5)+c),o/(Math.sqrt(i*i+o/2)+i)),h={scale:2*u/t.height,rCenter:Math.cos(u/r.r)-u*i/r.r,rotate:(180/Math.PI*e.midangle+720)%180-90},p=1/i,d=p+1/(2*Math.tan(a)),g=r.r*Math.min(1/(Math.sqrt(d*d+.5)+d),o/(Math.sqrt(p*p+o/2)+p)),v={scale:2*g/t.width,rCenter:Math.cos(g/r.r)-g/i/r.r,rotate:(180/Math.PI*e.midangle+810)%180-90},m=v.scale>h.scale?v:h;return l.scale<1&&m.scale>l.scale?m:l}(u,e,v),\"auto\"===E&&i.scale<1&&(r.call(o.font,m.outsidetextfont),m.outsidetextfont.family===m.insidetextfont.family&&m.outsidetextfont.size===m.insidetextfont.size||(u=o.bBox(r.node())),i=h(u,e)));var g=p+e.pxmid[0]*i.rCenter+(i.x||0),y=d+e.pxmid[1]*i.rCenter+(i.y||0);i.outside&&(e.yLabelMin=y-u.height/2,e.yLabelMid=y,e.yLabelMax=y+u.height/2,e.labelExtraX=0,e.labelExtraY=0,x=!0),r.attr(\"transform\",\"translate(\"+g+\",\"+y+\")\"+(i.scale<1?\"scale(\"+i.scale+\")\":\"\")+(i.rotate?\"rotate(\"+i.rotate+\")\":\"\")+\"translate(\"+-(u.left+u.right)/2+\",\"+-(u.top+u.bottom)/2+\")\")})}function L(t,r,n,i){return\"a\"+i*v.r+\",\"+i*v.r+\" 0 \"+e.largeArc+(n?\" 1 \":\" 0 \")+i*(r[0]-t[0])+\",\"+i*(r[1]-t[1])}});var b=n.select(this).selectAll(\"g.titletext\").data(m.title?[0]:[]);b.enter().append(\"g\").classed(\"titletext\",!0),b.exit().remove(),b.each(function(){var e,i=s.ensureSingle(n.select(this),\"text\",\"\",function(t){t.attr(\"data-notex\",1)});i.text(m.title).attr({class:\"titletext\",transform:\"\",\"text-anchor\":\"middle\"}).call(o.font,m.titlefont).call(l.convertToTspans,t),e=\"middle center\"===m.titleposition?function(t){var e=Math.sqrt(t.titleBox.width*t.titleBox.width+t.titleBox.height*t.titleBox.height);return{x:t.cx,y:t.cy,scale:t.trace.hole*t.r*2/e,tx:0,ty:-t.titleBox.height/2+t.trace.titlefont.size}}(v):function(t,e){var r,n,i=1,a=1,o=t.trace,s={x:t.cx,y:t.cy},l={tx:0,ty:0};l.ty+=o.titlefont.size,n=d(o),-1!==o.titleposition.indexOf(\"top\")?(s.y-=(1+n)*t.r,l.ty-=t.titleBox.height):-1!==o.titleposition.indexOf(\"bottom\")&&(s.y+=(1+n)*t.r);-1!==o.titleposition.indexOf(\"left\")?(r=e.w*(o.domain.x[1]-o.domain.x[0])/2+t.r,s.x-=(1+n)*t.r,l.tx+=t.titleBox.width/2):-1!==o.titleposition.indexOf(\"center\")?r=e.w*(o.domain.x[1]-o.domain.x[0]):-1!==o.titleposition.indexOf(\"right\")&&(r=e.w*(o.domain.x[1]-o.domain.x[0])/2+t.r,s.x+=(1+n)*t.r,l.tx-=t.titleBox.width/2);return i=r/t.titleBox.width,a=p(t,e)/t.titleBox.height,{x:s.x,y:s.y,scale:Math.min(i,a),tx:l.tx,ty:l.ty}}(v,r._size),i.attr(\"transform\",\"translate(\"+e.x+\",\"+e.y+\")\"+(e.scale<1?\"scale(\"+e.scale+\")\":\"\")+\"translate(\"+e.tx+\",\"+e.ty+\")\")}),x&&function(t,e){var r,n,i,a,o,s,l,u,f,h,p,d,g;function v(t,e){return t.pxmid[1]-e.pxmid[1]}function m(t,e){return e.pxmid[1]-t.pxmid[1]}function y(t,r){r||(r={});var i,u,f,p,d,g,v=r.labelExtraY+(n?r.yLabelMax:r.yLabelMin),m=n?t.yLabelMin:t.yLabelMax,y=n?t.yLabelMax:t.yLabelMin,x=t.cyFinal+o(t.px0[1],t.px1[1]),b=v-m;if(b*l>0&&(t.labelExtraY=b),Array.isArray(e.pull))for(u=0;u=(c.castOption(e.pull,f.pts)||0)||((t.pxmid[1]-f.pxmid[1])*l>0?(p=f.cyFinal+o(f.px0[1],f.px1[1]),(b=p-m-t.labelExtraY)*l>0&&(t.labelExtraY+=b)):(y+t.labelExtraY-x)*l>0&&(i=3*s*Math.abs(u-h.indexOf(t)),d=f.cxFinal+a(f.px0[0],f.px1[0]),(g=d+i-(t.cxFinal+t.pxmid[0])-t.labelExtraX)*s>0&&(t.labelExtraX+=g)))}for(n=0;n<2;n++)for(i=n?v:m,o=n?Math.max:Math.min,l=n?1:-1,r=0;r<2;r++){for(a=r?Math.max:Math.min,s=r?1:-1,(u=t[n][r]).sort(i),f=t[1-n][r],h=f.concat(u),d=[],p=0;pMath.abs(c)?o+=\"l\"+c*t.pxmid[0]/t.pxmid[1]+\",\"+c+\"H\"+(i+t.labelExtraX+s):o+=\"l\"+t.labelExtraX+\",\"+l+\"v\"+(c-l)+\"h\"+s}else o+=\"V\"+(t.yLabelMid+t.labelExtraY)+\"h\"+s;e.append(\"path\").classed(\"textline\",!0).call(a.stroke,m.outsidetextfont.color).attr({\"stroke-width\":Math.min(2,m.outsidetextfont.size/8),d:o,fill:\"none\"})}})})});setTimeout(function(){g.selectAll(\"tspan\").each(function(){var t=n.select(this);t.attr(\"dy\")&&t.attr(\"dy\",t.attr(\"dy\"))})},0)}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../components/fx\":612,\"../../lib\":696,\"../../lib/svg_text_utils\":720,\"./event_data\":1022,\"./helpers\":1023,d3:148}],1028:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"./style_one\");e.exports=function(t){t._fullLayout._pielayer.selectAll(\".trace\").each(function(t){var e=t[0].trace,r=n.select(this);r.style({opacity:e.opacity}),r.selectAll(\"path.surface\").each(function(t){n.select(this).call(i,t,e)})})}},{\"./style_one\":1029,d3:148}],1029:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),i=t(\"./helpers\").castOption;e.exports=function(t,e,r){var a=r.marker.line,o=i(a.color,e.pts)||n.defaultLine,s=i(a.width,e.pts)||0;t.style({\"stroke-width\":s}).call(n.fill,e.color).call(n.stroke,o)}},{\"../../components/color\":570,\"./helpers\":1023}],1030:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\");e.exports={x:n.x,y:n.y,xy:{valType:\"data_array\",editType:\"calc\"},indices:{valType:\"data_array\",editType:\"calc\"},xbounds:{valType:\"data_array\",editType:\"calc\"},ybounds:{valType:\"data_array\",editType:\"calc\"},text:n.text,marker:{color:{valType:\"color\",arrayOk:!1,editType:\"calc\"},opacity:{valType:\"number\",min:0,max:1,dflt:1,arrayOk:!1,editType:\"calc\"},blend:{valType:\"boolean\",dflt:null,editType:\"calc\"},sizemin:{valType:\"number\",min:.1,max:2,dflt:.5,editType:\"calc\"},sizemax:{valType:\"number\",min:.1,dflt:20,editType:\"calc\"},border:{color:{valType:\"color\",arrayOk:!1,editType:\"calc\"},arearatio:{valType:\"number\",min:0,max:1,dflt:0,editType:\"calc\"},editType:\"calc\"},editType:\"calc\"},transforms:void 0}},{\"../scatter/attributes\":1043}],1031:[function(t,e,r){\"use strict\";var n=t(\"gl-pointcloud2d\"),i=t(\"../../lib/str2rgbarray\"),a=t(\"../../plots/cartesian/autorange\").findExtremes,o=t(\"../scatter/get_trace_color\");function s(t,e){this.scene=t,this.uid=e,this.type=\"pointcloud\",this.pickXData=[],this.pickYData=[],this.xData=[],this.yData=[],this.textLabels=[],this.color=\"rgb(0, 0, 0)\",this.name=\"\",this.hoverinfo=\"all\",this.idToIndex=new Int32Array(0),this.bounds=[0,0,0,0],this.pointcloudOptions={positions:new Float32Array(0),idToIndex:this.idToIndex,sizemin:.5,sizemax:12,color:[0,0,0,1],areaRatio:1,borderColor:[0,0,0,1]},this.pointcloud=n(t.glplot,this.pointcloudOptions),this.pointcloud._trace=this}var l=s.prototype;l.handlePick=function(t){var e=this.idToIndex[t.pointId];return{trace:this,dataCoord:t.dataCoord,traceCoord:this.pickXYData?[this.pickXYData[2*e],this.pickXYData[2*e+1]]:[this.pickXData[e],this.pickYData[e]],textLabel:Array.isArray(this.textLabels)?this.textLabels[e]:this.textLabels,color:this.color,name:this.name,pointIndex:e,hoverinfo:this.hoverinfo}},l.update=function(t){this.index=t.index,this.textLabels=t.text,this.name=t.name,this.hoverinfo=t.hoverinfo,this.bounds=[1/0,1/0,-1/0,-1/0],this.updateFast(t),this.color=o(t,{})},l.updateFast=function(t){var e,r,n,o,s,l,c=this.xData=this.pickXData=t.x,u=this.yData=this.pickYData=t.y,f=this.pickXYData=t.xy,h=t.xbounds&&t.ybounds,p=t.indices,d=this.bounds;if(f){if(n=f,e=f.length>>>1,h)d[0]=t.xbounds[0],d[2]=t.xbounds[1],d[1]=t.ybounds[0],d[3]=t.ybounds[1];else for(l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);if(p)r=p;else for(r=new Int32Array(e),l=0;ld[2]&&(d[2]=o),sd[3]&&(d[3]=s);this.idToIndex=r,this.pointcloudOptions.idToIndex=r,this.pointcloudOptions.positions=n;var g=i(t.marker.color),v=i(t.marker.border.color),m=t.opacity*t.marker.opacity;g[3]*=m,this.pointcloudOptions.color=g;var y=t.marker.blend;if(null===y){y=c.length<100||u.length<100}this.pointcloudOptions.blend=y,v[3]*=m,this.pointcloudOptions.borderColor=v;var x=t.marker.sizemin,b=Math.max(t.marker.sizemax,t.marker.sizemin);this.pointcloudOptions.sizeMin=x,this.pointcloudOptions.sizeMax=b,this.pointcloudOptions.areaRatio=t.marker.border.arearatio,this.pointcloud.update(this.pointcloudOptions);var _=this.scene.xaxis,w=this.scene.yaxis,k=b/2||.5;t._extremes[_._id]=a(_,[d[0],d[2]],{ppad:k}),t._extremes[w._id]=a(w,[d[1],d[3]],{ppad:k})},l.dispose=function(){this.pointcloud.dispose()},e.exports=function(t,e){var r=new s(t,e.uid);return r.update(e),r}},{\"../../lib/str2rgbarray\":719,\"../../plots/cartesian/autorange\":743,\"../scatter/get_trace_color\":1053,\"gl-pointcloud2d\":279}],1032:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./attributes\");e.exports=function(t,e,r){function a(r,a){return n.coerce(t,e,i,r,a)}a(\"x\"),a(\"y\"),a(\"xbounds\"),a(\"ybounds\"),t.xy&&t.xy instanceof Float32Array&&(e.xy=t.xy),t.indices&&t.indices instanceof Int32Array&&(e.indices=t.indices),a(\"text\"),a(\"marker.color\",r),a(\"marker.opacity\"),a(\"marker.blend\"),a(\"marker.sizemin\"),a(\"marker.sizemax\"),a(\"marker.border.color\",r),a(\"marker.border.arearatio\"),e._length=null}},{\"../../lib\":696,\"./attributes\":1030}],1033:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"../scatter3d/calc\"),n.plot=t(\"./convert\"),n.moduleType=\"trace\",n.name=\"pointcloud\",n.basePlotModule=t(\"../../plots/gl2d\"),n.categories=[\"gl\",\"gl2d\",\"showLegend\"],n.meta={},e.exports=n},{\"../../plots/gl2d\":784,\"../scatter3d/calc\":1071,\"./attributes\":1030,\"./convert\":1031,\"./defaults\":1032}],1034:[function(t,e,r){\"use strict\";var n=t(\"../../plots/font_attributes\"),i=t(\"../../plots/attributes\"),a=t(\"../../components/color/attributes\"),o=t(\"../../components/fx/attributes\"),s=t(\"../../plots/domain\").attributes,l=t(\"../../lib/extend\").extendFlat,c=t(\"../../plot_api/edit_types\").overrideAll;(e.exports=c({hoverinfo:l({},i.hoverinfo,{flags:[],arrayOk:!1}),hoverlabel:o.hoverlabel,domain:s({name:\"sankey\",trace:!0}),orientation:{valType:\"enumerated\",values:[\"v\",\"h\"],dflt:\"h\"},valueformat:{valType:\"string\",dflt:\".3s\"},valuesuffix:{valType:\"string\",dflt:\"\"},arrangement:{valType:\"enumerated\",values:[\"snap\",\"perpendicular\",\"freeform\",\"fixed\"],dflt:\"snap\"},textfont:n({}),node:{label:{valType:\"data_array\",dflt:[]},color:{valType:\"color\",arrayOk:!0},line:{color:{valType:\"color\",dflt:a.defaultLine,arrayOk:!0},width:{valType:\"number\",min:0,dflt:.5,arrayOk:!0}},pad:{valType:\"number\",arrayOk:!1,min:0,dflt:20},thickness:{valType:\"number\",arrayOk:!1,min:1,dflt:20},hoverinfo:{valType:\"enumerated\",values:[\"all\",\"none\",\"skip\"],dflt:\"all\"},hoverlabel:o.hoverlabel},link:{label:{valType:\"data_array\",dflt:[]},color:{valType:\"color\",arrayOk:!0},line:{color:{valType:\"color\",dflt:a.defaultLine,arrayOk:!0},width:{valType:\"number\",min:0,dflt:0,arrayOk:!0}},source:{valType:\"data_array\",dflt:[]},target:{valType:\"data_array\",dflt:[]},value:{valType:\"data_array\",dflt:[]},hoverinfo:{valType:\"enumerated\",values:[\"all\",\"none\",\"skip\"],dflt:\"all\"},hoverlabel:o.hoverlabel}},\"calc\",\"nested\")).transforms=void 0},{\"../../components/color/attributes\":569,\"../../components/fx/attributes\":604,\"../../lib/extend\":685,\"../../plot_api/edit_types\":727,\"../../plots/attributes\":741,\"../../plots/domain\":770,\"../../plots/font_attributes\":771}],1035:[function(t,e,r){\"use strict\";var n=t(\"../../plot_api/edit_types\").overrideAll,i=t(\"../../plots/get_data\").getModuleCalcData,a=t(\"./plot\"),o=t(\"../../components/fx/layout_attributes\");r.name=\"sankey\",r.baseLayoutAttrOverrides=n({hoverlabel:o.hoverlabel},\"plot\",\"nested\"),r.plot=function(t){var e=i(t.calcdata,\"sankey\")[0];a(t,e)},r.clean=function(t,e,r,n){var i=n._has&&n._has(\"sankey\"),a=e._has&&e._has(\"sankey\");i&&!a&&n._paperdiv.selectAll(\".sankey\").remove()}},{\"../../components/fx/layout_attributes\":613,\"../../plot_api/edit_types\":727,\"../../plots/get_data\":781,\"./plot\":1040}],1036:[function(t,e,r){\"use strict\";var n=t(\"strongly-connected-components\"),i=t(\"../../lib\"),a=t(\"../../lib/gup\").wrap;e.exports=function(t,e){return function(t,e,r){for(var a=t.length,o=i.init2dArray(a,0),s=0;s1})}(e.node.label,e.link.source,e.link.target)&&(i.error(\"Circularity is present in the Sankey data. Removing all nodes and links.\"),e.link.label=[],e.link.source=[],e.link.target=[],e.link.value=[],e.link.color=[],e.node.label=[],e.node.color=[]),a({link:e.link,node:e.node})}},{\"../../lib\":696,\"../../lib/gup\":693,\"strongly-connected-components\":506}],1037:[function(t,e,r){\"use strict\";e.exports={nodeTextOffsetHorizontal:4,nodeTextOffsetVertical:3,nodePadAcross:10,sankeyIterations:50,forceIterations:5,forceTicksPerFrame:10,duration:500,ease:\"cubic-in-out\",cn:{sankey:\"sankey\",sankeyLinks:\"sankey-links\",sankeyLink:\"sankey-link\",sankeyNodeSet:\"sankey-node-set\",sankeyNode:\"sankey-node\",nodeRect:\"node-rect\",nodeCapture:\"node-capture\",nodeCentered:\"node-entered\",nodeLabelGuide:\"node-label-guide\",nodeLabel:\"node-label\",nodeLabelTextPath:\"node-label-text-path\"}}},{}],1038:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./attributes\"),a=t(\"../../components/color\"),o=t(\"tinycolor2\"),s=t(\"../../plots/domain\").defaults,l=t(\"../../components/fx/hoverlabel_defaults\"),c=t(\"../../plot_api/plot_template\");e.exports=function(t,e,r,u){function f(r,a){return n.coerce(t,e,i,r,a)}var h=n.extendDeep(u.hoverlabel,t.hoverlabel),p=t.node,d=c.newContainer(e,\"node\");function g(t,e){return n.coerce(p,d,i.node,t,e)}g(\"label\"),g(\"pad\"),g(\"thickness\"),g(\"line.color\"),g(\"line.width\"),g(\"hoverinfo\",t.hoverinfo),l(p,d,g,h);var v=u.colorway;g(\"color\",d.label.map(function(t,e){return a.addOpacity(function(t){return v[t%v.length]}(e),.8)}));var m=t.link,y=c.newContainer(e,\"link\");function x(t,e){return n.coerce(m,y,i.link,t,e)}x(\"label\"),x(\"source\"),x(\"target\"),x(\"value\"),x(\"line.color\"),x(\"line.width\"),x(\"hoverinfo\",t.hoverinfo),l(m,y,x,h);var b=o(u.paper_bgcolor).getLuminance()<.333?\"rgba(255, 255, 255, 0.6)\":\"rgba(0, 0, 0, 0.2)\";x(\"color\",n.repeat(b,y.value.length)),s(e,u,f),f(\"orientation\"),f(\"valueformat\"),f(\"valuesuffix\"),f(\"arrangement\"),n.coerceFont(f,\"textfont\",n.extendFlat({},u.font)),e._length=null}},{\"../../components/color\":570,\"../../components/fx/hoverlabel_defaults\":611,\"../../lib\":696,\"../../plot_api/plot_template\":734,\"../../plots/domain\":770,\"./attributes\":1034,tinycolor2:514}],1039:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.moduleType=\"trace\",n.name=\"sankey\",n.basePlotModule=t(\"./base_plot\"),n.categories=[\"noOpacity\"],n.meta={},e.exports=n},{\"./attributes\":1034,\"./base_plot\":1035,\"./calc\":1036,\"./defaults\":1038,\"./plot\":1040}],1040:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"./render\"),a=t(\"../../components/fx\"),o=t(\"../../components/color\"),s=t(\"../../lib\"),l=t(\"./constants\").cn,c=s._;function u(t){return\"\"!==t}function f(t,e){return t.filter(function(t){return t.key===e.traceId})}function h(t,e){n.select(t).select(\"path\").style(\"fill-opacity\",e),n.select(t).select(\"rect\").style(\"fill-opacity\",e)}function p(t){n.select(t).select(\"text.name\").style(\"fill\",\"black\")}function d(t){return function(e){return-1!==t.node.sourceLinks.indexOf(e.link)||-1!==t.node.targetLinks.indexOf(e.link)}}function g(t){return function(e){return-1!==e.node.sourceLinks.indexOf(t.link)||-1!==e.node.targetLinks.indexOf(t.link)}}function v(t,e,r){e&&r&&f(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(y.bind(0,e,r,!1))}function m(t,e,r){e&&r&&f(r,e).selectAll(\".\"+l.sankeyLink).filter(d(e)).call(x.bind(0,e,r,!1))}function y(t,e,r,n){var i=n.datum().link.label;n.style(\"fill-opacity\",.4),i&&f(e,t).selectAll(\".\"+l.sankeyLink).filter(function(t){return t.link.label===i}).style(\"fill-opacity\",.4),r&&f(e,t).selectAll(\".\"+l.sankeyNode).filter(g(t)).call(v)}function x(t,e,r,n){var i=n.datum().link.label;n.style(\"fill-opacity\",function(t){return t.tinyColorAlpha}),i&&f(e,t).selectAll(\".\"+l.sankeyLink).filter(function(t){return t.link.label===i}).style(\"fill-opacity\",function(t){return t.tinyColorAlpha}),r&&f(e,t).selectAll(l.sankeyNode).filter(g(t)).call(m)}function b(t,e){var r=t.hoverlabel||{},n=s.nestedProperty(r,e).get();return!Array.isArray(n)&&n}e.exports=function(t,e){var r=t._fullLayout,s=r._paper,f=r._size,d=c(t,\"source:\")+\" \",g=c(t,\"target:\")+\" \",_=c(t,\"incoming flow count:\")+\" \",w=c(t,\"outgoing flow count:\")+\" \";i(s,e,{width:f.w,height:f.h,margin:{t:f.t,r:f.r,b:f.b,l:f.l}},{linkEvents:{hover:function(e,r,i){!1!==t._fullLayout.hovermode&&(n.select(e).call(y.bind(0,r,i,!0)),\"skip\"!==r.link.trace.link.hoverinfo&&t.emit(\"plotly_hover\",{event:n.event,points:[r.link]}))},follow:function(e,i){if(!1!==t._fullLayout.hovermode){var s=i.link.trace.link;if(\"none\"!==s.hoverinfo&&\"skip\"!==s.hoverinfo){var l=t._fullLayout._paperdiv.node().getBoundingClientRect(),c=e.getBoundingClientRect(),f=c.left+c.width/2,v=c.top+c.height/2,m=a.loneHover({x:f-l.left,y:v-l.top,name:n.format(i.valueFormat)(i.link.value)+i.valueSuffix,text:[i.link.label||\"\",d+i.link.source.label,g+i.link.target.label].filter(u).join(\"
\"),color:b(s,\"bgcolor\")||o.addOpacity(i.tinyColorHue,1),borderColor:b(s,\"bordercolor\"),fontFamily:b(s,\"font.family\"),fontSize:b(s,\"font.size\"),fontColor:b(s,\"font.color\"),idealAlign:n.event.x\"),color:b(o,\"bgcolor\")||i.tinyColorHue,borderColor:b(o,\"bordercolor\"),fontFamily:b(o,\"font.family\"),fontSize:b(o,\"font.size\"),fontColor:b(o,\"font.color\"),idealAlign:\"left\"},{container:r._hoverlayer.node(),outerContainer:r._paper.node(),gd:t});h(m,.85),p(m)}}},unhover:function(e,i,o){!1!==t._fullLayout.hovermode&&(n.select(e).call(m,i,o),\"skip\"!==i.node.trace.node.hoverinfo&&t.emit(\"plotly_unhover\",{event:n.event,points:[i.node]}),a.loneUnhover(r._hoverlayer.node()))},select:function(e,r,i){var o=r.node;o.originalEvent=n.event,t._hoverdata=[o],n.select(e).call(m,r,i),a.click(t,{target:!0})}}})}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../lib\":696,\"./constants\":1037,\"./render\":1041,d3:148}],1041:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"d3\"),a=t(\"tinycolor2\"),o=t(\"../../components/color\"),s=t(\"../../components/drawing\"),l=t(\"@plotly/d3-sankey\").sankey,c=t(\"d3-force\"),u=t(\"../../lib\"),f=u.isArrayOrTypedArray,h=u.isIndex,p=t(\"../../lib/gup\"),d=p.keyFun,g=p.repeat,v=p.unwrap;function m(t){t.lastDraggedX=t.x,t.lastDraggedY=t.y}function y(t){return function(e){return e.node.originalX===t.node.originalX}}function x(t){for(var e=0;e1||t.linkLineWidth>0}function T(t){return\"translate(\"+t.translateX+\",\"+t.translateY+\")\"+(t.horizontal?\"matrix(1 0 0 1 0 0)\":\"matrix(0 1 1 0 0 0)\")}function S(t){return\"translate(\"+(t.horizontal?0:t.labelY)+\" \"+(t.horizontal?t.labelY:0)+\")\"}function E(t){return i.svg.line()([[t.horizontal?t.left?-t.sizeAcross:t.visibleWidth+n.nodeTextOffsetHorizontal:n.nodeTextOffsetHorizontal,0],[t.horizontal?t.left?-n.nodeTextOffsetHorizontal:t.sizeAcross:t.visibleHeight-n.nodeTextOffsetHorizontal,0]])}function C(t){return t.horizontal?\"matrix(1 0 0 1 0 0)\":\"matrix(0 1 1 0 0 0)\"}function L(t){return t.horizontal?\"scale(1 1)\":\"scale(-1 1)\"}function z(t){return t.darkBackground&&!t.horizontal?\"rgb(255,255,255)\":\"rgb(0,0,0)\"}function O(t){return t.horizontal&&t.left?\"100%\":\"0%\"}function I(t,e,r){t.on(\".basic\",null).on(\"mouseover.basic\",function(t){t.interactionState.dragInProgress||(r.hover(this,t,e),t.interactionState.hovered=[this,t])}).on(\"mousemove.basic\",function(t){t.interactionState.dragInProgress||(r.follow(this,t),t.interactionState.hovered=[this,t])}).on(\"mouseout.basic\",function(t){t.interactionState.dragInProgress||(r.unhover(this,t,e),t.interactionState.hovered=!1)}).on(\"click.basic\",function(t){t.interactionState.hovered&&(r.unhover(this,t,e),t.interactionState.hovered=!1),t.interactionState.dragInProgress||r.select(this,t,e)})}function P(t,e,r){var a=i.behavior.drag().origin(function(t){return t.node}).on(\"dragstart\",function(i){if(\"fixed\"!==i.arrangement&&(u.raiseToTop(this),i.interactionState.dragInProgress=i.node,m(i.node),i.interactionState.hovered&&(r.nodeEvents.unhover.apply(0,i.interactionState.hovered),i.interactionState.hovered=!1),\"snap\"===i.arrangement)){var a=i.traceId+\"|\"+Math.floor(i.node.originalX);i.forceLayouts[a]?i.forceLayouts[a].alpha(1):function(t,e,r){var i=r.sankey.nodes().filter(function(t){return t.originalX===r.node.originalX});r.forceLayouts[e]=c.forceSimulation(i).alphaDecay(0).force(\"collide\",c.forceCollide().radius(function(t){return t.dy/2+r.nodePad/2}).strength(1).iterations(n.forceIterations)).force(\"constrain\",function(t,e,r,i){return function(){for(var t=0,a=0;a0&&i.forceLayouts[e].alpha(0)}}(0,e,i,r)).stop()}(0,a,i),function(t,e,r,i){window.requestAnimationFrame(function a(){for(var o=0;o0&&window.requestAnimationFrame(a)})}(t,e,i,a)}}).on(\"drag\",function(r){if(\"fixed\"!==r.arrangement){var n=i.event.x,a=i.event.y;\"snap\"===r.arrangement?(r.node.x=n,r.node.y=a):(\"freeform\"===r.arrangement&&(r.node.x=n),r.node.y=Math.max(r.node.dy/2,Math.min(r.size-r.node.dy/2,a))),m(r.node),\"snap\"!==r.arrangement&&(r.sankey.relayout(),k(t.filter(y(r)),e))}}).on(\"dragend\",function(t){t.interactionState.dragInProgress=!1});t.on(\".drag\",null).call(a)}e.exports=function(t,e,r,i){var c=t.selectAll(\".\"+n.cn.sankey).data(e.filter(function(t){return v(t).trace.visible}).map(function(t,e,r){var i,a=v(e).trace,o=a.domain,s=a.node,c=a.link,p=a.arrangement,d=\"h\"===a.orientation,g=a.node.pad,m=a.node.thickness,y=a.node.line.color,b=a.node.line.width,_=a.link.line.color,w=a.link.line.width,k=a.valueformat,M=a.valuesuffix,A=a.textfont,T=t.width*(o.x[1]-o.x[0]),S=t.height*(o.y[1]-o.y[0]),E=[],C=f(c.color),L={},z=s.label.length;for(i=0;i0&&h(I,z)&&h(P,z)&&(P=+P,L[I=+I]=L[P]=!0,E.push({pointNumber:i,label:c.label[i],color:C?c.color[i]:c.color,source:I,target:P,value:+O}))}var D=f(s.color),R=[],B=!1,F={};for(i=0;i5?t.node.label:\"\"}).attr(\"text-anchor\",function(t){return t.horizontal&&t.left?\"end\":\"start\"}),N.transition().ease(n.ease).duration(n.duration).attr(\"startOffset\",O).style(\"fill\",z)}},{\"../../components/color\":570,\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/gup\":693,\"./constants\":1037,\"@plotly/d3-sankey\":46,d3:148,\"d3-force\":144,tinycolor2:514}],1042:[function(t,e,r){\"use strict\";var n=t(\"../../lib\");e.exports=function(t,e){for(var r=0;rs&&A[v].gap;)v--;for(y=A[v].s,d=A.length-1;d>v;d--)A[d].s=y;for(;sT[u]&&u=0;i--){var a=t[i];if(\"scatter\"===a.type&&a.xaxis===r.xaxis&&a.yaxis===r.yaxis){a.opacity=void 0;break}}}}}},{}],1050:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\"),a=t(\"./attributes\"),o=t(\"./constants\"),s=t(\"./subtypes\"),l=t(\"./xy_defaults\"),c=t(\"./stack_defaults\"),u=t(\"./marker_defaults\"),f=t(\"./line_defaults\"),h=t(\"./line_shape_defaults\"),p=t(\"./text_defaults\"),d=t(\"./fillcolor_defaults\");e.exports=function(t,e,r,g){function v(r,i){return n.coerce(t,e,a,r,i)}var m=l(t,e,g,v);if(m||(e.visible=!1),e.visible){var y=c(t,e,g,v),x=!y&&mG!=(B=O[L][1])>=G&&(P=O[L-1][0],D=O[L][0],B-R&&(I=P+(D-P)*(G-R)/(B-R),V=Math.min(V,I),U=Math.max(U,I)));V=Math.max(V,0),U=Math.min(U,h._length);var W=s.defaultLine;return s.opacity(f.fillcolor)?W=f.fillcolor:s.opacity((f.line||{}).color)&&(W=f.line.color),n.extendFlat(t,{distance:t.maxHoverDistance,x0:V,x1:U,y0:G,y1:G,color:W}),delete t.index,f.text&&!Array.isArray(f.text)?t.text=String(f.text):t.text=f.name,[t]}}}},{\"../../components/color\":570,\"../../components/fx\":612,\"../../lib\":696,\"../../registry\":827,\"./fill_hover_text\":1051,\"./get_trace_color\":1053}],1055:[function(t,e,r){\"use strict\";var n={},i=t(\"./subtypes\");n.hasLines=i.hasLines,n.hasMarkers=i.hasMarkers,n.hasText=i.hasText,n.isBubble=i.isBubble,n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.crossTraceDefaults=t(\"./cross_trace_defaults\"),n.calc=t(\"./calc\").calc,n.crossTraceCalc=t(\"./cross_trace_calc\"),n.arraysToCalcdata=t(\"./arrays_to_calcdata\"),n.plot=t(\"./plot\"),n.colorbar=t(\"./marker_colorbar\"),n.style=t(\"./style\").style,n.styleOnSelect=t(\"./style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.selectPoints=t(\"./select\"),n.animatable=!0,n.moduleType=\"trace\",n.name=\"scatter\",n.basePlotModule=t(\"../../plots/cartesian\"),n.categories=[\"cartesian\",\"svg\",\"symbols\",\"errorBarsOK\",\"showLegend\",\"scatter-like\",\"zoomScale\"],n.meta={},e.exports=n},{\"../../plots/cartesian\":756,\"./arrays_to_calcdata\":1042,\"./attributes\":1043,\"./calc\":1044,\"./cross_trace_calc\":1048,\"./cross_trace_defaults\":1049,\"./defaults\":1050,\"./hover\":1054,\"./marker_colorbar\":1061,\"./plot\":1063,\"./select\":1064,\"./style\":1066,\"./subtypes\":1067}],1056:[function(t,e,r){\"use strict\";var n=t(\"../../lib\").isArrayOrTypedArray,i=t(\"../../components/colorscale/has_colorscale\"),a=t(\"../../components/colorscale/defaults\");e.exports=function(t,e,r,o,s,l){var c=(t.marker||{}).color;(s(\"line.color\",r),i(t,\"line\"))?a(t,e,o,s,{prefix:\"line.\",cLetter:\"c\",noScale:!0}):s(\"line.color\",!n(c)&&c||r);s(\"line.width\"),(l||{}).noDash||s(\"line.dash\")}},{\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"../../lib\":696}],1057:[function(t,e,r){\"use strict\";var n=t(\"../../constants/numerical\"),i=n.BADNUM,a=n.LOG_CLIP,o=a+.5,s=a-.5,l=t(\"../../lib\"),c=l.segmentsIntersect,u=l.constrain,f=t(\"./constants\");e.exports=function(t,e){var r,n,a,h,p,d,g,v,m,y,x,b,_,w,k,M,A,T,S=e.xaxis,E=e.yaxis,C=\"log\"===S.type,L=\"log\"===E.type,z=S._length,O=E._length,I=e.connectGaps,P=e.baseTolerance,D=e.shape,R=\"linear\"===D,B=[],F=f.minTolerance,N=new Array(t.length),j=0;function V(e){var r=t[e];if(!r)return!1;var n=S.c2p(r.x),a=E.c2p(r.y);if(n===i){if(C&&(n=S.c2p(r.x,!0)),n===i)return!1;L&&a===i&&(n*=Math.abs(S._m*O*(S._m>0?o:s)/(E._m*z*(E._m>0?o:s)))),n*=1e3}if(a===i){if(L&&(a=E.c2p(r.y,!0)),a===i)return!1;a*=1e3}return[n,a]}function U(t,e,r,n){var i=r-t,a=n-e,o=.5-t,s=.5-e,l=i*i+a*a,c=i*o+a*s;if(c>0&&ctt||t[1]rt)return[u(t[0],Q,tt),u(t[1],et,rt)]}function at(t,e){return t[0]===e[0]&&(t[0]===Q||t[0]===tt)||(t[1]===e[1]&&(t[1]===et||t[1]===rt)||void 0)}function ot(t,e,r){return function(n,i){var a=it(n),o=it(i),s=[];if(a&&o&&at(a,o))return s;a&&s.push(a),o&&s.push(o);var c=2*l.constrain((n[t]+i[t])/2,e,r)-((a||n)[t]+(o||i)[t]);c&&((a&&o?c>0==a[t]>o[t]?a:o:a||o)[t]+=c);return s}}function st(t){var e=t[0],r=t[1],n=e===N[j-1][0],i=r===N[j-1][1];if(!n||!i)if(j>1){var a=e===N[j-2][0],o=r===N[j-2][1];n&&(e===Q||e===tt)&&a?o?j--:N[j-1]=t:i&&(r===et||r===rt)&&o?a?j--:N[j-1]=t:N[j++]=t}else N[j++]=t}function lt(t){N[j-1][0]!==t[0]&&N[j-1][1]!==t[1]&&st([Y,X]),st(t),Z=null,Y=X=0}function ct(t){if(A=t[0]/z,T=t[1]/O,G=t[0]tt?tt:0,W=t[1]rt?rt:0,G||W){if(j)if(Z){var e=J(Z,t);e.length>1&&(lt(e[0]),N[j++]=e[1])}else $=J(N[j-1],t)[0],N[j++]=$;else N[j++]=[G||t[0],W||t[1]];var r=N[j-1];G&&W&&(r[0]!==G||r[1]!==W)?(Z&&(Y!==G&&X!==W?st(Y&&X?(n=Z,a=(i=t)[0]-n[0],o=(i[1]-n[1])/a,(n[1]*i[0]-i[1]*n[0])/a>0?[o>0?Q:tt,rt]:[o>0?tt:Q,et]):[Y||G,X||W]):Y&&X&&st([Y,X])),st([G,W])):Y-G&&X-W&&st([G||Y,W||X]),Z=t,Y=G,X=W}else Z&<(J(Z,t)[0]),N[j++]=t;var n,i,a,o}for(\"linear\"===D||\"spline\"===D?J=function(t,e){for(var r=[],n=0,i=0;i<4;i++){var a=nt[i],o=c(t[0],t[1],e[0],e[1],a[0],a[1],a[2],a[3]);o&&(!n||Math.abs(o.x-r[0][0])>1||Math.abs(o.y-r[0][1])>1)&&(o=[o.x,o.y],n&&H(o,t)q(d,ut))break;a=d,(_=m[0]*v[0]+m[1]*v[1])>x?(x=_,h=d,g=!1):_=t.length||!d)break;ct(d),n=d}}else ct(h)}Z&&st([Y||Z[0],X||Z[1]]),B.push(N.slice(0,j))}return B}},{\"../../constants/numerical\":673,\"../../lib\":696,\"./constants\":1047}],1058:[function(t,e,r){\"use strict\";e.exports=function(t,e,r){\"spline\"===r(\"line.shape\")&&r(\"line.smoothing\")}},{}],1059:[function(t,e,r){\"use strict\";var n={tonextx:1,tonexty:1,tonext:1};e.exports=function(t,e,r){var i,a,o,s,l,c={},u=!1,f=-1,h=0,p=-1;for(a=0;a=0?l=p:(l=p=h,h++),l0?Math.max(e,i):0}}},{\"fast-isnumeric\":214}],1061:[function(t,e,r){\"use strict\";e.exports={container:\"marker\",min:\"cmin\",max:\"cmax\"}},{}],1062:[function(t,e,r){\"use strict\";var n=t(\"../../components/color\"),i=t(\"../../components/colorscale/has_colorscale\"),a=t(\"../../components/colorscale/defaults\"),o=t(\"./subtypes\");e.exports=function(t,e,r,s,l,c){var u=o.isBubble(t),f=(t.line||{}).color;(c=c||{},f&&(r=f),l(\"marker.symbol\"),l(\"marker.opacity\",u?.7:1),l(\"marker.size\"),l(\"marker.color\",r),i(t,\"marker\")&&a(t,e,s,l,{prefix:\"marker.\",cLetter:\"c\"}),c.noSelect||(l(\"selected.marker.color\"),l(\"unselected.marker.color\"),l(\"selected.marker.size\"),l(\"unselected.marker.size\")),c.noLine||(l(\"marker.line.color\",f&&!Array.isArray(f)&&e.marker.color!==f?f:u?n.background:n.defaultLine),i(t,\"marker.line\")&&a(t,e,s,l,{prefix:\"marker.line.\",cLetter:\"c\"}),l(\"marker.line.width\",u?1:0)),u&&(l(\"marker.sizeref\"),l(\"marker.sizemin\"),l(\"marker.sizemode\")),c.gradient)&&(\"none\"!==l(\"marker.gradient.type\")&&l(\"marker.gradient.color\"))}},{\"../../components/color\":570,\"../../components/colorscale/defaults\":580,\"../../components/colorscale/has_colorscale\":584,\"./subtypes\":1067}],1063:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../registry\"),a=t(\"../../lib\"),o=a.ensureSingle,s=a.identity,l=t(\"../../components/drawing\"),c=t(\"./subtypes\"),u=t(\"./line_points\"),f=t(\"./link_traces\"),h=t(\"../../lib/polygon\").tester;function p(t,e,r,f,p,d,g){var v;!function(t,e,r,i,o){var s=r.xaxis,l=r.yaxis,u=n.extent(a.simpleMap(s.range,s.r2c)),f=n.extent(a.simpleMap(l.range,l.r2c)),h=i[0].trace;if(!c.hasMarkers(h))return;var p=h.marker.maxdisplayed;if(0===p)return;var d=i.filter(function(t){return t.x>=u[0]&&t.x<=u[1]&&t.y>=f[0]&&t.y<=f[1]}),g=Math.ceil(d.length/p),v=0;o.forEach(function(t,r){var n=t[0].trace;c.hasMarkers(n)&&n.marker.maxdisplayed>0&&r0;function y(t){return m?t.transition():t}var x=r.xaxis,b=r.yaxis,_=f[0].trace,w=_.line,k=n.select(d),M=o(k,\"g\",\"errorbars\"),A=o(k,\"g\",\"lines\"),T=o(k,\"g\",\"points\"),S=o(k,\"g\",\"text\");if(i.getComponentMethod(\"errorbars\",\"plot\")(M,r,g),!0===_.visible){var E,C;y(k).style(\"opacity\",_.opacity);var L=_.fill.charAt(_.fill.length-1);\"x\"!==L&&\"y\"!==L&&(L=\"\"),r.isRangePlot||(f[0].node3=k);var z=\"\",O=[],I=_._prevtrace;I&&(z=I._prevRevpath||\"\",C=I._nextFill,O=I._polygons);var P,D,R,B,F,N,j,V,U,q=\"\",H=\"\",G=[],W=a.noop;if(E=_._ownFill,c.hasLines(_)||\"none\"!==_.fill){for(C&&C.datum(f),-1!==[\"hv\",\"vh\",\"hvh\",\"vhv\"].indexOf(w.shape)?(R=l.steps(w.shape),B=l.steps(w.shape.split(\"\").reverse().join(\"\"))):R=B=\"spline\"===w.shape?function(t){var e=t[t.length-1];return t.length>1&&t[0][0]===e[0]&&t[0][1]===e[1]?l.smoothclosed(t.slice(1),w.smoothing):l.smoothopen(t,w.smoothing)}:function(t){return\"M\"+t.join(\"L\")},F=function(t){return B(t.reverse())},G=u(f,{xaxis:x,yaxis:b,connectGaps:_.connectgaps,baseTolerance:Math.max(w.width||1,3)/4,shape:w.shape,simplify:w.simplify}),U=_._polygons=new Array(G.length),v=0;v1){var r=n.select(this);if(r.datum(f),t)y(r.style(\"opacity\",0).attr(\"d\",P).call(l.lineGroupStyle)).style(\"opacity\",1);else{var i=y(r);i.attr(\"d\",P),l.singleLineStyle(f,i)}}}}}var Y=A.selectAll(\".js-line\").data(G);y(Y.exit()).style(\"opacity\",0).remove(),Y.each(W(!1)),Y.enter().append(\"path\").classed(\"js-line\",!0).style(\"vector-effect\",\"non-scaling-stroke\").call(l.lineGroupStyle).each(W(!0)),l.setClipUrl(Y,r.layerClipId),G.length?(E?(E.datum(f),N&&V&&(L?(\"y\"===L?N[1]=V[1]=b.c2p(0,!0):\"x\"===L&&(N[0]=V[0]=x.c2p(0,!0)),y(E).attr(\"d\",\"M\"+V+\"L\"+N+\"L\"+q.substr(1)).call(l.singleFillStyle)):y(E).attr(\"d\",q+\"Z\").call(l.singleFillStyle))):C&&(\"tonext\"===_.fill.substr(0,6)&&q&&z?(\"tonext\"===_.fill?y(C).attr(\"d\",q+\"Z\"+z+\"Z\").call(l.singleFillStyle):y(C).attr(\"d\",q+\"L\"+z.substr(1)+\"Z\").call(l.singleFillStyle),_._polygons=_._polygons.concat(O)):(Z(C),_._polygons=null)),_._prevRevpath=H,_._prevPolygons=U):(E?Z(E):C&&Z(C),_._polygons=_._prevRevpath=_._prevPolygons=null),T.datum(f),S.datum(f),function(e,i,a){var o,u=a[0].trace,f=c.hasMarkers(u),h=c.hasText(u),p=tt(u),d=et,g=et;if(f||h){var v=s,_=u.stackgroup,w=_&&\"infer zero\"===t._fullLayout._scatterStackOpts[x._id+b._id][_].stackgaps;u.marker.maxdisplayed||u._needsCull?v=w?J:$:_&&!w&&(v=K),f&&(d=v),h&&(g=v)}var k,M=(o=e.selectAll(\"path.point\").data(d,p)).enter().append(\"path\").classed(\"point\",!0);m&&M.call(l.pointStyle,u,t).call(l.translatePoints,x,b).style(\"opacity\",0).transition().style(\"opacity\",1),o.order(),f&&(k=l.makePointStyleFns(u)),o.each(function(e){var i=n.select(this),a=y(i);l.translatePoint(e,a,x,b)?(l.singlePointStyle(e,a,u,k,t),r.layerClipId&&l.hideOutsideRangePoint(e,a,x,b,u.xcalendar,u.ycalendar),u.customdata&&i.classed(\"plotly-customdata\",null!==e.data&&void 0!==e.data)):a.remove()}),m?o.exit().transition().style(\"opacity\",0).remove():o.exit().remove(),(o=i.selectAll(\"g\").data(g,p)).enter().append(\"g\").classed(\"textpoint\",!0).append(\"text\"),o.order(),o.each(function(t){var e=n.select(this),i=y(e.select(\"text\"));l.translatePoint(t,i,x,b)?r.layerClipId&&l.hideOutsideRangePoint(t,e,x,b,u.xcalendar,u.ycalendar):e.remove()}),o.selectAll(\"text\").call(l.textPointStyle,u,t).each(function(t){var e=x.c2p(t.x),r=b.c2p(t.y);n.select(this).selectAll(\"tspan.line\").each(function(){y(n.select(this)).attr({x:e,y:r})})}),o.exit().remove()}(T,S,f);var X=!1===_.cliponaxis?null:r.layerClipId;l.setClipUrl(T,X),l.setClipUrl(S,X)}function Z(t){y(t).attr(\"d\",\"M0,0Z\")}function $(t){return t.filter(function(t){return!t.gap&&t.vis})}function J(t){return t.filter(function(t){return t.vis})}function K(t){return t.filter(function(t){return!t.gap})}function Q(t){return t.id}function tt(t){if(t.ids)return Q}function et(){return!1}}e.exports=function(t,e,r,i,a,c){var u,h,d=!a,g=!!a&&a.duration>0,v=f(t,e,r);((u=i.selectAll(\"g.trace\").data(v,function(t){return t[0].trace.uid})).enter().append(\"g\").attr(\"class\",function(t){return\"trace scatter trace\"+t[0].trace.uid}).style(\"stroke-miterlimit\",2),u.order(),function(t,e,r){e.each(function(t){var e=o(n.select(this),\"g\",\"fills\");l.setClipUrl(e,r.layerClipId);var i=t[0].trace,a=[];i._ownfill&&a.push(\"_ownFill\"),i._nexttrace&&a.push(\"_nextFill\");var c=e.selectAll(\"g\").data(a,s);c.enter().append(\"g\"),c.exit().each(function(t){i[t]=null}).remove(),c.order().each(function(t){i[t]=o(n.select(this),\"path\",\"js-fill\")})})}(0,u,e),g)?(c&&(h=c()),n.transition().duration(a.duration).ease(a.easing).each(\"end\",function(){h&&h()}).each(\"interrupt\",function(){h&&h()}).each(function(){i.selectAll(\"g.trace\").each(function(r,n){p(t,n,e,r,v,this,a)})})):u.each(function(r,n){p(t,n,e,r,v,this,a)});d&&u.exit().remove(),i.selectAll(\"path:not([d])\").remove()}},{\"../../components/drawing\":595,\"../../lib\":696,\"../../lib/polygon\":708,\"../../registry\":827,\"./line_points\":1057,\"./link_traces\":1059,\"./subtypes\":1067,d3:148}],1064:[function(t,e,r){\"use strict\";var n=t(\"./subtypes\");e.exports=function(t,e){var r,i,a,o,s=t.cd,l=t.xaxis,c=t.yaxis,u=[],f=s[0].trace;if(!n.hasMarkers(f)&&!n.hasText(f))return[];if(!1===e)for(r=0;r0){var h=i.c2l(u);i._lowerLogErrorBound||(i._lowerLogErrorBound=h),i._lowerErrorBound=Math.min(i._lowerLogErrorBound,h)}}else o[s]=[-l[0]*r,l[1]*r]}return o}e.exports=function(t,e,r){var n=[i(t.x,t.error_x,e[0],r.xaxis),i(t.y,t.error_y,e[1],r.yaxis),i(t.z,t.error_z,e[2],r.zaxis)],a=function(t){for(var e=0;e=0&&(p[1]+=1),h.indexOf(\"top\")>=0&&(p[1]-=1),h.indexOf(\"left\")>=0&&(p[0]-=1),h.indexOf(\"right\")>=0&&(p[0]+=1),p)),r.textColor=u(e.textfont,1,C),r.textSize=x(e.textfont.size,C,l.identity,12),r.textFont=e.textfont.family,r.textAngle=0);var P=[\"x\",\"y\",\"z\"];for(r.project=[!1,!1,!1],r.projectScale=[1,1,1],r.projectOpacity=[1,1,1],n=0;n<3;++n){var D=e.projection[P[n]];(r.project[n]=D.show)&&(r.projectOpacity[n]=D.opacity,r.projectScale[n]=D.scale)}r.errorBounds=d(e,b,v);var R=function(t){for(var e=[0,0,0],r=[[0,0,0],[0,0,0],[0,0,0]],n=[1,1,1],i=0;i<3;i++){var a=t[i];a&&!1!==a.copy_zstyle&&!1!==t[2].visible&&(a=t[2]),a&&a.visible&&(e[i]=a.width/2,r[i]=c(a.color),n[i]=a.thickness)}return{capSize:e,color:r,lineWidth:n}}([e.error_x,e.error_y,e.error_z]);return r.errorColor=R.color,r.errorLineWidth=R.lineWidth,r.errorCapSize=R.capSize,r.delaunayAxis=e.surfaceaxis,r.delaunayColor=c(e.surfacecolor),r}function _(t){if(Array.isArray(t)){var e=t[0];return Array.isArray(e)&&(t=e),\"rgb(\"+t.slice(0,3).map(function(t){return Math.round(255*t)})+\")\"}return null}v.handlePick=function(t){if(t.object&&(t.object===this.linePlot||t.object===this.delaunayMesh||t.object===this.textMarkers||t.object===this.scatterPlot)){var e=t.index=t.data.index;return t.object.highlight&&t.object.highlight(null),this.scatterPlot&&(t.object=this.scatterPlot,this.scatterPlot.highlight(t.data)),t.textLabel=\"\",this.textLabels&&(Array.isArray(this.textLabels)?(this.textLabels[e]||0===this.textLabels[e])&&(t.textLabel=this.textLabels[e]):t.textLabel=this.textLabels),t.traceCoordinate=[this.data.x[e],this.data.y[e],this.data.z[e]],!0}},v.update=function(t){var e,r,l,c,u=this.scene.glplot.gl,f=h.solid;this.data=t;var p=b(this.scene,t);\"mode\"in p&&(this.mode=p.mode),\"lineDashes\"in p&&p.lineDashes in h&&(f=h[p.lineDashes]),this.color=_(p.scatterColor)||_(p.lineColor),this.dataPoints=p.position,e={gl:u,position:p.position,color:p.lineColor,lineWidth:p.lineWidth||1,dashes:f[0],dashScale:f[1],opacity:t.opacity,connectGaps:t.connectgaps},-1!==this.mode.indexOf(\"lines\")?this.linePlot?this.linePlot.update(e):(this.linePlot=n(e),this.linePlot._trace=this,this.scene.glplot.add(this.linePlot)):this.linePlot&&(this.scene.glplot.remove(this.linePlot),this.linePlot.dispose(),this.linePlot=null);var d=t.opacity;if(t.marker&&t.marker.opacity&&(d*=t.marker.opacity),r={gl:u,position:p.position,color:p.scatterColor,size:p.scatterSize,glyph:p.scatterMarker,opacity:d,orthographic:!0,lineWidth:p.scatterLineWidth,lineColor:p.scatterLineColor,project:p.project,projectScale:p.projectScale,projectOpacity:p.projectOpacity},-1!==this.mode.indexOf(\"markers\")?this.scatterPlot?this.scatterPlot.update(r):(this.scatterPlot=i(r),this.scatterPlot._trace=this,this.scatterPlot.highlightScale=1,this.scene.glplot.add(this.scatterPlot)):this.scatterPlot&&(this.scene.glplot.remove(this.scatterPlot),this.scatterPlot.dispose(),this.scatterPlot=null),c={gl:u,position:p.position,glyph:p.text,color:p.textColor,size:p.textSize,angle:p.textAngle,alignment:p.textOffset,font:p.textFont,orthographic:!0,lineWidth:0,project:!1,opacity:t.opacity},this.textLabels=t.hovertext||t.text,-1!==this.mode.indexOf(\"text\")?this.textMarkers?this.textMarkers.update(c):(this.textMarkers=i(c),this.textMarkers._trace=this,this.textMarkers.highlightScale=1,this.scene.glplot.add(this.textMarkers)):this.textMarkers&&(this.scene.glplot.remove(this.textMarkers),this.textMarkers.dispose(),this.textMarkers=null),l={gl:u,position:p.position,color:p.errorColor,error:p.errorBounds,lineWidth:p.errorLineWidth,capSize:p.errorCapSize,opacity:t.opacity},this.errorBars?p.errorBounds?this.errorBars.update(l):(this.scene.glplot.remove(this.errorBars),this.errorBars.dispose(),this.errorBars=null):p.errorBounds&&(this.errorBars=a(l),this.errorBars._trace=this,this.scene.glplot.add(this.errorBars)),p.delaunayAxis>=0){var g=function(t,e,r){var n,i=(r+1)%3,a=(r+2)%3,o=[],l=[];for(n=0;n=0&&f(\"surfacecolor\",h||p);for(var d=[\"x\",\"y\",\"z\"],g=0;g<3;++g){var v=\"projection.\"+d[g];f(v+\".show\")&&(f(v+\".opacity\"),f(v+\".scale\"))}var m=n.getComponentMethod(\"errorbars\",\"supplyDefaults\");m(t,e,r,{axis:\"z\"}),m(t,e,r,{axis:\"y\",inherit:\"z\"}),m(t,e,r,{axis:\"x\",inherit:\"z\"})}else e.visible=!1}},{\"../../lib\":696,\"../../registry\":827,\"../scatter/line_defaults\":1056,\"../scatter/marker_defaults\":1062,\"../scatter/subtypes\":1067,\"../scatter/text_defaults\":1068,\"./attributes\":1070}],1075:[function(t,e,r){\"use strict\";var n={};n.plot=t(\"./convert\"),n.attributes=t(\"./attributes\"),n.markerSymbols=t(\"../../constants/gl3d_markers\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.moduleType=\"trace\",n.name=\"scatter3d\",n.basePlotModule=t(\"../../plots/gl3d\"),n.categories=[\"gl3d\",\"symbols\",\"showLegend\"],n.meta={},e.exports=n},{\"../../constants/gl3d_markers\":671,\"../../plots/gl3d\":787,\"../scatter/marker_colorbar\":1061,\"./attributes\":1070,\"./calc\":1071,\"./convert\":1073,\"./defaults\":1074}],1076:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../plots/attributes\"),a=t(\"../../components/colorscale/attributes\"),o=t(\"../../components/colorbar/attributes\"),s=t(\"../../lib/extend\").extendFlat,l=n.marker,c=n.line,u=l.line;e.exports={carpet:{valType:\"string\",editType:\"calc\"},a:{valType:\"data_array\",editType:\"calc\"},b:{valType:\"data_array\",editType:\"calc\"},mode:s({},n.mode,{dflt:\"markers\"}),text:s({},n.text,{}),line:{color:c.color,width:c.width,dash:c.dash,shape:s({},c.shape,{values:[\"linear\",\"spline\"]}),smoothing:c.smoothing,editType:\"calc\"},connectgaps:n.connectgaps,fill:s({},n.fill,{values:[\"none\",\"toself\",\"tonext\"],dflt:\"none\"}),fillcolor:n.fillcolor,marker:s({symbol:l.symbol,opacity:l.opacity,maxdisplayed:l.maxdisplayed,size:l.size,sizeref:l.sizeref,sizemin:l.sizemin,sizemode:l.sizemode,line:s({width:u.width,editType:\"calc\"},a(\"marker.line\")),gradient:l.gradient,editType:\"calc\"},a(\"marker\"),{colorbar:o}),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:s({},i.hoverinfo,{flags:[\"a\",\"b\",\"text\",\"name\"]}),hoveron:n.hoveron}},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../scatter/attributes\":1043}],1077:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../scatter/colorscale_calc\"),a=t(\"../scatter/arrays_to_calcdata\"),o=t(\"../scatter/calc_selection\"),s=t(\"../scatter/calc\").calcMarkerSize,l=t(\"../carpet/lookup_carpetid\");e.exports=function(t,e){var r=e._carpetTrace=l(t,e);if(r&&r.visible&&\"legendonly\"!==r.visible){var c;e.xaxis=r.xaxis,e.yaxis=r.yaxis;var u,f,h=e._length,p=new Array(h),d=!1;for(c=0;c\"),a}function w(t,e){var r;r=t.labelprefix&&t.labelprefix.length>0?t.labelprefix.replace(/ = $/,\"\"):t._hovertitle,g.push(r+\": \"+e.toFixed(3)+t.labelsuffix)}}},{\"../scatter/hover\":1054}],1081:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"../scatter/style\").style,n.styleOnSelect=t(\"../scatter/style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.selectPoints=t(\"../scatter/select\"),n.eventData=t(\"./event_data\"),n.moduleType=\"trace\",n.name=\"scattercarpet\",n.basePlotModule=t(\"../../plots/cartesian\"),n.categories=[\"svg\",\"carpet\",\"symbols\",\"showLegend\",\"carpetDependent\",\"zoomScale\"],n.meta={},e.exports=n},{\"../../plots/cartesian\":756,\"../scatter/marker_colorbar\":1061,\"../scatter/select\":1064,\"../scatter/style\":1066,\"./attributes\":1076,\"./calc\":1077,\"./defaults\":1078,\"./event_data\":1079,\"./hover\":1080,\"./plot\":1082}],1082:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),i=t(\"../../plots/cartesian/axes\"),a=t(\"../../components/drawing\");e.exports=function(t,e,r,o){var s,l,c,u=r[0][0].carpet,f={xaxis:i.getFromId(t,u.xaxis||\"x\"),yaxis:i.getFromId(t,u.yaxis||\"y\"),plot:e.plot};for(n(t,f,r,o),s=0;s\")}(u,v,p.mockAxis,c[0].t.labels),[t]}}},{\"../../components/fx\":612,\"../../constants/numerical\":673,\"../../plots/cartesian/axes\":744,\"../scatter/fill_hover_text\":1051,\"../scatter/get_trace_color\":1053,\"./attributes\":1083}],1088:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"./style\"),n.styleOnSelect=t(\"../scatter/style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.eventData=t(\"./event_data\"),n.selectPoints=t(\"./select\"),n.moduleType=\"trace\",n.name=\"scattergeo\",n.basePlotModule=t(\"../../plots/geo\"),n.categories=[\"geo\",\"symbols\",\"showLegend\",\"scatter-like\"],n.meta={},e.exports=n},{\"../../plots/geo\":775,\"../scatter/marker_colorbar\":1061,\"../scatter/style\":1066,\"./attributes\":1083,\"./calc\":1084,\"./defaults\":1085,\"./event_data\":1086,\"./hover\":1087,\"./plot\":1089,\"./select\":1090,\"./style\":1091}],1089:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../constants/numerical\").BADNUM,o=t(\"../../lib/topojson_utils\").getTopojsonFeatures,s=t(\"../../lib/geo_location_utils\").locationToFeature,l=t(\"../../lib/geojson_utils\"),c=t(\"../scatter/subtypes\"),u=t(\"./style\");function f(t,e){var r=t[0].trace;if(Array.isArray(r.locations))for(var n=o(r,e),i=r.locationmode,l=0;lp.TOO_MANY_POINTS?\"rect\":f.hasMarkers(e)?\"rect\":\"round\";if(c&&e.connectgaps){var h=n[0],d=n[1];for(i=0;i1?l[i]:l[0]:l,d=Array.isArray(c)?c.length>1?c[i]:c[0]:c,v=g[p],m=g[d],y=u?u/.8+1:0,x=-m*y-.5*m;o.offset[i]=[v*y/h,x/h]}}return o}}},{\"../../components/drawing\":595,\"../../constants/interactions\":672,\"../../lib\":696,\"../../lib/gl_format_color\":692,\"../../plots/cartesian/axis_ids\":747,\"../../registry\":827,\"../scatter/make_bubble_size_func\":1060,\"../scatter/subtypes\":1067,\"./constants\":1093,\"color-normalize\":108,\"fast-isnumeric\":214,\"svg-path-sdf\":512}],1095:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"../../registry\"),a=t(\"./attributes\"),o=t(\"../scatter/constants\"),s=t(\"../scatter/subtypes\"),l=t(\"../scatter/xy_defaults\"),c=t(\"../scatter/marker_defaults\"),u=t(\"../scatter/line_defaults\"),f=t(\"../scatter/fillcolor_defaults\"),h=t(\"../scatter/text_defaults\");e.exports=function(t,e,r,p){function d(r,i){return n.coerce(t,e,a,r,i)}var g=!!t.marker&&/-open/.test(t.marker.symbol),v=s.isBubble(t),m=l(t,e,p,d);if(m){var y=m1&&u.extendFlat(o.line,M.linePositions(t,r,n)),o.errorX||o.errorY){var s=M.errorBarPositions(t,r,n,i,a);o.errorX&&u.extendFlat(o.errorX,s.x),o.errorY&&u.extendFlat(o.errorY,s.y)}return o.text&&(u.extendFlat(o.text,{positions:n},M.textPosition(t,r,o.text,o.marker)),u.extendFlat(o.textSel,{positions:n},M.textPosition(t,r,o.text,o.markerSel)),u.extendFlat(o.textUnsel,{positions:n},M.textPosition(t,r,o.text,o.markerUnsel))),o}(t,0,e,_,g,v),L=C(0,c);return x(a,e),f=T&&(S.marker.cluster=d.tree),L.lineOptions.push(S.line),L.errorXOptions.push(S.errorX),L.errorYOptions.push(S.errorY),L.fillOptions.push(S.fill),L.markerOptions.push(S.marker),L.markerSelectedOptions.push(S.markerSel),L.markerUnselectedOptions.push(S.markerUnsel),L.textOptions.push(S.text),L.textSelectedOptions.push(S.textSel),L.textUnselectedOptions.push(S.textUnsel),d._scene=L,d.index=L.count,d.x=g,d.y=v,d.positions=_,L.count++,[{x:!1,y:!1,t:d,trace:e}]},plot:function(t,e,r){if(r.length){var o,s,c=t._fullLayout,h=e._scene,p=e.xaxis,d=e.yaxis;if(h)if(f(t,[\"ANGLE_instanced_arrays\",\"OES_element_index_uint\"])){var g=c._glcanvas.data()[0].regl;if(_(t,e,r),h.dirty){if(!0===h.error2d&&(h.error2d=a(g)),!0===h.line2d&&(h.line2d=i(g)),!0===h.scatter2d&&(h.scatter2d=n(g)),!0===h.fill2d&&(h.fill2d=i(g)),!0===h.glText)for(h.glText=new Array(h.count),o=0;or&&(isNaN(e[n])||isNaN(e[n+1]));)n-=2;t.positions=e.slice(r,n+2)}return t}),h.line2d.update(h.lineOptions)),h.error2d){var v=(h.errorXOptions||[]).concat(h.errorYOptions||[]);h.error2d.update(v)}h.scatter2d&&h.scatter2d.update(h.markerOptions),h.fillOrder=u.repeat(null,h.count),h.fill2d&&(h.fillOptions=h.fillOptions.map(function(t,e){var n=r[e];if(t&&n&&n[0]&&n[0].trace){var i,a,o=n[0],s=o.trace,l=o.t,c=h.lineOptions[e],u=[];s._ownfill&&u.push(e),s._nexttrace&&u.push(e+1),u.length&&(h.fillOrder[e]=u);var f,p,d=[],g=c&&c.positions||l.positions;if(\"tozeroy\"===s.fill){for(f=0;ff&&isNaN(g[p+1]);)p-=2;0!==g[f+1]&&(d=[g[f],0]),d=d.concat(g.slice(f,p+2)),0!==g[p+1]&&(d=d.concat([g[p],0]))}else if(\"tozerox\"===s.fill){for(f=0;ff&&isNaN(g[p]);)p-=2;0!==g[f]&&(d=[0,g[f+1]]),d=d.concat(g.slice(f,p+2)),0!==g[p]&&(d=d.concat([0,g[p+1]]))}else if(\"toself\"===s.fill||\"tonext\"===s.fill){for(d=[],i=0,a=0;a-1;for(o=0;o=0?Math.floor((e+180)/360):Math.ceil((e-180)/360)),d=e-p;if(n.getClosest(l,function(t){var e=t.lonlat;if(e[0]===s)return 1/0;var n=i.modHalf(e[0],360),a=e[1],o=h.project([n,a]),l=o.x-u.c2p([d,a]),c=o.y-f.c2p([n,r]),p=Math.max(3,t.mrc||0);return Math.max(Math.sqrt(l*l+c*c)-p,1-3/p)},t),!1!==t.index){var g=l[t.index],v=g.lonlat,m=[i.modHalf(v[0],360)+p,v[1]],y=u.c2p(m),x=f.c2p(m),b=g.mrc||1;return t.x0=y-b,t.x1=y+b,t.y0=x-b,t.y1=x+b,t.color=a(c,g),t.extraText=function(t,e,r){var n=(e.hi||t.hoverinfo).split(\"+\"),i=-1!==n.indexOf(\"all\"),a=-1!==n.indexOf(\"lon\"),s=-1!==n.indexOf(\"lat\"),l=e.lonlat,c=[];function u(t){return t+\"\\xb0\"}i||a&&s?c.push(\"(\"+u(l[0])+\", \"+u(l[1])+\")\"):a?c.push(r.lon+u(l[0])):s&&c.push(r.lat+u(l[1]));(i||-1!==n.indexOf(\"text\"))&&o(e,t,c);return c.join(\"
\")}(c,g,l[0].t.labels),[t]}}},{\"../../components/fx\":612,\"../../constants/numerical\":673,\"../../lib\":696,\"../scatter/fill_hover_text\":1051,\"../scatter/get_trace_color\":1053}],1102:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"../scattergeo/calc\"),n.plot=t(\"./plot\"),n.hoverPoints=t(\"./hover\"),n.eventData=t(\"./event_data\"),n.selectPoints=t(\"./select\"),n.style=function(t,e){e&&e[0].trace._glTrace.update(e)},n.moduleType=\"trace\",n.name=\"scattermapbox\",n.basePlotModule=t(\"../../plots/mapbox\"),n.categories=[\"mapbox\",\"gl\",\"symbols\",\"showLegend\",\"scatterlike\"],n.meta={},e.exports=n},{\"../../plots/mapbox\":802,\"../scatter/marker_colorbar\":1061,\"../scattergeo/calc\":1084,\"./attributes\":1097,\"./defaults\":1099,\"./event_data\":1100,\"./hover\":1101,\"./plot\":1103,\"./select\":1104}],1103:[function(t,e,r){\"use strict\";var n=t(\"./convert\");function i(t,e){this.subplot=t,this.uid=e,this.sourceIds={fill:e+\"-source-fill\",line:e+\"-source-line\",circle:e+\"-source-circle\",symbol:e+\"-source-symbol\"},this.layerIds={fill:e+\"-layer-fill\",line:e+\"-layer-line\",circle:e+\"-layer-circle\",symbol:e+\"-layer-symbol\"},this.order=[\"fill\",\"line\",\"circle\",\"symbol\"]}var a=i.prototype;a.addSource=function(t,e){this.subplot.map.addSource(this.sourceIds[t],{type:\"geojson\",data:e.geojson})},a.setSourceData=function(t,e){this.subplot.map.getSource(this.sourceIds[t]).setData(e.geojson)},a.addLayer=function(t,e){this.subplot.map.addLayer({type:t,id:this.layerIds[t],source:this.sourceIds[t],layout:e.layout,paint:e.paint})},a.update=function(t){for(var e=this.subplot,r=n(t),i=0;i\")}e.exports={hoverPoints:function(t,e,r,i){var a=n(t,e,r,i);if(a&&!1!==a[0].index){var s=a[0];if(void 0===s.index)return a;var l=t.subplot,c=s.cd[s.index],u=s.trace;if(l.isPtInside(c))return s.xLabelVal=void 0,s.yLabelVal=void 0,o(c,u,l,s),a}},makeHoverPointText:o}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../scatter/hover\":1054}],1109:[function(t,e,r){\"use strict\";e.exports={moduleType:\"trace\",name:\"scatterpolar\",basePlotModule:t(\"../../plots/polar\"),categories:[\"polar\",\"symbols\",\"showLegend\",\"scatter-like\"],attributes:t(\"./attributes\"),supplyDefaults:t(\"./defaults\").supplyDefaults,colorbar:t(\"../scatter/marker_colorbar\"),calc:t(\"./calc\"),plot:t(\"./plot\"),style:t(\"../scatter/style\").style,hoverPoints:t(\"./hover\").hoverPoints,selectPoints:t(\"../scatter/select\"),meta:{}}},{\"../../plots/polar\":811,\"../scatter/marker_colorbar\":1061,\"../scatter/select\":1064,\"../scatter/style\":1066,\"./attributes\":1105,\"./calc\":1106,\"./defaults\":1107,\"./hover\":1108,\"./plot\":1110}],1110:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\"),i=t(\"../../constants/numerical\").BADNUM;e.exports=function(t,e,r){for(var a=e.layers.frontplot.select(\"g.scatterlayer\"),o={xaxis:e.xaxis,yaxis:e.yaxis,plot:e.framework,layerClipId:e._hasClipOnAxisFalse?e.clipIds.forTraces:null},s=e.radialAxis,l=e.angularAxis,c=0;c=h&&(y.marker.cluster=d.tree),y.marker&&(y.markerSel.positions=y.markerUnsel.positions=y.marker.positions=_),y.line&&_.length>1&&c.extendFlat(y.line,l.linePositions(t,p,_)),y.text&&(c.extendFlat(y.text,{positions:_},l.textPosition(t,p,y.text,y.marker)),c.extendFlat(y.textSel,{positions:_},l.textPosition(t,p,y.text,y.markerSel)),c.extendFlat(y.textUnsel,{positions:_},l.textPosition(t,p,y.text,y.markerUnsel))),y.fill&&!u.fill2d&&(u.fill2d=!0),y.marker&&!u.scatter2d&&(u.scatter2d=!0),y.line&&!u.line2d&&(u.line2d=!0),y.text&&!u.glText&&(u.glText=!0),u.lineOptions.push(y.line),u.fillOptions.push(y.fill),u.markerOptions.push(y.marker),u.markerSelectedOptions.push(y.markerSel),u.markerUnselectedOptions.push(y.markerUnsel),u.textOptions.push(y.text),u.textSelectedOptions.push(y.textSel),u.textUnselectedOptions.push(y.textUnsel),d.x=w,d.y=k,d.rawx=w,d.rawy=k,d.r=v,d.theta=m,d.positions=_,d._scene=u,d.index=u.count,u.count++}}),a.plot(t,e,r)}},hoverPoints:function(t,e,r,n){var i=t.cd[0].t,o=i.r,s=i.theta,l=a.hoverPoints(t,e,r,n);if(l&&!1!==l[0].index){var c=l[0];if(void 0===c.index)return l;var u=t.subplot,h=c.cd[c.index],p=c.trace;if(h.r=o[c.index],h.theta=s[c.index],u.isPtInside(h))return c.xLabelVal=void 0,c.yLabelVal=void 0,f(h,p,u,c),l}},selectPoints:a.selectPoints,meta:{}}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../../plots/polar\":811,\"../scatter/calc\":1044,\"../scatter/colorscale_calc\":1046,\"../scatter/marker_colorbar\":1061,\"../scattergl\":1096,\"../scattergl/constants\":1093,\"../scattergl/convert\":1094,\"../scatterpolar/hover\":1108,\"./attributes\":1111,\"./defaults\":1112,\"fast-isnumeric\":214,\"point-cluster\":452}],1114:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../plots/attributes\"),a=t(\"../../components/colorscale/attributes\"),o=t(\"../../components/colorbar/attributes\"),s=t(\"../../components/drawing/attributes\").dash,l=t(\"../../lib/extend\").extendFlat,c=n.marker,u=n.line,f=c.line;e.exports={a:{valType:\"data_array\",editType:\"calc\"},b:{valType:\"data_array\",editType:\"calc\"},c:{valType:\"data_array\",editType:\"calc\"},sum:{valType:\"number\",dflt:0,min:0,editType:\"calc\"},mode:l({},n.mode,{dflt:\"markers\"}),text:l({},n.text,{}),hovertext:l({},n.hovertext,{}),line:{color:u.color,width:u.width,dash:s,shape:l({},u.shape,{values:[\"linear\",\"spline\"]}),smoothing:u.smoothing,editType:\"calc\"},connectgaps:n.connectgaps,cliponaxis:n.cliponaxis,fill:l({},n.fill,{values:[\"none\",\"toself\",\"tonext\"],dflt:\"none\"}),fillcolor:n.fillcolor,marker:l({symbol:c.symbol,opacity:c.opacity,maxdisplayed:c.maxdisplayed,size:c.size,sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,line:l({width:f.width,editType:\"calc\"},a(\"marker.line\")),gradient:c.gradient,editType:\"calc\"},a(\"marker\"),{colorbar:o}),textfont:n.textfont,textposition:n.textposition,selected:n.selected,unselected:n.unselected,hoverinfo:l({},i.hoverinfo,{flags:[\"a\",\"b\",\"c\",\"text\",\"name\"]}),hoveron:n.hoveron}},{\"../../components/colorbar/attributes\":571,\"../../components/colorscale/attributes\":577,\"../../components/drawing/attributes\":594,\"../../lib/extend\":685,\"../../plots/attributes\":741,\"../scatter/attributes\":1043}],1115:[function(t,e,r){\"use strict\";var n=t(\"fast-isnumeric\"),i=t(\"../scatter/colorscale_calc\"),a=t(\"../scatter/arrays_to_calcdata\"),o=t(\"../scatter/calc_selection\"),s=t(\"../scatter/calc\").calcMarkerSize,l=[\"a\",\"b\",\"c\"],c={a:[\"b\",\"c\"],b:[\"a\",\"c\"],c:[\"a\",\"b\"]};e.exports=function(t,e){var r,u,f,h,p,d,g=t._fullLayout[e.subplot].sum,v=e.sum||g,m={a:e.a,b:e.b,c:e.c};for(r=0;r\"),o}function m(t,e){v.push(t._hovertitle+\": \"+i.tickText(t,e,\"hover\").text)}}},{\"../../plots/cartesian/axes\":744,\"../scatter/hover\":1054}],1119:[function(t,e,r){\"use strict\";var n={};n.attributes=t(\"./attributes\"),n.supplyDefaults=t(\"./defaults\"),n.colorbar=t(\"../scatter/marker_colorbar\"),n.calc=t(\"./calc\"),n.plot=t(\"./plot\"),n.style=t(\"../scatter/style\").style,n.styleOnSelect=t(\"../scatter/style\").styleOnSelect,n.hoverPoints=t(\"./hover\"),n.selectPoints=t(\"../scatter/select\"),n.eventData=t(\"./event_data\"),n.moduleType=\"trace\",n.name=\"scatterternary\",n.basePlotModule=t(\"../../plots/ternary\"),n.categories=[\"ternary\",\"symbols\",\"showLegend\",\"scatter-like\"],n.meta={},e.exports=n},{\"../../plots/ternary\":823,\"../scatter/marker_colorbar\":1061,\"../scatter/select\":1064,\"../scatter/style\":1066,\"./attributes\":1114,\"./calc\":1115,\"./defaults\":1116,\"./event_data\":1117,\"./hover\":1118,\"./plot\":1120}],1120:[function(t,e,r){\"use strict\";var n=t(\"../scatter/plot\");e.exports=function(t,e,r){var i=e.plotContainer;i.select(\".scatterlayer\").selectAll(\"*\").remove();var a={xaxis:e.xaxis,yaxis:e.yaxis,plot:i,layerClipId:e._hasClipOnAxisFalse?e.clipIdRelative:null},o=e.layers.frontplot.select(\"g.scatterlayer\");n(t,a,r,o)}},{\"../scatter/plot\":1063}],1121:[function(t,e,r){\"use strict\";var n=t(\"../scatter/attributes\"),i=t(\"../../components/colorscale/attributes\"),a=t(\"../scattergl/attributes\"),o=t(\"../../plots/cartesian/constants\").idRegex,s=t(\"../../plot_api/plot_template\").templatedArray,l=t(\"../../lib/extend\").extendFlat,c=n.marker,u=c.line,f=l(i(\"marker.line\",{editTypeOverride:\"calc\"}),{width:l({},u.width,{editType:\"calc\"}),editType:\"calc\"}),h=l(i(\"marker\"),{symbol:c.symbol,size:l({},c.size,{editType:\"markerSize\"}),sizeref:c.sizeref,sizemin:c.sizemin,sizemode:c.sizemode,opacity:c.opacity,colorbar:c.colorbar,line:f,editType:\"calc\"});function p(t){return{valType:\"info_array\",freeLength:!0,editType:\"calc\",items:{valType:\"subplotid\",regex:o[t],editType:\"plot\"}}}h.color.editType=h.cmin.editType=h.cmax.editType=\"style\",e.exports={dimensions:s(\"dimension\",{visible:{valType:\"boolean\",dflt:!0,editType:\"calc\"},label:{valType:\"string\",editType:\"calc\"},values:{valType:\"data_array\",editType:\"calc+clearAxisTypes\"},axis:{type:{valType:\"enumerated\",values:[\"linear\",\"log\",\"date\",\"category\"],editType:\"calc+clearAxisTypes\"},editType:\"calc+clearAxisTypes\"},editType:\"calc+clearAxisTypes\"}),text:l({},a.text,{}),marker:h,xaxes:p(\"x\"),yaxes:p(\"y\"),diagonal:{visible:{valType:\"boolean\",dflt:!0,editType:\"calc\"},editType:\"calc\"},showupperhalf:{valType:\"boolean\",dflt:!0,editType:\"calc\"},showlowerhalf:{valType:\"boolean\",dflt:!0,editType:\"calc\"},selected:{marker:a.selected.marker,editType:\"calc\"},unselected:{marker:a.unselected.marker,editType:\"calc\"},opacity:a.opacity}},{\"../../components/colorscale/attributes\":577,\"../../lib/extend\":685,\"../../plot_api/plot_template\":734,\"../../plots/cartesian/constants\":750,\"../scatter/attributes\":1043,\"../scattergl/attributes\":1092}],1122:[function(t,e,r){\"use strict\";var n=t(\"regl-line2d\"),i=t(\"../../registry\"),a=t(\"../../lib/prepare_regl\"),o=t(\"../../plots/get_data\").getModuleCalcData,s=t(\"../../plots/cartesian\"),l=t(\"../../plots/cartesian/axis_ids\").getFromId,c=t(\"../../plots/cartesian/axes\").shouldShowZeroLine,u=\"splom\";function f(t,e,r){for(var n=r.matrixOptions.data.length,i=e._visibleDims,a=r.viewOpts.ranges=new Array(n),o=0;oa&&l?r._splomSubplots[S]=1:i-1,A=\"lasso\"===y||\"select\"===y||!!h.selectedpoints||M;if(d.selectBatch=null,d.unselectBatch=null,A){var T=h._length;if(d.selectBatch||(d.selectBatch=[],d.unselectBatch=[]),h.selectedpoints){d.selectBatch=h.selectedpoints;var S=h.selectedpoints,E={};for(a=0;am?2*(x.sizeAvg||Math.max(x.size,3)):u(e,y),n=0;n2?t.slice(1,e-1):2===e?[(t[0]+t[1])/2]:t}function p(t){var e=t.length;return 1===e?[.5,.5]:[t[1]-t[0],t[e-1]-t[e-2]]}function d(t,e){var r=t.fullSceneLayout,i=t.dataScale,c=e._len,u={};function d(t,e){var n=r[e],o=i[l[e]];return a.simpleMap(t,function(t){return n.d2l(t)*o})}u.vectors=s(d(e.u,\"xaxis\"),d(e.v,\"yaxis\"),d(e.w,\"zaxis\"),c);var g=f(e.x.slice(0,c)),v=f(e.y.slice(0,c)),m=f(e.z.slice(0,c));if(g.length*v.length*m.length>c)return{positions:[],cells:[]};var y=d(g,\"xaxis\"),x=d(v,\"yaxis\"),b=d(m,\"zaxis\");if(u.meshgrid=[y,x,b],e.starts){var _=e._slen;u.startingPositions=s(d(e.starts.x.slice(0,_),\"xaxis\"),d(e.starts.y.slice(0,_),\"yaxis\"),d(e.starts.z.slice(0,_),\"zaxis\"))}else{for(var w=x[0],k=h(y),M=h(b),A=new Array(k.length*M.length),T=0,S=0;S\",maxDimensionCount:60,overdrag:45,releaseTransitionDuration:120,releaseTransitionEase:\"cubic-out\",scrollbarCaptureWidth:18,scrollbarHideDelay:1e3,scrollbarHideDuration:1e3,scrollbarOffset:5,scrollbarWidth:8,transitionDuration:100,transitionEase:\"cubic-out\",uplift:5,wrapSpacer:\" \",wrapSplitCharacter:\" \",cn:{table:\"table\",tableControlView:\"table-control-view\",scrollBackground:\"scroll-background\",yColumn:\"y-column\",columnBlock:\"column-block\",scrollAreaClip:\"scroll-area-clip\",scrollAreaClipRect:\"scroll-area-clip-rect\",columnBoundary:\"column-boundary\",columnBoundaryClippath:\"column-boundary-clippath\",columnBoundaryRect:\"column-boundary-rect\",columnCells:\"column-cells\",columnCell:\"column-cell\",cellRect:\"cell-rect\",cellText:\"cell-text\",cellTextHolder:\"cell-text-holder\",scrollbarKit:\"scrollbar-kit\",scrollbar:\"scrollbar\",scrollbarSlider:\"scrollbar-slider\",scrollbarGlyph:\"scrollbar-glyph\",scrollbarCaptureZone:\"scrollbar-capture-zone\"}}},{}],1139:[function(t,e,r){\"use strict\";var n=t(\"./constants\"),i=t(\"../../lib/extend\").extendFlat,a=t(\"fast-isnumeric\");function o(t){if(Array.isArray(t)){for(var e=0,r=0;r=e||c===t.length-1)&&(n[i]=o,o.key=l++,o.firstRowIndex=s,o.lastRowIndex=c,o={firstRowIndex:null,lastRowIndex:null,rows:[]},i+=a,s=c+1,a=0);return n}e.exports=function(t,e){var r=l(e.cells.values),p=function(t){return t.slice(e.header.values.length,t.length)},d=l(e.header.values);d.length&&!d[0].length&&(d[0]=[\"\"],d=l(d));var g=d.concat(p(r).map(function(){return c((d[0]||[\"\"]).length)})),v=e.domain,m=Math.floor(t._fullLayout._size.w*(v.x[1]-v.x[0])),y=Math.floor(t._fullLayout._size.h*(v.y[1]-v.y[0])),x=e.header.values.length?g[0].map(function(){return e.header.height}):[n.emptyHeaderHeight],b=r.length?r[0].map(function(){return e.cells.height}):[],_=x.reduce(s,0),w=h(b,y-_+n.uplift),k=f(h(x,_),[]),M=f(w,k),A={},T=e._fullInput.columnorder.concat(p(r.map(function(t,e){return e}))),S=g.map(function(t,r){var n=Array.isArray(e.columnwidth)?e.columnwidth[Math.min(r,e.columnwidth.length-1)]:e.columnwidth;return a(n)?Number(n):1}),E=S.reduce(s,0);S=S.map(function(t){return t/E*m});var C=Math.max(o(e.header.line.width),o(e.cells.line.width)),L={key:e.index,translateX:v.x[0]*t._fullLayout._size.w,translateY:t._fullLayout._size.h*(1-v.y[1]),size:t._fullLayout._size,width:m,maxLineWidth:C,height:y,columnOrder:T,groupHeight:y,rowBlocks:M,headerRowBlocks:k,scrollY:0,cells:i({},e.cells,{values:r}),headerCells:i({},e.header,{values:g}),gdColumns:g.map(function(t){return t[0]}),gdColumnsOriginalOrder:g.map(function(t){return t[0]}),prevPages:[0,0],scrollbarState:{scrollbarScrollInProgress:!1},columns:g.map(function(t,e){var r=A[t];return A[t]=(r||0)+1,{key:t+\"__\"+A[t],label:t,specIndex:e,xIndex:T[e],xScale:u,x:void 0,calcdata:void 0,columnWidth:S[e]}})};return L.columns.forEach(function(t){t.calcdata=L,t.x=u(t)}),L}},{\"../../lib/extend\":685,\"./constants\":1138,\"fast-isnumeric\":214}],1140:[function(t,e,r){\"use strict\";var n=t(\"../../lib/extend\").extendFlat;r.splitToPanels=function(t){var e=[0,0],r=n({},t,{key:\"header\",type:\"header\",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!0,values:t.calcdata.headerCells.values[t.specIndex],rowBlocks:t.calcdata.headerRowBlocks,calcdata:n({},t.calcdata,{cells:t.calcdata.headerCells})});return[n({},t,{key:\"cells1\",type:\"cells\",page:0,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),n({},t,{key:\"cells2\",type:\"cells\",page:1,prevPages:e,currentRepaint:[null,null],dragHandle:!1,values:t.calcdata.cells.values[t.specIndex],rowBlocks:t.calcdata.rowBlocks}),r]},r.splitToCells=function(t){var e=function(t){var e=t.rowBlocks[t.page],r=e?e.rows[0].rowIndex:0,n=e?r+e.rows.length:0;return[r,n]}(t);return(t.values||[]).slice(e[0],e[1]).map(function(r,n){return{keyWithinBlock:n+(\"string\"==typeof r&&r.match(/[<$&> ]/)?\"_keybuster_\"+Math.random():\"\"),key:e[0]+n,column:t,calcdata:t.calcdata,page:t.page,rowBlocks:t.rowBlocks,value:r}})}},{\"../../lib/extend\":685}],1141:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./attributes\"),a=t(\"../../plots/domain\").defaults;e.exports=function(t,e,r,o){function s(r,a){return n.coerce(t,e,i,r,a)}a(e,o,s),s(\"columnwidth\"),s(\"header.values\"),s(\"header.format\"),s(\"header.align\"),s(\"header.prefix\"),s(\"header.suffix\"),s(\"header.height\"),s(\"header.line.width\"),s(\"header.line.color\"),s(\"header.fill.color\"),n.coerceFont(s,\"header.font\",n.extendFlat({},o.font)),function(t,e){for(var r=t.columnorder||[],n=t.header.values.length,i=r.slice(0,n),a=i.slice().sort(function(t,e){return t-e}),o=i.map(function(t){return a.indexOf(t)}),s=o.length;s/i),l=!o||s;t.mayHaveMarkup=o&&a.match(/[<&>]/);var c,u=\"string\"==typeof(c=a)&&c.match(n.latexCheck);t.latex=u;var f,h,p=u?\"\":_(t.calcdata.cells.prefix,e,r)||\"\",d=u?\"\":_(t.calcdata.cells.suffix,e,r)||\"\",g=u?null:_(t.calcdata.cells.format,e,r)||null,v=p+(g?i.format(g)(t.value):t.value)+d;if(t.wrappingNeeded=!t.wrapped&&!l&&!u&&(f=b(v)),t.cellHeightMayIncrease=s||u||t.mayHaveMarkup||(void 0===f?b(v):f),t.needsConvertToTspans=t.mayHaveMarkup||t.wrappingNeeded||t.latex,t.wrappingNeeded){var m=(\" \"===n.wrapSplitCharacter?v.replace(/
i&&n.push(a),i+=l}return n}(i,l,s);1===c.length&&(c[0]===i.length-1?c.unshift(c[0]-1):c.push(c[0]+1)),c[0]%2&&c.reverse(),e.each(function(t,e){t.page=c[e],t.scrollY=l}),e.attr(\"transform\",function(t){return\"translate(0 \"+(I(t.rowBlocks,t.page)-t.scrollY)+\")\"}),t&&(E(t,r,e,c,n.prevPages,n,0),E(t,r,e,c,n.prevPages,n,1),m(r,t))}}function S(t,e,r,a){return function(o){var s=o.calcdata?o.calcdata:o,l=e.filter(function(t){return s.key===t.key}),c=r||s.scrollbarState.dragMultiplier;s.scrollY=void 0===a?s.scrollY+c*i.event.dy:a;var u=l.selectAll(\".\"+n.cn.yColumn).selectAll(\".\"+n.cn.columnBlock).filter(k);T(t,u,l)}}function E(t,e,r,n,i,a,o){n[o]!==i[o]&&(clearTimeout(a.currentRepaint[o]),a.currentRepaint[o]=setTimeout(function(){var a=r.filter(function(t,e){return e===o&&n[e]!==i[e]});y(t,e,a,r),i[o]=n[o]}))}function C(t,e,r,a){return function(){var o=i.select(e.parentNode);o.each(function(t){var e=t.fragments;o.selectAll(\"tspan.line\").each(function(t,r){e[r].width=this.getComputedTextLength()});var r,i,a=e[e.length-1].width,s=e.slice(0,-1),l=[],c=0,u=t.column.columnWidth-2*n.cellPad;for(t.value=\"\";s.length;)c+(i=(r=s.shift()).width+a)>u&&(t.value+=l.join(n.wrapSpacer)+n.lineBreaker,l=[],c=0),l.push(r.text),c+=i;c&&(t.value+=l.join(n.wrapSpacer)),t.wrapped=!0}),o.selectAll(\"tspan.line\").remove(),x(o.select(\".\"+n.cn.cellText),r,t,a),i.select(e.parentNode.parentNode).call(O)}}function L(t,e,r,a,o){return function(){if(!o.settledY){var s=i.select(e.parentNode),l=R(o),c=o.key-l.firstRowIndex,u=l.rows[c].rowHeight,f=o.cellHeightMayIncrease?e.parentNode.getBoundingClientRect().height+2*n.cellPad:u,h=Math.max(f,u);h-l.rows[c].rowHeight&&(l.rows[c].rowHeight=h,t.selectAll(\".\"+n.cn.columnCell).call(O),T(null,t.filter(k),0),m(r,a,!0)),s.attr(\"transform\",function(){var t=this.parentNode.getBoundingClientRect(),e=i.select(this.parentNode).select(\".\"+n.cn.cellRect).node().getBoundingClientRect(),r=this.transform.baseVal.consolidate(),a=e.top-t.top+(r?r.matrix.f:n.cellPad);return\"translate(\"+z(o,i.select(this.parentNode).select(\".\"+n.cn.cellTextHolder).node().getBoundingClientRect().width)+\" \"+a+\")\"}),o.settledY=!0}}}function z(t,e){switch(t.align){case\"left\":return n.cellPad;case\"right\":return t.column.columnWidth-(e||0)-n.cellPad;case\"center\":return(t.column.columnWidth-(e||0))/2;default:return n.cellPad}}function O(t){t.attr(\"transform\",function(t){var e=t.rowBlocks[0].auxiliaryBlocks.reduce(function(t,e){return t+P(e,1/0)},0);return\"translate(0 \"+(P(R(t),t.key)+e)+\")\"}).selectAll(\".\"+n.cn.cellRect).attr(\"height\",function(t){return(e=R(t),r=t.key,e.rows[r-e.firstRowIndex]).rowHeight;var e,r})}function I(t,e){for(var r=0,n=e-1;n>=0;n--)r+=D(t[n]);return r}function P(t,e){for(var r=0,n=0;n0){var y,x,b,_,w,k=t.xa,M=t.ya;\"h\"===h.orientation?(w=e,y=\"y\",b=M,x=\"x\",_=k):(w=r,y=\"x\",b=k,x=\"y\",_=M);var A=f[t.index];if(w>=A.span[0]&&w<=A.span[1]){var T=n.extendFlat({},t),S=_.c2p(w,!0),E=o.getKdeValue(A,h,w),C=o.getPositionOnKdePath(A,h,S),L=b._offset,z=b._length;T[y+\"0\"]=C[0],T[y+\"1\"]=C[1],T[x+\"0\"]=T[x+\"1\"]=S,T[x+\"Label\"]=x+\": \"+i.hoverLabelText(_,w)+\", \"+f[0].t.labels.kde+\" \"+E.toFixed(3),T.spikeDistance=m[0].spikeDistance;var O=y+\"Spike\";T[O]=m[0][O],m[0].spikeDistance=void 0,m[0][O]=void 0,v.push(T),(u={stroke:t.color})[y+\"1\"]=n.constrain(L+C[0],L,L+z),u[y+\"2\"]=n.constrain(L+C[1],L,L+z),u[x+\"1\"]=u[x+\"2\"]=_._offset+S}}}-1!==p.indexOf(\"points\")&&(c=a.hoverOnPoints(t,e,r));var I=l.selectAll(\".violinline-\"+h.uid).data(u?[0]:[]);return I.enter().append(\"line\").classed(\"violinline-\"+h.uid,!0).attr(\"stroke-width\",1.5),I.exit().remove(),I.attr(u),\"closest\"===s?c?[c]:v:c?(v.push(c),v):v}},{\"../../lib\":696,\"../../plots/cartesian/axes\":744,\"../box/hover\":864,\"./helpers\":1148}],1150:[function(t,e,r){\"use strict\";e.exports={attributes:t(\"./attributes\"),layoutAttributes:t(\"./layout_attributes\"),supplyDefaults:t(\"./defaults\"),supplyLayoutDefaults:t(\"./layout_defaults\"),calc:t(\"./calc\"),crossTraceCalc:t(\"./cross_trace_calc\"),plot:t(\"./plot\"),style:t(\"./style\"),styleOnSelect:t(\"../scatter/style\").styleOnSelect,hoverPoints:t(\"./hover\"),selectPoints:t(\"../box/select\"),moduleType:\"trace\",name:\"violin\",basePlotModule:t(\"../../plots/cartesian\"),categories:[\"cartesian\",\"svg\",\"symbols\",\"oriented\",\"box-violin\",\"showLegend\",\"violinLayout\",\"zoomScale\"],meta:{}}},{\"../../plots/cartesian\":756,\"../box/select\":869,\"../scatter/style\":1066,\"./attributes\":1144,\"./calc\":1145,\"./cross_trace_calc\":1146,\"./defaults\":1147,\"./hover\":1149,\"./layout_attributes\":1151,\"./layout_defaults\":1152,\"./plot\":1153,\"./style\":1154}],1151:[function(t,e,r){\"use strict\";var n=t(\"../box/layout_attributes\"),i=t(\"../../lib\").extendFlat;e.exports={violinmode:i({},n.boxmode,{}),violingap:i({},n.boxgap,{}),violingroupgap:i({},n.boxgroupgap,{})}},{\"../../lib\":696,\"../box/layout_attributes\":866}],1152:[function(t,e,r){\"use strict\";var n=t(\"../../lib\"),i=t(\"./layout_attributes\"),a=t(\"../box/layout_defaults\");e.exports=function(t,e,r){a._supply(t,e,r,function(r,a){return n.coerce(t,e,i,r,a)},\"violin\")}},{\"../../lib\":696,\"../box/layout_defaults\":867,\"./layout_attributes\":1151}],1153:[function(t,e,r){\"use strict\";var n=t(\"d3\"),i=t(\"../../lib\"),a=t(\"../../components/drawing\"),o=t(\"../box/plot\"),s=t(\"../scatter/line_points\"),l=t(\"./helpers\");e.exports=function(t,e,r,c){var u=t._fullLayout,f=e.xaxis,h=e.yaxis;function p(t){var e=s(t,{xaxis:f,yaxis:h,connectGaps:!0,baseTolerance:.75,shape:\"spline\",simplify:!0});return a.smoothopen(e[0],1)}i.makeTraceGroups(c,r,\"trace violins\").each(function(t){var r=n.select(this),a=t[0],s=a.t,c=a.trace;e.isRangePlot||(a.node3=r);var d=u._numViolins,g=\"group\"===u.violinmode&&d>1,v=1-u.violingap,m=s.bdPos=s.dPos*v*(1-u.violingroupgap)/(g?d:1),y=s.bPos=g?2*s.dPos*((s.num+.5)/d-.5)*v:0;if(s.wHover=s.dPos*(g?v/d:1),!0!==c.visible||s.empty)r.remove();else{var x=e[s.valLetter+\"axis\"],b=e[s.posLetter+\"axis\"],_=\"both\"===c.side,w=_||\"positive\"===c.side,k=_||\"negative\"===c.side,M=u._violinScaleGroupStats[c.scalegroup],A=r.selectAll(\"path.violin\").data(i.identity);A.enter().append(\"path\").style(\"vector-effect\",\"non-scaling-stroke\").attr(\"class\",\"violin\"),A.exit().remove(),A.each(function(t){var e,r,i,a,o,l,u,f,h=n.select(this),d=t.density,g=d.length,v=t.pos+y,A=b.c2p(v);switch(c.scalemode){case\"width\":e=M.maxWidth/m;break;case\"count\":e=M.maxWidth/m*(M.maxCount/t.pts.length)}if(w){for(u=new Array(g),o=0;oa&&(a=u,o=c)}}return a?i(o):s};case\"rms\":return function(t,e){for(var r=0,a=0,o=0;o\":return function(t){return h(t)>s};case\">=\":return function(t){return h(t)>=s};case\"[]\":return function(t){var e=h(t);return e>=s[0]&&e<=s[1]};case\"()\":return function(t){var e=h(t);return e>s[0]&&e=s[0]&&es[0]&&e<=s[1]};case\"][\":return function(t){var e=h(t);return e<=s[0]||e>=s[1]};case\")(\":return function(t){var e=h(t);return es[1]};case\"](\":return function(t){var e=h(t);return e<=s[0]||e>s[1]};case\")[\":return function(t){var e=h(t);return e=s[1]};case\"{}\":return function(t){return-1!==s.indexOf(h(t))};case\"}{\":return function(t){return-1===s.indexOf(h(t))}}}(r,a.getDataToCoordFunc(t,e,s,i),h),x={},b={},_=0;d?(v=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set(new Array(f))},m=function(t,e){var r=x[t.astr][e];t.get()[e]=r}):(v=function(t){x[t.astr]=n.extendDeep([],t.get()),t.set([])},m=function(t,e){var r=x[t.astr][e];t.get().push(r)}),M(v);for(var w=o(e.transforms,r),k=0;k1?\"%{group} (%{trace})\":\"%{group}\");var l=t.styles,c=o.styles=[];if(l)for(a=0;a" ] }, "metadata": {}, @@ -367,11 +219,16 @@ { "data": { "application/vnd.plotly.v1+json": { + "config": { + "linkText": "Export to plot.ly", + "plotlyServerURL": "https://plot.ly", + "showLink": true + }, "data": [ { "colorscale": "RdBu", - "text": null, "type": "heatmap", + "uid": "973157fc-4482-42a4-9058-906b13c21939", "z": [ [ 0, @@ -644,10 +501,10 @@ } }, "text/html": [ - "
" + "
" ], "text/vnd.plotly.v1+html": [ - "
" + "
" ] }, "metadata": {}, @@ -687,521 +544,527 @@ { "data": { "application/vnd.plotly.v1+json": { + "config": { + "linkText": "Export to plot.ly", + "plotlyServerURL": "https://plot.ly", + "showLink": true + }, "data": [ { "colorscale": "RdBu", "text": [ [ - "+++ color, henri, engin, window, ftp, includ, version, system, andrew, inform
--- ", - "+++ new, distribut, system, file, also, good
--- could, includ, wire, ibm, want, cmu, scsi, driver, right, carri", - "+++ also, good
--- think, jew, could, believ, includ, ibm, christian, want, life, cmu", - "+++
--- chz, includ, ibm, cmu, scsi, driver, 7ez, 6um, 6ei, look", - "+++ scsi, work, new, system, repli, comput, driver, also, look, good
--- think, play, includ, ibm, better, want, cmu, pittsburgh, right, file", - "+++ data, work, distribut, new, system, inform, comput, chip, also, bit
--- color, think, henri, window, could, engin, escrow, technolog, ftp, includ", - "+++ work, distribut, thank, new, mail, system, repli, anyon, pleas, look
--- think, could, includ, jim, ibm, want, cmu, scsi, driver, amanda", - "+++ packag, work, new, system, comput, also, ibm, look, repli
--- georg, think, could, believ, jim, includ, presid, jake, want, cmu", - "+++ color, window, includ, version, inform, system, program, comput, mit, also
--- henri, engin, ftp, contact, andrew, set, anyon, server, ibm, user", - "+++ data, engin, distribut, new, system, list, anyon, also, pleas, look
--- think, could, includ, ibm, cmu, scsi, driver, center, david, file", - "+++ good, help, work, thank, new, system, comput, anyon, imag, also
--- color, think, henri, window, could, engin, ftp, includ, version, andrew", - "+++ new, also, support, work, good
--- think, could, believ, includ, ibm, christian, want, cmu, scsi, driver", - "+++ work, distribut, new, includ, system, inform, comput, look, also, program
--- think, could, satellit, technolog, ibm, want, cmu, scsi, driver, center", - "+++ scsi, work, help, distribut, new, thank, mail, system, repli, comput
--- color, think, simm, henri, price, could, window, engin, ftp, includ", - "+++ also, look, new, toronto, good
--- think, play, could, includ, ibm, better, cmu, scsi, driver, right" - ], - [ - "+++ new, distribut, system, file, also, good
--- could, includ, wire, ibm, cmu, scsi, want, driver, right, carri", - "+++ keith, ground, could, system, power, law, wire, arm, institut, want
--- ", - "+++ want, say, kill, could, time, may, state, point, peopl, right
--- keith, religion, ground, think, said, jew, live, mean, believ, system", - "+++
--- chz, could, wire, want, 7ez, right, 6um, carri, 6ei, outlet", - "+++ want, say, new, time, system, power, peopl, need, right, make
--- keith, sinc, ground, think, play, could, law, wire, speed, pitt", - "+++ want, say, distribut, could, new, time, may, number, system, peopl
--- keith, ground, think, escrow, technolog, inform, power, wire, arm, institut", - "+++ want, say, distribut, could, new, may, state, system, point, peopl
--- keith, win, ground, men, think, columbia, jim, power, law, anyon", - "+++ want, say, could, new, time, system, point, peopl, right, question
--- keith, georg, ground, think, said, mean, believ, jim, presid, power", - "+++ want, time, may, system, need, file, make, also
--- could, includ, wire, mous, right, carri, outlet, look, machin, even", - "+++ distribut, new, could, may, system, point, peopl, make, year, time
--- keith, request, ground, think, engin, mission, power, gov, law, anyon", - "+++ want, say, could, new, time, may, system, peopl, need, make
--- keith, ground, think, power, jpeg, buy, law, anyon, lot, wire", - "+++ want, say, could, new, time, may, state, power, peopl, law
--- keith, shall, ground, file, think, mean, believ, system, free, wire", - "+++ want, say, distribut, could, new, time, system, peopl, make, year
--- keith, ground, think, satellit, technolog, includ, inform, power, law, design", - "+++ want, distribut, could, usa, new, state, time, system, power, need
--- keith, ground, think, simm, price, law, set, anyon, wire, find", - "+++ say, new, could, time, may, point, right, make, well, even
--- keith, win, ground, think, play, system, power, basebal, law, wire" - ], - [ - "+++ also, good
--- think, jew, could, includ, believ, ibm, christian, cmu, scsi, want", - "+++ want, say, kill, could, time, may, state, point, peopl, right
--- keith, religion, ground, think, said, jew, live, mean, believ, system", - "+++ religion, think, jew, said, live, could, mean, believ, claim, christian
--- ", - "+++ israel
--- chz, think, jew, could, believ, christian, want, life, 7ez, right", - "+++ tri, want, think, say, first, time, peopl, see, take, right
--- religion, sinc, said, jew, play, could, live, mean, believ, system", - "+++ want, think, thing, could, say, time, may, state, peopl, right
--- religion, said, jew, live, mean, escrow, technolog, believ, system, inform", - "+++ tri, want, think, say, could, may, state, point, peopl, come
--- win, religion, men, said, jew, live, mean, columbia, believ, jim", - "+++ think, said, mean, could, believ, want, thing, come, take, right
--- georg, religion, jew, live, jim, presid, system, tax, jake, ibm", - "+++ tri, want, time, may, call, make, also
--- think, jew, could, includ, believ, christian, life, mous, right, look", - "+++ tri, think, thing, could, first, time, may, point, peopl, world
--- request, religion, said, engin, live, jew, mean, believ, system, mission", - "+++ want, think, thing, could, say, first, time, may, peopl, world
--- religion, said, jew, live, mean, believ, system, jpeg, buy, anyon", - "+++ think, mean, could, believ, christian, want, thing, take, right, way
--- shall, religion, said, live, jew, power, law, free, claim, life", - "+++ want, think, thing, could, say, first, time, peopl, take, call
--- religion, said, jew, live, satellit, technolog, includ, mean, believ, system", - "+++ want, think, thing, could, time, state, make, also, good
--- jew, believ, christian, life, scsi, pin, right, look, exist, even", - "+++ think, say, could, first, time, may, point, see, take, right
--- win, religion, said, jew, play, live, mean, believ, basebal, better" - ], - [ - "+++
--- chz, includ, ibm, cmu, scsi, driver, 7ez, 6um, 6ei, look", - "+++
--- chz, could, wire, want, right, carri, 7ez, 6um, outlet, 6ei", - "+++ israel
--- chz, think, jew, could, believ, christian, want, life, right, 7ez", - "+++ fij, chz, r8f, b8g, 147, nuy, 2tct, wm4u, 9f9, b4q
--- ", - "+++
--- chz, think, play, better, want, scsi, pittsburgh, driver, right, 7ez", - "+++
--- chz, think, could, technolog, want, right, 7ez, 6um, 6ei, b8e", - "+++
--- chz, think, could, jim, want, 7ez, 6um, amanda, 6ei, david", - "+++
--- georg, chz, think, could, believ, jim, presid, jake, ibm, want", - "+++
--- chz, includ, want, mous, 7ez, 6um, 6ei, look, b8e, machin", - "+++
--- chz, think, could, 7ez, 6um, center, 6ei, david, look, b8e", - "+++
--- chz, think, could, want, 7ez, 6um, 6ei, look, motorcycl, b8e", - "+++
--- chz, think, could, believ, christian, want, right, 7ez, 6um, 6ei", - "+++
--- chz, think, could, satellit, technolog, includ, want, 7ez, 6um, center", - "+++
--- chz, think, could, want, scsi, pin, 7ez, 6um, 6ei, look", - "+++
--- chz, think, play, could, better, right, 7ez, 6um, 6ei, look" - ], - [ - "+++ scsi, work, new, system, repli, comput, driver, also, look, good
--- think, play, includ, ibm, better, cmu, want, pittsburgh, right, file", - "+++ want, say, new, time, system, power, peopl, need, right, make
--- keith, ground, sinc, think, could, play, law, wire, find, speed", - "+++ tri, want, think, say, first, time, peopl, see, take, right
--- religion, sinc, said, jew, could, live, mean, believ, play, system", - "+++
--- chz, think, play, better, want, scsi, pittsburgh, driver, 7ez, right", - "+++ sinc, think, play, system, power, speed, pitt, better, run, back
--- ", - "+++ want, think, work, say, new, time, system, peopl, comput, need
--- sinc, could, play, escrow, technolog, inform, power, law, speed, pitt", - "+++ tri, want, think, work, say, new, system, repli, peopl, need
--- win, sinc, men, could, play, columbia, jim, power, anyon, speed", - "+++ tri, want, think, work, say, new, first, time, system, peopl
--- georg, sinc, said, mean, could, play, believ, jim, presid, power", - "+++ tri, want, read, work, time, system, problem, comput, need, make
--- color, sinc, think, window, play, includ, version, inform, power, set", - "+++ car, tri, read, think, new, first, time, system, peopl, see
--- request, sinc, engin, could, play, mission, power, gov, anyon, speed", - "+++ good, want, think, work, say, new, first, time, system, peopl
--- sinc, could, play, power, jpeg, buy, anyon, lot, speed, pitt", - "+++ want, think, work, say, new, time, power, peopl, see, take
--- shall, sinc, mean, could, play, believ, system, law, free, speed", - "+++ want, think, work, say, new, first, time, system, problem, comput
--- sinc, could, satellit, technolog, includ, play, inform, power, design, msg", - "+++ car, want, scsi, think, work, new, control, time, system, power
--- sinc, simm, price, could, play, set, anyon, speed, pitt, better", - "+++ good, think, say, play, new, first, time, see, take, right
--- win, sinc, could, system, power, basebal, speed, pitt, defens, realli" - ], - [ - "+++ data, work, distribut, new, system, inform, comput, chip, also, bit
--- think, could, technolog, includ, ibm, cmu, scsi, want, driver, right", - "+++ want, say, distribut, could, new, time, may, mani, system, peopl
--- keith, ground, think, escrow, technolog, power, inform, wire, find, arm", - "+++ want, think, thing, could, say, time, may, state, peopl, right
--- religion, said, jew, live, mean, believ, escrow, technolog, system, inform", - "+++
--- chz, think, could, technolog, want, 7ez, right, 6um, 6ei, b8e", - "+++ want, think, work, say, new, time, system, peopl, comput, need
--- sinc, play, could, escrow, technolog, power, inform, law, speed, pitt", - "+++ think, could, escrow, technolog, system, inform, law, data, want, thing
--- ", - "+++ want, think, work, say, distribut, could, new, may, state, system
--- win, men, columbia, escrow, jim, technolog, inform, law, anyon, data", - "+++ want, think, work, thing, could, say, new, time, system, peopl
--- georg, said, mean, escrow, believ, jim, technolog, presid, inform, tax", - "+++ want, work, time, may, system, inform, comput, need, make, also
--- think, could, technolog, includ, mous, right, look, clipper, machin, file", - "+++ data, think, thing, distribut, could, two, new, may, system, peopl
--- request, engin, escrow, technolog, mission, inform, gov, law, anyon, jpl", - "+++ want, think, work, thing, could, say, new, time, may, system
--- escrow, technolog, inform, jpeg, buy, law, anyon, lot, alaska, realli", - "+++ want, think, work, thing, could, say, new, time, may, govern
--- shall, mean, escrow, believ, technolog, system, power, inform, free, christian", - "+++ want, think, work, thing, could, distribut, technolog, two, say, gener
--- satellit, includ, escrow, law, design, msg, program, data, launch, number", - "+++ want, think, work, thing, distribut, could, two, new, state, time
--- simm, price, escrow, technolog, power, inform, law, set, anyon, data", - "+++ think, say, could, new, two, time, may, right, make, even
--- win, play, escrow, technolog, system, inform, basebal, law, better, run" - ], - [ - "+++ work, distribut, thank, new, mail, system, repli, anyon, pleas, look
--- think, could, includ, jim, ibm, cmu, scsi, want, driver, amanda", - "+++ want, say, distribut, could, new, may, state, system, point, peopl
--- keith, win, ground, men, think, columbia, jim, power, law, wire", - "+++ tri, want, think, say, could, may, state, point, peopl, world
--- religion, win, men, said, jew, live, mean, believ, columbia, jim", - "+++
--- chz, think, could, jim, want, 7ez, 6um, amanda, 6ei, david", - "+++ tri, want, think, work, say, new, system, repli, peopl, need
--- win, sinc, men, play, could, columbia, jim, power, anyon, speed", - "+++ want, think, work, say, distribut, could, new, may, state, system
--- win, men, escrow, technolog, columbia, jim, inform, law, anyon, data", - "+++ win, men, think, could, columbia, jim, system, anyon, want, john
--- ", - "+++ tri, want, think, work, say, could, new, jim, system, point
--- georg, win, men, said, mean, columbia, believ, presid, tax, jake", - "+++ tri, want, work, thank, name, may, mail, system, need, make
--- color, win, men, think, window, could, columbia, includ, jim, version", - "+++ tri, think, org, distribut, could, new, may, state, system, point
--- request, win, men, engin, columbia, jim, mission, gov, jpl, data", - "+++ good, want, think, work, say, could, thank, new, may, system
--- win, men, columbia, jim, jpeg, buy, lot, alaska, realli, bike", - "+++ want, think, work, say, could, new, may, state, peopl, take
--- shall, win, men, mean, columbia, believ, jim, system, power, law", - "+++ want, think, work, say, distribut, could, new, system, peopl, take
--- win, men, satellit, technolog, includ, columbia, jim, inform, design, msg", - "+++ want, think, work, distribut, could, new, thank, state, mail, system
--- win, men, simm, price, columbia, jim, power, set, find, board", - "+++ win, think, say, could, new, may, point, take, make, time
--- men, play, columbia, jim, system, basebal, anyon, better, run, back" - ], - [ - "+++ packag, work, new, system, comput, also, ibm, look, repli
--- georg, think, could, includ, believ, jim, presid, jake, cmu, scsi", - "+++ want, say, could, new, time, system, point, peopl, right, question
--- keith, georg, ground, think, said, mean, believ, jim, power, presid", - "+++ think, said, mean, could, believ, want, thing, come, take, right
--- religion, georg, jew, live, jim, presid, system, tax, jake, ibm", - "+++
--- georg, chz, think, could, believ, jim, presid, jake, ibm, want", - "+++ tri, want, think, work, say, new, first, time, system, peopl
--- georg, sinc, said, mean, play, could, believ, jim, power, presid", - "+++ want, think, work, thing, could, say, new, time, system, peopl
--- georg, said, mean, escrow, technolog, believ, jim, inform, presid, tax", - "+++ tri, want, think, work, say, could, new, jim, system, point
--- win, georg, men, said, mean, columbia, believ, presid, tax, jake", - "+++ georg, think, said, mean, could, believ, jim, presid, system, tax
--- ", - "+++ tri, want, work, time, system, comput, make, also, look
--- georg, think, could, includ, believ, jim, presid, jake, ibm, mous", - "+++ tri, think, thing, could, new, first, system, look, point, peopl
--- request, georg, said, engin, mean, believ, jim, mission, presid, gov", - "+++ want, think, work, thing, could, say, first, new, time, system
--- georg, said, mean, believ, jim, presid, tax, jpeg, buy, jake", - "+++ want, think, work, thing, mean, could, say, believ, new, time
--- shall, georg, said, jim, presid, power, system, tax, law, jake", - "+++ want, think, work, thing, could, say, new, first, time, system
--- georg, said, mean, satellit, technolog, includ, believ, jim, inform, presid", - "+++ want, think, work, thing, could, new, time, system, comput, make
--- georg, believ, jim, presid, jake, ibm, scsi, pin, right, talk", - "+++ think, say, could, new, first, time, point, take, right, make
--- win, georg, said, mean, play, believ, jim, presid, system, basebal" - ], - [ - "+++ color, window, includ, version, inform, system, program, comput, display, also
--- henri, engin, ftp, andrew, contact, set, anyon, server, ibm, user", - "+++ want, time, may, system, need, file, make, also
--- could, includ, wire, mous, right, carri, outlet, look, machin, even", - "+++ tri, want, time, may, call, make, also
--- think, jew, could, believ, includ, christian, life, mous, right, look", - "+++
--- chz, includ, want, mous, 7ez, 6um, 6ei, look, b8e, machin", - "+++ tri, want, read, work, time, system, problem, comput, need, make
--- color, sinc, think, window, play, includ, version, power, inform, set", - "+++ want, work, time, may, system, inform, comput, need, make, also
--- color, file, chang, think, window, could, escrow, technolog, includ, version", - "+++ tri, want, work, thank, name, may, mail, system, need, make
--- color, win, men, think, chang, window, could, columbia, includ, jim", - "+++ tri, want, work, time, system, comput, make, also, look
--- georg, think, could, believ, jim, includ, presid, jake, ibm, mous", - "+++ color, window, includ, version, inform, system, set, server, program, run
--- ", - "+++ tri, read, may, system, look, list, make, time, pleas, also
--- think, could, includ, want, mous, center, david, machin, file, much", - "+++ want, help, work, thank, time, may, system, comput, need, call
--- color, think, window, could, includ, version, inform, jpeg, buy, set", - "+++ want, work, may, make, time, also
--- think, could, believ, includ, christian, mous, right, look, machin, case", - "+++ want, work, includ, time, system, inform, comput, look, problem, call
--- color, think, window, could, satellit, technolog, version, design, set, msg", - "+++ want, help, work, thank, time, mail, system, problem, comput, need
--- color, chang, think, simm, window, price, could, includ, version, power", - "+++ may, look, make, time, also, run
--- think, play, could, includ, better, want, mous, right, start, machin" - ], - [ - "+++ data, engin, distribut, new, system, list, anyon, also, pleas, look
--- color, request, henri, think, window, could, ftp, includ, earth, version", - "+++ distribut, new, could, time, may, system, point, peopl, make, year
--- think, wire, want, right, carri, center, outlet, david, look, file", - "+++ tri, think, thing, could, first, time, may, point, peopl, world
--- religion, request, said, jew, live, mean, believ, engin, system, mission", - "+++
--- chz, think, could, 7ez, 6um, center, 6ei, david, look, b8e", - "+++ car, tri, read, think, new, first, time, system, peopl, see
--- request, sinc, engin, play, could, power, mission, gov, anyon, speed", - "+++ data, think, thing, distribut, could, two, new, may, time, system
--- request, engin, escrow, technolog, inform, mission, gov, law, anyon, jpl", - "+++ tri, think, org, distribut, could, new, may, state, system, point
--- win, request, men, engin, columbia, jim, mission, gov, jpl, data", - "+++ tri, think, thing, could, new, first, time, system, point, peopl
--- georg, request, said, mean, engin, believ, jim, presid, mission, tax", - "+++ tri, read, time, may, system, list, make, also, pleas, look
--- think, could, includ, want, mous, center, david, machin, file, much", - "+++ request, think, engin, could, earth, system, mission, gov, anyon, jpl
--- ", - "+++ think, thing, could, first, new, time, may, system, peopl, world
--- request, engin, mission, gov, jpeg, buy, lot, alaska, realli, jpl", - "+++ think, thing, could, new, time, may, peopl, see, much, make
--- shall, request, mean, engin, believ, system, power, mission, gov, law", - "+++ think, thing, distribut, could, two, new, first, 1993, system, space
--- request, engin, satellit, technolog, includ, inform, mission, gov, design, msg", - "+++ car, think, thing, distribut, could, two, new, state, time, system
--- request, simm, engin, price, power, mission, gov, set, jpl, data", - "+++ think, could, new, two, first, may, time, point, see, much
--- win, request, engin, play, system, mission, basebal, gov, anyon, better" - ], - [ - "+++ help, work, thank, new, system, repli, comput, anyon, imag, also
--- color, henri, think, window, engin, ftp, could, includ, version, andrew", - "+++ want, say, could, new, time, may, system, peopl, need, make
--- keith, ground, think, power, law, jpeg, buy, wire, anyon, find", - "+++ want, think, thing, could, say, first, time, may, peopl, world
--- religion, said, jew, live, mean, believ, system, jpeg, buy, anyon", - "+++
--- chz, think, could, want, 7ez, 6um, 6ei, look, b8e, motorcycl", - "+++ want, think, work, say, new, first, time, system, repli, comput
--- sinc, play, could, power, jpeg, buy, anyon, lot, speed, pitt", - "+++ want, think, work, thing, could, say, new, time, may, system
--- escrow, technolog, inform, law, jpeg, buy, anyon, lot, alaska, realli", - "+++ want, think, work, say, could, thank, new, may, system, repli
--- win, men, columbia, jim, jpeg, buy, lot, alaska, realli, bike", - "+++ want, think, work, thing, could, say, new, first, time, system
--- georg, said, mean, believ, jim, presid, tax, jake, jpeg, buy", - "+++ want, help, work, thank, time, may, system, comput, need, call
--- color, think, window, could, includ, version, inform, jpeg, buy, set", - "+++ think, thing, could, new, first, may, system, look, world, peopl
--- request, engin, mission, gov, jpeg, buy, lot, alaska, jpl, data", - "+++ think, could, system, jpeg, buy, anyon, lot, realli, alaska, want
--- ", - "+++ want, think, work, thing, could, say, new, time, may, case
--- shall, mean, believ, system, power, law, jpeg, free, buy, anyon", - "+++ want, think, work, thing, could, say, new, first, time, system
--- satellit, technolog, includ, inform, jpeg, design, buy, msg, anyon, lot", - "+++ want, think, work, thing, could, help, new, thank, time, system
--- simm, price, power, jpeg, buy, set, lot, alaska, realli, board", - "+++ think, say, could, new, first, time, may, see, much, make
--- win, play, system, basebal, jpeg, buy, anyon, lot, better, run" - ], - [ - "+++ new, also, support, work, good
--- think, could, includ, believ, ibm, christian, cmu, scsi, want, driver", - "+++ want, say, could, new, time, may, state, power, peopl, law
--- keith, shall, ground, think, mean, believ, system, free, wire, find", - "+++ think, mean, could, believ, christian, want, thing, take, right, way
--- religion, shall, said, jew, live, power, law, free, claim, life", - "+++
--- chz, think, could, believ, christian, want, 7ez, right, 6um, 6ei", - "+++ want, think, work, say, new, time, power, peopl, see, take
--- shall, sinc, mean, play, could, believ, system, law, free, speed", - "+++ want, think, work, thing, could, say, new, time, may, govern
--- shall, mean, escrow, technolog, believ, system, inform, power, free, christian", - "+++ want, think, work, say, could, new, may, state, peopl, take
--- believ, jim, christian, right, amanda, david, look, case, much, public", - "+++ want, think, work, thing, mean, could, say, believ, new, time
--- georg, shall, said, jim, presid, system, power, tax, jake, law", - "+++ want, work, may, make, time, also
--- think, could, includ, believ, christian, mous, right, look, machin, case", - "+++ think, thing, could, new, time, may, peopl, see, much, make
--- request, shall, engin, mean, believ, system, mission, power, gov, law", - "+++ want, think, work, thing, could, say, new, time, may, case
--- shall, mean, believ, system, power, jpeg, buy, law, free, anyon", - "+++ shall, think, mean, could, believ, power, law, free, christian, want
--- ", - "+++ want, think, work, thing, could, say, new, time, peopl, take
--- shall, mean, satellit, technolog, includ, believ, system, inform, power, law", - "+++ want, think, work, thing, could, new, time, state, power, make
--- believ, christian, scsi, pin, right, look, case, much, public, even", - "+++ think, say, could, new, time, may, see, take, right, much
--- win, shall, mean, play, believ, power, basebal, law, free, better" - ], - [ - "+++ work, distribut, new, includ, system, inform, comput, look, also, program
--- think, could, satellit, technolog, ibm, cmu, scsi, want, driver, center", - "+++ want, say, distribut, could, new, time, system, peopl, make, year
--- think, satellit, technolog, includ, wire, right, carri, center, outlet, look", - "+++ want, think, thing, could, say, first, time, peopl, take, call
--- religion, said, jew, live, mean, believ, satellit, technolog, includ, system", - "+++
--- chz, think, could, satellit, technolog, includ, want, 7ez, 6um, center", - "+++ want, think, work, say, new, first, time, system, problem, comput
--- sinc, play, could, satellit, technolog, includ, power, inform, design, msg", - "+++ want, think, work, thing, could, distribut, technolog, two, say, gener
--- satellit, escrow, includ, law, design, msg, program, data, launch, book", - "+++ want, think, work, say, distribut, could, new, system, peopl, take
--- win, men, satellit, columbia, technolog, jim, includ, inform, design, anyon", - "+++ want, think, work, thing, could, say, new, first, time, system
--- georg, said, mean, satellit, technolog, believ, jim, includ, presid, inform", - "+++ want, work, includ, time, system, inform, comput, look, problem, call
--- color, think, window, could, satellit, technolog, version, design, set, msg", - "+++ think, thing, distribut, could, two, new, first, 1993, system, look
--- request, engin, satellit, technolog, includ, mission, inform, gov, design, anyon", - "+++ want, think, work, thing, could, say, first, new, time, system
--- satellit, technolog, includ, inform, jpeg, buy, design, anyon, lot, msg", - "+++ want, think, work, thing, could, say, new, time, peopl, take
--- shall, mean, satellit, technolog, believ, includ, system, power, inform, law", - "+++ think, could, satellit, technolog, includ, system, inform, design, msg, program
--- ", - "+++ want, think, work, thing, distribut, could, two, new, time, system
--- simm, price, satellit, technolog, includ, power, inform, design, set, anyon", - "+++ think, say, could, new, two, first, time, take, much, make
--- win, play, satellit, technolog, includ, system, inform, basebal, design, msg" - ], - [ - "+++ scsi, work, help, distribut, thank, new, mail, system, repli, comput
--- color, henri, think, window, engin, ftp, simm, includ, price, could", - "+++ want, distribut, could, sale, new, time, state, system, power, need
--- keith, ground, think, simm, price, law, set, wire, anyon, find", - "+++ want, think, thing, could, time, state, make, also, good
--- jew, believ, christian, life, scsi, pin, right, look, exist, even", - "+++
--- chz, think, could, want, scsi, pin, 7ez, 6um, 6ei, look", - "+++ car, want, scsi, think, work, new, control, time, system, power
--- sinc, simm, play, price, could, set, anyon, speed, pitt, better", - "+++ want, think, work, thing, distribut, could, two, new, time, state
--- simm, price, escrow, technolog, inform, power, law, set, anyon, data", - "+++ want, think, work, distribut, could, thank, new, state, mail, system
--- win, men, simm, price, columbia, jim, power, set, board, scsi", - "+++ want, think, work, thing, could, new, time, system, comput, make
--- georg, simm, said, mean, price, believ, jim, presid, power, tax", - "+++ want, help, work, thank, time, mail, system, problem, comput, need
--- color, think, simm, window, price, could, includ, version, inform, power", - "+++ car, think, thing, distribut, could, two, new, state, system, look
--- request, simm, engin, price, mission, power, gov, set, jpl, data", - "+++ good, want, think, work, thing, could, help, thank, new, time
--- simm, price, power, jpeg, buy, set, lot, alaska, realli, board", - "+++ want, think, work, thing, could, new, time, state, power, make
--- shall, simm, mean, rom, price, believ, system, law, free, set", - "+++ want, think, work, thing, distribut, could, two, new, time, system
--- simm, satellit, technolog, includ, price, inform, power, design, set, msg", - "+++ simm, think, could, price, system, power, set, anyon, want, board
--- ", - "+++ think, could, new, two, time, make, also, look, good
--- play, better, want, scsi, pin, right, start, let, team, much" - ], - [ - "+++ also, look, new, toronto, good
--- think, play, could, includ, ibm, better, cmu, scsi, driver, right", - "+++ say, could, new, time, may, point, right, make, well, even
--- keith, win, ground, think, play, system, power, basebal, law, wire", - "+++ think, say, could, first, time, may, point, see, take, right
--- religion, win, said, jew, live, mean, believ, play, basebal, better", - "+++
--- chz, think, play, could, better, 7ez, right, 6um, 6ei, look", - "+++ good, think, say, play, new, first, time, see, take, right
--- win, sinc, could, system, power, basebal, speed, pitt, realli, defens", - "+++ think, say, could, new, two, time, may, right, make, even
--- win, play, escrow, technolog, system, inform, basebal, law, better, run", - "+++ win, think, say, could, new, may, point, take, make, time
--- play, jim, better, want, right, amanda, david, start, let, team", - "+++ think, say, could, new, first, time, point, take, right, make
--- georg, win, said, mean, play, believ, jim, presid, system, basebal", - "+++ may, look, make, time, also, run
--- think, play, could, includ, better, want, mous, right, machin, start", - "+++ think, could, new, two, time, first, may, point, see, much
--- request, win, engin, play, system, mission, basebal, gov, anyon, better", - "+++ think, say, could, first, new, time, may, see, much, make
--- win, play, system, basebal, jpeg, buy, anyon, lot, better, alaska", - "+++ think, say, could, new, time, may, see, take, right, much
--- shall, win, mean, play, believ, power, basebal, law, free, better", - "+++ think, say, could, new, two, first, time, take, much, make
--- win, satellit, technolog, includ, play, system, inform, basebal, design, msg", - "+++ think, could, new, two, time, make, also, look, good
--- play, better, want, scsi, pin, right, start, let, team, much", - "+++ win, think, could, play, basebal, better, realli, run, defens, back
--- " + "+++ said, well, two, american, right, arab, say, palestinian, mani, want
--- ", + "+++ even, could, make, well, time, question, right, also, say, want
--- two, mani, give, thing, sgi, chip, world, need, 000, jewish", + "+++ could, time, make, also, want
--- well, two, right, say, mani, thank, give, speed, simm, chip", + "+++ even, world, could, peopl, make, well, time, right, say, want
--- car, two, give, thing, also, happen, need, 000, jewish, question", + "+++ want, time, think, make
--- car, well, two, c8v, right, say, mani, b8f, okz, give", + "+++ even, world, could, said, kill, well, time, two, peopl, right
--- turkey, went, mani, give, also, serdar, need, number, 000, jewish", + "+++ even, said, make, well, time, two, right, also, say, think
--- hockey, presid, mani, give, stephanopoulo, nhl, score, world, 000, jewish", + "+++ could, make, well, time, two, question, also, want, year
--- current, right, say, mani, give, sale, world, need, 000, jewish", + "+++ make, time, also, want, call, way
--- server, client, well, two, right, say, mani, resourc, thank, display", + "+++ way, world, peopl, make, well, time, two, question, right, also
--- mani, thank, access, give, opinion, great, 000, jewish, dod, much", + "+++ even, way, peopl, could, make, well, time, two, right, also
--- car, give, thing, world, number, 000, jewish, question, amend, polici", + "+++ want, also, time
--- well, two, right, say, mani, thank, give, sale, inform, world", + "+++ said, well, two, say, mani, want, even, make, also, see
--- point, law, right, arab, american, palestinian, live, believ, argument, govern", + "+++ said, well, right, say, mani, want, even, make, also, see
--- atheist, realli, two, point, must, arab, palestinian, live, believ, object", + "+++ could, peopl, make, time, two, right, also, think, govern, year
--- well, presid, say, mani, develop, access, give, inform, chip, world" + ], + [ + "+++ even, could, make, well, time, question, right, also, say, want
--- two, mani, give, thing, sgi, chip, world, need, 000, jewish", + "+++ realli, well, law, right, say, indiana, want, run, disk, state
--- ", + "+++ want, run, disk, tri, make, also, new, problem, version, chip
--- realli, well, right, say, mac, thank, ide, thing, speed, simm", + "+++ realli, well, right, say, want, state, tri, even, make, thing
--- car, point, law, repli, indiana, mani, run, disk, system, got", + "+++ need, make, time, new, look, distribut, want, good, think, anyon
--- car, well, c8v, right, say, b8f, okz, thing, also, sgi", + "+++ even, could, need, time, well, right, new, say, look, want
--- two, turkey, went, thing, also, serdar, sgi, chip, world, number", + "+++ even, make, well, time, right, new, say, also, look, think
--- hockey, two, presid, stephanopoulo, nhl, thing, sgi, score, chip, need", + "+++ could, need, make, well, time, question, new, also, look, distribut
--- current, two, right, say, thing, sale, sgi, chip, much, softwar", + "+++ need, make, time, bit, also, look, distribut, want, run, problem
--- server, client, well, right, say, resourc, thank, display, thing, sourc", + "+++ well, right, say, want, run, state, tri, make, new, also
--- realli, two, thank, access, opinion, thing, sgi, chip, world, need", + "+++ well, law, right, say, state, even, make, thing, new, also
--- car, realli, two, file, weapon, mani, run, health, crime, sgi", + "+++ need, time, drive, new, also, look, distribut, want, run, system
--- well, right, say, thank, thing, sale, sgi, inform, chip, question", + "+++ well, law, say, want, even, make, thing, also, new, see
--- realli, two, right, mani, run, church, sgi, claim, chip, world", + "+++ realli, well, right, say, want, tri, even, make, thing, also
--- atheist, said, point, law, must, indiana, mani, run, believ, object", + "+++ could, need, make, time, key, law, new, right, also, distribut
--- well, two, presid, say, develop, access, thing, sgi, inform, clipper" + ], + [ + "+++ could, time, make, also, want
--- well, two, right, say, mani, thank, give, speed, simm, chip", + "+++ want, run, disk, tri, system, make, also, new, problem, version
--- realli, well, law, right, say, repli, indiana, monitor, mac, color", + "+++ repli, monitor, want, mac, run, thank, disk, mous, ide, color
--- ", + "+++ could, need, make, time, anyon, look, repli, distribut, want, problem
--- car, well, right, say, mani, thank, thing, also, speed, simm", + "+++ need, make, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, speed, simm, uchicago, chip", + "+++ could, need, time, new, look, want, work
--- well, two, turkey, right, say, went, thank, also, speed, serdar", + "+++ make, time, also, new, look, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, speed", + "+++ could, need, make, time, new, also, repli, look, distribut, want
--- well, current, two, thank, speed, simm, sale, chip, question, nasa", + "+++ repli, want, color, run, thank, set, tri, make, help, also
--- server, client, motif, applic, monitor, mous, resourc, mac, data, disk", + "+++ make, time, new, also, repli, look, distribut, want, run, thank
--- well, two, right, say, access, opinion, speed, simm, chip, world", + "+++ could, make, time, also, new, problem, scsi, control, system
--- car, well, two, right, say, mani, thank, thing, speed, simm", + "+++ repli, want, mac, run, thank, system, help, new, also, version
--- imag, price, monitor, color, mous, netcom, disk, data, ide, instal", + "+++ could, make, time, new, also, want
--- well, two, say, mani, thank, thing, speed, simm, chip, world", + "+++ could, make, time, also, want, system, problem, tri
--- well, right, say, mani, thank, thing, speed, simm, chip, world", + "+++ could, need, make, time, comput, also, new, distribut, work, system
--- two, presid, right, thank, develop, access, speed, simm, inform, clipper" + ], + [ + "+++ even, world, could, peopl, make, well, time, right, say, mani
--- car, two, give, thing, also, happen, need, 000, jewish, question", + "+++ realli, well, right, say, want, state, tri, even, make, thing
--- car, point, law, first, repli, indiana, mani, run, disk, got", + "+++ could, need, make, time, anyon, look, repli, distribut, want, problem
--- car, well, right, say, mani, thank, thing, also, speed, simm", + "+++ car, realli, well, point, first, right, say, repli, want, mani
--- ", + "+++ need, car, make, time, look, repli, distribut, want, good, think
--- well, c8v, right, say, mani, b8f, okz, thing, uchicago, happen", + "+++ even, world, could, need, time, well, peopl, right, look, say
--- car, two, turkey, went, mani, thing, serdar, happen, number, dod", + "+++ even, make, well, time, point, right, look, say, good, think
--- car, hockey, two, presid, mani, stephanopoulo, nhl, also, thing, score", + "+++ could, need, gov, well, make, time, point, look, repli, sun
--- car, current, two, right, say, mani, thing, also, sale, happen", + "+++ need, make, time, look, repli, distribut, want, problem, tri, way
--- server, client, car, well, right, say, mani, resourc, thank, display", + "+++ well, right, say, repli, want, state, tri, make, problem, year
--- car, realli, two, point, first, mani, run, thank, net, bnr", + "+++ car, well, right, say, mani, state, even, make, thing, problem
--- realli, two, point, law, repli, weapon, want, health, system, case", + "+++ need, time, look, repli, distribut, want, anyon
--- car, well, right, say, mani, thank, thing, also, sale, inform", + "+++ well, point, say, mani, want, even, make, thing, see, world
--- said, car, realli, two, first, law, right, repli, believ, argument", + "+++ realli, well, point, right, say, mani, want, tri, even, make
--- atheist, said, car, first, must, repli, believ, object, state, got", + "+++ could, need, make, time, peopl, right, distribut, think, year, state
--- car, well, two, presid, say, mani, develop, access, thing, also" + ], + [ + "+++ want, time, think, make
--- car, well, two, right, c8v, say, mani, b8f, okz, give", + "+++ need, make, time, new, look, distribut, want, good, think, anyon
--- car, well, right, c8v, say, b8f, okz, thing, also, sgi", + "+++ need, make, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, speed, simm, uchicago, chip", + "+++ need, car, make, time, look, repli, distribut, want, good, think
--- well, right, c8v, say, mani, b8f, okz, thing, uchicago, happen", + "+++ 2tm, 1eq, car, c8v, 2di, repli, want, b8f, 1d9, 7ey
--- ", + "+++ need, time, new, look, want, think
--- car, well, two, turkey, right, c8v, say, went, b8f, okz", + "+++ time, make, new, look, good, think
--- car, hockey, well, two, presid, right, c8v, say, b8f, okz", + "+++ need, make, time, new, look, repli, distribut, want, good, engin
--- car, well, current, two, c8v, b8f, okz, also, sale, uchicago", + "+++ need, make, time, look, repli, distribut, want
--- server, client, car, c8v, b8f, resourc, thank, okz, display, also", + "+++ make, time, new, look, repli, usa, want, distribut, good, think
--- car, well, two, right, c8v, say, b8f, thank, okz, access", + "+++ car, time, make, new, good, think
--- well, two, right, c8v, say, mani, b8f, okz, thing, also", + "+++ need, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, sale, uchicago, inform, softwar", + "+++ time, make, new, want, good, think
--- car, well, two, c8v, say, mani, b8f, okz, thing, also", + "+++ time, make, want, good, think
--- car, well, right, c8v, say, mani, b8f, okz, thing, also", + "+++ need, time, make, new, distribut, think
--- car, two, presid, right, c8v, b8f, develop, okz, access, also" + ], + [ + "+++ even, world, could, said, kill, well, time, two, peopl, right
--- turkey, went, mani, give, also, serdar, need, number, 000, jewish", + "+++ even, could, need, time, well, right, new, say, look, want
--- two, turkey, went, thing, also, serdar, sgi, chip, world, number", + "+++ could, need, time, new, look, want, work
--- well, two, turkey, right, say, went, thank, also, speed, serdar", + "+++ even, world, could, need, time, well, peopl, right, look, say
--- car, two, turkey, went, mani, thing, serdar, happen, number, dod", + "+++ need, time, new, look, want, think
--- car, well, two, turkey, c8v, right, say, went, b8f, okz", + "+++ said, armenia, well, two, turkey, right, say, went, want, live
--- ", + "+++ even, said, time, well, two, right, new, say, look, think
--- hockey, presid, turkey, went, stephanopoulo, nhl, also, serdar, score, world", + "+++ could, need, time, well, two, new, look, want, year, work
--- current, turkey, right, say, went, also, serdar, sale, world, number", + "+++ program, need, time, number, work, look, want, name, file, call
--- server, client, well, two, turkey, right, say, went, resourc, thank", + "+++ world, peopl, time, well, two, right, new, say, look, want
--- turkey, went, thank, access, opinion, also, serdar, need, great, number", + "+++ even, peopl, could, time, well, number, two, right, new, say
--- car, turkey, went, mani, thing, also, serdar, world, need, much", + "+++ program, need, time, new, look, want, file, work
--- well, two, turkey, right, say, went, thank, also, serdar, sale", + "+++ even, world, could, said, time, well, two, new, say, want
--- turkey, right, went, mani, thing, also, serdar, need, number, question", + "+++ even, world, could, said, time, well, right, say, want, think
--- two, turkey, went, mani, thing, also, serdar, need, number, question", + "+++ program, could, need, time, peopl, two, new, right, year, think
--- well, presid, turkey, say, went, develop, access, also, serdar, inform" + ], + [ + "+++ even, said, make, well, time, two, right, also, say, think
--- hockey, presid, mani, give, stephanopoulo, nhl, score, world, 000, jewish", + "+++ even, make, well, time, right, also, say, new, look, think
--- hockey, two, presid, stephanopoulo, thing, nhl, sgi, score, chip, need", + "+++ make, time, also, look, new, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, speed", + "+++ even, make, well, time, point, right, look, say, good, think
--- car, hockey, two, presid, mani, stephanopoulo, thing, nhl, also, score", + "+++ time, make, new, look, good, think
--- car, hockey, well, two, presid, c8v, right, say, b8f, okz", + "+++ even, said, time, well, two, right, new, say, look, think
--- hockey, presid, turkey, went, stephanopoulo, nhl, also, serdar, score, world", + "+++ game, said, play, hockey, well, two, point, presid, hit, right
--- ", + "+++ make, well, time, two, point, new, also, look, good, run
--- hockey, current, presid, right, say, stephanopoulo, nhl, sale, score, need", + "+++ make, time, also, look, run
--- server, client, hockey, well, two, presid, right, say, resourc, thank", + "+++ make, well, time, two, right, new, say, also, look, good
--- hockey, presid, thank, access, opinion, stephanopoulo, nhl, score, world, great", + "+++ day, even, make, well, time, two, right, new, say, also
--- car, hockey, presid, mani, stephanopoulo, thing, nhl, score, number, season", + "+++ time, also, new, look, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, sale", + "+++ day, even, said, make, well, time, two, point, also, new
--- hockey, presid, right, mani, stephanopoulo, thing, nhl, score, world, question", + "+++ even, said, make, well, time, point, right, also, say, think
--- hockey, two, presid, mani, stephanopoulo, thing, nhl, score, world, question", + "+++ make, time, two, presid, right, new, also, year, think, first
--- hockey, well, say, develop, access, stephanopoulo, nhl, inform, chip, score" + ], + [ + "+++ could, make, well, time, two, question, also, want, year
--- current, right, say, mani, give, sale, world, need, 000, jewish", + "+++ could, need, make, well, time, question, also, new, look, distribut
--- current, two, right, say, thing, sale, sgi, chip, much, softwar", + "+++ could, need, make, time, also, new, repli, look, distribut, want
--- well, current, two, thank, speed, simm, sale, chip, question, nasa", + "+++ could, need, make, well, gov, time, point, look, repli, sun
--- car, current, two, right, say, mani, thing, also, sale, happen", + "+++ need, make, time, new, look, repli, distribut, want, good, engin
--- car, well, current, two, c8v, b8f, okz, also, sale, uchicago", + "+++ could, need, time, well, two, new, look, want, year, work
--- current, turkey, right, say, went, also, serdar, sale, world, number", + "+++ make, well, time, two, point, new, also, look, good, run
--- hockey, current, presid, right, say, stephanopoulo, nhl, sale, score, need", + "+++ well, imag, two, point, current, wire, repli, want, pitt, run
--- ", + "+++ need, make, time, also, look, repli, includ, want, distribut, run
--- server, client, well, current, two, resourc, thank, display, sourc, sale", + "+++ make, well, time, two, question, new, also, repli, look, distribut
--- current, right, say, thank, access, opinion, sale, world, need, great", + "+++ could, make, well, time, two, first, new, also, good, year
--- car, current, right, say, mani, thing, sale, need, number, question", + "+++ need, time, imag, new, also, repli, look, includ, want, interest
--- well, current, two, thank, inform, question, softwar, address, list, nasa", + "+++ could, make, well, scienc, two, point, question, also, new, time
--- current, say, mani, thing, sale, world, need, much, work, nasa", + "+++ could, make, well, time, point, question, also, want, good, system
--- current, two, right, say, mani, thing, sale, world, need, work", + "+++ could, need, make, time, two, also, new, space, distribut, nasa
--- well, current, presid, right, develop, access, sale, inform, chip, clipper" + ], + [ + "+++ make, time, also, want, call, way
--- server, client, well, two, right, say, mani, resourc, thank, display", + "+++ need, make, time, bit, also, look, distribut, want, run, problem
--- server, client, well, right, say, resourc, thank, display, thing, sourc", + "+++ repli, want, color, run, thank, set, tri, make, help, also
--- server, client, motif, applic, file, monitor, mac, disk, mous, ide", + "+++ need, make, time, look, repli, distribut, want, problem, tri, way
--- server, client, car, well, right, say, mani, resourc, thank, display", + "+++ need, make, time, look, repli, distribut, want
--- server, client, car, c8v, b8f, resourc, thank, okz, display, also", + "+++ program, need, time, number, work, look, want, name, file, call
--- server, client, well, two, turkey, right, say, went, resourc, thank", + "+++ make, time, also, look, run
--- server, client, hockey, well, two, presid, right, say, resourc, thank", + "+++ need, make, time, also, look, repli, includ, want, distribut, run
--- server, client, well, current, two, resourc, thank, display, sourc, sale", + "+++ server, client, motif, applic, repli, want, color, run, thank, resourc
--- ", + "+++ make, time, also, look, repli, distribut, want, run, thank, problem
--- server, client, well, two, right, say, resourc, display, access, opinion", + "+++ make, time, number, also, problem, file, system, way
--- server, client, car, well, two, right, say, mani, resourc, thank", + "+++ repli, want, run, thank, data, program, help, also, avail, version
--- server, client, imag, price, motif, applic, mac, resourc, netcom, color", + "+++ make, time, also, want, may, way
--- server, client, well, two, say, mani, resourc, thank, display, thing", + "+++ make, time, also, want, system, problem, may, tri, way
--- server, client, well, right, say, mani, resourc, thank, display, thing", + "+++ way, program, need, make, time, also, distribut, may, data, work
--- server, client, two, presid, right, resourc, thank, develop, display, access" + ], + [ + "+++ world, peopl, make, well, time, two, question, right, also, say
--- mani, thank, give, access, opinion, great, 000, jewish, dod, much", + "+++ well, right, say, want, run, state, tri, make, also, new
--- realli, two, thank, access, opinion, thing, sgi, chip, world, need", + "+++ make, time, also, new, repli, tri, look, want, distribut, run
--- well, two, right, say, access, opinion, speed, simm, chip, world", + "+++ well, right, say, repli, want, state, tri, make, problem, year
--- car, realli, two, mani, run, thank, got, access, put, opinion", + "+++ make, time, new, look, repli, usa, want, distribut, good, think
--- car, well, two, c8v, right, say, b8f, thank, okz, access", + "+++ world, peopl, time, well, two, right, new, say, look, want
--- turkey, went, thank, access, opinion, also, serdar, need, number, great", + "+++ make, well, time, two, right, new, say, also, look, good
--- hockey, presid, thank, access, opinion, stephanopoulo, nhl, score, world, great", + "+++ make, well, time, two, question, new, also, repli, look, distribut
--- current, right, say, thank, access, opinion, sale, world, need, great", + "+++ make, time, also, look, repli, distribut, want, run, thank, problem
--- server, client, well, two, right, say, resourc, display, access, opinion", + "+++ well, two, right, say, repli, want, run, thank, net, state
--- ", + "+++ peopl, make, well, time, two, right, new, say, also, good
--- car, mani, thank, access, opinion, thing, world, number, great, question", + "+++ time, new, also, repli, look, distribut, want, run, thank, pleas
--- well, two, right, say, access, opinion, sale, inform, world, need", + "+++ world, peopl, make, well, time, two, question, also, new, say
--- right, mani, thank, access, opinion, thing, great, dod, much, bmw", + "+++ world, peopl, make, well, time, question, right, also, say, human
--- realli, two, mani, run, object, thank, access, opinion, thing, christ", + "+++ access, peopl, make, time, two, right, new, also, propos, distribut
--- well, presid, say, thank, develop, opinion, inform, chip, world, clipper" + ], + [ + "+++ even, way, could, peopl, make, well, time, two, right, also
--- car, arab, weapon, health, give, crime, kill, thing, new, control", + "+++ well, law, right, say, state, even, make, thing, also, new
--- car, realli, two, weapon, mani, run, health, crime, sgi, control", + "+++ could, make, time, new, also, problem, scsi, control, system
--- car, well, two, right, say, mani, thank, thing, speed, simm", + "+++ car, well, right, say, mani, state, even, make, thing, problem
--- realli, two, weapon, health, got, put, crime, gov, new, also", + "+++ car, time, make, new, good, think
--- well, two, c8v, right, say, mani, b8f, okz, thing, also", + "+++ even, year, could, peopl, time, well, number, two, right, new
--- car, turkey, went, mani, thing, also, serdar, world, need, much", + "+++ day, even, make, well, time, two, right, new, say, also
--- car, hockey, presid, mani, stephanopoulo, nhl, thing, score, number, season", + "+++ could, make, well, time, two, new, also, good, system, year
--- car, current, right, say, mani, thing, sale, need, number, question", + "+++ make, time, number, also, problem, file, system, way
--- server, client, car, well, two, right, say, mani, resourc, thank", + "+++ peopl, make, well, time, two, right, new, say, also, good
--- car, weapon, mani, run, thank, health, access, crime, opinion, thing", + "+++ car, well, two, first, law, right, file, say, weapon, mani
--- ", + "+++ time, also, new, file, system
--- car, well, two, right, say, mani, thank, thing, sale, inform", + "+++ well, two, law, say, mani, even, make, thing, also, new
--- said, car, point, first, right, weapon, want, believ, argument, health", + "+++ well, right, say, mani, even, make, thing, also, problem, see
--- car, realli, two, weapon, object, health, crime, christ, new, control", + "+++ could, peopl, make, time, two, public, law, right, new, also
--- car, well, presid, say, mani, develop, access, thing, inform, chip" + ], + [ + "+++ want, also, time
--- well, two, right, say, mani, thank, give, sale, inform, world", + "+++ need, time, drive, also, new, look, distribut, want, run, system
--- well, right, say, thank, thing, sale, sgi, inform, chip, question", + "+++ repli, want, mac, run, thank, help, also, new, version, window
--- imag, price, monitor, netcom, disk, mous, ide, color, instal, set", + "+++ need, time, look, repli, distribut, want, anyon
--- car, well, right, say, mani, thank, thing, also, sale, inform", + "+++ need, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, sale, uchicago, inform, softwar", + "+++ program, need, time, new, look, want, file, work
--- well, two, turkey, right, say, went, thank, also, serdar, sale", + "+++ time, also, new, look, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, sale", + "+++ need, time, imag, new, also, repli, look, includ, want, interest
--- well, current, two, thank, inform, question, softwar, address, list, nasa", + "+++ repli, want, run, thank, data, program, help, also, avail, version
--- server, client, imag, motif, price, applic, color, netcom, resourc, mac", + "+++ time, new, also, repli, look, distribut, want, run, thank, pleas
--- well, two, right, say, access, opinion, sale, inform, world, need", + "+++ time, also, new, file, system
--- car, well, two, right, say, mani, thank, thing, sale, inform", + "+++ imag, price, file, repli, want, mac, run, thank, netcom, data
--- ", + "+++ want, new, also, time
--- well, two, say, mani, thank, thing, sale, inform, world, need", + "+++ want, system, also, time
--- well, right, say, mani, thank, thing, sale, inform, world, need", + "+++ program, need, time, also, new, distribut, data, work, system, inform
--- two, presid, right, thank, develop, access, sale, chip, clipper, softwar" + ], + [ + "+++ said, well, two, say, mani, want, even, make, also, see
--- point, law, right, arab, palestinian, live, govern, believ, argument, state", + "+++ well, law, say, want, even, make, thing, also, new, see
--- said, realli, two, point, right, indiana, mani, run, believ, disk", + "+++ could, make, time, new, also, want
--- well, two, say, mani, thank, thing, speed, simm, chip, world", + "+++ well, point, say, want, mani, even, make, thing, see, world
--- car, realli, two, right, got, put, gov, also, new, sun", + "+++ time, make, new, want, good, think
--- car, well, two, c8v, say, mani, b8f, okz, thing, also", + "+++ even, world, could, said, time, well, two, new, say, want
--- turkey, right, went, mani, thing, also, serdar, need, number, question", + "+++ day, even, said, make, well, time, two, point, new, also
--- hockey, presid, right, mani, stephanopoulo, nhl, thing, score, world, question", + "+++ could, make, scienc, well, two, point, question, new, also, time
--- current, say, mani, thing, sale, world, need, much, work, nasa", + "+++ make, time, also, want, may, way
--- server, client, well, two, say, mani, resourc, thank, display, thing", + "+++ world, peopl, make, well, time, two, question, new, also, say
--- right, mani, thank, access, opinion, thing, great, dod, much, bmw", + "+++ well, two, law, say, mani, even, make, thing, new, also
--- car, said, point, right, weapon, want, believ, argument, health, state", + "+++ want, also, new, time
--- well, two, say, mani, thank, thing, sale, inform, world, need", + "+++ said, well, two, point, law, say, mani, want, believ, argument
--- ", + "+++ said, well, point, say, mani, want, believ, come, even, make
--- atheist, realli, two, law, right, must, argument, object, tri, scienc", + "+++ way, could, make, time, two, law, also, new, peopl, think
--- well, presid, right, say, mani, develop, access, thing, inform, chip" + ], + [ + "+++ said, well, right, say, mani, want, even, make, also, see
--- atheist, realli, two, point, must, arab, palestinian, live, govern, believ", + "+++ realli, well, right, say, want, tri, even, make, thing, also
--- atheist, said, point, law, must, indiana, mani, run, believ, disk", + "+++ could, make, time, also, tri, want, problem, system
--- well, right, say, mani, thank, thing, speed, simm, chip, world", + "+++ realli, well, point, right, say, want, mani, tri, even, make
--- atheist, car, said, must, repli, believ, object, state, system, got", + "+++ time, make, want, good, think
--- car, well, c8v, right, say, mani, b8f, okz, thing, also", + "+++ even, world, could, said, time, well, right, say, want, think
--- two, turkey, went, mani, thing, also, serdar, need, number, question", + "+++ even, said, make, well, time, point, right, also, say, think
--- hockey, two, presid, mani, stephanopoulo, nhl, thing, score, world, question", + "+++ could, make, well, time, point, question, also, want, good, system
--- current, two, right, say, mani, thing, sale, world, need, work", + "+++ way, make, time, also, want, system, problem, tri, may
--- server, client, well, right, say, mani, resourc, thank, display, thing", + "+++ way, world, peopl, make, well, time, question, right, also, say
--- two, mani, thank, access, opinion, thing, great, dod, bmw, find", + "+++ well, right, say, mani, even, make, thing, also, problem, see
--- atheist, car, said, realli, two, point, law, must, weapon, want", + "+++ want, system, also, time
--- well, right, say, mani, thank, thing, sale, inform, world, need", + "+++ said, well, point, say, mani, want, believ, come, even, make
--- atheist, realli, two, law, right, must, object, argument, tri, scienc", + "+++ atheist, said, realli, well, point, right, must, say, mani, want
--- ", + "+++ could, make, time, also, right, may, peopl, think, system, way
--- well, two, presid, say, mani, develop, access, thing, inform, chip" + ], + [ + "+++ could, peopl, make, time, two, right, also, think, govern, year
--- well, presid, say, mani, develop, give, access, inform, chip, world", + "+++ could, need, make, time, key, law, also, right, new, distribut
--- well, two, presid, say, develop, access, thing, sgi, inform, clipper", + "+++ could, need, make, time, comput, new, also, distribut, work, system
--- two, presid, right, thank, develop, access, speed, simm, inform, clipper", + "+++ could, need, make, time, peopl, right, distribut, think, year, state
--- car, well, two, presid, say, mani, develop, access, thing, also", + "+++ need, time, make, new, distribut, think
--- car, two, presid, c8v, right, b8f, develop, okz, access, also", + "+++ program, could, need, time, peopl, two, new, right, year, think
--- well, presid, turkey, say, went, develop, access, also, serdar, inform", + "+++ make, time, two, presid, right, new, also, year, think, first
--- hockey, well, say, develop, access, stephanopoulo, nhl, score, inform, chip", + "+++ could, need, make, time, two, also, new, space, nasa, distribut
--- well, current, presid, right, develop, access, sale, inform, chip, clipper", + "+++ way, program, need, make, time, also, distribut, may, data, work
--- server, client, two, presid, right, resourc, thank, develop, display, access", + "+++ access, peopl, make, time, two, right, new, also, propos, distribut
--- well, presid, say, thank, develop, opinion, inform, chip, world, clipper", + "+++ peopl, could, make, time, two, public, law, right, new, also
--- car, well, presid, say, mani, develop, access, thing, inform, chip", + "+++ program, need, time, also, new, distribut, data, work, system, inform
--- two, presid, right, thank, develop, access, sale, chip, clipper, softwar", + "+++ way, could, make, time, two, law, new, also, peopl, think
--- well, presid, right, say, mani, develop, access, thing, inform, chip", + "+++ could, make, time, also, right, may, peopl, think, system, way
--- well, two, presid, say, mani, develop, access, thing, inform, chip", + "+++ encrypt, commun, two, presid, law, right, govern, privaci, data, develop
--- " ] ], "type": "heatmap", + "uid": "990d6b8a-163e-4b47-9fcb-74acb393f776", "z": [ [ 0, - 0.9361702127659575, - 0.9795918367346939, - 1, - 0.8888888888888888, - 0.8764044943820225, - 0.8764044943820225, - 0.9010989010989011, - 0.717948717948718, - 0.8764044943820225, - 0.8505747126436781, - 0.9473684210526316, - 0.8764044943820225, - 0.7951807228915663, - 0.9473684210526316 - ], - [ - 0.9361702127659575, + 0.8353596757852078, + 0.9776035834266518, + 0.8205588310689567, + 0.9889184397163121, + 0.8053969901401142, + 0.8777207141110296, + 0.9298573766658873, + 0.9660479855138072, + 0.8353596757852078, + 0.8053969901401142, + 1, + 0.773936170212766, + 0.773936170212766, + 0.8911992263056093 + ], + [ + 0.8353596757852078, 0, - 0.7804878048780488, - 1, - 0.8095238095238095, - 0.75, - 0.7951807228915663, - 0.8235294117647058, - 0.9130434782608696, - 0.8636363636363636, - 0.8095238095238095, - 0.7654320987654322, - 0.8636363636363636, - 0.8235294117647058, - 0.8372093023255813 - ], - [ - 0.9795918367346939, - 0.7804878048780488, + 0.773936170212766, + 0.6879432624113476, + 0.91725768321513, + 0.8498122653316645, + 0.8639287481444828, + 0.8353596757852078, + 0.8353596757852078, + 0.7576084029086992, + 0.7898607827685843, + 0.8639287481444828, + 0.7408619749045281, + 0.706047032474804, + 0.8205588310689567 + ], + [ + 0.9776035834266518, + 0.773936170212766, 0, - 0.98989898989899, - 0.8095238095238095, - 0.8095238095238095, - 0.8235294117647058, - 0.7012987012987013, - 0.9247311827956989, - 0.8235294117647058, - 0.7654320987654322, - 0.6111111111111112, - 0.8372093023255813, - 0.9010989010989011, - 0.7804878048780488 - ], - [ - 1, - 1, - 0.98989898989899, + 0.9043748505857041, + 0.9298573766658873, + 0.9542438801189659, + 0.9660479855138072, + 0.8639287481444828, + 0.773936170212766, + 0.8498122653316645, + 0.9298573766658873, + 0.7576084029086992, + 0.9660479855138072, + 0.9421831637372804, + 0.9043748505857041 + ], + [ + 0.8205588310689567, + 0.6879432624113476, + 0.9043748505857041, 0, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1 - ], - [ - 0.8888888888888888, - 0.8095238095238095, - 0.8095238095238095, - 1, + 0.9043748505857041, + 0.8205588310689567, + 0.8205588310689567, + 0.8498122653316645, + 0.91725768321513, + 0.7898607827685843, + 0.7576084029086992, + 0.9542438801189659, + 0.7898607827685843, + 0.7236805747444045, + 0.8911992263056093 + ], + [ + 0.9889184397163121, + 0.91725768321513, + 0.9298573766658873, + 0.9043748505857041, 0, - 0.8235294117647058, - 0.8235294117647058, - 0.7654320987654322, - 0.8505747126436781, - 0.8095238095238095, - 0.75, - 0.7804878048780488, - 0.7804878048780488, - 0.7341772151898734, - 0.75 - ], - [ - 0.8764044943820225, - 0.75, - 0.8095238095238095, - 1, - 0.8235294117647058, + 0.9660479855138072, + 0.9660479855138072, + 0.91725768321513, + 0.9542438801189659, + 0.91725768321513, + 0.9660479855138072, + 0.9421831637372804, + 0.9660479855138072, + 0.9776035834266518, + 0.9660479855138072 + ], + [ + 0.8053969901401142, + 0.8498122653316645, + 0.9542438801189659, + 0.8205588310689567, + 0.9660479855138072, 0, - 0.7654320987654322, - 0.8235294117647058, - 0.8764044943820225, - 0.8372093023255813, - 0.7804878048780488, - 0.7341772151898734, - 0.7654320987654322, - 0.8095238095238095, - 0.8372093023255813 - ], - [ - 0.8764044943820225, - 0.7951807228915663, - 0.8235294117647058, - 1, - 0.8235294117647058, - 0.7654320987654322, + 0.8498122653316645, + 0.9043748505857041, + 0.9043748505857041, + 0.8639287481444828, + 0.8353596757852078, + 0.9421831637372804, + 0.8353596757852078, + 0.8498122653316645, + 0.8777207141110296 + ], + [ + 0.8777207141110296, + 0.8639287481444828, + 0.9660479855138072, + 0.8205588310689567, + 0.9660479855138072, + 0.8498122653316645, 0, - 0.7654320987654322, - 0.8505747126436781, - 0.7341772151898734, - 0.75, - 0.8372093023255813, - 0.8372093023255813, - 0.7654320987654322, - 0.8636363636363636 - ], - [ - 0.9010989010989011, - 0.8235294117647058, - 0.7012987012987013, - 1, - 0.7654320987654322, - 0.8235294117647058, - 0.7654320987654322, + 0.8911992263056093, + 0.9776035834266518, + 0.8498122653316645, + 0.8353596757852078, + 0.9776035834266518, + 0.8353596757852078, + 0.8777207141110296, + 0.91725768321513 + ], + [ + 0.9298573766658873, + 0.8353596757852078, + 0.8639287481444828, + 0.8498122653316645, + 0.91725768321513, + 0.9043748505857041, + 0.8911992263056093, 0, - 0.9010989010989011, - 0.7951807228915663, - 0.7654320987654322, - 0.75, - 0.7951807228915663, - 0.8505747126436781, - 0.8235294117647058 - ], - [ - 0.717948717948718, - 0.9130434782608696, - 0.9247311827956989, - 1, - 0.8505747126436781, - 0.8764044943820225, - 0.8505747126436781, - 0.9010989010989011, + 0.8777207141110296, + 0.8353596757852078, + 0.9043748505857041, + 0.8353596757852078, + 0.8639287481444828, + 0.9043748505857041, + 0.8353596757852078 + ], + [ + 0.9660479855138072, + 0.8353596757852078, + 0.773936170212766, + 0.91725768321513, + 0.9542438801189659, + 0.9043748505857041, + 0.9776035834266518, + 0.8777207141110296, 0, - 0.8888888888888888, - 0.8372093023255813, - 0.9361702127659575, - 0.8505747126436781, - 0.8235294117647058, - 0.9361702127659575 - ], - [ - 0.8764044943820225, - 0.8636363636363636, - 0.8235294117647058, - 1, - 0.8095238095238095, - 0.8372093023255813, - 0.7341772151898734, - 0.7951807228915663, - 0.8888888888888888, + 0.8777207141110296, + 0.9421831637372804, + 0.7236805747444045, + 0.9660479855138072, + 0.9298573766658873, + 0.8911992263056093 + ], + [ + 0.8353596757852078, + 0.7576084029086992, + 0.8498122653316645, + 0.7898607827685843, + 0.91725768321513, + 0.8639287481444828, + 0.8498122653316645, + 0.8353596757852078, + 0.8777207141110296, 0, - 0.7654320987654322, - 0.8235294117647058, - 0.7341772151898734, - 0.8095238095238095, - 0.8372093023255813 - ], - [ - 0.8505747126436781, - 0.8095238095238095, - 0.7654320987654322, - 1, - 0.75, - 0.7804878048780488, - 0.75, - 0.7654320987654322, - 0.8372093023255813, - 0.7654320987654322, + 0.8353596757852078, + 0.8911992263056093, + 0.8498122653316645, + 0.8053969901401142, + 0.8353596757852078 + ], + [ + 0.8053969901401142, + 0.7898607827685843, + 0.9298573766658873, + 0.7576084029086992, + 0.9660479855138072, + 0.8353596757852078, + 0.8353596757852078, + 0.9043748505857041, + 0.9421831637372804, + 0.8353596757852078, 0, - 0.75, - 0.7654320987654322, - 0.75, - 0.7804878048780488 - ], - [ - 0.9473684210526316, - 0.7654320987654322, - 0.6111111111111112, - 1, - 0.7804878048780488, - 0.7341772151898734, - 0.8372093023255813, - 0.75, - 0.9361702127659575, - 0.8235294117647058, - 0.75, + 0.9776035834266518, + 0.7576084029086992, + 0.7898607827685843, + 0.8353596757852078 + ], + [ + 1, + 0.8639287481444828, + 0.7576084029086992, + 0.9542438801189659, + 0.9421831637372804, + 0.9421831637372804, + 0.9776035834266518, + 0.8353596757852078, + 0.7236805747444045, + 0.8911992263056093, + 0.9776035834266518, 0, - 0.8235294117647058, - 0.8636363636363636, - 0.7804878048780488 - ], - [ - 0.8764044943820225, - 0.8636363636363636, - 0.8372093023255813, - 1, - 0.7804878048780488, - 0.7654320987654322, - 0.8372093023255813, - 0.7951807228915663, - 0.8505747126436781, - 0.7341772151898734, - 0.7654320987654322, - 0.8235294117647058, + 0.9889184397163121, + 0.9889184397163121, + 0.9043748505857041 + ], + [ + 0.773936170212766, + 0.7408619749045281, + 0.9660479855138072, + 0.7898607827685843, + 0.9660479855138072, + 0.8353596757852078, + 0.8353596757852078, + 0.8639287481444828, + 0.9660479855138072, + 0.8498122653316645, + 0.7576084029086992, + 0.9889184397163121, 0, - 0.8095238095238095, - 0.8372093023255813 - ], - [ - 0.7951807228915663, - 0.8235294117647058, - 0.9010989010989011, - 1, - 0.7341772151898734, - 0.8095238095238095, - 0.7654320987654322, - 0.8505747126436781, - 0.8235294117647058, - 0.8095238095238095, - 0.75, - 0.8636363636363636, - 0.8095238095238095, + 0.5236583042235631, + 0.9043748505857041 + ], + [ + 0.773936170212766, + 0.706047032474804, + 0.9421831637372804, + 0.7236805747444045, + 0.9776035834266518, + 0.8498122653316645, + 0.8777207141110296, + 0.9043748505857041, + 0.9298573766658873, + 0.8053969901401142, + 0.7898607827685843, + 0.9889184397163121, + 0.5236583042235631, 0, - 0.9010989010989011 - ], - [ - 0.9473684210526316, - 0.8372093023255813, - 0.7804878048780488, - 1, - 0.75, - 0.8372093023255813, - 0.8636363636363636, - 0.8235294117647058, - 0.9361702127659575, - 0.8372093023255813, - 0.7804878048780488, - 0.7804878048780488, - 0.8372093023255813, - 0.9010989010989011, + 0.91725768321513 + ], + [ + 0.8911992263056093, + 0.8205588310689567, + 0.9043748505857041, + 0.8911992263056093, + 0.9660479855138072, + 0.8777207141110296, + 0.91725768321513, + 0.8353596757852078, + 0.8911992263056093, + 0.8353596757852078, + 0.8353596757852078, + 0.9043748505857041, + 0.9043748505857041, + 0.91725768321513, 0 ] ] @@ -1220,10 +1083,10 @@ } }, "text/html": [ - "
" + "
" ], "text/vnd.plotly.v1+html": [ - "
" + "
" ] }, "metadata": {}, @@ -1253,521 +1116,527 @@ { "data": { "application/vnd.plotly.v1+json": { + "config": { + "linkText": "Export to plot.ly", + "plotlyServerURL": "https://plot.ly", + "showLink": true + }, "data": [ { "colorscale": "RdBu", "text": [ [ - "+++ color, henri, engin, window, ftp, includ, version, system, andrew, inform
--- ", - "+++ new, distribut, system, file, also, good
--- could, includ, wire, ibm, want, cmu, scsi, driver, right, carri", - "+++ also, good
--- think, jew, could, believ, includ, ibm, christian, want, life, cmu", - "+++
--- chz, includ, ibm, cmu, scsi, driver, 7ez, 6um, 6ei, look", - "+++ scsi, work, new, system, repli, comput, driver, also, look, good
--- think, play, includ, ibm, better, want, cmu, pittsburgh, right, file", - "+++ data, work, distribut, new, system, inform, comput, chip, also, bit
--- color, think, henri, window, could, engin, escrow, technolog, ftp, includ", - "+++ work, distribut, thank, new, mail, system, repli, anyon, pleas, look
--- think, could, includ, jim, ibm, want, cmu, scsi, driver, amanda", - "+++ packag, work, new, system, comput, also, ibm, look, repli
--- georg, think, could, believ, jim, includ, presid, jake, want, cmu", - "+++ color, window, includ, version, inform, system, program, comput, mit, also
--- henri, engin, ftp, contact, andrew, set, anyon, server, ibm, user", - "+++ data, engin, distribut, new, system, list, anyon, also, pleas, look
--- think, could, includ, ibm, cmu, scsi, driver, center, david, file", - "+++ good, help, work, thank, new, system, comput, anyon, imag, also
--- color, think, henri, window, could, engin, ftp, includ, version, andrew", - "+++ new, also, support, work, good
--- think, could, believ, includ, ibm, christian, want, cmu, scsi, driver", - "+++ work, distribut, new, includ, system, inform, comput, look, also, program
--- think, could, satellit, technolog, ibm, want, cmu, scsi, driver, center", - "+++ scsi, work, help, distribut, new, thank, mail, system, repli, comput
--- color, think, simm, henri, price, could, window, engin, ftp, includ", - "+++ also, look, new, toronto, good
--- think, play, could, includ, ibm, better, cmu, scsi, driver, right" - ], - [ - "+++ new, distribut, system, file, also, good
--- could, includ, wire, ibm, cmu, scsi, want, driver, right, carri", - "+++ keith, ground, could, system, power, law, wire, arm, institut, want
--- ", - "+++ want, say, kill, could, time, may, state, point, peopl, right
--- keith, religion, ground, think, said, jew, live, mean, believ, system", - "+++
--- chz, could, wire, want, 7ez, right, 6um, carri, 6ei, outlet", - "+++ want, say, new, time, system, power, peopl, need, right, make
--- keith, sinc, ground, think, play, could, law, wire, speed, pitt", - "+++ want, say, distribut, could, new, time, may, number, system, peopl
--- keith, ground, think, escrow, technolog, inform, power, wire, arm, institut", - "+++ want, say, distribut, could, new, may, state, system, point, peopl
--- keith, win, ground, men, think, columbia, jim, power, law, anyon", - "+++ want, say, could, new, time, system, point, peopl, right, question
--- keith, georg, ground, think, said, mean, believ, jim, presid, power", - "+++ want, time, may, system, need, file, make, also
--- could, includ, wire, mous, right, carri, outlet, look, machin, even", - "+++ distribut, new, could, may, system, point, peopl, make, year, time
--- keith, request, ground, think, engin, mission, power, gov, law, anyon", - "+++ want, say, could, new, time, may, system, peopl, need, make
--- keith, ground, think, power, jpeg, buy, law, anyon, lot, wire", - "+++ want, say, could, new, time, may, state, power, peopl, law
--- keith, shall, ground, file, think, mean, believ, system, free, wire", - "+++ want, say, distribut, could, new, time, system, peopl, make, year
--- keith, ground, think, satellit, technolog, includ, inform, power, law, design", - "+++ want, distribut, could, usa, new, state, time, system, power, need
--- keith, ground, think, simm, price, law, set, anyon, wire, find", - "+++ say, new, could, time, may, point, right, make, well, even
--- keith, win, ground, think, play, system, power, basebal, law, wire" - ], - [ - "+++ also, good
--- think, jew, could, includ, believ, ibm, christian, cmu, scsi, want", - "+++ want, say, kill, could, time, may, state, point, peopl, right
--- keith, religion, ground, think, said, jew, live, mean, believ, system", - "+++ religion, think, jew, said, live, could, mean, believ, claim, christian
--- ", - "+++ israel
--- chz, think, jew, could, believ, christian, want, life, 7ez, right", - "+++ tri, want, think, say, first, time, peopl, see, take, right
--- religion, sinc, said, jew, play, could, live, mean, believ, system", - "+++ want, think, thing, could, say, time, may, state, peopl, right
--- religion, said, jew, live, mean, escrow, technolog, believ, system, inform", - "+++ tri, want, think, say, could, may, state, point, peopl, come
--- win, religion, men, said, jew, live, mean, columbia, believ, jim", - "+++ think, said, mean, could, believ, want, thing, come, take, right
--- georg, religion, jew, live, jim, presid, system, tax, jake, ibm", - "+++ tri, want, time, may, call, make, also
--- think, jew, could, includ, believ, christian, life, mous, right, look", - "+++ tri, think, thing, could, first, time, may, point, peopl, world
--- request, religion, said, engin, live, jew, mean, believ, system, mission", - "+++ want, think, thing, could, say, first, time, may, peopl, world
--- religion, said, jew, live, mean, believ, system, jpeg, buy, anyon", - "+++ think, mean, could, believ, christian, want, thing, take, right, way
--- shall, religion, said, live, jew, power, law, free, claim, life", - "+++ want, think, thing, could, say, first, time, peopl, take, call
--- religion, said, jew, live, satellit, technolog, includ, mean, believ, system", - "+++ want, think, thing, could, time, state, make, also, good
--- jew, believ, christian, life, scsi, pin, right, look, exist, even", - "+++ think, say, could, first, time, may, point, see, take, right
--- win, religion, said, jew, play, live, mean, believ, basebal, better" - ], - [ - "+++
--- chz, includ, ibm, cmu, scsi, driver, 7ez, 6um, 6ei, look", - "+++
--- chz, could, wire, want, right, carri, 7ez, 6um, outlet, 6ei", - "+++ israel
--- chz, think, jew, could, believ, christian, want, life, right, 7ez", - "+++ fij, chz, r8f, b8g, 147, nuy, 2tct, wm4u, 9f9, b4q
--- ", - "+++
--- chz, think, play, better, want, scsi, pittsburgh, driver, right, 7ez", - "+++
--- chz, think, could, technolog, want, right, 7ez, 6um, 6ei, b8e", - "+++
--- chz, think, could, jim, want, 7ez, 6um, amanda, 6ei, david", - "+++
--- georg, chz, think, could, believ, jim, presid, jake, ibm, want", - "+++
--- chz, includ, want, mous, 7ez, 6um, 6ei, look, b8e, machin", - "+++
--- chz, think, could, 7ez, 6um, center, 6ei, david, look, b8e", - "+++
--- chz, think, could, want, 7ez, 6um, 6ei, look, motorcycl, b8e", - "+++
--- chz, think, could, believ, christian, want, right, 7ez, 6um, 6ei", - "+++
--- chz, think, could, satellit, technolog, includ, want, 7ez, 6um, center", - "+++
--- chz, think, could, want, scsi, pin, 7ez, 6um, 6ei, look", - "+++
--- chz, think, play, could, better, right, 7ez, 6um, 6ei, look" - ], - [ - "+++ scsi, work, new, system, repli, comput, driver, also, look, good
--- think, play, includ, ibm, better, cmu, want, pittsburgh, right, file", - "+++ want, say, new, time, system, power, peopl, need, right, make
--- keith, ground, sinc, think, could, play, law, wire, find, speed", - "+++ tri, want, think, say, first, time, peopl, see, take, right
--- religion, sinc, said, jew, could, live, mean, believ, play, system", - "+++
--- chz, think, play, better, want, scsi, pittsburgh, driver, 7ez, right", - "+++ sinc, think, play, system, power, speed, pitt, better, run, back
--- ", - "+++ want, think, work, say, new, time, system, peopl, comput, need
--- sinc, could, play, escrow, technolog, inform, power, law, speed, pitt", - "+++ tri, want, think, work, say, new, system, repli, peopl, need
--- win, sinc, men, could, play, columbia, jim, power, anyon, speed", - "+++ tri, want, think, work, say, new, first, time, system, peopl
--- georg, sinc, said, mean, could, play, believ, jim, presid, power", - "+++ tri, want, read, work, time, system, problem, comput, need, make
--- color, sinc, think, window, play, includ, version, inform, power, set", - "+++ car, tri, read, think, new, first, time, system, peopl, see
--- request, sinc, engin, could, play, mission, power, gov, anyon, speed", - "+++ good, want, think, work, say, new, first, time, system, peopl
--- sinc, could, play, power, jpeg, buy, anyon, lot, speed, pitt", - "+++ want, think, work, say, new, time, power, peopl, see, take
--- shall, sinc, mean, could, play, believ, system, law, free, speed", - "+++ want, think, work, say, new, first, time, system, problem, comput
--- sinc, could, satellit, technolog, includ, play, inform, power, design, msg", - "+++ car, want, scsi, think, work, new, control, time, system, power
--- sinc, simm, price, could, play, set, anyon, speed, pitt, better", - "+++ good, think, say, play, new, first, time, see, take, right
--- win, sinc, could, system, power, basebal, speed, pitt, defens, realli" - ], - [ - "+++ data, work, distribut, new, system, inform, comput, chip, also, bit
--- think, could, technolog, includ, ibm, cmu, scsi, want, driver, right", - "+++ want, say, distribut, could, new, time, may, mani, system, peopl
--- keith, ground, think, escrow, technolog, power, inform, wire, find, arm", - "+++ want, think, thing, could, say, time, may, state, peopl, right
--- religion, said, jew, live, mean, believ, escrow, technolog, system, inform", - "+++
--- chz, think, could, technolog, want, 7ez, right, 6um, 6ei, b8e", - "+++ want, think, work, say, new, time, system, peopl, comput, need
--- sinc, play, could, escrow, technolog, power, inform, law, speed, pitt", - "+++ think, could, escrow, technolog, system, inform, law, data, want, thing
--- ", - "+++ want, think, work, say, distribut, could, new, may, state, system
--- win, men, columbia, escrow, jim, technolog, inform, law, anyon, data", - "+++ want, think, work, thing, could, say, new, time, system, peopl
--- georg, said, mean, escrow, believ, jim, technolog, presid, inform, tax", - "+++ want, work, time, may, system, inform, comput, need, make, also
--- think, could, technolog, includ, mous, right, look, clipper, machin, file", - "+++ data, think, thing, distribut, could, two, new, may, system, peopl
--- request, engin, escrow, technolog, mission, inform, gov, law, anyon, jpl", - "+++ want, think, work, thing, could, say, new, time, may, system
--- escrow, technolog, inform, jpeg, buy, law, anyon, lot, alaska, realli", - "+++ want, think, work, thing, could, say, new, time, may, govern
--- shall, mean, escrow, believ, technolog, system, power, inform, free, christian", - "+++ want, think, work, thing, could, distribut, technolog, two, say, gener
--- satellit, includ, escrow, law, design, msg, program, data, launch, number", - "+++ want, think, work, thing, distribut, could, two, new, state, time
--- simm, price, escrow, technolog, power, inform, law, set, anyon, data", - "+++ think, say, could, new, two, time, may, right, make, even
--- win, play, escrow, technolog, system, inform, basebal, law, better, run" - ], - [ - "+++ work, distribut, thank, new, mail, system, repli, anyon, pleas, look
--- think, could, includ, jim, ibm, cmu, scsi, want, driver, amanda", - "+++ want, say, distribut, could, new, may, state, system, point, peopl
--- keith, win, ground, men, think, columbia, jim, power, law, wire", - "+++ tri, want, think, say, could, may, state, point, peopl, world
--- religion, win, men, said, jew, live, mean, believ, columbia, jim", - "+++
--- chz, think, could, jim, want, 7ez, 6um, amanda, 6ei, david", - "+++ tri, want, think, work, say, new, system, repli, peopl, need
--- win, sinc, men, play, could, columbia, jim, power, anyon, speed", - "+++ want, think, work, say, distribut, could, new, may, state, system
--- win, men, escrow, technolog, columbia, jim, inform, law, anyon, data", - "+++ win, men, think, could, columbia, jim, system, anyon, want, john
--- ", - "+++ tri, want, think, work, say, could, new, jim, system, point
--- georg, win, men, said, mean, columbia, believ, presid, tax, jake", - "+++ tri, want, work, thank, name, may, mail, system, need, make
--- color, win, men, think, window, could, columbia, includ, jim, version", - "+++ tri, think, org, distribut, could, new, may, state, system, point
--- request, win, men, engin, columbia, jim, mission, gov, jpl, data", - "+++ good, want, think, work, say, could, thank, new, may, system
--- win, men, columbia, jim, jpeg, buy, lot, alaska, realli, bike", - "+++ want, think, work, say, could, new, may, state, peopl, take
--- shall, win, men, mean, columbia, believ, jim, system, power, law", - "+++ want, think, work, say, distribut, could, new, system, peopl, take
--- win, men, satellit, technolog, includ, columbia, jim, inform, design, msg", - "+++ want, think, work, distribut, could, new, thank, state, mail, system
--- win, men, simm, price, columbia, jim, power, set, find, board", - "+++ win, think, say, could, new, may, point, take, make, time
--- men, play, columbia, jim, system, basebal, anyon, better, run, back" - ], - [ - "+++ packag, work, new, system, comput, also, ibm, look, repli
--- georg, think, could, includ, believ, jim, presid, jake, cmu, scsi", - "+++ want, say, could, new, time, system, point, peopl, right, question
--- keith, georg, ground, think, said, mean, believ, jim, power, presid", - "+++ think, said, mean, could, believ, want, thing, come, take, right
--- religion, georg, jew, live, jim, presid, system, tax, jake, ibm", - "+++
--- georg, chz, think, could, believ, jim, presid, jake, ibm, want", - "+++ tri, want, think, work, say, new, first, time, system, peopl
--- georg, sinc, said, mean, play, could, believ, jim, power, presid", - "+++ want, think, work, thing, could, say, new, time, system, peopl
--- georg, said, mean, escrow, technolog, believ, jim, inform, presid, tax", - "+++ tri, want, think, work, say, could, new, jim, system, point
--- win, georg, men, said, mean, columbia, believ, presid, tax, jake", - "+++ georg, think, said, mean, could, believ, jim, presid, system, tax
--- ", - "+++ tri, want, work, time, system, comput, make, also, look
--- georg, think, could, includ, believ, jim, presid, jake, ibm, mous", - "+++ tri, think, thing, could, new, first, system, look, point, peopl
--- request, georg, said, engin, mean, believ, jim, mission, presid, gov", - "+++ want, think, work, thing, could, say, first, new, time, system
--- georg, said, mean, believ, jim, presid, tax, jpeg, buy, jake", - "+++ want, think, work, thing, mean, could, say, believ, new, time
--- shall, georg, said, jim, presid, power, system, tax, law, jake", - "+++ want, think, work, thing, could, say, new, first, time, system
--- georg, said, mean, satellit, technolog, includ, believ, jim, inform, presid", - "+++ want, think, work, thing, could, new, time, system, comput, make
--- georg, believ, jim, presid, jake, ibm, scsi, pin, right, talk", - "+++ think, say, could, new, first, time, point, take, right, make
--- win, georg, said, mean, play, believ, jim, presid, system, basebal" - ], - [ - "+++ color, window, includ, version, inform, system, program, comput, display, also
--- henri, engin, ftp, andrew, contact, set, anyon, server, ibm, user", - "+++ want, time, may, system, need, file, make, also
--- could, includ, wire, mous, right, carri, outlet, look, machin, even", - "+++ tri, want, time, may, call, make, also
--- think, jew, could, believ, includ, christian, life, mous, right, look", - "+++
--- chz, includ, want, mous, 7ez, 6um, 6ei, look, b8e, machin", - "+++ tri, want, read, work, time, system, problem, comput, need, make
--- color, sinc, think, window, play, includ, version, power, inform, set", - "+++ want, work, time, may, system, inform, comput, need, make, also
--- color, file, chang, think, window, could, escrow, technolog, includ, version", - "+++ tri, want, work, thank, name, may, mail, system, need, make
--- color, win, men, think, chang, window, could, columbia, includ, jim", - "+++ tri, want, work, time, system, comput, make, also, look
--- georg, think, could, believ, jim, includ, presid, jake, ibm, mous", - "+++ color, window, includ, version, inform, system, set, server, program, run
--- ", - "+++ tri, read, may, system, look, list, make, time, pleas, also
--- think, could, includ, want, mous, center, david, machin, file, much", - "+++ want, help, work, thank, time, may, system, comput, need, call
--- color, think, window, could, includ, version, inform, jpeg, buy, set", - "+++ want, work, may, make, time, also
--- think, could, believ, includ, christian, mous, right, look, machin, case", - "+++ want, work, includ, time, system, inform, comput, look, problem, call
--- color, think, window, could, satellit, technolog, version, design, set, msg", - "+++ want, help, work, thank, time, mail, system, problem, comput, need
--- color, chang, think, simm, window, price, could, includ, version, power", - "+++ may, look, make, time, also, run
--- think, play, could, includ, better, want, mous, right, start, machin" - ], - [ - "+++ data, engin, distribut, new, system, list, anyon, also, pleas, look
--- color, request, henri, think, window, could, ftp, includ, earth, version", - "+++ distribut, new, could, time, may, system, point, peopl, make, year
--- think, wire, want, right, carri, center, outlet, david, look, file", - "+++ tri, think, thing, could, first, time, may, point, peopl, world
--- religion, request, said, jew, live, mean, believ, engin, system, mission", - "+++
--- chz, think, could, 7ez, 6um, center, 6ei, david, look, b8e", - "+++ car, tri, read, think, new, first, time, system, peopl, see
--- request, sinc, engin, play, could, power, mission, gov, anyon, speed", - "+++ data, think, thing, distribut, could, two, new, may, time, system
--- request, engin, escrow, technolog, inform, mission, gov, law, anyon, jpl", - "+++ tri, think, org, distribut, could, new, may, state, system, point
--- win, request, men, engin, columbia, jim, mission, gov, jpl, data", - "+++ tri, think, thing, could, new, first, time, system, point, peopl
--- georg, request, said, mean, engin, believ, jim, presid, mission, tax", - "+++ tri, read, time, may, system, list, make, also, pleas, look
--- think, could, includ, want, mous, center, david, machin, file, much", - "+++ request, think, engin, could, earth, system, mission, gov, anyon, jpl
--- ", - "+++ think, thing, could, first, new, time, may, system, peopl, world
--- request, engin, mission, gov, jpeg, buy, lot, alaska, realli, jpl", - "+++ think, thing, could, new, time, may, peopl, see, much, make
--- shall, request, mean, engin, believ, system, power, mission, gov, law", - "+++ think, thing, distribut, could, two, new, first, 1993, system, space
--- request, engin, satellit, technolog, includ, inform, mission, gov, design, msg", - "+++ car, think, thing, distribut, could, two, new, state, time, system
--- request, simm, engin, price, power, mission, gov, set, jpl, data", - "+++ think, could, new, two, first, may, time, point, see, much
--- win, request, engin, play, system, mission, basebal, gov, anyon, better" - ], - [ - "+++ help, work, thank, new, system, repli, comput, anyon, imag, also
--- color, henri, think, window, engin, ftp, could, includ, version, andrew", - "+++ want, say, could, new, time, may, system, peopl, need, make
--- keith, ground, think, power, law, jpeg, buy, wire, anyon, find", - "+++ want, think, thing, could, say, first, time, may, peopl, world
--- religion, said, jew, live, mean, believ, system, jpeg, buy, anyon", - "+++
--- chz, think, could, want, 7ez, 6um, 6ei, look, b8e, motorcycl", - "+++ want, think, work, say, new, first, time, system, repli, comput
--- sinc, play, could, power, jpeg, buy, anyon, lot, speed, pitt", - "+++ want, think, work, thing, could, say, new, time, may, system
--- escrow, technolog, inform, law, jpeg, buy, anyon, lot, alaska, realli", - "+++ want, think, work, say, could, thank, new, may, system, repli
--- win, men, columbia, jim, jpeg, buy, lot, alaska, realli, bike", - "+++ want, think, work, thing, could, say, new, first, time, system
--- georg, said, mean, believ, jim, presid, tax, jake, jpeg, buy", - "+++ want, help, work, thank, time, may, system, comput, need, call
--- color, think, window, could, includ, version, inform, jpeg, buy, set", - "+++ think, thing, could, new, first, may, system, look, world, peopl
--- request, engin, mission, gov, jpeg, buy, lot, alaska, jpl, data", - "+++ think, could, system, jpeg, buy, anyon, lot, realli, alaska, want
--- ", - "+++ want, think, work, thing, could, say, new, time, may, case
--- shall, mean, believ, system, power, law, jpeg, free, buy, anyon", - "+++ want, think, work, thing, could, say, new, first, time, system
--- satellit, technolog, includ, inform, jpeg, design, buy, msg, anyon, lot", - "+++ want, think, work, thing, could, help, new, thank, time, system
--- simm, price, power, jpeg, buy, set, lot, alaska, realli, board", - "+++ think, say, could, new, first, time, may, see, much, make
--- win, play, system, basebal, jpeg, buy, anyon, lot, better, run" - ], - [ - "+++ new, also, support, work, good
--- think, could, includ, believ, ibm, christian, cmu, scsi, want, driver", - "+++ want, say, could, new, time, may, state, power, peopl, law
--- keith, shall, ground, think, mean, believ, system, free, wire, find", - "+++ think, mean, could, believ, christian, want, thing, take, right, way
--- religion, shall, said, jew, live, power, law, free, claim, life", - "+++
--- chz, think, could, believ, christian, want, 7ez, right, 6um, 6ei", - "+++ want, think, work, say, new, time, power, peopl, see, take
--- shall, sinc, mean, play, could, believ, system, law, free, speed", - "+++ want, think, work, thing, could, say, new, time, may, govern
--- shall, mean, escrow, technolog, believ, system, inform, power, free, christian", - "+++ want, think, work, say, could, new, may, state, peopl, take
--- believ, jim, christian, right, amanda, david, look, case, much, public", - "+++ want, think, work, thing, mean, could, say, believ, new, time
--- georg, shall, said, jim, presid, system, power, tax, jake, law", - "+++ want, work, may, make, time, also
--- think, could, includ, believ, christian, mous, right, look, machin, case", - "+++ think, thing, could, new, time, may, peopl, see, much, make
--- request, shall, engin, mean, believ, system, mission, power, gov, law", - "+++ want, think, work, thing, could, say, new, time, may, case
--- shall, mean, believ, system, power, jpeg, buy, law, free, anyon", - "+++ shall, think, mean, could, believ, power, law, free, christian, want
--- ", - "+++ want, think, work, thing, could, say, new, time, peopl, take
--- shall, mean, satellit, technolog, includ, believ, system, inform, power, law", - "+++ want, think, work, thing, could, new, time, state, power, make
--- believ, christian, scsi, pin, right, look, case, much, public, even", - "+++ think, say, could, new, time, may, see, take, right, much
--- win, shall, mean, play, believ, power, basebal, law, free, better" - ], - [ - "+++ work, distribut, new, includ, system, inform, comput, look, also, program
--- think, could, satellit, technolog, ibm, cmu, scsi, want, driver, center", - "+++ want, say, distribut, could, new, time, system, peopl, make, year
--- think, satellit, technolog, includ, wire, right, carri, center, outlet, look", - "+++ want, think, thing, could, say, first, time, peopl, take, call
--- religion, said, jew, live, mean, believ, satellit, technolog, includ, system", - "+++
--- chz, think, could, satellit, technolog, includ, want, 7ez, 6um, center", - "+++ want, think, work, say, new, first, time, system, problem, comput
--- sinc, play, could, satellit, technolog, includ, power, inform, design, msg", - "+++ want, think, work, thing, could, distribut, technolog, two, say, gener
--- satellit, escrow, includ, law, design, msg, program, data, launch, book", - "+++ want, think, work, say, distribut, could, new, system, peopl, take
--- win, men, satellit, columbia, technolog, jim, includ, inform, design, anyon", - "+++ want, think, work, thing, could, say, new, first, time, system
--- georg, said, mean, satellit, technolog, believ, jim, includ, presid, inform", - "+++ want, work, includ, time, system, inform, comput, look, problem, call
--- color, think, window, could, satellit, technolog, version, design, set, msg", - "+++ think, thing, distribut, could, two, new, first, 1993, system, look
--- request, engin, satellit, technolog, includ, mission, inform, gov, design, anyon", - "+++ want, think, work, thing, could, say, first, new, time, system
--- satellit, technolog, includ, inform, jpeg, buy, design, anyon, lot, msg", - "+++ want, think, work, thing, could, say, new, time, peopl, take
--- shall, mean, satellit, technolog, believ, includ, system, power, inform, law", - "+++ think, could, satellit, technolog, includ, system, inform, design, msg, program
--- ", - "+++ want, think, work, thing, distribut, could, two, new, time, system
--- simm, price, satellit, technolog, includ, power, inform, design, set, anyon", - "+++ think, say, could, new, two, first, time, take, much, make
--- win, play, satellit, technolog, includ, system, inform, basebal, design, msg" - ], - [ - "+++ scsi, work, help, distribut, thank, new, mail, system, repli, comput
--- color, henri, think, window, engin, ftp, simm, includ, price, could", - "+++ want, distribut, could, sale, new, time, state, system, power, need
--- keith, ground, think, simm, price, law, set, wire, anyon, find", - "+++ want, think, thing, could, time, state, make, also, good
--- jew, believ, christian, life, scsi, pin, right, look, exist, even", - "+++
--- chz, think, could, want, scsi, pin, 7ez, 6um, 6ei, look", - "+++ car, want, scsi, think, work, new, control, time, system, power
--- sinc, simm, play, price, could, set, anyon, speed, pitt, better", - "+++ want, think, work, thing, distribut, could, two, new, time, state
--- simm, price, escrow, technolog, inform, power, law, set, anyon, data", - "+++ want, think, work, distribut, could, thank, new, state, mail, system
--- win, men, simm, price, columbia, jim, power, set, board, scsi", - "+++ want, think, work, thing, could, new, time, system, comput, make
--- georg, simm, said, mean, price, believ, jim, presid, power, tax", - "+++ want, help, work, thank, time, mail, system, problem, comput, need
--- color, think, simm, window, price, could, includ, version, inform, power", - "+++ car, think, thing, distribut, could, two, new, state, system, look
--- request, simm, engin, price, mission, power, gov, set, jpl, data", - "+++ good, want, think, work, thing, could, help, thank, new, time
--- simm, price, power, jpeg, buy, set, lot, alaska, realli, board", - "+++ want, think, work, thing, could, new, time, state, power, make
--- shall, simm, mean, rom, price, believ, system, law, free, set", - "+++ want, think, work, thing, distribut, could, two, new, time, system
--- simm, satellit, technolog, includ, price, inform, power, design, set, msg", - "+++ simm, think, could, price, system, power, set, anyon, want, board
--- ", - "+++ think, could, new, two, time, make, also, look, good
--- play, better, want, scsi, pin, right, start, let, team, much" - ], - [ - "+++ also, look, new, toronto, good
--- think, play, could, includ, ibm, better, cmu, scsi, driver, right", - "+++ say, could, new, time, may, point, right, make, well, even
--- keith, win, ground, think, play, system, power, basebal, law, wire", - "+++ think, say, could, first, time, may, point, see, take, right
--- religion, win, said, jew, live, mean, believ, play, basebal, better", - "+++
--- chz, think, play, could, better, 7ez, right, 6um, 6ei, look", - "+++ good, think, say, play, new, first, time, see, take, right
--- win, sinc, could, system, power, basebal, speed, pitt, realli, defens", - "+++ think, say, could, new, two, time, may, right, make, even
--- win, play, escrow, technolog, system, inform, basebal, law, better, run", - "+++ win, think, say, could, new, may, point, take, make, time
--- play, jim, better, want, right, amanda, david, start, let, team", - "+++ think, say, could, new, first, time, point, take, right, make
--- georg, win, said, mean, play, believ, jim, presid, system, basebal", - "+++ may, look, make, time, also, run
--- think, play, could, includ, better, want, mous, right, machin, start", - "+++ think, could, new, two, time, first, may, point, see, much
--- request, win, engin, play, system, mission, basebal, gov, anyon, better", - "+++ think, say, could, first, new, time, may, see, much, make
--- win, play, system, basebal, jpeg, buy, anyon, lot, better, alaska", - "+++ think, say, could, new, time, may, see, take, right, much
--- shall, win, mean, play, believ, power, basebal, law, free, better", - "+++ think, say, could, new, two, first, time, take, much, make
--- win, satellit, technolog, includ, play, system, inform, basebal, design, msg", - "+++ think, could, new, two, time, make, also, look, good
--- play, better, want, scsi, pin, right, start, let, team, much", - "+++ win, think, could, play, basebal, better, realli, run, defens, back
--- " + "+++ said, well, two, american, right, arab, say, palestinian, mani, want
--- ", + "+++ even, could, make, well, time, question, right, also, say, want
--- two, mani, give, thing, sgi, chip, world, need, 000, jewish", + "+++ could, time, make, also, want
--- well, two, right, say, mani, thank, give, speed, simm, chip", + "+++ even, world, could, peopl, make, well, time, right, say, want
--- car, two, give, thing, also, happen, need, 000, jewish, question", + "+++ want, time, think, make
--- car, well, two, c8v, right, say, mani, b8f, okz, give", + "+++ even, world, could, said, kill, well, time, two, peopl, right
--- turkey, went, mani, give, also, serdar, need, number, 000, jewish", + "+++ even, said, make, well, time, two, right, also, say, think
--- hockey, presid, mani, give, stephanopoulo, nhl, score, world, 000, jewish", + "+++ could, make, well, time, two, question, also, want, year
--- current, right, say, mani, give, sale, world, need, 000, jewish", + "+++ make, time, also, want, call, way
--- server, client, well, two, right, say, mani, resourc, thank, display", + "+++ way, world, peopl, make, well, time, two, question, right, also
--- mani, thank, access, give, opinion, great, 000, jewish, dod, much", + "+++ even, way, peopl, could, make, well, time, two, right, also
--- car, give, thing, world, number, 000, jewish, question, amend, polici", + "+++ want, also, time
--- well, two, right, say, mani, thank, give, sale, inform, world", + "+++ said, well, two, say, mani, want, even, make, also, see
--- point, law, right, arab, american, palestinian, live, believ, argument, govern", + "+++ said, well, right, say, mani, want, even, make, also, see
--- atheist, realli, two, point, must, arab, palestinian, live, believ, object", + "+++ could, peopl, make, time, two, right, also, think, govern, year
--- well, presid, say, mani, develop, access, give, inform, chip, world" + ], + [ + "+++ even, could, make, well, time, question, right, also, say, want
--- two, mani, give, thing, sgi, chip, world, need, 000, jewish", + "+++ realli, well, law, right, say, indiana, want, run, disk, state
--- ", + "+++ want, run, disk, tri, make, also, new, problem, version, chip
--- realli, well, right, say, mac, thank, ide, thing, speed, simm", + "+++ realli, well, right, say, want, state, tri, even, make, thing
--- car, point, law, repli, indiana, mani, run, disk, system, got", + "+++ need, make, time, new, look, distribut, want, good, think, anyon
--- car, well, c8v, right, say, b8f, okz, thing, also, sgi", + "+++ even, could, need, time, well, right, new, say, look, want
--- two, turkey, went, thing, also, serdar, sgi, chip, world, number", + "+++ even, make, well, time, right, new, say, also, look, think
--- hockey, two, presid, stephanopoulo, nhl, thing, sgi, score, chip, need", + "+++ could, need, make, well, time, question, new, also, look, distribut
--- current, two, right, say, thing, sale, sgi, chip, much, softwar", + "+++ need, make, time, bit, also, look, distribut, want, run, problem
--- server, client, well, right, say, resourc, thank, display, thing, sourc", + "+++ well, right, say, want, run, state, tri, make, new, also
--- realli, two, thank, access, opinion, thing, sgi, chip, world, need", + "+++ well, law, right, say, state, even, make, thing, new, also
--- car, realli, two, file, weapon, mani, run, health, crime, sgi", + "+++ need, time, drive, new, also, look, distribut, want, run, system
--- well, right, say, thank, thing, sale, sgi, inform, chip, question", + "+++ well, law, say, want, even, make, thing, also, new, see
--- realli, two, right, mani, run, church, sgi, claim, chip, world", + "+++ realli, well, right, say, want, tri, even, make, thing, also
--- atheist, said, point, law, must, indiana, mani, run, believ, object", + "+++ could, need, make, time, key, law, new, right, also, distribut
--- well, two, presid, say, develop, access, thing, sgi, inform, clipper" + ], + [ + "+++ could, time, make, also, want
--- well, two, right, say, mani, thank, give, speed, simm, chip", + "+++ want, run, disk, tri, system, make, also, new, problem, version
--- realli, well, law, right, say, repli, indiana, monitor, mac, color", + "+++ repli, monitor, want, mac, run, thank, disk, mous, ide, color
--- ", + "+++ could, need, make, time, anyon, look, repli, distribut, want, problem
--- car, well, right, say, mani, thank, thing, also, speed, simm", + "+++ need, make, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, speed, simm, uchicago, chip", + "+++ could, need, time, new, look, want, work
--- well, two, turkey, right, say, went, thank, also, speed, serdar", + "+++ make, time, also, new, look, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, speed", + "+++ could, need, make, time, new, also, repli, look, distribut, want
--- well, current, two, thank, speed, simm, sale, chip, question, nasa", + "+++ repli, want, color, run, thank, set, tri, make, help, also
--- server, client, motif, applic, monitor, mous, resourc, mac, data, disk", + "+++ make, time, new, also, repli, look, distribut, want, run, thank
--- well, two, right, say, access, opinion, speed, simm, chip, world", + "+++ could, make, time, also, new, problem, scsi, control, system
--- car, well, two, right, say, mani, thank, thing, speed, simm", + "+++ repli, want, mac, run, thank, system, help, new, also, version
--- imag, price, monitor, color, mous, netcom, disk, data, ide, instal", + "+++ could, make, time, new, also, want
--- well, two, say, mani, thank, thing, speed, simm, chip, world", + "+++ could, make, time, also, want, system, problem, tri
--- well, right, say, mani, thank, thing, speed, simm, chip, world", + "+++ could, need, make, time, comput, also, new, distribut, work, system
--- two, presid, right, thank, develop, access, speed, simm, inform, clipper" + ], + [ + "+++ even, world, could, peopl, make, well, time, right, say, mani
--- car, two, give, thing, also, happen, need, 000, jewish, question", + "+++ realli, well, right, say, want, state, tri, even, make, thing
--- car, point, law, first, repli, indiana, mani, run, disk, got", + "+++ could, need, make, time, anyon, look, repli, distribut, want, problem
--- car, well, right, say, mani, thank, thing, also, speed, simm", + "+++ car, realli, well, point, first, right, say, repli, want, mani
--- ", + "+++ need, car, make, time, look, repli, distribut, want, good, think
--- well, c8v, right, say, mani, b8f, okz, thing, uchicago, happen", + "+++ even, world, could, need, time, well, peopl, right, look, say
--- car, two, turkey, went, mani, thing, serdar, happen, number, dod", + "+++ even, make, well, time, point, right, look, say, good, think
--- car, hockey, two, presid, mani, stephanopoulo, nhl, also, thing, score", + "+++ could, need, gov, well, make, time, point, look, repli, sun
--- car, current, two, right, say, mani, thing, also, sale, happen", + "+++ need, make, time, look, repli, distribut, want, problem, tri, way
--- server, client, car, well, right, say, mani, resourc, thank, display", + "+++ well, right, say, repli, want, state, tri, make, problem, year
--- car, realli, two, point, first, mani, run, thank, net, bnr", + "+++ car, well, right, say, mani, state, even, make, thing, problem
--- realli, two, point, law, repli, weapon, want, health, system, case", + "+++ need, time, look, repli, distribut, want, anyon
--- car, well, right, say, mani, thank, thing, also, sale, inform", + "+++ well, point, say, mani, want, even, make, thing, see, world
--- said, car, realli, two, first, law, right, repli, believ, argument", + "+++ realli, well, point, right, say, mani, want, tri, even, make
--- atheist, said, car, first, must, repli, believ, object, state, got", + "+++ could, need, make, time, peopl, right, distribut, think, year, state
--- car, well, two, presid, say, mani, develop, access, thing, also" + ], + [ + "+++ want, time, think, make
--- car, well, two, right, c8v, say, mani, b8f, okz, give", + "+++ need, make, time, new, look, distribut, want, good, think, anyon
--- car, well, right, c8v, say, b8f, okz, thing, also, sgi", + "+++ need, make, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, speed, simm, uchicago, chip", + "+++ need, car, make, time, look, repli, distribut, want, good, think
--- well, right, c8v, say, mani, b8f, okz, thing, uchicago, happen", + "+++ 2tm, 1eq, car, c8v, 2di, repli, want, b8f, 1d9, 7ey
--- ", + "+++ need, time, new, look, want, think
--- car, well, two, turkey, right, c8v, say, went, b8f, okz", + "+++ time, make, new, look, good, think
--- car, hockey, well, two, presid, right, c8v, say, b8f, okz", + "+++ need, make, time, new, look, repli, distribut, want, good, engin
--- car, well, current, two, c8v, b8f, okz, also, sale, uchicago", + "+++ need, make, time, look, repli, distribut, want
--- server, client, car, c8v, b8f, resourc, thank, okz, display, also", + "+++ make, time, new, look, repli, usa, want, distribut, good, think
--- car, well, two, right, c8v, say, b8f, thank, okz, access", + "+++ car, time, make, new, good, think
--- well, two, right, c8v, say, mani, b8f, okz, thing, also", + "+++ need, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, sale, uchicago, inform, softwar", + "+++ time, make, new, want, good, think
--- car, well, two, c8v, say, mani, b8f, okz, thing, also", + "+++ time, make, want, good, think
--- car, well, right, c8v, say, mani, b8f, okz, thing, also", + "+++ need, time, make, new, distribut, think
--- car, two, presid, right, c8v, b8f, develop, okz, access, also" + ], + [ + "+++ even, world, could, said, kill, well, time, two, peopl, right
--- turkey, went, mani, give, also, serdar, need, number, 000, jewish", + "+++ even, could, need, time, well, right, new, say, look, want
--- two, turkey, went, thing, also, serdar, sgi, chip, world, number", + "+++ could, need, time, new, look, want, work
--- well, two, turkey, right, say, went, thank, also, speed, serdar", + "+++ even, world, could, need, time, well, peopl, right, look, say
--- car, two, turkey, went, mani, thing, serdar, happen, number, dod", + "+++ need, time, new, look, want, think
--- car, well, two, turkey, c8v, right, say, went, b8f, okz", + "+++ said, armenia, well, two, turkey, right, say, went, want, live
--- ", + "+++ even, said, time, well, two, right, new, say, look, think
--- hockey, presid, turkey, went, stephanopoulo, nhl, also, serdar, score, world", + "+++ could, need, time, well, two, new, look, want, year, work
--- current, turkey, right, say, went, also, serdar, sale, world, number", + "+++ program, need, time, number, work, look, want, name, file, call
--- server, client, well, two, turkey, right, say, went, resourc, thank", + "+++ world, peopl, time, well, two, right, new, say, look, want
--- turkey, went, thank, access, opinion, also, serdar, need, great, number", + "+++ even, peopl, could, time, well, number, two, right, new, say
--- car, turkey, went, mani, thing, also, serdar, world, need, much", + "+++ program, need, time, new, look, want, file, work
--- well, two, turkey, right, say, went, thank, also, serdar, sale", + "+++ even, world, could, said, time, well, two, new, say, want
--- turkey, right, went, mani, thing, also, serdar, need, number, question", + "+++ even, world, could, said, time, well, right, say, want, think
--- two, turkey, went, mani, thing, also, serdar, need, number, question", + "+++ program, could, need, time, peopl, two, new, right, year, think
--- well, presid, turkey, say, went, develop, access, also, serdar, inform" + ], + [ + "+++ even, said, make, well, time, two, right, also, say, think
--- hockey, presid, mani, give, stephanopoulo, nhl, score, world, 000, jewish", + "+++ even, make, well, time, right, also, say, new, look, think
--- hockey, two, presid, stephanopoulo, thing, nhl, sgi, score, chip, need", + "+++ make, time, also, look, new, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, speed", + "+++ even, make, well, time, point, right, look, say, good, think
--- car, hockey, two, presid, mani, stephanopoulo, thing, nhl, also, score", + "+++ time, make, new, look, good, think
--- car, hockey, well, two, presid, c8v, right, say, b8f, okz", + "+++ even, said, time, well, two, right, new, say, look, think
--- hockey, presid, turkey, went, stephanopoulo, nhl, also, serdar, score, world", + "+++ game, said, play, hockey, well, two, point, presid, hit, right
--- ", + "+++ make, well, time, two, point, new, also, look, good, run
--- hockey, current, presid, right, say, stephanopoulo, nhl, sale, score, need", + "+++ make, time, also, look, run
--- server, client, hockey, well, two, presid, right, say, resourc, thank", + "+++ make, well, time, two, right, new, say, also, look, good
--- hockey, presid, thank, access, opinion, stephanopoulo, nhl, score, world, great", + "+++ day, even, make, well, time, two, right, new, say, also
--- car, hockey, presid, mani, stephanopoulo, thing, nhl, score, number, season", + "+++ time, also, new, look, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, sale", + "+++ day, even, said, make, well, time, two, point, also, new
--- hockey, presid, right, mani, stephanopoulo, thing, nhl, score, world, question", + "+++ even, said, make, well, time, point, right, also, say, think
--- hockey, two, presid, mani, stephanopoulo, thing, nhl, score, world, question", + "+++ make, time, two, presid, right, new, also, year, think, first
--- hockey, well, say, develop, access, stephanopoulo, nhl, inform, chip, score" + ], + [ + "+++ could, make, well, time, two, question, also, want, year
--- current, right, say, mani, give, sale, world, need, 000, jewish", + "+++ could, need, make, well, time, question, also, new, look, distribut
--- current, two, right, say, thing, sale, sgi, chip, much, softwar", + "+++ could, need, make, time, also, new, repli, look, distribut, want
--- well, current, two, thank, speed, simm, sale, chip, question, nasa", + "+++ could, need, make, well, gov, time, point, look, repli, sun
--- car, current, two, right, say, mani, thing, also, sale, happen", + "+++ need, make, time, new, look, repli, distribut, want, good, engin
--- car, well, current, two, c8v, b8f, okz, also, sale, uchicago", + "+++ could, need, time, well, two, new, look, want, year, work
--- current, turkey, right, say, went, also, serdar, sale, world, number", + "+++ make, well, time, two, point, new, also, look, good, run
--- hockey, current, presid, right, say, stephanopoulo, nhl, sale, score, need", + "+++ well, imag, two, point, current, wire, repli, want, pitt, run
--- ", + "+++ need, make, time, also, look, repli, includ, want, distribut, run
--- server, client, well, current, two, resourc, thank, display, sourc, sale", + "+++ make, well, time, two, question, new, also, repli, look, distribut
--- current, right, say, thank, access, opinion, sale, world, need, great", + "+++ could, make, well, time, two, first, new, also, good, year
--- car, current, right, say, mani, thing, sale, need, number, question", + "+++ need, time, imag, new, also, repli, look, includ, want, interest
--- well, current, two, thank, inform, question, softwar, address, list, nasa", + "+++ could, make, well, scienc, two, point, question, also, new, time
--- current, say, mani, thing, sale, world, need, much, work, nasa", + "+++ could, make, well, time, point, question, also, want, good, system
--- current, two, right, say, mani, thing, sale, world, need, work", + "+++ could, need, make, time, two, also, new, space, distribut, nasa
--- well, current, presid, right, develop, access, sale, inform, chip, clipper" + ], + [ + "+++ make, time, also, want, call, way
--- server, client, well, two, right, say, mani, resourc, thank, display", + "+++ need, make, time, bit, also, look, distribut, want, run, problem
--- server, client, well, right, say, resourc, thank, display, thing, sourc", + "+++ repli, want, color, run, thank, set, tri, make, help, also
--- server, client, motif, applic, file, monitor, mac, disk, mous, ide", + "+++ need, make, time, look, repli, distribut, want, problem, tri, way
--- server, client, car, well, right, say, mani, resourc, thank, display", + "+++ need, make, time, look, repli, distribut, want
--- server, client, car, c8v, b8f, resourc, thank, okz, display, also", + "+++ program, need, time, number, work, look, want, name, file, call
--- server, client, well, two, turkey, right, say, went, resourc, thank", + "+++ make, time, also, look, run
--- server, client, hockey, well, two, presid, right, say, resourc, thank", + "+++ need, make, time, also, look, repli, includ, want, distribut, run
--- server, client, well, current, two, resourc, thank, display, sourc, sale", + "+++ server, client, motif, applic, repli, want, color, run, thank, resourc
--- ", + "+++ make, time, also, look, repli, distribut, want, run, thank, problem
--- server, client, well, two, right, say, resourc, display, access, opinion", + "+++ make, time, number, also, problem, file, system, way
--- server, client, car, well, two, right, say, mani, resourc, thank", + "+++ repli, want, run, thank, data, program, help, also, avail, version
--- server, client, imag, price, motif, applic, mac, resourc, netcom, color", + "+++ make, time, also, want, may, way
--- server, client, well, two, say, mani, resourc, thank, display, thing", + "+++ make, time, also, want, system, problem, may, tri, way
--- server, client, well, right, say, mani, resourc, thank, display, thing", + "+++ way, program, need, make, time, also, distribut, may, data, work
--- server, client, two, presid, right, resourc, thank, develop, display, access" + ], + [ + "+++ world, peopl, make, well, time, two, question, right, also, say
--- mani, thank, give, access, opinion, great, 000, jewish, dod, much", + "+++ well, right, say, want, run, state, tri, make, also, new
--- realli, two, thank, access, opinion, thing, sgi, chip, world, need", + "+++ make, time, also, new, repli, tri, look, want, distribut, run
--- well, two, right, say, access, opinion, speed, simm, chip, world", + "+++ well, right, say, repli, want, state, tri, make, problem, year
--- car, realli, two, mani, run, thank, got, access, put, opinion", + "+++ make, time, new, look, repli, usa, want, distribut, good, think
--- car, well, two, c8v, right, say, b8f, thank, okz, access", + "+++ world, peopl, time, well, two, right, new, say, look, want
--- turkey, went, thank, access, opinion, also, serdar, need, number, great", + "+++ make, well, time, two, right, new, say, also, look, good
--- hockey, presid, thank, access, opinion, stephanopoulo, nhl, score, world, great", + "+++ make, well, time, two, question, new, also, repli, look, distribut
--- current, right, say, thank, access, opinion, sale, world, need, great", + "+++ make, time, also, look, repli, distribut, want, run, thank, problem
--- server, client, well, two, right, say, resourc, display, access, opinion", + "+++ well, two, right, say, repli, want, run, thank, net, state
--- ", + "+++ peopl, make, well, time, two, right, new, say, also, good
--- car, mani, thank, access, opinion, thing, world, number, great, question", + "+++ time, new, also, repli, look, distribut, want, run, thank, pleas
--- well, two, right, say, access, opinion, sale, inform, world, need", + "+++ world, peopl, make, well, time, two, question, also, new, say
--- right, mani, thank, access, opinion, thing, great, dod, much, bmw", + "+++ world, peopl, make, well, time, question, right, also, say, human
--- realli, two, mani, run, object, thank, access, opinion, thing, christ", + "+++ access, peopl, make, time, two, right, new, also, propos, distribut
--- well, presid, say, thank, develop, opinion, inform, chip, world, clipper" + ], + [ + "+++ even, way, could, peopl, make, well, time, two, right, also
--- car, arab, weapon, health, give, crime, kill, thing, new, control", + "+++ well, law, right, say, state, even, make, thing, also, new
--- car, realli, two, weapon, mani, run, health, crime, sgi, control", + "+++ could, make, time, new, also, problem, scsi, control, system
--- car, well, two, right, say, mani, thank, thing, speed, simm", + "+++ car, well, right, say, mani, state, even, make, thing, problem
--- realli, two, weapon, health, got, put, crime, gov, new, also", + "+++ car, time, make, new, good, think
--- well, two, c8v, right, say, mani, b8f, okz, thing, also", + "+++ even, year, could, peopl, time, well, number, two, right, new
--- car, turkey, went, mani, thing, also, serdar, world, need, much", + "+++ day, even, make, well, time, two, right, new, say, also
--- car, hockey, presid, mani, stephanopoulo, nhl, thing, score, number, season", + "+++ could, make, well, time, two, new, also, good, system, year
--- car, current, right, say, mani, thing, sale, need, number, question", + "+++ make, time, number, also, problem, file, system, way
--- server, client, car, well, two, right, say, mani, resourc, thank", + "+++ peopl, make, well, time, two, right, new, say, also, good
--- car, weapon, mani, run, thank, health, access, crime, opinion, thing", + "+++ car, well, two, first, law, right, file, say, weapon, mani
--- ", + "+++ time, also, new, file, system
--- car, well, two, right, say, mani, thank, thing, sale, inform", + "+++ well, two, law, say, mani, even, make, thing, also, new
--- said, car, point, first, right, weapon, want, believ, argument, health", + "+++ well, right, say, mani, even, make, thing, also, problem, see
--- car, realli, two, weapon, object, health, crime, christ, new, control", + "+++ could, peopl, make, time, two, public, law, right, new, also
--- car, well, presid, say, mani, develop, access, thing, inform, chip" + ], + [ + "+++ want, also, time
--- well, two, right, say, mani, thank, give, sale, inform, world", + "+++ need, time, drive, also, new, look, distribut, want, run, system
--- well, right, say, thank, thing, sale, sgi, inform, chip, question", + "+++ repli, want, mac, run, thank, help, also, new, version, window
--- imag, price, monitor, netcom, disk, mous, ide, color, instal, set", + "+++ need, time, look, repli, distribut, want, anyon
--- car, well, right, say, mani, thank, thing, also, sale, inform", + "+++ need, time, new, look, repli, distribut, want, anyon
--- car, c8v, b8f, thank, okz, also, sale, uchicago, inform, softwar", + "+++ program, need, time, new, look, want, file, work
--- well, two, turkey, right, say, went, thank, also, serdar, sale", + "+++ time, also, new, look, run
--- hockey, well, two, presid, right, say, thank, stephanopoulo, nhl, sale", + "+++ need, time, imag, new, also, repli, look, includ, want, interest
--- well, current, two, thank, inform, question, softwar, address, list, nasa", + "+++ repli, want, run, thank, data, program, help, also, avail, version
--- server, client, imag, motif, price, applic, color, netcom, resourc, mac", + "+++ time, new, also, repli, look, distribut, want, run, thank, pleas
--- well, two, right, say, access, opinion, sale, inform, world, need", + "+++ time, also, new, file, system
--- car, well, two, right, say, mani, thank, thing, sale, inform", + "+++ imag, price, file, repli, want, mac, run, thank, netcom, data
--- ", + "+++ want, new, also, time
--- well, two, say, mani, thank, thing, sale, inform, world, need", + "+++ want, system, also, time
--- well, right, say, mani, thank, thing, sale, inform, world, need", + "+++ program, need, time, also, new, distribut, data, work, system, inform
--- two, presid, right, thank, develop, access, sale, chip, clipper, softwar" + ], + [ + "+++ said, well, two, say, mani, want, even, make, also, see
--- point, law, right, arab, palestinian, live, govern, believ, argument, state", + "+++ well, law, say, want, even, make, thing, also, new, see
--- said, realli, two, point, right, indiana, mani, run, believ, disk", + "+++ could, make, time, new, also, want
--- well, two, say, mani, thank, thing, speed, simm, chip, world", + "+++ well, point, say, want, mani, even, make, thing, see, world
--- car, realli, two, right, got, put, gov, also, new, sun", + "+++ time, make, new, want, good, think
--- car, well, two, c8v, say, mani, b8f, okz, thing, also", + "+++ even, world, could, said, time, well, two, new, say, want
--- turkey, right, went, mani, thing, also, serdar, need, number, question", + "+++ day, even, said, make, well, time, two, point, new, also
--- hockey, presid, right, mani, stephanopoulo, nhl, thing, score, world, question", + "+++ could, make, scienc, well, two, point, question, new, also, time
--- current, say, mani, thing, sale, world, need, much, work, nasa", + "+++ make, time, also, want, may, way
--- server, client, well, two, say, mani, resourc, thank, display, thing", + "+++ world, peopl, make, well, time, two, question, new, also, say
--- right, mani, thank, access, opinion, thing, great, dod, much, bmw", + "+++ well, two, law, say, mani, even, make, thing, new, also
--- car, said, point, right, weapon, want, believ, argument, health, state", + "+++ want, also, new, time
--- well, two, say, mani, thank, thing, sale, inform, world, need", + "+++ said, well, two, point, law, say, mani, want, believ, argument
--- ", + "+++ said, well, point, say, mani, want, believ, come, even, make
--- atheist, realli, two, law, right, must, argument, object, tri, scienc", + "+++ way, could, make, time, two, law, also, new, peopl, think
--- well, presid, right, say, mani, develop, access, thing, inform, chip" + ], + [ + "+++ said, well, right, say, mani, want, even, make, also, see
--- atheist, realli, two, point, must, arab, palestinian, live, govern, believ", + "+++ realli, well, right, say, want, tri, even, make, thing, also
--- atheist, said, point, law, must, indiana, mani, run, believ, disk", + "+++ could, make, time, also, tri, want, problem, system
--- well, right, say, mani, thank, thing, speed, simm, chip, world", + "+++ realli, well, point, right, say, want, mani, tri, even, make
--- atheist, car, said, must, repli, believ, object, state, system, got", + "+++ time, make, want, good, think
--- car, well, c8v, right, say, mani, b8f, okz, thing, also", + "+++ even, world, could, said, time, well, right, say, want, think
--- two, turkey, went, mani, thing, also, serdar, need, number, question", + "+++ even, said, make, well, time, point, right, also, say, think
--- hockey, two, presid, mani, stephanopoulo, nhl, thing, score, world, question", + "+++ could, make, well, time, point, question, also, want, good, system
--- current, two, right, say, mani, thing, sale, world, need, work", + "+++ way, make, time, also, want, system, problem, tri, may
--- server, client, well, right, say, mani, resourc, thank, display, thing", + "+++ way, world, peopl, make, well, time, question, right, also, say
--- two, mani, thank, access, opinion, thing, great, dod, bmw, find", + "+++ well, right, say, mani, even, make, thing, also, problem, see
--- atheist, car, said, realli, two, point, law, must, weapon, want", + "+++ want, system, also, time
--- well, right, say, mani, thank, thing, sale, inform, world, need", + "+++ said, well, point, say, mani, want, believ, come, even, make
--- atheist, realli, two, law, right, must, object, argument, tri, scienc", + "+++ atheist, said, realli, well, point, right, must, say, mani, want
--- ", + "+++ could, make, time, also, right, may, peopl, think, system, way
--- well, two, presid, say, mani, develop, access, thing, inform, chip" + ], + [ + "+++ could, peopl, make, time, two, right, also, think, govern, year
--- well, presid, say, mani, develop, give, access, inform, chip, world", + "+++ could, need, make, time, key, law, also, right, new, distribut
--- well, two, presid, say, develop, access, thing, sgi, inform, clipper", + "+++ could, need, make, time, comput, new, also, distribut, work, system
--- two, presid, right, thank, develop, access, speed, simm, inform, clipper", + "+++ could, need, make, time, peopl, right, distribut, think, year, state
--- car, well, two, presid, say, mani, develop, access, thing, also", + "+++ need, time, make, new, distribut, think
--- car, two, presid, c8v, right, b8f, develop, okz, access, also", + "+++ program, could, need, time, peopl, two, new, right, year, think
--- well, presid, turkey, say, went, develop, access, also, serdar, inform", + "+++ make, time, two, presid, right, new, also, year, think, first
--- hockey, well, say, develop, access, stephanopoulo, nhl, score, inform, chip", + "+++ could, need, make, time, two, also, new, space, nasa, distribut
--- well, current, presid, right, develop, access, sale, inform, chip, clipper", + "+++ way, program, need, make, time, also, distribut, may, data, work
--- server, client, two, presid, right, resourc, thank, develop, display, access", + "+++ access, peopl, make, time, two, right, new, also, propos, distribut
--- well, presid, say, thank, develop, opinion, inform, chip, world, clipper", + "+++ peopl, could, make, time, two, public, law, right, new, also
--- car, well, presid, say, mani, develop, access, thing, inform, chip", + "+++ program, need, time, also, new, distribut, data, work, system, inform
--- two, presid, right, thank, develop, access, sale, chip, clipper, softwar", + "+++ way, could, make, time, two, law, new, also, peopl, think
--- well, presid, right, say, mani, develop, access, thing, inform, chip", + "+++ could, make, time, also, right, may, peopl, think, system, way
--- well, two, presid, say, mani, develop, access, thing, inform, chip", + "+++ encrypt, commun, two, presid, law, right, govern, privaci, data, develop
--- " ] ], "type": "heatmap", + "uid": "f56df2f1-5247-4d40-969e-fdba578be822", "z": [ [ 0, - 0.6941375044357858, - 0.7780005266674749, - 0.97189773660304, - 0.6494274681021718, - 0.6923305372448271, - 0.6587748986641923, - 0.7172631293260368, - 0.5768317051345507, - 0.6614222396857877, - 0.6348409260412068, - 0.7521714148945046, - 0.6538877795284743, - 0.5899958412723074, - 0.7572056357845106 - ], - [ - 0.6941375044357858, + 0.7595438359657607, + 0.9262841492358087, + 0.7884700368007593, + 1, + 0.7323566346435393, + 0.8170752433154621, + 0.8413158254151436, + 0.8740155079503418, + 0.7695480873771401, + 0.709199118658843, + 0.8879803722003395, + 0.7314161717683719, + 0.7237986193866011, + 0.8038717033978985 + ], + [ + 0.7595438359657607, 0, - 0.664263027346316, - 0.9743962370456708, - 0.695584265654122, - 0.6099902276618888, - 0.6725182228398355, - 0.6588083981443085, - 0.7133721680105588, - 0.6666040337585714, - 0.6449328433151109, - 0.6567507102369133, - 0.6557904103701298, - 0.6741004728982773, - 0.7199592373619665 - ], - [ - 0.7780005266674749, - 0.664263027346316, + 0.7318068179280713, + 0.7160213176898725, + 0.931461318117774, + 0.7726170600952607, + 0.7862904411360011, + 0.7437804773160451, + 0.7261304682479388, + 0.7535871571515667, + 0.6712180651685388, + 0.7162615966682004, + 0.6791077745495656, + 0.6720945460948236, + 0.6964932824724144 + ], + [ + 0.9262841492358087, + 0.7318068179280713, 0, - 0.9819638161841043, - 0.7312870864008548, - 0.6457109042650385, - 0.6822011682985184, - 0.6136278502100356, - 0.7825286902851545, - 0.7328428009145692, - 0.6647093080369028, - 0.5129009239352483, - 0.686079850132694, - 0.7444034441155176, - 0.728017079465759 - ], - [ - 0.97189773660304, - 0.9743962370456708, - 0.9819638161841043, + 0.8574415951298031, + 0.9854159083689508, + 0.9069175150192125, + 0.9046739989611283, + 0.8043455907707084, + 0.7465496685414171, + 0.8585050034234649, + 0.844819756902363, + 0.6933520111362702, + 0.8380803175475514, + 0.8430082043112994, + 0.8796770147813993 + ], + [ + 0.7884700368007593, + 0.7160213176898725, + 0.8574415951298031, 0, - 0.9906998240780212, - 0.9899010268346052, - 0.9697970873667073, - 0.9805184646715074, - 0.997913221347332, - 0.9410072398135072, - 0.970472913577555, - 0.9933128861436723, - 0.9651353008216144, - 0.988087255000911, - 1 - ], - [ - 0.6494274681021718, - 0.695584265654122, - 0.7312870864008548, - 0.9906998240780212, + 0.9355864990614852, + 0.8123575778010284, + 0.7531174879151491, + 0.7726893543131144, + 0.841589742333695, + 0.7803722520664951, + 0.7108866861290872, + 0.8319749623897799, + 0.7790096616692483, + 0.7570699362092709, + 0.8428560212776922 + ], + [ + 1, + 0.931461318117774, + 0.9854159083689508, + 0.9355864990614852, 0, - 0.6984165588399608, - 0.6880183605332709, - 0.6923925747139658, - 0.6984072702557435, - 0.6881820190614852, - 0.6415246046146913, - 0.734723733770132, - 0.6737033387865671, - 0.6113346174101822, - 0.6735639764844695 - ], - [ - 0.6923305372448271, - 0.6099902276618888, - 0.6457109042650385, - 0.9899010268346052, - 0.6984165588399608, + 0.9943633453585028, + 0.96633290846124, + 0.9427710170298542, + 0.9842359174618569, + 0.9565789495122544, + 0.9252482154378123, + 0.9546269085033189, + 0.9831865525817131, + 0.976673603156099, + 0.9862908354943184 + ], + [ + 0.7323566346435393, + 0.7726170600952607, + 0.9069175150192125, + 0.8123575778010284, + 0.9943633453585028, 0, - 0.630037509201517, - 0.6280273998970393, - 0.6864119107262651, - 0.6828635157854915, - 0.6379453741858915, - 0.5848923912785794, - 0.6384155109280928, - 0.6771215052178688, - 0.7247485433842347 - ], - [ - 0.6587748986641923, - 0.6725182228398355, - 0.6822011682985184, - 0.9697970873667073, - 0.6880183605332709, - 0.630037509201517, + 0.8369554935234337, + 0.8334980316244139, + 0.81754589609866, + 0.8444443421224488, + 0.7641296194848691, + 0.8514311288067665, + 0.7710627082125688, + 0.7681500144434829, + 0.8247767768912454 + ], + [ + 0.8170752433154621, + 0.7862904411360011, + 0.9046739989611283, + 0.7531174879151491, + 0.96633290846124, + 0.8369554935234337, 0, - 0.6541134738070555, - 0.6764020597532797, - 0.6616669384674461, - 0.639317205129716, - 0.6647270363214451, - 0.6611877349003192, - 0.6504504959646574, - 0.697199512599333 - ], - [ - 0.7172631293260368, - 0.6588083981443085, - 0.6136278502100356, - 0.9805184646715074, - 0.6923925747139658, - 0.6280273998970393, - 0.6541134738070555, + 0.8285319686301731, + 0.8739669989287112, + 0.8128104170459997, + 0.812028432574059, + 0.8763913774589871, + 0.8364217703073451, + 0.8332002259898788, + 0.8746609598118593 + ], + [ + 0.8413158254151436, + 0.7437804773160451, + 0.8043455907707084, + 0.7726893543131144, + 0.9427710170298542, + 0.8334980316244139, + 0.8285319686301731, 0, - 0.7386737061919797, - 0.6942335664995479, - 0.6402472659650361, - 0.6048809578448723, - 0.6540944355144231, - 0.6780932789958286, - 0.6929417356032255 - ], - [ - 0.5768317051345507, - 0.7133721680105588, - 0.7825286902851545, - 0.997913221347332, - 0.6984072702557435, - 0.6864119107262651, - 0.6764020597532797, - 0.7386737061919797, + 0.7698580319588464, + 0.7980862901604131, + 0.7527906457466673, + 0.724541349001037, + 0.8089451356075532, + 0.8178669870572579, + 0.760409513739808 + ], + [ + 0.8740155079503418, + 0.7261304682479388, + 0.7465496685414171, + 0.841589742333695, + 0.9842359174618569, + 0.81754589609866, + 0.8739669989287112, + 0.7698580319588464, 0, - 0.7202384890474284, - 0.6682838375381028, - 0.7506248648750038, - 0.6988713007454896, - 0.6481835386304212, - 0.7820951609366245 - ], - [ - 0.6614222396857877, - 0.6666040337585714, - 0.7328428009145692, - 0.9410072398135072, - 0.6881820190614852, - 0.6828635157854915, - 0.6616669384674461, - 0.6942335664995479, - 0.7202384890474284, + 0.8306979226984069, + 0.8043458026246182, + 0.6430984098928708, + 0.8108465393365341, + 0.8313197770928223, + 0.7982346696285947 + ], + [ + 0.7695480873771401, + 0.7535871571515667, + 0.8585050034234649, + 0.7803722520664951, + 0.9565789495122544, + 0.8444443421224488, + 0.8128104170459997, + 0.7980862901604131, + 0.8306979226984069, 0, - 0.6270580649653639, - 0.7195497392802706, - 0.5903638618131142, - 0.6728876127289707, - 0.6943688980681291 - ], - [ - 0.6348409260412068, - 0.6449328433151109, - 0.6647093080369028, - 0.970472913577555, - 0.6415246046146913, - 0.6379453741858915, - 0.639317205129716, - 0.6402472659650361, - 0.6682838375381028, - 0.6270580649653639, + 0.7686319141956662, + 0.8025391599365734, + 0.7810887188379143, + 0.7900886236487616, + 0.8371214921530137 + ], + [ + 0.709199118658843, + 0.6712180651685388, + 0.844819756902363, + 0.7108866861290872, + 0.9252482154378123, + 0.7641296194848691, + 0.812028432574059, + 0.7527906457466673, + 0.8043458026246182, + 0.7686319141956662, 0, - 0.6549552527820861, - 0.5937127598305801, - 0.6262404431076025, - 0.6887609196728117 - ], - [ - 0.7521714148945046, - 0.6567507102369133, - 0.5129009239352483, - 0.9933128861436723, - 0.734723733770132, - 0.5848923912785794, - 0.6647270363214451, - 0.6048809578448723, - 0.7506248648750038, - 0.7195497392802706, - 0.6549552527820861, + 0.7921819700961124, + 0.7034290766439234, + 0.6881510253531813, + 0.7233383725539672 + ], + [ + 0.8879803722003395, + 0.7162615966682004, + 0.6933520111362702, + 0.8319749623897799, + 0.9546269085033189, + 0.8514311288067665, + 0.8763913774589871, + 0.724541349001037, + 0.6430984098928708, + 0.8025391599365734, + 0.7921819700961124, 0, - 0.6689843410868274, - 0.7307020730686198, - 0.7273455968736988 - ], - [ - 0.6538877795284743, - 0.6557904103701298, - 0.686079850132694, - 0.9651353008216144, - 0.6737033387865671, - 0.6384155109280928, - 0.6611877349003192, - 0.6540944355144231, - 0.6988713007454896, - 0.5903638618131142, - 0.5937127598305801, - 0.6689843410868274, + 0.8235993983490295, + 0.8508846565675093, + 0.7915239430267434 + ], + [ + 0.7314161717683719, + 0.6791077745495656, + 0.8380803175475514, + 0.7790096616692483, + 0.9831865525817131, + 0.7710627082125688, + 0.8364217703073451, + 0.8089451356075532, + 0.8108465393365341, + 0.7810887188379143, + 0.7034290766439234, + 0.8235993983490295, 0, - 0.6592200513160686, - 0.6857630808748971 - ], - [ - 0.5899958412723074, - 0.6741004728982773, - 0.7444034441155176, - 0.988087255000911, - 0.6113346174101822, - 0.6771215052178688, - 0.6504504959646574, - 0.6780932789958286, - 0.6481835386304212, - 0.6728876127289707, - 0.6262404431076025, - 0.7307020730686198, - 0.6592200513160686, + 0.5398098970501584, + 0.7811421666690115 + ], + [ + 0.7237986193866011, + 0.6720945460948236, + 0.8430082043112994, + 0.7570699362092709, + 0.976673603156099, + 0.7681500144434829, + 0.8332002259898788, + 0.8178669870572579, + 0.8313197770928223, + 0.7900886236487616, + 0.6881510253531813, + 0.8508846565675093, + 0.5398098970501584, 0, - 0.719246957334677 - ], - [ - 0.7572056357845106, - 0.7199592373619665, - 0.728017079465759, - 1, - 0.6735639764844695, - 0.7247485433842347, - 0.697199512599333, - 0.6929417356032255, - 0.7820951609366245, - 0.6943688980681291, - 0.6887609196728117, - 0.7273455968736988, - 0.6857630808748971, - 0.719246957334677, + 0.7854428745787172 + ], + [ + 0.8038717033978985, + 0.6964932824724144, + 0.8796770147813993, + 0.8428560212776922, + 0.9862908354943184, + 0.8247767768912454, + 0.8746609598118593, + 0.760409513739808, + 0.7982346696285947, + 0.8371214921530137, + 0.7233383725539672, + 0.7915239430267434, + 0.7811421666690115, + 0.7854428745787172, 0 ] ] @@ -1786,10 +1655,10 @@ } }, "text/html": [ - "
" + "
" ], "text/vnd.plotly.v1+html": [ - "
" + "
" ] }, "metadata": {}, @@ -1836,522 +1705,528 @@ { "data": { "application/vnd.plotly.v1+json": { + "config": { + "linkText": "Export to plot.ly", + "plotlyServerURL": "https://plot.ly", + "showLink": true + }, "data": [ { "colorscale": "RdBu", "text": [ [ - "+++ toronto, new
--- think, play, includ, ibm, cmu, scsi, pittsburgh, driver, 6um, 6ei", - "+++ also, look, new, good
--- think, play, could, includ, ibm, better, still, cmu, scsi, driver", - "+++ color, window, ftp, includ, version, system, inform, program, data, packag
--- henri, engin, contact, unix, type, andrew, set, anyon, server, ibm", - "+++ work, engin, distribut, new, system, repli, chip, anyon, also, look
--- color, chang, think, henri, could, window, ftp, includ, version, andrew", - "+++ also, system, good
--- think, could, includ, ibm, want, cmu, scsi, evid, driver, right", - "+++ work, also, chip, system, new
--- think, jew, could, includ, presid, ibm, arab, want, cmu, scsi", - "+++ also
--- think, could, believ, includ, ibm, christian, follow, want, cmu, scsi", - "+++ help, work, distribut, new, anyon, also, ibm, look, bit, good
--- think, could, austin, includ, nec, wire, want, cmu, scsi, driver", - "+++ also, work, repli, good
--- think, could, believ, includ, ibm, christian, apr, want, life, cmu", - "+++ good, also, distribut
--- think, could, includ, ibm, cmu, scsi, driver, right, carri, look", - "+++ data, cmu, engin, new, includ, system, inform, andrew, comput, avail
--- color, henri, window, satellit, technolog, ftp, mission, contact, gov, version", - "+++ distribut, ftp, new, includ, mail, system, inform, comput, list, pub
--- section, request, color, henri, window, engin, display, version, andrew, contact", - "+++ henri, work, anyon, also, program, toronto, good
--- think, could, technolog, includ, ibm, want, cmu, scsi, driver, look", - "+++ good, softwar, work, distribut, new, thank, includ, info, mail, system
--- color, think, simm, henri, price, could, window, engin, ftp, version", - "+++ data, scsi, work, window, help, thank, new, system, comput, driver
--- color, motherboard, henri, instal, engin, ftp, includ, interfac, version, devic" - ], - [ - "+++ year, new
--- think, play, could, wire, want, pittsburgh, right, carri, 6um, 6ei", - "+++ say, could, new, time, may, point, power, peopl, right, make
--- keith, win, ground, think, play, columbia, system, basebal, law, wire", - "+++ distribut, system, need, file, time, also
--- could, includ, type, wire, want, driver, right, carri, outlet, look", - "+++ want, say, distribut, could, new, time, may, state, system, point
--- keith, ground, chang, think, engin, power, buy, design, law, anyon", - "+++ keith, want, say, could, time, system, point, peopl, right, question
--- natur, sinc, ground, think, mean, power, law, wire, opinion, arm", - "+++ want, say, could, new, time, system, peopl, need, law, right
--- keith, ground, file, think, jew, said, polit, presid, power, tax", - "+++ want, say, kill, could, time, may, point, peopl, law, right
--- keith, religion, ground, think, said, live, mean, believ, children, system", - "+++ ground, want, circuit, distribut, could, new, time, may, power, need
--- keith, think, austin, current, system, nec, gov, law, bnr, msg", - "+++ want, say, could, time, may, point, peopl, need, question, make
--- true, keith, ground, think, mean, exampl, believ, system, power, law", - "+++ could, law, arm, distribut, gun, right, bill, carri, handgun, also
--- keith, ground, think, mean, crimin, system, power, wire, find, institut", - "+++ new, may, system, year, time, number, also
--- could, satellit, technolog, includ, wire, cmu, want, pittsburgh, right, carri", - "+++ new, distribut, may, system, file, number
--- could, includ, wire, rule, want, right, carri, outlet, public, even", - "+++ want, say, could, peopl, 000, make, year, also, usa, good
--- think, technolog, wire, right, carri, outlet, michael, cost, file, much", - "+++ want, distribut, could, sale, new, system, need, make, also, usa
--- keith, ground, think, simm, price, includ, power, buy, law, anyon", - "+++ need, also, control, system, new
--- instal, could, wire, want, scsi, pin, mous, driver, right, carri" - ], - [ - "+++ see, think, year
--- jew, play, could, believ, christian, want, life, pittsburgh, right, 6um", - "+++ think, say, could, first, time, may, point, peopl, see, take
--- win, religion, said, jew, play, live, columbia, mean, believ, power", - "+++ tri, call, also, time
--- think, jew, could, includ, believ, type, christian, want, life, driver", - "+++ want, think, thing, could, say, time, may, state, point, see
--- religion, chang, said, engin, live, jew, mean, believ, system, buy", - "+++ think, mean, could, want, thing, human, take, right, way, also
--- keith, natur, sinc, religion, said, live, jew, believ, system, opinion", - "+++ think, jew, said, could, want, right, way, also, call, question
--- religion, live, mean, polit, believ, presid, system, tax, law, propos", - "+++ religion, think, said, mean, live, could, believ, christian, want, thing
--- jew, children, law, claim, follow, life, two, human, muslim, death", - "+++ want, think, thing, could, time, may, take, question, make, well
--- religion, ground, said, jew, live, mean, austin, current, believ, power", - "+++ think, mean, could, believ, christian, claim, want, life, thing, come
--- true, religion, said, live, exampl, jew, realli, apr, atheist, kill", - "+++ tri, think, thing, mean, could, say, state, seem, peopl, right
--- religion, said, live, jew, believ, crimin, law, arm, christian, defens", - "+++ first, may, world, year, time, also
--- think, jew, could, satellit, technolog, includ, believ, christian, cmu, want", - "+++ may
--- think, jew, could, includ, believ, rule, christian, want, life, right", - "+++ want, think, thing, could, say, first, peopl, come, see, make
--- religion, henri, said, jew, live, mean, technolog, believ, gov, prism", - "+++ want, think, could, world, call, make, also, good
--- jew, includ, believ, ibm, christian, life, right, look, origin, exist", - "+++ tri, also
--- think, jew, instal, could, believ, christian, want, scsi, life, pin" - ], - [ - "+++ okz, 75u, rlk, bhj, 2tm, 34u, 7ey, qax, giz, 145
--- win, fij, chz, think, b8g, final, play, r8f, 147, nuy", - "+++
--- chz, think, play, could, better, still, right, 7ez, 6um, 6ei", - "+++
--- chz, includ, type, driver, 7ez, 6um, 6ei, look, b8e, 2tm", - "+++
--- chz, think, could, better, want, still, right, 7ez, 6um, 6ei", - "+++
--- chz, think, could, want, evid, right, 7ez, 6um, 6ei, b8e", - "+++ israel
--- chz, think, jew, could, presid, arab, want, right, 7ez, 6um", - "+++
--- chz, think, could, believ, christian, follow, want, right, 7ez, 6um", - "+++
--- chz, think, could, austin, nec, wire, ibm, want, 7ez, 6um", - "+++
--- chz, think, could, believ, christian, apr, want, life, evid, 7ez", - "+++
--- chz, think, could, right, carri, 7ez, 6um, 6ei, b8e, 2tm", - "+++
--- chz, satellit, technolog, includ, cmu, pittsburgh, 7ez, 6um, center, 6ei", - "+++
--- chz, includ, rule, 7ez, 6um, 6ei, b8e, 2tm, file, public", - "+++
--- chz, think, could, technolog, want, 7ez, 6um, 6ei, b8e, michael", - "+++
--- chz, think, could, includ, ibm, want, 7ez, 6um, 6ei, look", - "+++
--- chz, instal, scsi, pin, mous, driver, 7ez, 6um, 6ei, cach" - ], - [ - "+++ think, new, play, pittsburgh, see, year
--- better, want, scsi, driver, right, 6um, 6ei, look, 2tm, leaf", - "+++ think, play, power, better, run, back, take, right, also, look
--- win, sinc, could, columbia, system, basebal, speed, pitt, defens, still", - "+++ tri, work, time, system, problem, comput, driver, need, also, look
--- think, play, includ, type, better, want, scsi, pittsburgh, right, file", - "+++ think, system, speed, better, back, want, take, right, also, look
--- sinc, chang, engin, could, play, power, buy, design, anyon, pitt", - "+++ tri, sinc, want, think, read, say, time, system, peopl, problem
--- keith, natur, mean, could, play, power, speed, pitt, opinion, better", - "+++ tri, want, think, work, say, new, time, system, peopl, need
--- sinc, jew, said, could, play, polit, presid, power, tax, law", - "+++ want, think, say, first, time, peopl, see, take, right, make
--- religion, sinc, said, live, could, mean, play, believ, children, system", - "+++ good, want, think, work, new, time, power, problem, need, take
--- ground, sinc, could, play, austin, current, system, nec, gov, bnr", - "+++ tri, want, think, work, read, say, time, repli, peopl, need
--- true, sinc, mean, could, exampl, play, believ, system, power, speed", - "+++ tri, think, read, say, time, peopl, problem, need, right, make
--- sinc, mean, could, play, crimin, system, power, law, speed, pitt", - "+++ bank, new, first, pittsburgh, geb, system, comput, gordon, pitt, time
--- think, play, satellit, technolog, includ, better, cmu, want, scsi, driver", - "+++ new, read, system, comput
--- think, play, includ, rule, better, want, scsi, pittsburgh, driver, right", - "+++ want, think, work, say, first, peopl, see, much, make, year
--- could, play, technolog, better, scsi, pittsburgh, driver, right, look, michael", - "+++ good, want, think, work, new, system, comput, need, make, also
--- sinc, simm, price, could, play, includ, power, buy, anyon, ship", - "+++ tri, scsi, work, new, system, problem, comput, driver, need, drive
--- motherboard, sinc, think, instal, window, play, interfac, power, devic, set" - ], - [ - "+++ think, new
--- play, could, technolog, want, pittsburgh, right, 6um, 6ei, clipper, 2tm", - "+++ think, say, could, new, two, time, may, peopl, right, make
--- win, play, columbia, escrow, technolog, system, power, inform, basebal, law", - "+++ data, work, distribut, time, system, inform, comput, need, also, bit
--- think, could, technolog, includ, type, want, driver, right, look, clipper", - "+++ think, could, system, want, thing, distribut, two, right, way, also
--- chang, engin, escrow, technolog, inform, buy, design, law, anyon, speed", - "+++ want, think, thing, could, say, time, system, peopl, right, make
--- keith, natur, sinc, mean, escrow, technolog, inform, law, opinion, realli", - "+++ think, could, system, law, want, two, right, way, also, clipper
--- jew, said, escrow, polit, technolog, presid, inform, tax, propos, war", - "+++ want, think, thing, could, say, two, time, may, peopl, law
--- religion, said, live, mean, escrow, believ, children, technolog, system, inform", - "+++ want, think, work, thing, distribut, could, two, new, may, time
--- ground, austin, current, escrow, technolog, system, power, inform, nec, gov", - "+++ want, think, work, thing, could, say, time, may, peopl, need
--- true, mean, exampl, escrow, believ, technolog, system, inform, law, realli", - "+++ think, thing, distribut, could, say, state, govern, peopl, gun, need
--- mean, escrow, technolog, crimin, system, inform, arm, defens, data, want", - "+++ data, new, technolog, may, gener, system, inform, comput, time, number
--- think, could, satellit, includ, cmu, want, pittsburgh, right, center, clipper", - "+++ secur, distribut, new, number, may, gener, system, inform, comput, anonym
--- section, request, think, could, ftp, escrow, includ, technolog, law, buf", - "+++ want, think, work, thing, could, say, technolog, peopl, make, way
--- right, clipper, michael, cost, chip, much, public, even, spencer, secur", - "+++ want, think, work, distribut, could, new, system, comput, need, make
--- simm, price, escrow, includ, technolog, inform, buy, law, anyon, ship", - "+++ data, work, new, two, system, comput, need, also, bit
--- think, instal, could, technolog, want, scsi, pin, mous, driver, right" - ], - [ - "+++ win, think, new
--- play, could, jim, want, pittsburgh, 6um, amanda, 6ei, david, look", - "+++ win, think, say, could, new, columbia, may, point, peopl, take
--- men, play, jim, system, power, basebal, anyon, better, run, back", - "+++ tri, work, distribut, thank, mail, system, need, time, pleas, look
--- think, could, includ, jim, type, want, driver, amanda, david, file", - "+++ think, could, system, anyon, want, john, distribut, take, magnu, look
--- win, chang, men, engin, columbia, jim, buy, design, speed, better", - "+++ tri, want, think, say, could, system, point, peopl, take, make
--- keith, natur, sinc, win, men, mean, columbia, jim, anyon, opinion", - "+++ tri, want, think, work, say, could, new, system, peopl, need
--- win, men, jew, said, columbia, polit, jim, presid, tax, law", - "+++ want, think, say, could, may, point, peopl, world, come, take
--- believ, jim, christian, follow, right, amanda, david, look, even, repli", - "+++ want, think, work, distribut, could, new, may, need, take, make
--- win, ground, men, austin, current, columbia, jim, system, power, nec", - "+++ tri, want, think, work, say, could, may, point, repli, come
--- true, win, men, mean, exampl, columbia, believ, jim, system, anyon", - "+++ tri, think, say, distribut, could, state, peopl, need, make, time
--- win, men, mean, columbia, jim, crimin, system, law, anyon, find", - "+++ new, may, system, world, news, time, number, repli
--- think, could, satellit, technolog, includ, jim, cmu, want, pittsburgh, amanda", - "+++ new, name, distribut, may, mail, system, key, number
--- think, could, includ, jim, rule, want, amanda, david, look, file", - "+++ want, think, work, say, could, peopl, come, make, anyon, access
--- win, men, henri, technolog, columbia, jim, system, gov, prism, lot", - "+++ good, want, think, work, distribut, could, new, thank, mail, system
--- win, men, simm, price, columbia, includ, jim, buy, ship, upgrad", - "+++ tri, work, new, thank, system, need, pleas
--- think, instal, could, jim, want, scsi, pin, mous, driver, amanda" - ], - [ - "+++ year, think, new
--- georg, play, could, believ, jim, presid, jake, ibm, want, pittsburgh", - "+++ think, say, could, new, first, time, point, peopl, take, right
--- win, georg, said, mean, play, columbia, believ, jim, presid, power", - "+++ packag, tri, work, time, system, comput, also, look
--- georg, think, could, includ, believ, jim, presid, type, jake, ibm", - "+++ want, think, work, thing, could, say, new, time, system, point
--- georg, chang, said, engin, mean, believ, jim, presid, tax, buy", - "+++ tri, want, think, thing, mean, could, say, time, system, point
--- keith, natur, sinc, georg, said, believ, jim, presid, tax, jake", - "+++ tri, want, think, said, work, could, say, clinton, new, time
--- georg, jew, mean, polit, believ, jim, jake, law, propos, war", - "+++ want, think, said, mean, could, thing, say, believ, first, time
--- religion, georg, live, children, jim, presid, system, tax, law, jake", - "+++ want, think, work, thing, could, new, time, take, question, make
--- georg, ground, said, mean, austin, current, believ, jim, presid, power", - "+++ tri, want, think, work, thing, mean, could, say, believ, someth
--- true, georg, said, exampl, jim, presid, system, tax, jake, ibm", - "+++ tri, think, thing, mean, could, say, peopl, right, make, well
--- georg, said, believ, jim, crimin, presid, system, tax, law, jake", - "+++ new, first, system, comput, news, year, time, also, repli
--- georg, think, could, satellit, technolog, includ, believ, jim, presid, jake", - "+++ new, system, comput
--- georg, think, could, includ, believ, jim, presid, jake, rule, ibm", - "+++ want, think, work, thing, could, say, first, peopl, come, make
--- georg, henri, said, mean, technolog, believ, jim, presid, system, gov", - "+++ want, think, work, could, new, system, comput, make, also, ibm
--- georg, includ, believ, jim, presid, jake, right, origin, talk, made", - "+++ tri, work, new, system, comput, also
--- georg, think, instal, could, believ, jim, presid, jake, ibm, want" - ], - [ - "+++
--- think, play, includ, want, pittsburgh, mous, 6um, 6ei, look, machin", - "+++ may, look, make, time, also, run
--- think, play, could, includ, better, still, want, mous, right, start", - "+++ color, window, includ, version, inform, system, set, server, program, user
--- ftp, unix, type, data, packag, want, distribut, mous, driver, machin", - "+++ want, work, time, may, system, problem, need, make, also, look
--- color, think, engin, could, window, includ, version, inform, buy, design", - "+++ tri, want, read, time, system, problem, make, also
--- think, could, includ, evid, mous, right, look, machin, jon, case", - "+++ tri, want, work, time, system, need, call, make, also
--- think, jew, could, includ, presid, arab, mous, right, look, clipper", - "+++ want, may, call, make, time, also
--- think, could, believ, includ, christian, follow, mous, right, look, machin", - "+++ want, help, work, time, may, problem, need, run, make, also
--- color, ground, think, window, could, austin, current, includ, system, power", - "+++ tri, want, read, work, time, may, need, make, also
--- think, could, believ, includ, christian, apr, life, evid, mous, look", - "+++ tri, read, problem, need, make, time, also
--- think, could, includ, want, mous, right, carri, look, machin, keep", - "+++ includ, may, system, inform, comput, avail, also, time, program
--- satellit, technolog, cmu, want, pittsburgh, mous, center, look, machin, file", - "+++ read, name, code, includ, output, may, system, inform, comput, entri
--- section, request, color, window, ftp, version, pleas, buf, build, set", - "+++ make, also, want, program, work
--- think, could, technolog, includ, mous, look, machin, michael, cost, file", - "+++ want, softwar, work, thank, includ, mail, system, comput, need, call
--- color, chang, think, simm, window, price, could, version, inform, buy", - "+++ bit, tri, help, work, window, thank, mous, system, comput, problem
--- color, motherboard, instal, includ, version, interfac, inform, devic, port, speed" - ], - [ - "+++ see, think, year, new
--- play, could, pittsburgh, 6um, center, 6ei, david, look, 2tm, leaf", - "+++ think, could, new, two, first, may, time, point, peopl, see
--- win, request, engin, play, columbia, system, power, mission, basebal, gov", - "+++ data, tri, sun, distribut, time, system, also, pleas, look
--- think, could, includ, type, driver, center, david, file, much, probe", - "+++ think, engin, could, system, anyon, thing, distribut, two, also, look
--- request, chang, mission, gov, buy, design, speed, better, realli, back", - "+++ tri, read, think, thing, could, time, system, point, peopl, see
--- keith, natur, sinc, request, mean, engin, mission, gov, anyon, opinion", - "+++ tri, think, could, new, two, time, system, peopl, make, year
--- jew, presid, arab, want, right, center, david, look, clipper, chip", - "+++ think, thing, could, first, two, time, may, point, peopl, world
--- religion, request, said, live, mean, engin, believ, children, system, mission", - "+++ think, thing, distribut, could, two, new, may, time, gov, much
--- request, ground, engin, austin, current, system, power, mission, nec, bnr", - "+++ tri, read, think, thing, could, time, may, point, repli, peopl
--- true, request, mean, exampl, engin, believ, system, mission, gov, anyon", - "+++ tri, think, read, thing, distribut, could, time, peopl, make, year
--- right, carri, center, david, look, keep, case, much, public, probe", - "+++ engin, system, mission, gov, jpl, data, time, world, news, center
--- request, think, could, satellit, technolog, includ, inform, andrew, anyon, pitt", - "+++ request, read, new, distribut, may, 1993, system, list
--- think, could, includ, rule, center, david, look, file, much, public", - "+++ moon, think, thing, could, first, space, peopl, gov, see, much
--- request, henri, engin, technolog, earth, system, mission, prism, lot, net", - "+++ think, distribut, could, new, system, world, make, anyon, also, pleas
--- includ, ibm, want, center, david, origin, much, probe, need, game", - "+++ data, tri, new, two, system, also, pleas
--- think, instal, could, scsi, pin, mous, driver, center, david, cach" - ], - [ - "+++ see, think, year, new
--- play, could, want, pittsburgh, 6um, 6ei, look, motorcycl, 2tm, case", - "+++ think, say, could, new, first, time, may, peopl, see, much
--- win, play, columbia, system, power, basebal, jpeg, buy, anyon, lot", - "+++ help, work, thank, time, system, comput, need, call, imag, also
--- color, think, window, could, ftp, includ, version, inform, unix, type", - "+++ think, could, system, buy, anyon, realli, want, thing, way, also
--- chang, engin, design, jpeg, lot, speed, better, back, alaska, still", - "+++ want, think, thing, could, say, time, case, system, peopl, see
--- keith, natur, sinc, mean, jpeg, buy, anyon, lot, opinion, alaska", - "+++ want, think, work, say, could, new, time, system, peopl, need
--- jew, said, polit, presid, tax, law, jpeg, buy, anyon, lot", - "+++ want, think, thing, could, say, first, time, may, peopl, world
--- religion, said, live, mean, believ, children, system, law, jpeg, buy", - "+++ want, bike, think, thing, could, work, help, new, may, time
--- ground, austin, current, system, power, nec, gov, jpeg, buy, bnr", - "+++ want, think, work, thing, could, say, time, may, repli, peopl
--- true, mean, exampl, believ, system, jpeg, buy, anyon, lot, christian", - "+++ think, thing, could, say, time, case, peopl, need, make, well
--- mean, crimin, system, law, jpeg, buy, anyon, lot, arm, alaska", - "+++ new, first, may, system, world, comput, year, time, also, repli
--- think, could, satellit, technolog, includ, cmu, want, pittsburgh, center, look", - "+++ new, may, system, comput
--- think, could, includ, rule, want, look, motorcycl, case, file, much", - "+++ want, think, work, thing, could, say, first, year, peopl, see
--- henri, technolog, system, gov, prism, jpeg, buy, net, program, pat", - "+++ good, want, think, cleveland, work, could, new, thank, system, comput
--- simm, price, includ, jpeg, lot, ship, upgrad, ibm, run, alaska", - "+++ help, work, thank, new, system, comput, need, also, pleas
--- think, instal, could, want, scsi, pin, mous, driver, cach, motorcycl" - ], - [ - "+++ see, think, year, new
--- play, could, believ, christian, want, pittsburgh, right, 6um, 6ei, 2tm", - "+++ think, say, could, new, time, may, power, peopl, see, take
--- win, shall, mean, play, columbia, believ, basebal, law, free, better", - "+++ time, also, support, work
--- think, could, includ, believ, type, christian, want, driver, right, look", - "+++ want, think, work, thing, could, say, new, time, may, state
--- shall, chang, engin, mean, believ, system, power, buy, design, law", - "+++ think, mean, could, want, thing, take, right, way, also, reason
--- keith, natur, sinc, shall, believ, system, power, law, free, opinion", - "+++ think, could, law, want, right, nation, way, also, work, question
--- shall, homosexu, jew, said, mean, polit, believ, presid, system, power", - "+++ think, mean, could, believ, law, christian, want, thing, take, right
--- religion, shall, said, live, children, power, free, follow, kill, two", - "+++ want, think, work, thing, could, new, time, may, power, take
--- shall, ground, mean, austin, current, believ, nec, gov, law, bnr", - "+++ think, mean, could, believ, christian, want, thing, way, also, reason
--- true, shall, exampl, power, law, free, realli, claim, apr, life", - "+++ person, think, thing, mean, could, say, state, case, govern, peopl
--- shall, believ, crimin, power, free, arm, christian, defens, want, distribut", - "+++ new, may, nation, year, time, also
--- think, could, satellit, technolog, includ, believ, christian, cmu, want, pittsburgh", - "+++ part, may, public, new
--- think, could, includ, believ, rule, christian, want, right, case, file", - "+++ want, think, work, thing, could, say, peopl, see, much, make
--- shall, henri, mean, technolog, believ, power, gov, prism, law, free", - "+++ want, think, work, could, new, make, also, good
--- includ, believ, ibm, christian, right, look, origin, case, much, public", - "+++ also, support, work, new
--- think, instal, could, believ, christian, want, scsi, pin, mous, driver" - ], - [ - "+++ year, think, new
--- play, could, satellit, technolog, includ, want, pittsburgh, 6um, center, 6ei", - "+++ think, say, could, new, two, first, time, peopl, take, much
--- win, play, satellit, columbia, technolog, includ, system, power, inform, basebal", - "+++ work, distribut, includ, time, system, inform, comput, look, problem, call
--- think, could, satellit, technolog, type, want, driver, center, michael, cost", - "+++ want, think, work, thing, could, distribut, two, say, new, time
--- chang, engin, satellit, technolog, includ, inform, buy, anyon, msg, speed", - "+++ want, think, thing, could, say, time, system, peopl, problem, take
--- keith, natur, sinc, mean, satellit, technolog, includ, inform, design, msg", - "+++ want, think, work, say, could, new, two, time, system, peopl
--- jew, said, satellit, technolog, polit, includ, presid, inform, tax, law", - "+++ want, think, thing, could, say, two, first, time, peopl, take
--- satellit, technolog, believ, includ, christian, follow, right, center, look, michael", - "+++ food, want, think, work, thing, distribut, could, two, new, time
--- ground, satellit, austin, current, technolog, includ, system, power, inform, nec", - "+++ want, think, work, thing, could, say, time, scienc, peopl, much
--- satellit, technolog, believ, includ, christian, apr, life, evid, center, look", - "+++ think, thing, distribut, could, say, time, peopl, problem, make, year
--- satellit, technolog, includ, want, right, carri, center, look, michael, keep", - "+++ satellit, technolog, includ, system, inform, program, launch, gener, comput, center
--- think, engin, could, mission, andrew, gov, design, msg, pitt, jpl", - "+++ distribut, new, includ, gener, system, inform, comput, 1993, program
--- think, could, satellit, technolog, rule, want, center, look, michael, cost", - "+++ want, think, work, thing, could, michael, technolog, say, first, space
--- henri, satellit, includ, system, inform, gov, prism, design, anyon, lot", - "+++ interest, want, think, work, distribut, could, new, includ, system, comput
--- simm, price, satellit, technolog, inform, buy, design, anyon, msg, ship", - "+++ work, new, two, system, problem, comput, also
--- think, instal, could, satellit, technolog, includ, want, scsi, pin, mous" - ], - [ - "+++ think, new
--- play, could, want, scsi, pin, pittsburgh, 6um, 6ei, look, 2tm", - "+++ think, could, new, two, time, power, make, also, look, good
--- play, better, still, want, scsi, pin, right, start, team, much", - "+++ help, work, distribut, thank, time, mail, system, problem, comput, need
--- color, think, simm, window, price, ftp, could, includ, version, power", - "+++ car, want, think, work, thing, could, distribut, two, new, time
--- chang, simm, engin, price, power, buy, design, set, speed, better", - "+++ want, think, thing, could, time, system, problem, make, also, good
--- scsi, evid, pin, right, look, jon, case, even, caltech, repli", - "+++ want, think, work, could, new, two, time, system, need, make
--- simm, jew, said, rom, price, polit, presid, power, tax, law", - "+++ want, think, thing, could, two, time, make, also
--- believ, christian, follow, scsi, pin, right, look, even, repli, help", - "+++ want, think, work, thing, could, distribut, two, monitor, help, new
--- ground, simm, price, austin, current, system, nec, gov, bnr, set", - "+++ want, think, work, thing, could, time, repli, need, make, also
--- true, simm, mean, exampl, price, believ, system, power, set, anyon", - "+++ think, thing, distribut, could, time, state, problem, need, make, also
--- simm, mean, price, crimin, system, power, law, set, anyon, arm", - "+++ new, system, comput, time, also, repli
--- think, could, satellit, technolog, includ, cmu, want, scsi, pin, pittsburgh", - "+++ new, comput, mail, system, distribut
--- think, could, includ, rule, want, scsi, pin, look, file, public", - "+++ want, think, work, thing, could, make, anyon, also, usa, good
--- technolog, scsi, pin, look, michael, cost, much, repli, spencer, help", - "+++ simm, think, could, price, system, anyon, want, distribut, comput, mac
--- includ, power, buy, set, ship, upgrad, ibm, run, board, scsi", - "+++ system, set, board, scsi, pin, two, comput, disk, hard, mac
--- motherboard, think, simm, instal, window, price, could, usa, interfac, power" - ], - [ - "+++ win, think, fan, play, new, divis, season, hockey, nhl, team
--- final, could, basebal, pick, red, devil, better, run, back, defens", - "+++ win, think, could, play, basebal, better, run, back, defens, two
--- columbia, power, realli, still, divis, cramer, way, leagu, playoff, mark", - "+++ time, also, look, run
--- think, play, could, includ, type, better, driver, right, start, let", - "+++ think, could, better, realli, back, two, take, right, way, also
--- win, chang, engin, play, system, basebal, buy, design, anyon, speed", - "+++ think, say, could, time, point, see, take, right, make, well
--- keith, natur, sinc, win, mean, play, system, basebal, opinion, better", - "+++ think, say, could, new, two, time, right, make, well, even
--- win, jew, said, play, polit, presid, system, basebal, tax, law", - "+++ think, say, could, first, two, time, may, point, see, take
--- religion, win, said, live, mean, play, believ, children, basebal, law", - "+++ good, think, could, new, two, time, may, got, take, much
--- win, ground, play, austin, current, power, nec, gov, basebal, bnr", - "+++ think, say, could, time, may, point, see, much, make, even
--- true, win, mean, exampl, play, believ, basebal, better, christian, claim", - "+++ defens, think, say, could, time, right, make, well, year, also
--- play, better, carri, look, start, let, keep, case, team, much", - "+++ new, first, may, year, time, also
--- think, play, satellit, technolog, includ, could, better, cmu, pittsburgh, right", - "+++ may, new
--- think, play, could, includ, rule, better, right, look, start, let", - "+++ think, say, could, first, see, much, make, way, year, also
--- play, technolog, better, want, right, look, start, let, michael, cost", - "+++ think, could, new, game, make, best, also, look, run, good
--- win, simm, price, play, includ, system, basebal, buy, anyon, ship", - "+++ two, also, run, new
--- think, instal, play, could, better, scsi, pin, mous, driver, right" + "+++ world, could, peopl, make, well, time, two, nazi, right, also
--- car, azeri, turkey, say, mani, give, serdar, german, 000, question", + "+++
--- well, two, c8v, right, say, mani, b8f, okz, give, qtm", + "+++ want, time, also, call
--- server, well, two, right, say, mani, thank, display, give, inform", + "+++ well, two, right, say, mani, want, govern, state, even, make
--- atheist, said, evid, point, must, law, arab, american, live, palestinian", + "+++ even, could, said, kill, well, make, two, time, peopl, right
--- presid, went, mani, give, made, stephanopoulo, thing, happen, world, 000", + "+++ even, world, could, make, well, time, right, say, mani, think
--- two, give, opinion, thing, also, sgi, 000, jewish, question, much", + "+++ world, could, time, also, nation, year
--- well, two, right, say, mani, develop, lunar, news, give, project", + "+++ even, could, make, time, two, also, say, mani, govern, peopl
--- well, right, develop, give, inform, chip, world, clipper, need, number", + "+++ even, make, well, time, two, right, say, think, much, year
--- hockey, mani, give, nhl, also, score, world, 000, jewish, question", + "+++ two, time, also, want
--- modem, well, floppi, right, say, mani, thank, access, give, speed", + "+++ jewish, year
--- well, two, right, check, say, mani, give, char, also, sourc", + "+++ right, arab, say, live, mani, want, state, israel, even, fact
--- said, well, two, point, law, american, palestinian, believ, govern, case", + "+++ even, could, make, well, time, two, right, also, say, want
--- car, mani, give, thing, speed, world, need, 000, jewish, question", + "+++ year, world, time, 000, also, nation, peopl, state
--- armi, well, two, turkey, right, say, mani, kent, sandvik, give", + "+++ world, could, make, time, also, columbia, want, peopl, insur
--- server, cunixb, well, two, right, say, newsgroup, mani, thank, news" + ], + [ + "+++ could, make, well, time, key, law, right, new, also, look
--- car, two, azeri, turkey, say, thing, serdar, sgi, german, chip", + "+++
--- well, c8v, right, say, b8f, okz, qtm, wm4u, thing, also", + "+++ need, time, bit, anyon, also, new, look, distribut, want, run
--- server, well, right, say, thank, display, thing, sgi, inform, chip", + "+++ well, law, right, say, want, state, tri, even, make, thing
--- atheist, realli, two, evid, point, must, indiana, mani, run, govern", + "+++ well, right, say, want, state, tri, even, make, thing, also
--- said, realli, two, presid, law, went, indiana, run, believ, disk", + "+++ realli, well, right, say, state, tri, even, make, thing, sgi
--- atheist, caltech, optilink, law, keith, show, indiana, mani, gay, want", + "+++ could, time, new, also, distribut, problem, softwar, work, system
--- well, right, say, develop, lunar, news, project, thing, moon, sgi", + "+++ law, say, even, make, new, also, chip, need, good, work
--- realli, well, two, right, mani, netcom, run, data, develop, thing", + "+++ even, make, well, time, take, right, new, say, look, think
--- hockey, two, nhl, thing, also, sgi, score, chip, need, question", + "+++ need, time, drive, also, new, look, distribut, want, system, problem
--- modem, well, two, floppi, right, say, thank, access, thing, speed", + "+++ read, need, tri, may
--- well, right, check, say, char, thing, also, sourc, sgi, inform", + "+++ law, right, say, want, state, even, make, thing, also, see
--- realli, well, point, arab, live, mani, indiana, run, believ, disk", + "+++ realli, well, right, say, want, run, state, tri, even, make
--- car, two, first, law, wire, indiana, turn, disk, system, got", + "+++ time, also, new, org, peopl, state, work
--- armi, well, turkey, right, say, kent, sandvik, thing, sourc, serdar", + "+++ could, make, time, also, distribut, want, org, run, system, peopl
--- server, cunixb, well, right, say, newsgroup, thank, news, thing, sgi" + ], + [ + "+++ could, make, time, also, new, repli, look, distribut, want, work
--- car, well, two, azeri, turkey, right, thank, speed, serdar, simm", + "+++
--- c8v, b8f, thank, okz, qtm, wm4u, also, speed, simm, chip", + "+++ want, color, run, thank, mac, mous, set, tri, system, help
--- server, imag, applic, repli, monitor, vga, disk, ide, data, instal", + "+++ time, make, also, want, tri
--- well, two, right, say, mani, thank, without, thing, speed, simm", + "+++ could, make, time, also, look, want, work, tri
--- well, two, presid, right, say, went, thank, made, stephanopoulo, thing", + "+++ could, time, make, system, tri
--- well, right, say, mani, thank, opinion, thing, also, speed, simm", + "+++ could, time, new, also, distribut, problem, scsi, work, system
--- thank, develop, lunar, news, project, speed, simm, moon, inform, chip", + "+++ could, need, make, time, comput, bit, also, new, work, system
--- two, say, mani, thank, develop, speed, simm, inform, clipper, number", + "+++ make, time, new, look, run
--- hockey, well, two, right, say, thank, nhl, also, speed, simm", + "+++ repli, monitor, want, thank, disk, ide, system, pin, new, also
--- modem, price, two, point, floppi, motherboard, origin, mac, run, vga", + "+++ need, help, pleas, tri, comput
--- check, thank, char, also, sourc, speed, simm, inform, chip, number", + "+++ could, time, make, also, want
--- right, say, mani, thank, thing, speed, simm, chip, world, need", + "+++ could, need, make, time, drive, new, also, speed, look, distribut
--- car, well, two, right, say, thank, thing, simm, chip, dod", + "+++ time, appl, also, new, repli, work
--- armi, turkey, thank, kent, sandvik, sourc, speed, serdar, simm, chip", + "+++ window, could, make, time, help, also, repli, distribut, want, run
--- server, cunixb, newsgroup, news, speed, simm, inform, chip, world, need" + ], + [ + "+++ world, could, car, make, well, time, peopl, right, look, repli
--- armenia, realli, two, azeri, law, turkey, ingr, pass, greek, mani", + "+++
--- car, well, c8v, right, say, mani, b8f, okz, qtm, wm4u", + "+++ need, time, anyon, look, distribut, want, problem, tri
--- server, car, well, right, say, mani, thank, display, thing, also", + "+++ well, point, right, say, mani, want, state, tri, even, make
--- atheist, car, realli, two, evid, first, must, repli, law, govern", + "+++ well, right, say, want, state, tri, got, even, make, thing
--- said, car, realli, two, presid, point, repli, went, mani, believ", + "+++ realli, well, right, say, mani, state, tri, even, make, thing
--- car, show, gay, frank, object, got, cramer, put, opinion, gov", + "+++ world, could, gov, time, distribut, problem, year, first
--- car, well, right, say, mani, develop, lunar, news, project, thing", + "+++ even, could, need, make, time, peopl, say, mani, good, think
--- car, well, two, right, develop, thing, also, inform, chip, happen", + "+++ well, point, right, say, even, make, year, see, better, look
--- period, game, car, play, hockey, two, realli, hit, repli, weapon", + "+++ need, time, point, look, repli, distribut, want, problem, good, anyon
--- modem, car, well, two, floppi, right, say, mani, thank, access", + "+++ need, tri, year, read, first
--- car, well, right, check, say, mani, char, thing, sourc, inform", + "+++ point, right, say, mani, want, state, even, make, thing, see
--- car, realli, well, law, first, arab, repli, live, believ, tri", + "+++ car, realli, well, right, say, want, state, tri, got, even
--- two, point, wire, repli, mani, turn, run, put, gov, new", + "+++ year, world, time, repli, peopl, state, first
--- armi, car, well, turkey, right, say, mani, kent, sandvik, thing", + "+++ world, could, make, time, repli, distribut, want, peopl, anyon
--- server, car, cunixb, well, right, say, newsgroup, mani, thank, news" + ], + [ + "+++ car, make, time, new, look, repli, distribut, want, think, engin
--- well, two, azeri, turkey, right, c8v, b8f, okz, also, serdar", + "+++ 2tm, 1eq, c8v, 2di, b8f, 1d9, 7ey, max, okz, b8e
--- dyer, car, 1d9l, repli, want, 7ez, r8f, f9d, brake, mile", + "+++ need, time, new, look, distribut, want, anyon
--- server, car, c8v, b8f, thank, okz, display, also, uchicago, inform", + "+++ time, make, want, good, think
--- car, well, two, right, c8v, say, mani, b8f, without, okz", + "+++ time, make, look, want, good, think
--- car, well, two, presid, right, c8v, say, went, b8f, okz", + "+++ time, think, make, good
--- car, well, right, c8v, say, mani, b8f, okz, opinion, thing", + "+++ time, new, engin, distribut
--- car, c8v, b8f, develop, okz, lunar, news, project, also, moon", + "+++ need, time, make, new, good, think
--- car, two, c8v, say, mani, b8f, develop, okz, also, uchicago", + "+++ time, make, new, look, good, think
--- car, hockey, well, two, right, c8v, say, b8f, okz, nhl", + "+++ need, time, new, look, repli, usa, want, distribut, good, anyon
--- modem, car, two, floppi, c8v, b8f, thank, okz, access, also", + "+++ need
--- car, c8v, check, b8f, okz, char, sourc, uchicago, inform, number", + "+++ time, make, want, good, think
--- car, right, c8v, say, mani, b8f, okz, thing, also, uchicago", + "+++ car, make, need, time, new, look, usa, want, distribut, good
--- well, two, right, c8v, say, b8f, okz, thing, also, speed", + "+++ time, new, repli, umd, eng
--- armi, car, turkey, c8v, b8f, kent, sandvik, okz, also, sourc", + "+++ time, make, repli, distribut, want, anyon
--- server, car, cunixb, c8v, newsgroup, b8f, thank, okz, news, also" + ], + [ + "+++ armenia, well, two, turkey, right, greek, want, turk, new, serdar
--- car, said, azeri, law, file, repli, ingr, pass, live, say", + "+++
--- well, two, turkey, c8v, right, say, went, b8f, okz, qtm", + "+++ program, need, time, work, new, look, want, file, call
--- server, well, two, turkey, right, say, went, thank, display, also", + "+++ even, time, well, two, right, say, want, think, peopl, see
--- turkey, went, mani, without, thing, also, serdar, world, need, number", + "+++ said, well, two, right, say, went, want, start, come, even
--- armenia, presid, turkey, file, azerbaijani, live, greek, believ, state, return", + "+++ even, world, could, time, well, right, say, think, someth, peopl
--- two, turkey, went, mani, opinion, thing, serdar, sgi, need, number", + "+++ program, world, could, time, new, year, work, first
--- well, two, turkey, right, say, went, develop, lunar, news, project", + "+++ even, could, need, time, number, two, work, new, say, peopl
--- well, turkey, right, went, mani, develop, also, serdar, inform, chip", + "+++ even, time, well, two, right, new, say, look, think, start
--- hockey, turkey, went, nhl, serdar, score, world, need, number, season", + "+++ need, time, two, new, look, want, work
--- modem, well, turkey, floppi, right, say, went, thank, access, also", + "+++ rule, program, need, number, output, file, build, name, year, return
--- well, two, turkey, right, check, say, went, char, sourc, serdar", + "+++ even, world, could, kill, time, right, say, live, want, think
--- well, two, turkey, went, mani, thing, also, serdar, need, number", + "+++ even, could, need, time, well, two, right, new, say, look
--- car, turkey, went, thing, also, speed, serdar, world, number, dod", + "+++ armenia, turkey, file, muslim, turk, new, serdar, year, world, number
--- armi, david, well, two, right, say, went, greek, popul, kent", + "+++ world, could, time, file, want, name, peopl
--- server, cunixb, well, two, turkey, right, say, newsgroup, went, thank" + ], + [ + "+++ make, well, time, two, new, right, also, look, year, think
--- car, hockey, azeri, turkey, presid, say, stephanopoulo, nhl, serdar, german", + "+++
--- hockey, well, two, presid, c8v, right, say, b8f, okz, qtm", + "+++ time, also, look, new, run
--- server, hockey, well, two, presid, right, say, thank, display, stephanopoulo", + "+++ even, make, well, time, two, point, right, also, say, think
--- hockey, presid, mani, without, stephanopoulo, thing, nhl, score, question, constitut", + "+++ said, well, two, presid, right, say, start, got, come, even
--- game, play, hockey, point, hit, went, want, win, run, believ", + "+++ even, make, well, time, right, say, think, good, see
--- hockey, two, presid, mani, opinion, stephanopoulo, thing, nhl, also, sgi", + "+++ time, new, also, year, first
--- hockey, well, two, presid, right, say, develop, lunar, news, project", + "+++ even, make, time, two, new, also, say, good, think
--- hockey, well, presid, right, mani, develop, stephanopoulo, nhl, inform, chip", + "+++ game, play, hockey, well, two, point, right, hit, say, win
--- period, said, presid, weapon, next, got, come, stephanopoulo, also, day", + "+++ time, two, point, new, look, also, good
--- modem, hockey, well, presid, floppi, right, say, thank, access, stephanopoulo", + "+++ first, year
--- hockey, well, two, presid, right, check, say, char, stephanopoulo, nhl", + "+++ day, even, make, time, point, right, also, say, think, good
--- hockey, well, two, presid, mani, stephanopoulo, thing, nhl, score, world", + "+++ well, two, right, say, run, got, even, make, new, also
--- game, car, realli, said, play, wire, hockey, point, want, turn", + "+++ time, also, new, toronto, year, first
--- armi, hockey, well, two, presid, turkey, right, say, kent, sandvik", + "+++ also, run, make, time
--- server, cunixb, hockey, well, two, presid, right, say, newsgroup, thank" + ], + [ + "+++ could, make, well, time, two, new, also, repli, sun, look
--- car, current, azeri, turkey, right, serdar, sale, german, world, need", + "+++
--- well, current, two, c8v, b8f, okz, qtm, wm4u, also, sale", + "+++ need, time, imag, also, new, look, includ, want, distribut, run
--- server, well, current, two, thank, display, sale, inform, question, softwar", + "+++ make, well, time, two, point, question, also, want, good, may
--- current, right, say, mani, without, thing, sale, need, constitut, much", + "+++ could, make, well, time, two, also, look, want, good, year
--- current, presid, right, say, went, made, stephanopoulo, thing, sale, happen", + "+++ could, time, make, well, good, system
--- current, two, right, say, mani, opinion, thing, also, sale, sgi", + "+++ imag, system, gov, scienc, also, new, year, space, center, includ
--- well, fund, current, two, point, wire, satellit, repli, 1993, want", + "+++ could, need, make, scienc, time, two, work, new, also, pitt
--- well, current, say, mani, develop, sale, inform, chip, clipper, number", + "+++ make, well, time, two, point, new, look, good, run, year
--- hockey, current, right, say, nhl, also, sale, score, need, question", + "+++ two, point, repli, want, offer, new, also, power, sale, need
--- modem, imag, current, price, first, well, floppi, motherboard, wire, monitor", + "+++ need, includ, year, first, may, comput
--- well, current, two, check, char, also, sourc, sale, inform, number", + "+++ could, make, time, point, question, also, want, book, good, may
--- well, current, two, right, say, mani, thing, sale, world, need", + "+++ well, two, wire, want, run, make, new, also, year, need
--- car, realli, imag, current, right, say, point, repli, turn, pitt", + "+++ time, also, new, repli, center, year, work, first
--- armi, well, current, two, turkey, kent, sandvik, sourc, serdar, sale", + "+++ could, make, time, also, repli, distribut, want, run, system, may
--- server, cunixb, current, two, well, newsgroup, thank, news, sale, inform" + ], + [ + "+++ make, time, also, look, repli, distribut, want, work, way
--- server, client, car, well, two, azeri, turkey, right, resourc, thank", + "+++
--- server, client, c8v, b8f, resourc, thank, okz, display, qtm, wm4u", + "+++ server, applic, want, color, run, thank, data, set, tri, display
--- client, imag, motif, repli, resourc, mac, mous, make, graphic, new", + "+++ way, make, time, also, want, tri, may
--- server, client, well, two, right, say, mani, resourc, thank, without", + "+++ make, time, also, look, want, work, tri, way
--- server, client, well, two, presid, right, say, went, resourc, thank", + "+++ time, system, tri, make
--- server, client, well, right, say, mani, resourc, thank, display, opinion", + "+++ program, time, softwar, also, group, includ, distribut, avail, problem, data
--- server, client, resourc, thank, develop, display, lunar, news, project, sourc", + "+++ need, make, time, number, bit, work, also, may, data, call
--- server, client, two, say, mani, resourc, thank, develop, display, sourc", + "+++ time, make, look, run, way
--- server, client, hockey, well, two, right, say, resourc, thank, display", + "+++ need, time, also, look, repli, includ, want, distribut, thank, problem
--- modem, server, client, two, floppi, resourc, display, access, sourc, speed", + "+++ program, need, help, number, sourc, includ, name, mail, may, file
--- server, client, check, resourc, thank, display, char, also, lib, jewish", + "+++ way, make, time, also, want, may
--- server, client, right, say, mani, resourc, thank, display, thing, sourc", + "+++ way, need, make, time, also, look, distribut, want, run, problem
--- server, client, car, well, two, right, say, resourc, thank, display", + "+++ time, number, also, sourc, repli, file, work
--- armi, server, client, turkey, resourc, thank, kent, sandvik, display, serdar", + "+++ server, repli, want, run, thank, make, help, also, inform, window
--- client, anonym, cunixb, motif, applic, newsgroup, color, resourc, privaci, data" + ], + [ + "+++ well, two, right, repli, want, state, make, new, also, convex
--- car, armenia, azeri, law, turkey, say, ingr, pass, greek, run", + "+++
--- well, two, c8v, right, say, b8f, thank, okz, access, opinion", + "+++ time, also, new, look, distribut, want, run, thank, problem, pleas
--- server, well, two, right, say, display, access, opinion, inform, world", + "+++ peopl, make, well, time, two, question, right, also, say, human
--- mani, thank, without, access, opinion, thing, world, great, constitut, dod", + "+++ peopl, make, well, time, two, right, also, say, look, want
--- presid, went, run, thank, ask, got, tax, access, kill, opinion", + "+++ world, peopl, opinion, make, well, time, right, say, think, system
--- two, mani, thank, access, thing, also, sgi, great, question, dod", + "+++ year, world, time, new, also, distribut, problem, base, system
--- well, two, right, say, thank, develop, lunar, news, access, opinion", + "+++ peopl, make, time, two, also, new, say, good, think, system
--- well, right, mani, thank, develop, access, opinion, inform, chip, world", + "+++ make, well, time, two, right, new, say, look, good, run
--- hockey, thank, access, opinion, nhl, also, score, world, great, question", + "+++ access, time, two, new, also, repli, look, usa, want, distribut
--- modem, well, floppi, right, say, opinion, speed, sale, world, need", + "+++ comput, pleas, tri, year
--- well, two, right, check, say, thank, access, char, opinion, also", + "+++ world, peopl, make, time, question, right, also, say, human, want
--- well, two, mani, thank, access, opinion, thing, great, jewish, dod", + "+++ well, two, right, say, want, run, state, tri, make, new
--- car, realli, first, wire, repli, turn, thank, net, bnr, pyron", + "+++ world, peopl, time, also, new, repli, org, year, state
--- armi, well, two, turkey, right, say, thank, kent, sandvik, access", + "+++ world, make, time, also, repli, distribut, want, org, run, thank
--- server, cunixb, well, two, right, say, newsgroup, news, access, opinion" + ], + [ + "+++ crime, could, car, make, well, time, two, peopl, law, right
--- armenia, azeri, turkey, file, say, pass, weapon, greek, mani, health", + "+++
--- car, well, two, c8v, right, say, mani, b8f, okz, qtm", + "+++ time, new, also, problem, file, system
--- server, car, well, two, right, say, mani, thank, display, thing", + "+++ well, two, law, right, say, mani, state, even, make, thing
--- atheist, car, evid, point, first, must, file, weapon, want, govern", + "+++ well, two, right, say, state, even, make, thing, also, year
--- car, presid, weapon, went, mani, health, ask, got, tax, crime", + "+++ even, could, peopl, make, well, time, person, thing, right, say
--- car, realli, two, show, weapon, gay, frank, object, health, cramer", + "+++ could, time, new, also, system, problem, scsi, year, first
--- car, well, two, right, say, mani, develop, lunar, news, project", + "+++ two, law, say, mani, case, even, make, new, also, number
--- car, well, right, weapon, netcom, data, develop, health, crime, thing", + "+++ even, make, well, firearm, two, time, gun, right, new, say
--- car, hockey, file, mani, run, health, crime, nhl, also, thing", + "+++ time, two, also, new, problem, scsi, good, control, system
--- modem, car, well, floppi, right, say, mani, thank, access, thing", + "+++ file, first, number, year
--- car, well, two, right, check, say, mani, char, thing, also", + "+++ day, even, could, peopl, make, time, person, law, right, thing
--- car, well, two, arab, weapon, health, crime, kill, christ, new", + "+++ car, well, two, right, say, state, even, make, thing, new
--- realli, law, wire, file, weapon, want, turn, mani, run, health", + "+++ peopl, report, time, number, public, also, new, file, year, state
--- armi, car, well, two, turkey, right, say, mani, kent, sandvik", + "+++ could, time, make, also, file, peopl, system
--- server, car, cunixb, well, two, right, say, newsgroup, mani, thank" + ], + [ + "+++ time, also, new, look, repli, distribut, want, work, comput
--- car, well, two, azeri, turkey, right, thank, serdar, sale, german", + "+++
--- c8v, b8f, thank, okz, qtm, wm4u, also, sale, inform, 3di", + "+++ imag, file, want, mac, run, thank, data, system, program, help
--- server, price, applic, repli, color, netcom, mous, set, display, tri", + "+++ want, also, time
--- well, two, right, say, mani, thank, without, thing, sale, inform", + "+++ time, also, look, want, work
--- well, two, presid, right, say, went, thank, made, stephanopoulo, thing", + "+++ system, time
--- well, right, say, mani, thank, opinion, thing, also, sale, sgi", + "+++ program, time, imag, softwar, new, also, graphic, includ, distribut, avail
--- thank, develop, lunar, news, project, sale, moon, world, need, group", + "+++ need, time, also, new, netcom, data, work, system, inform, comput
--- two, say, mani, thank, develop, sale, chip, clipper, number, softwar", + "+++ new, run, look, time
--- hockey, well, two, right, say, thank, nhl, also, sale, score", + "+++ price, repli, want, thank, data, system, new, also, sale, need
--- modem, imag, two, point, floppi, motherboard, file, monitor, origin, mac", + "+++ info, program, need, address, list, help, includ, send, pleas, mail
--- check, thank, char, also, sourc, sale, number, lib, jewish, titl", + "+++ want, also, time
--- right, say, mani, thank, thing, sale, inform, world, need, question", + "+++ need, time, drive, new, also, look, distribut, want, run, work
--- car, well, two, right, say, thank, thing, speed, sale, inform", + "+++ time, also, new, repli, file, work
--- armi, turkey, thank, kent, sandvik, sourc, serdar, sale, inform, world", + "+++ repli, want, run, thank, system, help, also, inform, window, pleas
--- server, anonym, cunixb, imag, price, newsgroup, mac, netcom, privaci, data" + ], + [ + "+++ world, could, make, well, time, two, law, new, also, want
--- car, azeri, turkey, right, say, mani, thing, serdar, german, question", + "+++
--- well, two, c8v, say, mani, b8f, okz, qtm, wm4u, thing", + "+++ want, new, also, time
--- server, well, two, say, mani, thank, display, thing, inform, world", + "+++ well, two, point, law, say, mani, want, believ, argument, even
--- atheist, said, evid, right, must, govern, state, without, tri, come", + "+++ said, well, two, say, want, believ, come, even, make, thing
--- presid, point, right, law, went, mani, argument, start, state, seem", + "+++ well, say, mani, believ, even, make, thing, see, world, god
--- atheist, said, caltech, optilink, realli, two, point, right, keith, show", + "+++ world, could, time, scienc, new, also
--- well, two, say, mani, develop, lunar, news, project, thing, moon", + "+++ even, could, peopl, make, scienc, time, two, law, new, also
--- well, develop, thing, inform, chip, world, clipper, need, number, question", + "+++ even, make, well, time, two, point, new, say, think, much
--- hockey, right, mani, nhl, thing, also, score, world, question, season", + "+++ time, two, point, new, also, want, good
--- modem, well, floppi, say, mani, thank, access, thing, speed, sale", + "+++ read, may
--- well, two, check, say, mani, char, thing, also, sourc, inform", + "+++ point, law, say, mani, want, believ, come, even, make, thing
--- said, well, two, right, arab, live, argument, state, israel, fact", + "+++ day, even, way, could, make, well, time, two, thing, new
--- car, realli, said, first, point, right, wire, law, turn, mani", + "+++ world, time, also, new, peopl
--- armi, well, two, turkey, say, mani, kent, sandvik, thing, sourc", + "+++ world, could, make, time, also, want, peopl, may
--- server, cunixb, well, two, say, newsgroup, mani, thank, news, thing" + ], + [ + "+++ world, could, make, well, time, also, right, want, peopl, think
--- car, two, azeri, turkey, say, mani, thing, serdar, german, question", + "+++
--- well, c8v, right, say, mani, b8f, okz, qtm, wm4u, thing", + "+++ time, also, want, system, problem, tri
--- server, well, right, say, mani, thank, display, thing, inform, world", + "+++ atheist, well, point, right, must, say, mani, want, believ, tri
--- said, realli, two, evid, law, govern, object, argument, state, without", + "+++ said, well, right, say, want, believ, tri, come, even, make
--- atheist, realli, two, presid, point, must, went, mani, object, start", + "+++ atheist, realli, well, right, say, mani, object, believ, tri, even
--- said, caltech, optilink, point, must, keith, show, want, gay, frank", + "+++ world, could, time, also, problem, system
--- well, right, say, mani, develop, lunar, news, project, thing, moon", + "+++ even, could, peopl, make, time, also, say, mani, good, think
--- well, two, right, develop, thing, inform, chip, world, clipper, need", + "+++ even, make, well, time, take, point, right, say, think, good
--- hockey, two, mani, nhl, thing, also, score, world, question, season", + "+++ time, point, also, want, problem, good, system
--- modem, well, two, floppi, right, say, mani, thank, access, thing", + "+++ must, tri, may, follow
--- well, right, check, say, mani, char, thing, also, sourc, inform", + "+++ point, right, say, mani, want, believ, come, even, make, thing
--- atheist, said, realli, well, law, must, arab, live, object, state", + "+++ realli, well, right, say, want, tri, even, make, thing, also
--- atheist, car, said, two, first, point, must, wire, turn, mani", + "+++ world, also, time, peopl
--- armi, well, turkey, right, say, mani, kent, sandvik, thing, sourc", + "+++ world, could, make, find, time, also, want, peopl, system, may
--- server, cunixb, well, right, say, newsgroup, mani, thank, news, thing" + ], + [ + "+++ could, peopl, make, time, key, two, law, right, new, also
--- car, well, azeri, turkey, presid, develop, access, serdar, german, inform", + "+++
--- two, presid, c8v, right, b8f, develop, okz, access, qtm, wm4u", + "+++ program, need, time, new, also, distribut, data, work, system, inform
--- server, two, presid, right, thank, develop, display, access, chip, clipper", + "+++ way, make, time, two, law, right, also, think, govern, peopl
--- well, presid, say, mani, develop, without, access, thing, inform, chip", + "+++ could, peopl, make, time, two, presid, right, also, think, year
--- well, say, went, develop, access, made, stephanopoulo, thing, inform, chip", + "+++ could, time, make, right, think, peopl, state, system
--- well, two, presid, say, mani, develop, access, opinion, thing, also", + "+++ year, program, could, time, launch, also, data, new, technolog, space
--- two, presid, right, lunar, news, access, project, moon, chip, world", + "+++ encrypt, commun, two, law, govern, develop, data, escrow, secret, make
--- effect, presid, first, right, say, mani, clinton, pitt, netcom, privaci", + "+++ make, time, two, new, right, year, think, first, way
--- hockey, well, presid, say, develop, access, nhl, also, score, inform", + "+++ access, need, time, two, new, also, space, distribut, data, work
--- modem, presid, floppi, right, thank, develop, speed, sale, inform, chip", + "+++ program, need, inform, year, first, may, comput
--- two, presid, right, check, develop, access, char, also, sourc, chip", + "+++ could, make, time, law, also, right, think, may, peopl, state
--- two, presid, say, mani, develop, access, thing, inform, chip, world", + "+++ way, could, need, make, time, two, right, new, also, distribut
--- car, well, presid, say, develop, access, thing, speed, inform, chip", + "+++ year, time, public, also, new, peopl, state, work, first
--- armi, two, presid, turkey, right, develop, kent, sandvik, access, sourc", + "+++ could, make, time, also, messag, distribut, privaci, may, peopl, system
--- server, cunixb, two, presid, right, newsgroup, thank, develop, news, access" ] ], "type": "heatmap", + "uid": "a3ce4eba-5101-4544-850d-7b2963eb6250", "z": [ [ - 0.9795918367346939, + 0.8095238095238095, + 1, 0.9583333333333334, - 0.5915492957746479, + 0.75, + 0.7804878048780488, + 0.8235294117647058, + 0.9361702127659575, + 0.8505747126436781, 0.8636363636363636, - 0.9690721649484536, - 0.9473684210526316, - 0.98989898989899, - 0.8888888888888888, 0.9583333333333334, - 0.9690721649484536, - 0.8505747126436781, - 0.8235294117647058, - 0.9247311827956989, - 0.75, - 0.8095238095238095 - ], - [ 0.9795918367346939, + 0.6486486486486487, 0.8095238095238095, - 0.9361702127659575, - 0.7654320987654322, - 0.7951807228915663, - 0.7654320987654322, + 0.9130434782608696, + 0.9010989010989011 + ], + [ 0.8095238095238095, + 1, 0.8095238095238095, + 0.7341772151898734, + 0.7341772151898734, + 0.717948717948718, + 0.9010989010989011, + 0.7654320987654322, + 0.8372093023255813, 0.8235294117647058, - 0.6666666666666667, + 0.9583333333333334, + 0.7341772151898734, + 0.6301369863013699, 0.9247311827956989, - 0.9361702127659575, - 0.8888888888888888, + 0.8636363636363636 + ], + [ + 0.8764044943820225, + 1, + 0.6111111111111112, + 0.9473684210526316, + 0.9130434782608696, + 0.9473684210526316, + 0.9010989010989011, 0.8764044943820225, - 0.9473684210526316 + 0.9473684210526316, + 0.6486486486486487, + 0.9473684210526316, + 0.9473684210526316, + 0.8235294117647058, + 0.9361702127659575, + 0.8235294117647058 ], [ - 0.9690721649484536, - 0.7951807228915663, - 0.9583333333333334, + 0.7804878048780488, + 1, + 0.9130434782608696, 0.7654320987654322, 0.6666666666666667, - 0.717948717948718, - 0.46153846153846156, - 0.8505747126436781, - 0.5714285714285714, - 0.7951807228915663, - 0.9361702127659575, - 0.98989898989899, - 0.8372093023255813, + 0.7654320987654322, 0.9130434782608696, - 0.9795918367346939 + 0.8888888888888888, + 0.7654320987654322, + 0.8888888888888888, + 0.9473684210526316, + 0.7654320987654322, + 0.5507246376811594, + 0.9247311827956989, + 0.9010989010989011 ], [ - 0.7654320987654322, - 1, - 1, - 1, - 1, + 0.8888888888888888, + 0.5915492957746479, + 0.9247311827956989, + 0.9473684210526316, + 0.9361702127659575, + 0.9583333333333334, + 0.9583333333333334, + 0.9361702127659575, + 0.9361702127659575, + 0.8888888888888888, 0.98989898989899, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1, - 1 + 0.9473684210526316, + 0.8636363636363636, + 0.9473684210526316, + 0.9361702127659575 ], [ - 0.9361702127659575, + 0.7012987012987013, + 1, + 0.9010989010989011, + 0.8764044943820225, 0.6842105263157895, 0.8764044943820225, - 0.6486486486486487, - 0.7804878048780488, - 0.8095238095238095, + 0.9130434782608696, + 0.8636363636363636, 0.8372093023255813, - 0.7804878048780488, - 0.7951807228915663, - 0.8095238095238095, - 0.8505747126436781, - 0.9583333333333334, + 0.9247311827956989, 0.8636363636363636, - 0.8505747126436781, - 0.7951807228915663 - ], - [ - 0.9795918367346939, 0.8372093023255813, - 0.8888888888888888, - 0.6666666666666667, - 0.8235294117647058, - 0.6301369863013699, - 0.8095238095238095, - 0.8095238095238095, - 0.8095238095238095, + 0.7951807228915663, 0.7654320987654322, - 0.8764044943820225, - 0.8095238095238095, - 0.8505747126436781, - 0.8505747126436781, - 0.9010989010989011 + 0.9247311827956989 ], [ - 0.9690721649484536, - 0.8095238095238095, 0.8888888888888888, - 0.6666666666666667, - 0.8505747126436781, - 0.8372093023255813, + 1, + 0.9473684210526316, 0.8505747126436781, - 0.8235294117647058, - 0.8235294117647058, - 0.8636363636363636, - 0.9130434782608696, - 0.9130434782608696, - 0.8636363636363636, - 0.7804878048780488, - 0.9247311827956989 - ], - [ - 0.9690721649484536, - 0.8235294117647058, - 0.9130434782608696, - 0.7654320987654322, - 0.7654320987654322, - 0.7341772151898734, - 0.75, - 0.8235294117647058, - 0.75, - 0.8372093023255813, + 0.717948717948718, 0.9010989010989011, - 0.9690721649484536, - 0.8505747126436781, + 0.9473684210526316, + 0.9010989010989011, + 0.33333333333333337, + 0.9247311827956989, + 0.9795918367346939, 0.8636363636363636, - 0.9361702127659575 + 0.7341772151898734, + 0.9361702127659575, + 0.9583333333333334 ], [ + 0.8095238095238095, 1, - 0.9361702127659575, - 0.3870967741935484, + 0.8505747126436781, + 0.8764044943820225, 0.8636363636363636, - 0.9130434782608696, - 0.9010989010989011, 0.9361702127659575, - 0.8636363636363636, - 0.9010989010989011, - 0.9247311827956989, - 0.9010989010989011, - 0.7951807228915663, - 0.9473684210526316, - 0.8235294117647058, - 0.8095238095238095 + 0.7341772151898734, + 0.8095238095238095, + 0.8764044943820225, + 0.75, + 0.9361702127659575, + 0.8888888888888888, + 0.7341772151898734, + 0.9130434782608696, + 0.8764044943820225 ], [ - 0.9583333333333334, - 0.8235294117647058, 0.9010989010989011, - 0.717948717948718, + 1, + 0.48484848484848486, + 0.9247311827956989, + 0.9130434782608696, + 0.9583333333333334, 0.8505747126436781, 0.8636363636363636, - 0.8235294117647058, - 0.7951807228915663, - 0.8235294117647058, - 0.8636363636363636, - 0.717948717948718, - 0.9130434782608696, - 0.7951807228915663, + 0.9473684210526316, + 0.8372093023255813, 0.8636363636363636, - 0.9247311827956989 + 0.9361702127659575, + 0.8505747126436781, + 0.9247311827956989, + 0.717948717948718 ], [ - 0.9583333333333334, + 0.75, + 1, + 0.8505747126436781, 0.8095238095238095, - 0.8636363636363636, - 0.6842105263157895, - 0.7951807228915663, 0.7951807228915663, + 0.8505747126436781, + 0.9010989010989011, + 0.8764044943820225, + 0.8372093023255813, 0.7804878048780488, - 0.7654320987654322, - 0.75, - 0.8235294117647058, - 0.8888888888888888, 0.9583333333333334, - 0.7654320987654322, + 0.8235294117647058, 0.7341772151898734, - 0.9010989010989011 + 0.9010989010989011, + 0.8372093023255813 ], [ - 0.9583333333333334, - 0.7804878048780488, - 0.9583333333333334, - 0.7341772151898734, - 0.7012987012987013, - 0.6842105263157895, - 0.6111111111111112, - 0.7951807228915663, - 0.6842105263157895, - 0.7341772151898734, + 0.8095238095238095, + 1, 0.9361702127659575, + 0.7341772151898734, + 0.7654320987654322, + 0.7804878048780488, + 0.9010989010989011, + 0.7654320987654322, + 0.7804878048780488, + 0.9010989010989011, 0.9583333333333334, - 0.8235294117647058, - 0.9130434782608696, - 0.9583333333333334 + 0.7804878048780488, + 0.717948717948718, + 0.8764044943820225, + 0.9247311827956989 ], [ + 0.9010989010989011, + 1, + 0.5294117647058824, 0.9690721649484536, - 0.8235294117647058, - 0.8636363636363636, - 0.75, - 0.8372093023255813, - 0.8372093023255813, + 0.9473684210526316, + 0.9795918367346939, 0.8372093023255813, + 0.8888888888888888, + 0.9583333333333334, 0.75, + 0.8372093023255813, + 0.9690721649484536, + 0.8888888888888888, + 0.9361702127659575, + 0.717948717948718 + ], + [ 0.8505747126436781, - 0.8636363636363636, - 0.6842105263157895, - 0.9010989010989011, + 1, + 0.9583333333333334, + 0.5074626865671642, 0.75, + 0.7654320987654322, + 0.9361702127659575, 0.8235294117647058, - 0.9247311827956989 + 0.8505747126436781, + 0.9247311827956989, + 0.9795918367346939, + 0.46153846153846156, + 0.7804878048780488, + 0.9473684210526316, + 0.9130434782608696 ], [ - 0.9795918367346939, - 0.8888888888888888, - 0.8372093023255813, - 0.7341772151898734, - 0.8888888888888888, - 0.8636363636363636, - 0.9130434782608696, - 0.7654320987654322, 0.8764044943820225, - 0.8505747126436781, + 1, 0.9361702127659575, - 0.9473684210526316, - 0.8888888888888888, - 0.5915492957746479, - 0.6666666666666667 + 0.5507246376811594, + 0.717948717948718, + 0.6301369863013699, + 0.9361702127659575, + 0.8636363636363636, + 0.8636363636363636, + 0.9247311827956989, + 0.9583333333333334, + 0.5294117647058824, + 0.7654320987654322, + 0.9583333333333334, + 0.8888888888888888 ], [ - 0.7951807228915663, - 0.360655737704918, - 0.9583333333333334, - 0.7012987012987013, - 0.8095238095238095, - 0.8372093023255813, 0.7804878048780488, - 0.7951807228915663, - 0.8095238095238095, + 1, + 0.8764044943820225, 0.8636363636363636, - 0.9361702127659575, - 0.9795918367346939, + 0.8235294117647058, + 0.9130434782608696, + 0.7804878048780488, + 0.5507246376811594, + 0.9010989010989011, 0.8636363636363636, - 0.8888888888888888, - 0.9583333333333334 + 0.9247311827956989, + 0.8764044943820225, + 0.8095238095238095, + 0.9010989010989011, + 0.8636363636363636 ] ] } @@ -2369,10 +2244,10 @@ } }, "text/html": [ - "
" + "
" ], "text/vnd.plotly.v1+html": [ - "
" + "
" ] }, "metadata": {}, @@ -2408,7 +2283,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.3" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/lda_training_tips.ipynb b/docs/notebooks/lda_training_tips.ipynb deleted file mode 100644 index 674973172c..0000000000 --- a/docs/notebooks/lda_training_tips.ipynb +++ /dev/null @@ -1,614 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Pre-processing and training LDA\n", - "\n", - "The purpose of this tutorial is to show you how to pre-process text data, and how to train the LDA model on that data. This tutorial will **not** explain you the LDA model, how inference is made in the LDA model, and it will not necessarily teach you how to use Gensim's implementation. There are plenty of resources for all of those things, but what is somewhat lacking is a hands-on tutorial that helps you train an LDA model with good results... so here is my contribution towards that.\n", - "\n", - "I have used a corpus of NIPS papers in this tutorial, but if you're following this tutorial just to learn about LDA I encourage you to consider picking a corpus on a subject that you are familiar with. Qualitatively evaluating the output of an LDA model is challenging and can require you to understand the subject matter of your corpus (depending on your goal with the model).\n", - "\n", - "I would also encourage you to consider each step when applying the model to your data, instead of just blindly applying my solution. The different steps will depend on your data and possibly your goal with the model.\n", - "\n", - "In the following sections, we will go through pre-processing the data and training the model.\n", - "\n", - "> **Note:**\n", - ">\n", - "> This tutorial uses the nltk library, although you can replace it with something else if you want. Python 3 is used, although Python 2.7 can be used as well.\n", - "\n", - "In this tutorial we will:\n", - "\n", - "* Load data.\n", - "* Pre-process data.\n", - "* Transform documents to a vectorized form.\n", - "* Train an LDA model.\n", - "\n", - "If you are not familiar with the LDA model or how to use it in Gensim, I suggest you read up on that before continuing with this tutorial. Basic understanding of the LDA model should suffice. Examples:\n", - "\n", - "* Gentle introduction to the LDA model: http://blog.echen.me/2011/08/22/introduction-to-latent-dirichlet-allocation/\n", - "* Gensim's LDA API documentation: https://radimrehurek.com/gensim/models/ldamodel.html\n", - "* Topic modelling in Gensim: http://radimrehurek.com/topic_modeling_tutorial/2%20-%20Topic%20Modeling.html\n", - "\n", - "## Data\n", - "\n", - "We will be using some papers from the NIPS (Neural Information Processing Systems) conference. NIPS is a machine learning conference so the subject matter should be well suited for most of the target audience of this tutorial.\n", - "\n", - "You can download the data from Sam Roweis' website (http://www.cs.nyu.edu/~roweis/data.html).\n", - "\n", - "Note that the corpus contains 1740 documents, and not particularly long ones. So keep in mind that this tutorial is not geared towards efficiency, and be careful before applying the code to a large dataset.\n", - "\n", - "Below we are simply reading the data." - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "# Read data.\n", - "\n", - "import os\n", - "from smart_open import smart_open\n", - "\n", - "# Folder containing all NIPS papers.\n", - "data_dir = 'nipstxt/'\n", - "\n", - "# Folders containin individual NIPS papers.\n", - "yrs = ['00', '01', '02', '03', '04', '05', '06', '07', '08', '09', '10', '11', '12']\n", - "dirs = ['nips' + yr for yr in yrs]\n", - "\n", - "# Read all texts into a list.\n", - "docs = []\n", - "for yr_dir in dirs:\n", - " files = os.listdir(data_dir + yr_dir)\n", - " for filen in files:\n", - " # Note: ignoring characters that cause encoding errors.\n", - " with smart_open(data_dir + yr_dir + '/' + filen, 'rb') as fid:\n", - " txt = fid.read()\n", - " docs.append(txt)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Pre-process and vectorize the documents\n", - "\n", - "Among other things, we will:\n", - "\n", - "* Split the documents into tokens.\n", - "* Lemmatize the tokens.\n", - "* Compute bigrams.\n", - "* Compute a bag-of-words representation of the data.\n", - "\n", - "First we tokenize the text using a regular expression tokenizer from NLTK. We remove numeric tokens and tokens that are only a single character, as they don't tend to be useful, and the dataset contains a lot of them." - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Tokenize the documents.\n", - "\n", - "from nltk.tokenize import RegexpTokenizer\n", - "\n", - "# Split the documents into tokens.\n", - "tokenizer = RegexpTokenizer(r'\\w+')\n", - "for idx in range(len(docs)):\n", - " docs[idx] = docs[idx].lower() # Convert to lowercase.\n", - " docs[idx] = tokenizer.tokenize(docs[idx]) # Split into words.\n", - "\n", - "# Remove numbers, but not words that contain numbers.\n", - "docs = [[token for token in doc if not token.isnumeric()] for doc in docs]\n", - "\n", - "# Remove words that are only one character.\n", - "docs = [[token for token in doc if len(token) > 1] for doc in docs]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We use the WordNet lemmatizer from NLTK. A lemmatizer is preferred over a stemmer in this case because it produces more readable words. Output that is easy to read is very desirable in topic modelling." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Lemmatize the documents.\n", - "\n", - "from nltk.stem.wordnet import WordNetLemmatizer\n", - "\n", - "# Lemmatize all words in documents.\n", - "lemmatizer = WordNetLemmatizer()\n", - "docs = [[lemmatizer.lemmatize(token) for token in doc] for doc in docs]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We find bigrams in the documents. Bigrams are sets of two adjacent words. Using bigrams we can get phrases like \"machine_learning\" in our output (spaces are replaced with underscores); without bigrams we would only get \"machine\" and \"learning\".\n", - "\n", - "Note that in the code below, we find bigrams and then add them to the original data, because we would like to keep the words \"machine\" and \"learning\" as well as the bigram \"machine_learning\".\n", - "\n", - "Note that computing n-grams of large dataset can be very computationally intentensive and memory intensive." - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "# Compute bigrams.\n", - "\n", - "from gensim.models import Phrases\n", - "\n", - "# Add bigrams and trigrams to docs (only ones that appear 20 times or more).\n", - "bigram = Phrases(docs, min_count=20)\n", - "for idx in range(len(docs)):\n", - " for token in bigram[docs[idx]]:\n", - " if '_' in token:\n", - " # Token is a bigram, add to document.\n", - " docs[idx].append(token)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We remove rare words and common words based on their *document frequency*. Below we remove words that appear in less than 20 documents or in more than 50% of the documents. Consider trying to remove words only based on their frequency, or maybe combining that with this approach." - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Remove rare and common tokens.\n", - "\n", - "from gensim.corpora import Dictionary\n", - "\n", - "# Create a dictionary representation of the documents.\n", - "dictionary = Dictionary(docs)\n", - "\n", - "# Filter out words that occur less than 20 documents, or more than 50% of the documents.\n", - "dictionary.filter_extremes(no_below=20, no_above=0.5)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Finally, we transform the documents to a vectorized form. We simply compute the frequency of each word, including the bigrams." - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Vectorize data.\n", - "\n", - "# Bag-of-words representation of the documents.\n", - "corpus = [dictionary.doc2bow(doc) for doc in docs]" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's see how many tokens and documents we have to train on." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Number of unique tokens: 8640\n", - "Number of documents: 1740\n" - ] - } - ], - "source": [ - "print('Number of unique tokens: %d' % len(dictionary))\n", - "print('Number of documents: %d' % len(corpus))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Training\n", - "\n", - "We are ready to train the LDA model. We will first discuss how to set some of the training parameters.\n", - "\n", - "First of all, the elephant in the room: how many topics do I need? There is really no easy answer for this, it will depend on both your data and your application. I have used 10 topics here because I wanted to have a few topics that I could interpret and \"label\", and because that turned out to give me reasonably good results. You might not need to interpret all your topics, so you could use a large number of topics, for example 100.\n", - "\n", - "The `chunksize` controls how many documents are processed at a time in the training algorithm. Increasing chunksize will speed up training, at least as long as the chunk of documents easily fit into memory. I've set `chunksize = 2000`, which is more than the amount of documents, so I process all the data in one go. Chunksize can however influence the quality of the model, as discussed in Hoffman and co-authors [2], but the difference was not substantial in this case.\n", - "\n", - "`passes` controls how often we train the model on the entire corpus. Another word for passes might be \"epochs\". `iterations` is somewhat technical, but essentially it controls how often we repeat a particular loop over each document. It is important to set the number of \"passes\" and \"iterations\" high enough.\n", - "\n", - "I suggest the following way to choose iterations and passes. First, enable logging (as described in many Gensim tutorials), and set `eval_every = 1` in `LdaModel`. When training the model look for a line in the log that looks something like this:\n", - "\n", - " 2016-06-21 15:40:06,753 - gensim.models.ldamodel - DEBUG - 68/1566 documents converged within 400 iterations\n", - "\n", - "If you set `passes = 20` you will see this line 20 times. Make sure that by the final passes, most of the documents have converged. So you want to choose both passes and iterations to be high enough for this to happen.\n", - "\n", - "We set `alpha = 'auto'` and `eta = 'auto'`. Again this is somewhat technical, but essentially we are automatically learning two parameters in the model that we usually would have to specify explicitly." - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 1min 43s, sys: 12.1 s, total: 1min 55s\n", - "Wall time: 1min 41s\n" - ] - } - ], - "source": [ - "# Train LDA model.\n", - "\n", - "from gensim.models import LdaModel\n", - "\n", - "# Set training parameters.\n", - "num_topics = 10\n", - "chunksize = 2000\n", - "passes = 20\n", - "iterations = 400\n", - "eval_every = None # Don't evaluate model perplexity, takes too much time.\n", - "\n", - "# Make a index to word dictionary.\n", - "temp = dictionary[0] # This is only to \"load\" the dictionary.\n", - "id2word = dictionary.id2token\n", - "\n", - "%time model = LdaModel(corpus=corpus, id2word=id2word, chunksize=chunksize, \\\n", - " alpha='auto', eta='auto', \\\n", - " iterations=iterations, num_topics=num_topics, \\\n", - " passes=passes, eval_every=eval_every)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We can compute the topic coherence of each topic. Below we display the average topic coherence and print the topics in order of topic coherence.\n", - "\n", - "Note that we use the \"Umass\" topic coherence measure here (see docs, https://radimrehurek.com/gensim/models/ldamodel.html#gensim.models.ldamodel.LdaModel.top_topics), Gensim has recently obtained an implementation of the \"AKSW\" topic coherence measure (see accompanying blog post, http://rare-technologies.com/what-is-topic-coherence/).\n", - "\n", - "If you are familiar with the subject of the articles in this dataset, you can see that the topics below make a lot of sense. However, they are not without flaws. We can see that there is substantial overlap between some topics, others are hard to interpret, and most of them have at least some terms that seem out of place. If you were able to do better, feel free to share your methods on the blog at http://rare-technologies.com/lda-training-tips/ !" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Average topic coherence: -184.6016.\n", - "[([(0.021633213181384808, 'neuron'),\n", - " (0.010217691903217984, 'cell'),\n", - " (0.0082727364788879199, 'spike'),\n", - " (0.0075648781909228528, 'synaptic'),\n", - " (0.0074708470941849377, 'activity'),\n", - " (0.0069233960886390866, 'firing'),\n", - " (0.0065844402024269394, 'response'),\n", - " (0.0054484705201482764, 'stimulus'),\n", - " (0.0049905216429390244, 'potential'),\n", - " (0.0046648312033754366, 'dynamic'),\n", - " (0.0043872157636236165, 'phase'),\n", - " (0.0043690559219673481, 'connection'),\n", - " (0.0042000448457857166, 'fig'),\n", - " (0.0038936028866239677, 'frequency'),\n", - " (0.0038484030708212068, 'signal'),\n", - " (0.0035619675167517899, 'memory'),\n", - " (0.0035612510979155859, 'simulation'),\n", - " (0.0034699083899677372, 'delay'),\n", - " (0.003222778274768627, 'synapsis'),\n", - " (0.0030867531478369942, 'cortex')],\n", - " -157.65728612754438),\n", - " ([(0.01394508619775889, 'cell'),\n", - " (0.012233559744905821, 'visual'),\n", - " (0.0093611217350869618, 'field'),\n", - " (0.0078593492127281266, 'motion'),\n", - " (0.0075170084698202222, 'direction'),\n", - " (0.007295284912940363, 'response'),\n", - " (0.0071766768409758236, 'stimulus'),\n", - " (0.0071202187344461439, 'map'),\n", - " (0.0063611953263107597, 'orientation'),\n", - " (0.006097607837982996, 'eye'),\n", - " (0.005634328008455554, 'spatial'),\n", - " (0.0052513127782837336, 'neuron'),\n", - " (0.005147725114764439, 'receptive'),\n", - " (0.0050671662023816857, 'image'),\n", - " (0.004940498235678578, 'layer'),\n", - " (0.0047347570766813132, 'receptive_field'),\n", - " (0.0043985045727147933, 'activity'),\n", - " (0.0042108304311004987, 'cortex'),\n", - " (0.0040573413302537366, 'position'),\n", - " (0.0040119330436480831, 'region')],\n", - " -158.59627439539256),\n", - " ([(0.0080219826700949921, 'gaussian'),\n", - " (0.0068533088063575101, 'matrix'),\n", - " (0.006278805725408826, 'density'),\n", - " (0.0061736201860056669, 'mixture'),\n", - " (0.0057961560074873035, 'component'),\n", - " (0.0053104046774581212, 'likelihood'),\n", - " (0.0051456866880601679, 'estimate'),\n", - " (0.0050156142440622347, 'noise'),\n", - " (0.0047317036751591823, 'prior'),\n", - " (0.0043137703063880137, 'approximation'),\n", - " (0.0042321175243358366, 'variance'),\n", - " (0.0041232652708586724, 'bayesian'),\n", - " (0.0039598100973216067, 'em'),\n", - " (0.0038927209273342533, 'gradient'),\n", - " (0.0037779922470037221, 'log'),\n", - " (0.0037386957290049976, 'sample'),\n", - " (0.0035691130791367068, 'posterior'),\n", - " (0.003474281862935657, 'estimation'),\n", - " (0.0033300074873846915, 'regression'),\n", - " (0.0031726595216486336, 'basis')],\n", - " -166.34510865636656),\n", - " ([(0.010886162523755884, 'action'),\n", - " (0.008243305184760007, 'policy'),\n", - " (0.0062984874900367032, 'reinforcement'),\n", - " (0.0053458086160853369, 'optimal'),\n", - " (0.0044610446421877812, 'reinforcement_learning'),\n", - " (0.004307336922983125, 'memory'),\n", - " (0.0039526125909715238, 'machine'),\n", - " (0.0038936655126178108, 'control'),\n", - " (0.0037856559338613582, 'reward'),\n", - " (0.0036236160029445639, 'solution'),\n", - " (0.0036021980234376009, 'environment'),\n", - " (0.0035627734894868954, 'dynamic'),\n", - " (0.0031933344236852192, 'path'),\n", - " (0.0031378804551700011, 'graph'),\n", - " (0.003124482676950425, 'goal'),\n", - " (0.0028740266470112042, 'decision'),\n", - " (0.002859261795361839, 'iteration'),\n", - " (0.0027760542163197031, 'robot'),\n", - " (0.0027717460320510244, 'update'),\n", - " (0.0027236741499300676, 'stochastic')],\n", - " -177.26274652276632),\n", - " ([(0.0070532716721267846, 'bound'),\n", - " (0.005913824828369765, 'class'),\n", - " (0.0057276330400420862, 'let'),\n", - " (0.0054929905300656742, 'generalization'),\n", - " (0.0048778662731984385, 'theorem'),\n", - " (0.0037837387505577991, 'xi'),\n", - " (0.0037278683204615536, 'optimal'),\n", - " (0.0034766035774340242, 'threshold'),\n", - " (0.0033970822869913539, 'sample'),\n", - " (0.0032299852615058984, 'approximation'),\n", - " (0.0030406102884501475, 'dimension'),\n", - " (0.0029531703951075142, 'complexity'),\n", - " (0.0029359569608344029, 'machine'),\n", - " (0.0028217302052756486, 'loss'),\n", - " (0.0028088207050856388, 'node'),\n", - " (0.0028070556200296007, 'solution'),\n", - " (0.0027125994302985503, 'proof'),\n", - " (0.0026645852618673704, 'layer'),\n", - " (0.0026575860140346259, 'net'),\n", - " (0.0025041032721266473, 'polynomial')],\n", - " -178.98056091204177),\n", - " ([(0.013415451888852211, 'hidden'),\n", - " (0.0082374552595971748, 'hidden_unit'),\n", - " (0.0072956299376333855, 'node'),\n", - " (0.0067506029444491722, 'layer'),\n", - " (0.0067165005098781408, 'rule'),\n", - " (0.0066727349030650911, 'net'),\n", - " (0.0060021700820120441, 'tree'),\n", - " (0.0037908846621001113, 'trained'),\n", - " (0.0036697021591207916, 'sequence'),\n", - " (0.0034640024736643294, 'back'),\n", - " (0.0034239710201901612, 'table'),\n", - " (0.0033974409035990392, 'propagation'),\n", - " (0.003386765336526936, 'activation'),\n", - " (0.0030185415449297129, 'architecture'),\n", - " (0.0027794277568320121, 'learn'),\n", - " (0.0026850473390497742, 'prediction'),\n", - " (0.0026390573093651717, 'string'),\n", - " (0.0026346821217209816, 'training_set'),\n", - " (0.0025656814659620387, 'back_propagation'),\n", - " (0.0025116033411319671, 'language')],\n", - " -188.53277054717449),\n", - " ([(0.014714312788730109, 'control'),\n", - " (0.0099573280350719901, 'dynamic'),\n", - " (0.0086071341861654986, 'trajectory'),\n", - " (0.0066266453092346201, 'recurrent'),\n", - " (0.00626898358432157, 'controller'),\n", - " (0.0062674586012192932, 'sequence'),\n", - " (0.0059116541933388941, 'signal'),\n", - " (0.0057128873529593647, 'forward'),\n", - " (0.0047394595348510668, 'architecture'),\n", - " (0.0043434943047603583, 'nonlinear'),\n", - " (0.0042890468949420626, 'prediction'),\n", - " (0.0041938066166678015, 'series'),\n", - " (0.003416557849967361, 'attractor'),\n", - " (0.0032604652620072745, 'inverse'),\n", - " (0.0030363915114299377, 'trained'),\n", - " (0.0029902505602050241, 'adaptive'),\n", - " (0.0029839179665883029, 'position'),\n", - " (0.0029629507262957842, 'hidden'),\n", - " (0.0029130200205991445, 'desired'),\n", - " (0.0029018644073891733, 'feedback')],\n", - " -195.03034902242473),\n", - " ([(0.023135483496670099, 'image'),\n", - " (0.0098292320728244516, 'object'),\n", - " (0.0095091650250000437, 'recognition'),\n", - " (0.0062562002518291183, 'distance'),\n", - " (0.0053139256260932065, 'class'),\n", - " (0.0051142997138528537, 'face'),\n", - " (0.0051137601518977914, 'character'),\n", - " (0.0049003905865547294, 'classification'),\n", - " (0.0048368948400557233, 'pixel'),\n", - " (0.0045640208124919906, 'classifier'),\n", - " (0.0035795209469952948, 'view'),\n", - " (0.003322795802388204, 'digit'),\n", - " (0.0030209029835183087, 'transformation'),\n", - " (0.0028904227664521684, 'layer'),\n", - " (0.0028535003493623348, 'map'),\n", - " (0.0027609064717726449, 'human'),\n", - " (0.0027537824535155794, 'hand'),\n", - " (0.0026645898310183875, 'scale'),\n", - " (0.0026553222554916082, 'word'),\n", - " (0.0026489429534993759, 'nearest')],\n", - " -199.50365509313696),\n", - " ([(0.014619762720062554, 'circuit'),\n", - " (0.013163620299223806, 'neuron'),\n", - " (0.011173418735156853, 'chip'),\n", - " (0.010838272171877458, 'analog'),\n", - " (0.0096353380726272708, 'signal'),\n", - " (0.0080391211812232306, 'voltage'),\n", - " (0.0055581577899570835, 'channel'),\n", - " (0.0054775778900036506, 'noise'),\n", - " (0.0052134436268982988, 'vlsi'),\n", - " (0.0048225583229723852, 'bit'),\n", - " (0.0044179271415801871, 'implementation'),\n", - " (0.0042542648528188362, 'cell'),\n", - " (0.0039531536498857694, 'frequency'),\n", - " (0.0038684482611307152, 'pulse'),\n", - " (0.0036454420814875429, 'synapse'),\n", - " (0.0036188976174382961, 'threshold'),\n", - " (0.0032522992281379531, 'gate'),\n", - " (0.0032069531663885243, 'fig'),\n", - " (0.0031674367038267578, 'filter'),\n", - " (0.0031642918140801749, 'digital')],\n", - " -203.62039767672215),\n", - " ([(0.016495397244929412, 'speech'),\n", - " (0.014224555986108658, 'word'),\n", - " (0.014198504253159445, 'recognition'),\n", - " (0.0088937679870855438, 'layer'),\n", - " (0.0072520103636913641, 'classifier'),\n", - " (0.0067167934159034458, 'speaker'),\n", - " (0.0063553921838090102, 'context'),\n", - " (0.0062578159284403748, 'class'),\n", - " (0.0059853201329598928, 'hidden'),\n", - " (0.0056887097559640606, 'hmm'),\n", - " (0.0055328441630430568, 'classification'),\n", - " (0.0049471802300725225, 'trained'),\n", - " (0.0047306434471966301, 'frame'),\n", - " (0.0044173332526889391, 'phoneme'),\n", - " (0.0043987903208920357, 'mlp'),\n", - " (0.0041175501101671941, 'net'),\n", - " (0.0038161702513077969, 'acoustic'),\n", - " (0.0037067168884100422, 'speech_recognition'),\n", - " (0.0035800864004930716, 'rbf'),\n", - " (0.0035026237420255455, 'architecture')],\n", - " -220.48682168542942)]\n" - ] - } - ], - "source": [ - "top_topics = model.top_topics(corpus, num_words=20)\n", - "\n", - "# Average topic coherence is the sum of topic coherences of all topics, divided by the number of topics.\n", - "avg_topic_coherence = sum([t[1] for t in top_topics]) / num_topics\n", - "print('Average topic coherence: %.4f.' % avg_topic_coherence)\n", - "\n", - "from pprint import pprint\n", - "pprint(top_topics)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Things to experiment with\n", - "\n", - "* `no_above` and `no_below` parameters in `filter_extremes` method.\n", - "* Adding trigrams or even higher order n-grams.\n", - "* Consider whether using a hold-out set or cross-validation is the way to go for you.\n", - "* Try other datasets.\n", - "\n", - "If you have other ideas, feel free to comment on http://rare-technologies.com/lda-training-tips/." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Where to go from here\n", - "\n", - "* Check out a RaRe blog post on the AKSW topic coherence measure (http://rare-technologies.com/what-is-topic-coherence/).\n", - "* pyLDAvis (https://pyldavis.readthedocs.io/en/latest/index.html).\n", - "* Read some more Gensim tutorials (https://github.com/RaRe-Technologies/gensim/blob/develop/tutorials.md#tutorials).\n", - "* If you haven't already, read [1] and [2] (see references)." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## References\n", - "\n", - "1. \"Latent Dirichlet Allocation\", Blei et al. 2003.\n", - "2. \"Online Learning for Latent Dirichlet Allocation\", Hoffman et al. 2010." - ] - } - ], - "metadata": { - "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": 0 -} diff --git a/docs/notebooks/ldaseqmodel.ipynb b/docs/notebooks/ldaseqmodel.ipynb index 1c417b9ecf..acf5667e19 100644 --- a/docs/notebooks/ldaseqmodel.ipynb +++ b/docs/notebooks/ldaseqmodel.ipynb @@ -86,9 +86,7 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "# setting up our imports\n", @@ -120,9 +118,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "# loading our corpus and dictionary\n", @@ -152,10 +148,18 @@ "cell_type": "code", "execution_count": 3, "metadata": { - "collapsed": false, "scrolled": true }, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/git/gensim/gensim/models/ldaseqmodel.py:293: RuntimeWarning: divide by zero encountered in double_scalars\n", + " convergence = np.fabs((bound - old_bound) / old_bound)\n" + ] + } + ], "source": [ "ldaseq = ldaseqmodel.LdaSeqModel(corpus=corpus, id2word=dictionary, time_slice=time_slice, num_topics=5)" ] @@ -183,113 +187,111 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[[('last', 0.0030000000000000001),\n", - " ('market', 0.0030000000000000001),\n", - " ('year', 0.0030000000000000001),\n", - " ('firm', 0.0030000000000000001),\n", - " ('use', 0.0030000000000000001),\n", - " ('net', 0.002),\n", - " ('company', 0.002),\n", - " ('information', 0.002),\n", - " ('growth', 0.002),\n", - " ('bank', 0.002),\n", - " ('oil', 0.002),\n", - " ('firms', 0.002),\n", - " ('economic', 0.002),\n", - " ('search', 0.002),\n", - " ('much', 0.002),\n", - " ('sales', 0.002),\n", - " ('economy', 0.002),\n", - " ('prices', 0.002),\n", - " ('government', 0.002),\n", - " ('european', 0.002)],\n", - " [('music', 0.0060000000000000001),\n", - " ('best', 0.0040000000000000001),\n", - " ('show', 0.0040000000000000001),\n", - " ('last', 0.0040000000000000001),\n", - " ('uk', 0.0040000000000000001),\n", - " ('number', 0.0030000000000000001),\n", - " ('top', 0.0030000000000000001),\n", - " ('first', 0.0030000000000000001),\n", - " ('tv', 0.0030000000000000001),\n", - " ('band', 0.0030000000000000001),\n", - " ('bbc', 0.0030000000000000001),\n", - " ('like', 0.002),\n", - " ('album', 0.002),\n", - " ('song', 0.002),\n", - " ('british', 0.002),\n", - " ('three', 0.002),\n", - " ('make', 0.002),\n", - " ('police', 0.002),\n", - " ('singer', 0.002),\n", - " ('year', 0.002)],\n", - " [('club', 0.0050000000000000001),\n", - " ('game', 0.0040000000000000001),\n", - " ('chelsea', 0.0040000000000000001),\n", - " ('united', 0.0040000000000000001),\n", - " ('players', 0.0040000000000000001),\n", - " ('league', 0.0040000000000000001),\n", - " ('last', 0.0030000000000000001),\n", - " ('cup', 0.0030000000000000001),\n", - " ('arsenal', 0.0030000000000000001),\n", - " ('think', 0.0030000000000000001),\n", - " ('first', 0.0030000000000000001),\n", - " ('football', 0.0030000000000000001),\n", - " ('play', 0.0030000000000000001),\n", - " ('manchester', 0.0030000000000000001),\n", - " ('win', 0.0030000000000000001),\n", - " ('time', 0.0030000000000000001),\n", - " ('manager', 0.0030000000000000001),\n", - " ('good', 0.0030000000000000001),\n", - " ('like', 0.0030000000000000001),\n", - " ('liverpool', 0.0030000000000000001)],\n", - " [('film', 0.0080000000000000002),\n", - " ('best', 0.0070000000000000001),\n", - " ('mobile', 0.0060000000000000001),\n", - " ('games', 0.0040000000000000001),\n", - " ('million', 0.0040000000000000001),\n", - " ('phone', 0.0040000000000000001),\n", - " ('broadband', 0.0030000000000000001),\n", - " ('uk', 0.0030000000000000001),\n", - " ('technology', 0.0030000000000000001),\n", - " ('director', 0.0030000000000000001),\n", - " ('video', 0.0030000000000000001),\n", - " ('phones', 0.0030000000000000001),\n", - " ('first', 0.0030000000000000001),\n", - " ('last', 0.0030000000000000001),\n", - " ('game', 0.002),\n", - " ('number', 0.002),\n", - " ('according', 0.002),\n", - " ('films', 0.002),\n", - " ('award', 0.002),\n", - " ('actor', 0.002)],\n", - " [('government', 0.0060000000000000001),\n", - " ('blair', 0.0050000000000000001),\n", - " ('labour', 0.0050000000000000001),\n", - " ('minister', 0.0040000000000000001),\n", - " ('prime', 0.0030000000000000001),\n", - " ('public', 0.0030000000000000001),\n", - " ('party', 0.0030000000000000001),\n", - " ('election', 0.0030000000000000001),\n", - " ('says', 0.0030000000000000001),\n", - " ('home', 0.0030000000000000001),\n", - " ('security', 0.0030000000000000001),\n", - " ('make', 0.0030000000000000001),\n", - " ('say', 0.0030000000000000001),\n", - " ('brown', 0.0030000000000000001),\n", - " ('bbc', 0.0030000000000000001),\n", - " ('howard', 0.0030000000000000001),\n", - " ('lord', 0.0030000000000000001),\n", - " ('plans', 0.002),\n", - " ('tory', 0.002),\n", - " ('secretary', 0.002)]]" + "[[('film', 0.005917469495987717),\n", + " ('best', 0.00486801522781858),\n", + " ('last', 0.003433887442830304),\n", + " ('tv', 0.0034066181560892983),\n", + " ('first', 0.003231913726883219),\n", + " ('show', 0.003224849338213615),\n", + " ('three', 0.0023048170201803537),\n", + " ('bbc', 0.0022750794162480974),\n", + " ('home', 0.0020196147021130373),\n", + " ('second', 0.001957191475970597),\n", + " ('director', 0.001955785339407403),\n", + " ('star', 0.0018697442019571776),\n", + " ('united', 0.0018486275961695346),\n", + " ('actor', 0.0017773645590414533),\n", + " ('world', 0.0017728348478406259),\n", + " ('time', 0.0017660315811460685),\n", + " ('took', 0.0017534951800840248),\n", + " ('award', 0.0016593687293076347),\n", + " ('four', 0.001646883029873571),\n", + " ('rights', 0.001494912649347212)],\n", + " [('blair', 0.003656853413619428),\n", + " ('labour', 0.003571831088597708),\n", + " ('think', 0.0033329732624369085),\n", + " ('chelsea', 0.0029922287405279684),\n", + " ('game', 0.0028011339801883163),\n", + " ('league', 0.002610476262682161),\n", + " ('players', 0.002584137822138894),\n", + " ('time', 0.002562398970649943),\n", + " ('minister', 0.0025281531553959192),\n", + " ('club', 0.002527139415819049),\n", + " ('good', 0.0024787460166518565),\n", + " ('last', 0.0024499225552730096),\n", + " (\"don't\", 0.002415439141733538),\n", + " ('arsenal', 0.0023802238324075278),\n", + " ('party', 0.002379839625412044),\n", + " ('bbc', 0.0023698950465503867),\n", + " ('like', 0.0023651537261334767),\n", + " ('election', 0.0023497931652231656),\n", + " ('want', 0.00231801726260594),\n", + " ('going', 0.002301691972872612)],\n", + " [('music', 0.004535324394354765),\n", + " ('number', 0.0036113710103155496),\n", + " ('best', 0.003320026020611955),\n", + " ('like', 0.003311533622142927),\n", + " ('make', 0.002863027781655863),\n", + " ('games', 0.0028196051742470636),\n", + " ('government', 0.002788805852512145),\n", + " ('first', 0.002547823171177183),\n", + " ('band', 0.0024952788511720227),\n", + " ('top', 0.0024859910933818347),\n", + " ('uk', 0.0024576067300663123),\n", + " ('last', 0.002142118981734694),\n", + " ('world', 0.0020189228825508864),\n", + " ('album', 0.001992838242293178),\n", + " ('technology', 0.001969315542996064),\n", + " ('video', 0.00191108778009925),\n", + " ('next', 0.0018981806100445784),\n", + " ('song', 0.0018852686282286684),\n", + " ('british', 0.001820807928747836),\n", + " ('years', 0.0018139501663332197)],\n", + " [('mobile', 0.007197643998061543),\n", + " ('users', 0.006658644027884087),\n", + " ('net', 0.0064791532730191104),\n", + " ('use', 0.00576421127183059),\n", + " ('phone', 0.004636221654879627),\n", + " ('used', 0.004191649534638687),\n", + " ('using', 0.004121003944338685),\n", + " ('internet', 0.00406147222068167),\n", + " ('information', 0.003952892153876258),\n", + " ('data', 0.003913138986834236),\n", + " ('broadband', 0.003831513514609501),\n", + " ('security', 0.00374214444231794),\n", + " ('software', 0.0036371490042105517),\n", + " ('service', 0.003607383455833399),\n", + " ('online', 0.0034560031044337833),\n", + " ('computer', 0.00339076896283381),\n", + " ('phones', 0.0032184885220204905),\n", + " ('million', 0.0031314352626954645),\n", + " ('technology', 0.003096129557983641),\n", + " ('site', 0.0030781219059679782)],\n", + " [('last', 0.004329814208995159),\n", + " ('year', 0.0037804149324644964),\n", + " ('market', 0.003676885359238659),\n", + " ('sales', 0.0034766894610293083),\n", + " ('economic', 0.003139945186068337),\n", + " ('government', 0.002927826150837857),\n", + " ('growth', 0.0028388426302171014),\n", + " ('oil', 0.0026113628080416252),\n", + " ('economy', 0.002605167250854227),\n", + " ('bank', 0.0026044767470200696),\n", + " ('company', 0.002513269599201577),\n", + " ('since', 0.002392370123819913),\n", + " ('firm', 0.002259595203029759),\n", + " ('uk', 0.002203922126442529),\n", + " ('however,', 0.002175535174978607),\n", + " ('prices', 0.0021384803520053666),\n", + " ('rise', 0.002095321371791152),\n", + " ('year.', 0.0020281054332198746),\n", + " ('companies', 0.001991460828586195),\n", + " ('tax', 0.001986423523484035)]]" ] }, "execution_count": 4, @@ -333,77 +335,75 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, + "execution_count": 5, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[[('last', 0.0030000000000000001),\n", - " ('market', 0.0030000000000000001),\n", - " ('year', 0.0030000000000000001),\n", - " ('firm', 0.0030000000000000001),\n", - " ('use', 0.0030000000000000001),\n", - " ('net', 0.002),\n", - " ('company', 0.002),\n", - " ('information', 0.002),\n", - " ('growth', 0.002),\n", - " ('bank', 0.002),\n", - " ('oil', 0.002),\n", - " ('firms', 0.002),\n", - " ('economic', 0.002),\n", - " ('search', 0.002),\n", - " ('much', 0.002),\n", - " ('sales', 0.002),\n", - " ('economy', 0.002),\n", - " ('prices', 0.002),\n", - " ('government', 0.002),\n", - " ('european', 0.002)],\n", - " [('market', 0.0030000000000000001),\n", - " ('last', 0.0030000000000000001),\n", - " ('year', 0.0030000000000000001),\n", - " ('firm', 0.0030000000000000001),\n", - " ('use', 0.0030000000000000001),\n", - " ('company', 0.002),\n", - " ('growth', 0.002),\n", - " ('net', 0.002),\n", - " ('information', 0.002),\n", - " ('economic', 0.002),\n", - " ('firms', 0.002),\n", - " ('bank', 0.002),\n", - " ('oil', 0.002),\n", - " ('search', 0.002),\n", - " ('much', 0.002),\n", - " ('sales', 0.002),\n", - " ('economy', 0.002),\n", - " ('prices', 0.002),\n", - " ('european', 0.002),\n", - " ('may', 0.002)],\n", - " [('market', 0.0030000000000000001),\n", - " ('last', 0.0030000000000000001),\n", - " ('year', 0.0030000000000000001),\n", - " ('firm', 0.0030000000000000001),\n", - " ('use', 0.0030000000000000001),\n", - " ('information', 0.0030000000000000001),\n", - " ('net', 0.0030000000000000001),\n", - " ('company', 0.002),\n", - " ('growth', 0.002),\n", - " ('firms', 0.002),\n", - " ('search', 0.002),\n", - " ('economic', 0.002),\n", - " ('much', 0.002),\n", - " ('oil', 0.002),\n", - " ('bank', 0.002),\n", - " ('economy', 0.002),\n", - " ('sales', 0.002),\n", - " ('may', 0.002),\n", - " ('european', 0.002),\n", - " ('however,', 0.002)]]" + "[[('film', 0.005917469495987717),\n", + " ('best', 0.00486801522781858),\n", + " ('last', 0.003433887442830304),\n", + " ('tv', 0.0034066181560892983),\n", + " ('first', 0.003231913726883219),\n", + " ('show', 0.003224849338213615),\n", + " ('three', 0.0023048170201803537),\n", + " ('bbc', 0.0022750794162480974),\n", + " ('home', 0.0020196147021130373),\n", + " ('second', 0.001957191475970597),\n", + " ('director', 0.001955785339407403),\n", + " ('star', 0.0018697442019571776),\n", + " ('united', 0.0018486275961695346),\n", + " ('actor', 0.0017773645590414533),\n", + " ('world', 0.0017728348478406259),\n", + " ('time', 0.0017660315811460685),\n", + " ('took', 0.0017534951800840248),\n", + " ('award', 0.0016593687293076347),\n", + " ('four', 0.001646883029873571),\n", + " ('rights', 0.001494912649347212)],\n", + " [('film', 0.00571305545611347),\n", + " ('best', 0.004837727655153439),\n", + " ('show', 0.003481314386186913),\n", + " ('tv', 0.0034722615227741997),\n", + " ('last', 0.003386168752366683),\n", + " ('first', 0.0032365624129367236),\n", + " ('three', 0.0023234319442561988),\n", + " ('bbc', 0.0023081792345694347),\n", + " ('home', 0.001998773395520472),\n", + " ('second', 0.0019645262577901016),\n", + " ('united', 0.0018667489008505022),\n", + " ('star', 0.0018651888307475372),\n", + " ('director', 0.001864169176393472),\n", + " ('time', 0.0017736738670308424),\n", + " ('world', 0.0017731872594117693),\n", + " ('took', 0.0017633644840274812),\n", + " ('actor', 0.0016991013070837629),\n", + " ('four', 0.0016705538768877733),\n", + " ('award', 0.0016528333936788875),\n", + " ('police', 0.0016136170157803962)],\n", + " [('film', 0.005540858483231528),\n", + " ('best', 0.0048262559888687185),\n", + " ('show', 0.003716906775365683),\n", + " ('tv', 0.0035395904398093526),\n", + " ('last', 0.0034777589481244098),\n", + " ('first', 0.003243689110874043),\n", + " ('bbc', 0.0023370004552749914),\n", + " ('three', 0.002329091349260664),\n", + " ('home', 0.0020582079444666068),\n", + " ('second', 0.001973888122637219),\n", + " ('united', 0.001916879327887862),\n", + " ('star', 0.0018340698498021293),\n", + " ('world', 0.0017979775587484525),\n", + " ('director', 0.0017916941003114167),\n", + " ('time', 0.0017818044310012845),\n", + " ('took', 0.0017774896897978856),\n", + " ('four', 0.0016868970107681114),\n", + " ('award', 0.001650192716396564),\n", + " ('actor', 0.0016306709680404894),\n", + " ('rights', 0.0015213265124893606)]]" ] }, - "execution_count": 9, + "execution_count": 5, "metadata": {}, "output_type": "execute_result" } @@ -424,10 +424,8 @@ }, { "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, + "execution_count": 6, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -452,17 +450,15 @@ }, { "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, + "execution_count": 7, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[ 5.46298825e-05 5.46298825e-05 9.32273855e-01 6.75622555e-02\n", - " 5.46298825e-05]\n" + "[2.82842860e-01 4.26855326e-01 5.46298825e-05 5.46298825e-05\n", + " 2.90192554e-01]\n" ] } ], @@ -497,16 +493,14 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, + "execution_count": 8, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[ 0.40632917 0.00110497 0.3465658 0.24489509 0.00110497]\n" + "[0.00110497 0.33842633 0.00110497 0.25458869 0.40477504]\n" ] } ], @@ -538,10 +532,8 @@ }, { "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": true - }, + "execution_count": 9, + "metadata": {}, "outputs": [], "source": [ "doc_football_2 = ['arsenal', 'fourth', 'wenger', 'oil', 'middle', 'east', 'sanction', 'fluctuation']\n", @@ -551,18 +543,16 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, + "execution_count": 10, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "0.35085394585966118" + "0.38644713413294984" ] }, - "execution_count": 8, + "execution_count": 10, "metadata": {}, "output_type": "execute_result" } @@ -587,18 +577,16 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, + "execution_count": 11, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "0.95132142484351623" + "0.6105070034631694" ] }, - "execution_count": 9, + "execution_count": 11, "metadata": {}, "output_type": "execute_result" } @@ -656,77 +644,75 @@ }, { "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false - }, + "execution_count": 12, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[[('music', 0.0060000000000000001),\n", - " ('best', 0.0040000000000000001),\n", - " ('show', 0.0040000000000000001),\n", - " ('last', 0.0040000000000000001),\n", - " ('uk', 0.0040000000000000001),\n", - " ('number', 0.0030000000000000001),\n", - " ('top', 0.0030000000000000001),\n", - " ('first', 0.0030000000000000001),\n", - " ('tv', 0.0030000000000000001),\n", - " ('band', 0.0030000000000000001),\n", - " ('bbc', 0.0030000000000000001),\n", - " ('like', 0.002),\n", - " ('album', 0.002),\n", - " ('song', 0.002),\n", - " ('british', 0.002),\n", - " ('three', 0.002),\n", - " ('make', 0.002),\n", - " ('police', 0.002),\n", - " ('singer', 0.002),\n", - " ('year', 0.002)],\n", - " [('music', 0.0060000000000000001),\n", - " ('best', 0.0040000000000000001),\n", - " ('show', 0.0040000000000000001),\n", - " ('number', 0.0040000000000000001),\n", - " ('last', 0.0040000000000000001),\n", - " ('uk', 0.0040000000000000001),\n", - " ('top', 0.0030000000000000001),\n", - " ('first', 0.0030000000000000001),\n", - " ('tv', 0.0030000000000000001),\n", - " ('band', 0.0030000000000000001),\n", - " ('bbc', 0.0030000000000000001),\n", - " ('album', 0.002),\n", - " ('like', 0.002),\n", - " ('song', 0.002),\n", - " ('british', 0.002),\n", - " ('three', 0.002),\n", - " ('make', 0.002),\n", - " ('singer', 0.002),\n", - " ('police', 0.002),\n", - " ('year', 0.002)],\n", - " [('music', 0.0060000000000000001),\n", - " ('best', 0.0040000000000000001),\n", - " ('show', 0.0040000000000000001),\n", - " ('number', 0.0040000000000000001),\n", - " ('last', 0.0040000000000000001),\n", - " ('uk', 0.0040000000000000001),\n", - " ('tv', 0.0030000000000000001),\n", - " ('top', 0.0030000000000000001),\n", - " ('band', 0.0030000000000000001),\n", - " ('first', 0.0030000000000000001),\n", - " ('bbc', 0.0030000000000000001),\n", - " ('song', 0.0030000000000000001),\n", - " ('album', 0.002),\n", - " ('like', 0.002),\n", - " ('british', 0.002),\n", - " ('three', 0.002),\n", - " ('make', 0.002),\n", - " ('singer', 0.002),\n", - " ('record', 0.002),\n", - " ('rock', 0.002)]]" + "[[('blair', 0.003656853413619428),\n", + " ('labour', 0.003571831088597708),\n", + " ('think', 0.0033329732624369085),\n", + " ('chelsea', 0.0029922287405279684),\n", + " ('game', 0.0028011339801883163),\n", + " ('league', 0.002610476262682161),\n", + " ('players', 0.002584137822138894),\n", + " ('time', 0.002562398970649943),\n", + " ('minister', 0.0025281531553959192),\n", + " ('club', 0.002527139415819049),\n", + " ('good', 0.0024787460166518565),\n", + " ('last', 0.0024499225552730096),\n", + " (\"don't\", 0.002415439141733538),\n", + " ('arsenal', 0.0023802238324075278),\n", + " ('party', 0.002379839625412044),\n", + " ('bbc', 0.0023698950465503867),\n", + " ('like', 0.0023651537261334767),\n", + " ('election', 0.0023497931652231656),\n", + " ('want', 0.00231801726260594),\n", + " ('going', 0.002301691972872612)],\n", + " [('blair', 0.003713648430818856),\n", + " ('labour', 0.0036449572943794075),\n", + " ('think', 0.003353002849447595),\n", + " ('chelsea', 0.002991152664241214),\n", + " ('game', 0.002840371715052553),\n", + " ('good', 0.002614374642365314),\n", + " ('league', 0.0026123473809775686),\n", + " ('players', 0.0026066919212031805),\n", + " ('minister', 0.0025735327622053933),\n", + " ('time', 0.002566662482461167),\n", + " ('club', 0.002522072121908676),\n", + " ('arsenal', 0.0025037396662147774),\n", + " ('last', 0.0024429429322480882),\n", + " ('party', 0.002438765770456181),\n", + " (\"don't\", 0.0024340625164823004),\n", + " ('like', 0.002409449283893575),\n", + " ('election', 0.002387601302866562),\n", + " ('bbc', 0.0023755665907874224),\n", + " ('want', 0.0023708316249832647),\n", + " ('going', 0.0023174286362697234)],\n", + " [('blair', 0.003789052020451831),\n", + " ('labour', 0.003756904854182253),\n", + " ('think', 0.0033769676071775255),\n", + " ('chelsea', 0.002988386430522845),\n", + " ('minister', 0.0026322228590789872),\n", + " ('players', 0.002630819930110458),\n", + " ('league', 0.0026201218499371185),\n", + " ('time', 0.0025720811242427775),\n", + " ('game', 0.002548580400470664),\n", + " ('party', 0.0025405169968800087),\n", + " ('club', 0.0025145293254008045),\n", + " ('good', 0.0024869026158916875),\n", + " (\"don't\", 0.0024553708499001846),\n", + " ('last', 0.0024434629262835893),\n", + " ('election', 0.002439979749044198),\n", + " ('arsenal', 0.002383892972725239),\n", + " ('bbc', 0.0023820557285104097),\n", + " ('prime', 0.0023747029188644644),\n", + " ('next', 0.002362162655076952),\n", + " ('like', 0.002349811209855933)]]" ] }, - "execution_count": 14, + "execution_count": 12, "metadata": {}, "output_type": "execute_result" } @@ -744,17 +730,15 @@ }, { "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false - }, + "execution_count": 13, + "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "/Users/bhargavvader/Open_Source/gensim/gensim/models/ldaseqmodel.py:217: RuntimeWarning: divide by zero encountered in double_scalars\n", - " convergence = numpy.fabs((bound - old_bound) / old_bound)\n" + "/home/misha/git/gensim/gensim/models/ldaseqmodel.py:293: RuntimeWarning: divide by zero encountered in double_scalars\n", + " convergence = np.fabs((bound - old_bound) / old_bound)\n" ] } ], @@ -771,77 +755,75 @@ }, { "cell_type": "code", - "execution_count": 22, - "metadata": { - "collapsed": false - }, + "execution_count": 14, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[[('film', 0.012),\n", - " ('last', 0.0040000000000000001),\n", - " ('number', 0.0040000000000000001),\n", - " ('top', 0.0030000000000000001),\n", - " ('yukos', 0.0030000000000000001),\n", - " ('uk', 0.0030000000000000001),\n", - " ('court', 0.0030000000000000001),\n", - " ('first', 0.002),\n", - " ('russian', 0.002),\n", - " ('box', 0.002),\n", - " ('company', 0.002),\n", - " ('deal', 0.002),\n", - " ('sale', 0.002),\n", - " ('three', 0.002),\n", - " ('sales', 0.002),\n", - " ('sold', 0.002),\n", - " ('oil', 0.002),\n", - " ('group', 0.002),\n", - " ('director', 0.002),\n", - " ('firm', 0.002)],\n", - " [('number', 0.0050000000000000001),\n", - " ('last', 0.0040000000000000001),\n", - " ('uk', 0.0040000000000000001),\n", - " ('top', 0.0040000000000000001),\n", - " ('film', 0.0030000000000000001),\n", - " ('first', 0.0030000000000000001),\n", - " ('chart', 0.0030000000000000001),\n", - " ('sales', 0.002),\n", - " ('yukos', 0.002),\n", - " ('group', 0.002),\n", - " ('company', 0.002),\n", - " ('sold', 0.002),\n", - " ('court', 0.002),\n", - " ('russian', 0.002),\n", - " ('record', 0.002),\n", - " ('three', 0.002),\n", - " ('sale', 0.002),\n", - " ('music', 0.002),\n", - " ('released', 0.002),\n", - " ('year', 0.002)],\n", - " [('number', 0.0050000000000000001),\n", - " ('uk', 0.0040000000000000001),\n", - " ('last', 0.0040000000000000001),\n", - " ('top', 0.0040000000000000001),\n", - " ('chart', 0.0030000000000000001),\n", - " ('show', 0.0030000000000000001),\n", - " ('group', 0.0030000000000000001),\n", - " ('film', 0.002),\n", - " ('three', 0.002),\n", - " ('first', 0.002),\n", - " ('music', 0.002),\n", - " ('record', 0.002),\n", - " ('band', 0.002),\n", - " ('sales', 0.002),\n", - " ('company', 0.002),\n", - " ('bid', 0.002),\n", - " ('sold', 0.002),\n", - " ('deutsche', 0.002),\n", - " ('year', 0.002),\n", - " ('including', 0.002)]]" + "[[('film', 0.01375823795635665),\n", + " ('best', 0.011276818151806972),\n", + " ('director', 0.0037205351022692626),\n", + " ('award', 0.003633238905079213),\n", + " ('actor', 0.0033617813327913725),\n", + " ('million', 0.003171307691973619),\n", + " ('last', 0.003001466360153857),\n", + " ('star', 0.0028582559564371015),\n", + " ('top', 0.002712140388471245),\n", + " ('number', 0.0027089038839408905),\n", + " ('awards', 0.0026868686691167926),\n", + " ('including', 0.002439768747498039),\n", + " ('first', 0.002344462049607271),\n", + " ('former', 0.0022905809196871805),\n", + " ('three', 0.002194680615038633),\n", + " (\"year's\", 0.0021776664285641303),\n", + " ('films', 0.002083143276187699),\n", + " ('actress', 0.0020164206323942174),\n", + " ('show', 0.00197821093747264),\n", + " ('year', 0.0019242389412551)],\n", + " [('best', 0.006251718153454164),\n", + " ('music', 0.006238051188736231),\n", + " ('number', 0.004698151339240129),\n", + " ('show', 0.004373075014477944),\n", + " ('last', 0.004059693074135519),\n", + " ('top', 0.00405154039904161),\n", + " ('band', 0.0038494003568372613),\n", + " ('film', 0.0033736878692985192),\n", + " ('album', 0.0031989412560276334),\n", + " ('first', 0.0031124929302574207),\n", + " ('year', 0.002834362048826918),\n", + " ('star', 0.002550351654850285),\n", + " ('uk', 0.002519053818321902),\n", + " ('former', 0.002500363208100788),\n", + " ('three', 0.0024999255264368087),\n", + " ('song', 0.002474514670099769),\n", + " ('award', 0.002462145721864402),\n", + " ('awards', 0.002365331088911364),\n", + " ('including', 0.0022353211770823654),\n", + " ('singer', 0.002218424423530627)],\n", + " [('music', 0.010806445443709194),\n", + " ('best', 0.00981469175905119),\n", + " ('show', 0.005951862553416929),\n", + " ('last', 0.004887788345653499),\n", + " ('number', 0.004868033645733588),\n", + " ('band', 0.004531100533940954),\n", + " ('song', 0.004107695027634018),\n", + " ('top', 0.0033553984393853925),\n", + " ('album', 0.00331033540878989),\n", + " ('first', 0.0031215613317256067),\n", + " ('rock', 0.002974436692834055),\n", + " ('three', 0.0029380521471727944),\n", + " ('singer', 0.0029097633299058753),\n", + " ('award', 0.00280974819746582),\n", + " ('uk', 0.0027834816968850167),\n", + " ('film', 0.0025622295396685907),\n", + " ('hit', 0.0025414452086195195),\n", + " ('record', 0.0025200223644026203),\n", + " ('spam', 0.0024324731646563516),\n", + " ('bbc', 0.0024080622812893727)]]" ] }, - "execution_count": 22, + "execution_count": 14, "metadata": {}, "output_type": "execute_result" } @@ -875,11 +857,26 @@ }, { "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, - "outputs": [], + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: 'dtm_news'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 8\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0;31m# if we've saved before simply load the model\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 10\u001b[0;31m \u001b[0mdtm_model\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mDtmModel\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'dtm_news'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m~/git/gensim/gensim/utils.py\u001b[0m in \u001b[0;36mload\u001b[0;34m(cls, fname, mmap)\u001b[0m\n\u001b[1;32m 424\u001b[0m \u001b[0mcompress\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msubname\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mSaveLoad\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_adapt_by_suffix\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 425\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 426\u001b[0;31m \u001b[0mobj\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0munpickle\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 427\u001b[0m \u001b[0mobj\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_load_specials\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmmap\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcompress\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msubname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 428\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"loaded %s\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfname\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/utils.py\u001b[0m in \u001b[0;36munpickle\u001b[0;34m(fname)\u001b[0m\n\u001b[1;32m 1379\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1380\u001b[0m \"\"\"\n\u001b[0;32m-> 1381\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0msmart_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfname\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1382\u001b[0m \u001b[0;31m# Because of loading from S3 load can't be used (missing readline in smart_open)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1383\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msys\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mversion_info\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0;36m3\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36msmart_open\u001b[0;34m(uri, mode, **kw)\u001b[0m\n\u001b[1;32m 437\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mkey\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvalue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 438\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 439\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0muri\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mignore_ext\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mignore_extension\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtransport_params\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mscrubbed_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 440\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 441\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36mopen\u001b[0;34m(uri, mode, buffering, encoding, errors, newline, closefd, opener, ignore_ext, transport_params)\u001b[0m\n\u001b[1;32m 305\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 306\u001b[0m \u001b[0mencoding\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mencoding\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 307\u001b[0;31m \u001b[0merrors\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0merrors\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 308\u001b[0m )\n\u001b[1;32m 309\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mfobj\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36m_shortcut_open\u001b[0;34m(uri, mode, ignore_ext, buffering, encoding, errors)\u001b[0m\n\u001b[1;32m 496\u001b[0m \u001b[0;31m#\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 497\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msix\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mPY3\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 498\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mopen_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 499\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mopen_kwargs\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 500\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: 'dtm_news'" + ] + } + ], "source": [ "from gensim.models.wrappers.dtmmodel import DtmModel\n", "from gensim.corpora import Dictionary, bleicorpus\n", @@ -903,65 +900,9 @@ }, { "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - "\n", - "\n", - "\n", - "
\n", - "" - ], - "text/plain": [ - "" - ] - }, - "execution_count": 12, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "doc_topic, topic_term, doc_lengths, term_frequency, vocab = dtm_model.dtm_vis(time=0, corpus=corpus)\n", "vis_wrapper = pyLDAvis.prepare(topic_term_dists=topic_term, doc_topic_dists=doc_topic, doc_lengths=doc_lengths, vocab=vocab, term_frequency=term_frequency)\n", @@ -984,65 +925,9 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - "\n", - "\n", - "\n", - "
\n", - "" - ], - "text/plain": [ - "" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "doc_topic, topic_term, doc_lengths, term_frequency, vocab = ldaseq.dtm_vis(time=0, corpus=corpus)\n", "vis_dtm = pyLDAvis.prepare(topic_term_dists=topic_term, doc_topic_dists=doc_topic, doc_lengths=doc_lengths, vocab=vocab, term_frequency=term_frequency)\n", @@ -1069,24 +954,9 @@ }, { "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "U_mass topic coherence\n", - "Wrapper coherence is -1.8017627313\n", - "DTM Python coherence is -1.80238943495\n", - "C_v topic coherence\n", - "Wrapper coherence is 0.647868838777\n", - "DTM Python coherence is 0.621369722784\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "from gensim.models.coherencemodel import CoherenceModel\n", "import pickle\n", @@ -1139,23 +1009,23 @@ "metadata": { "anaconda-cloud": {}, "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/nmf_tutorial.ipynb b/docs/notebooks/nmf_tutorial.ipynb index 976290b0d4..a1fa18c00a 100644 --- a/docs/notebooks/nmf_tutorial.ipynb +++ b/docs/notebooks/nmf_tutorial.ipynb @@ -191,7 +191,16 @@ "cell_type": "code", "execution_count": 3, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 00:24:02,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 00:24:03,509 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + } + ], "source": [ "random_state = RandomState(42)\n", "\n", @@ -256,11 +265,11 @@ "name": "stderr", "output_type": "stream", "text": [ - "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" + "2019-06-17 00:24:12,357 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 00:24:12,761 : INFO : built Dictionary(25279 unique tokens: ['actual', 'assum', 'babbl', 'batka', 'batkaj']...) from 2819 documents (total 435328 corpus positions)\n", + "2019-06-17 00:24:12,803 : 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-06-17 00:24:12,804 : INFO : keeping 7081 tokens which were in no less than 5 and no more than 1409 (=50.0%) documents\n", + "2019-06-17 00:24:12,815 : INFO : resulting dictionary: Dictionary(7081 unique tokens: ['actual', 'assum', 'babbl', 'burster', 'caus']...)\n" ] } ], @@ -370,75 +379,75 @@ "name": "stderr", "output_type": "stream", "text": [ - "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" + "2019-06-17 00:24:15,115 : INFO : running NMF training, 5 topics, 5 passes over the supplied corpus of 2819 documents, evaluating l2 norm every 2819 documents\n", + "2019-06-17 00:24:15,136 : INFO : PROGRESS: pass 0, at document #1000/2819\n", + "2019-06-17 00:24:15,162 : INFO : W error diff: -inf\n", + "2019-06-17 00:24:15,182 : INFO : PROGRESS: pass 0, at document #2000/2819\n", + "2019-06-17 00:24:15,202 : INFO : W error diff: -2.1783593508632997\n", + "2019-06-17 00:24:15,221 : INFO : PROGRESS: pass 0, at document #2819/2819\n", + "2019-06-17 00:24:15,606 : INFO : L2 norm: 28.137070033533682\n", + "2019-06-17 00:24:15,658 : 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-06-17 00:24:15,660 : 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-06-17 00:24:15,661 : 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-06-17 00:24:15,663 : 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-06-17 00:24:15,665 : 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-06-17 00:24:15,679 : INFO : W error diff: -0.6087333117616911\n", + "2019-06-17 00:24:15,718 : INFO : PROGRESS: pass 1, at document #1000/2819\n", + "2019-06-17 00:24:15,735 : INFO : W error diff: -1.5858439279007879\n", + "2019-06-17 00:24:15,762 : INFO : PROGRESS: pass 1, at document #2000/2819\n", + "2019-06-17 00:24:15,773 : INFO : W error diff: -1.1329837530094071\n", + "2019-06-17 00:24:15,791 : INFO : PROGRESS: pass 1, at document #2819/2819\n", + "2019-06-17 00:24:16,056 : INFO : L2 norm: 28.02006726219276\n", + "2019-06-17 00:24:16,108 : 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-06-17 00:24:16,109 : 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-06-17 00:24:16,110 : 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-06-17 00:24:16,112 : 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-06-17 00:24:16,113 : 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-06-17 00:24:16,124 : INFO : W error diff: -0.05304441334403265\n", + "2019-06-17 00:24:16,155 : INFO : PROGRESS: pass 2, at document #1000/2819\n", + "2019-06-17 00:24:16,170 : INFO : W error diff: -0.6532464912217009\n", + "2019-06-17 00:24:16,204 : INFO : PROGRESS: pass 2, at document #2000/2819\n", + "2019-06-17 00:24:16,212 : INFO : W error diff: -0.5542774416923812\n", + "2019-06-17 00:24:16,228 : INFO : PROGRESS: pass 2, at document #2819/2819\n", + "2019-06-17 00:24:16,546 : INFO : L2 norm: 27.999892226543682\n", + "2019-06-17 00:24:16,604 : 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-06-17 00:24:16,605 : 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-06-17 00:24:16,607 : 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-06-17 00:24:16,609 : 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-06-17 00:24:16,610 : 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-06-17 00:24:16,618 : INFO : W error diff: 0.06399021760879364\n", + "2019-06-17 00:24:16,659 : INFO : PROGRESS: pass 3, at document #1000/2819\n", + "2019-06-17 00:24:16,676 : INFO : W error diff: -0.3678424933365889\n", + "2019-06-17 00:24:16,697 : INFO : PROGRESS: pass 3, at document #2000/2819\n", + "2019-06-17 00:24:16,705 : INFO : W error diff: -0.34924666183303543\n", + "2019-06-17 00:24:16,722 : INFO : PROGRESS: pass 3, at document #2819/2819\n", + "2019-06-17 00:24:17,141 : INFO : L2 norm: 27.991268049236886\n", + "2019-06-17 00:24:17,190 : 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-06-17 00:24:17,192 : 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-06-17 00:24:17,194 : 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-06-17 00:24:17,196 : 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-06-17 00:24:17,197 : 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-06-17 00:24:17,204 : INFO : W error diff: 0.08877110840856872\n", + "2019-06-17 00:24:17,242 : INFO : PROGRESS: pass 4, at document #1000/2819\n", + "2019-06-17 00:24:17,257 : INFO : W error diff: -0.2446709705343757\n", + "2019-06-17 00:24:17,282 : INFO : PROGRESS: pass 4, at document #2000/2819\n", + "2019-06-17 00:24:17,290 : INFO : W error diff: -0.24931839405260803\n", + "2019-06-17 00:24:17,307 : INFO : PROGRESS: pass 4, at document #2819/2819\n", + "2019-06-17 00:24:17,642 : INFO : L2 norm: 27.98648818098989\n", + "2019-06-17 00:24:17,700 : 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-06-17 00:24:17,702 : 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-06-17 00:24:17,704 : 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-06-17 00:24:17,705 : 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-06-17 00:24:17,707 : 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-06-17 00:24:17,714 : INFO : W error diff: 0.0932956490045207\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 1.52 s, sys: 1.84 s, total: 3.36 s\n", - "Wall time: 944 ms\n" + "CPU times: user 7.85 s, sys: 6.88 s, total: 14.7 s\n", + "Wall time: 2.6 s\n" ] } ], @@ -512,7 +521,7 @@ "name": "stderr", "output_type": "stream", "text": [ - "2019-03-04 01:54:25,582 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n" + "2019-06-17 00:24:17,821 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n" ] }, { @@ -918,7 +927,239 @@ "metadata": { "scrolled": true }, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 00:24:17,972 : INFO : using symmetric alpha at 0.2\n", + "2019-06-17 00:24:17,975 : INFO : using symmetric eta at 0.2\n", + "2019-06-17 00:24:17,977 : INFO : using serial LDA version on this node\n", + "2019-06-17 00:24:17,986 : 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-06-17 00:24:17,989 : INFO : PROGRESS: pass 0, at document #1000/2819\n", + "2019-06-17 00:24:18,934 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:18,939 : INFO : topic #0 (0.200): 0.006*\"com\" + 0.006*\"like\" + 0.006*\"space\" + 0.004*\"univers\" + 0.004*\"know\" + 0.004*\"nntp\" + 0.004*\"imag\" + 0.004*\"nasa\" + 0.004*\"time\" + 0.004*\"program\"\n", + "2019-06-17 00:24:18,940 : INFO : topic #1 (0.200): 0.007*\"imag\" + 0.005*\"com\" + 0.004*\"peopl\" + 0.004*\"know\" + 0.004*\"univers\" + 0.004*\"nntp\" + 0.004*\"host\" + 0.004*\"jpeg\" + 0.004*\"good\" + 0.004*\"work\"\n", + "2019-06-17 00:24:18,940 : INFO : topic #2 (0.200): 0.007*\"peopl\" + 0.005*\"com\" + 0.005*\"like\" + 0.004*\"new\" + 0.004*\"know\" + 0.004*\"think\" + 0.004*\"nntp\" + 0.003*\"isra\" + 0.003*\"host\" + 0.003*\"question\"\n", + "2019-06-17 00:24:18,942 : INFO : topic #3 (0.200): 0.008*\"com\" + 0.006*\"space\" + 0.005*\"peopl\" + 0.005*\"like\" + 0.004*\"israel\" + 0.004*\"isra\" + 0.004*\"nasa\" + 0.004*\"think\" + 0.003*\"time\" + 0.003*\"right\"\n", + "2019-06-17 00:24:18,943 : INFO : topic #4 (0.200): 0.006*\"com\" + 0.006*\"time\" + 0.005*\"host\" + 0.005*\"univers\" + 0.005*\"peopl\" + 0.005*\"nntp\" + 0.004*\"know\" + 0.004*\"god\" + 0.004*\"like\" + 0.004*\"think\"\n", + "2019-06-17 00:24:18,944 : INFO : topic diff=1.680969, rho=1.000000\n", + "2019-06-17 00:24:18,947 : INFO : PROGRESS: pass 0, at document #2000/2819\n", + "2019-06-17 00:24:19,806 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:19,811 : INFO : topic #0 (0.200): 0.008*\"space\" + 0.007*\"com\" + 0.005*\"imag\" + 0.005*\"like\" + 0.005*\"nasa\" + 0.005*\"program\" + 0.004*\"univers\" + 0.004*\"graphic\" + 0.004*\"data\" + 0.004*\"know\"\n", + "2019-06-17 00:24:19,812 : INFO : topic #1 (0.200): 0.009*\"imag\" + 0.006*\"com\" + 0.005*\"know\" + 0.004*\"univers\" + 0.004*\"peopl\" + 0.004*\"like\" + 0.004*\"work\" + 0.004*\"want\" + 0.004*\"armenian\" + 0.004*\"think\"\n", + "2019-06-17 00:24:19,813 : INFO : topic #2 (0.200): 0.012*\"peopl\" + 0.007*\"know\" + 0.006*\"armenian\" + 0.006*\"said\" + 0.006*\"like\" + 0.005*\"think\" + 0.004*\"right\" + 0.004*\"time\" + 0.004*\"wai\" + 0.004*\"thing\"\n", + "2019-06-17 00:24:19,814 : INFO : topic #3 (0.200): 0.008*\"com\" + 0.007*\"space\" + 0.006*\"israel\" + 0.005*\"peopl\" + 0.005*\"like\" + 0.005*\"isra\" + 0.004*\"nasa\" + 0.004*\"time\" + 0.003*\"think\" + 0.003*\"right\"\n", + "2019-06-17 00:24:19,816 : INFO : topic #4 (0.200): 0.008*\"god\" + 0.006*\"univers\" + 0.006*\"armenian\" + 0.005*\"com\" + 0.005*\"time\" + 0.005*\"peopl\" + 0.005*\"host\" + 0.004*\"know\" + 0.004*\"nntp\" + 0.004*\"like\"\n", + "2019-06-17 00:24:19,817 : INFO : topic diff=0.838420, rho=0.707107\n", + "2019-06-17 00:24:20,803 : INFO : -8.089 per-word bound, 272.3 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", + "2019-06-17 00:24:20,804 : INFO : PROGRESS: pass 0, at document #2819/2819\n", + "2019-06-17 00:24:21,432 : INFO : merging changes from 819 documents into a model of 2819 documents\n", + "2019-06-17 00:24:21,436 : INFO : topic #0 (0.200): 0.009*\"space\" + 0.008*\"com\" + 0.006*\"graphic\" + 0.005*\"program\" + 0.005*\"imag\" + 0.004*\"nasa\" + 0.004*\"like\" + 0.004*\"univers\" + 0.004*\"file\" + 0.004*\"new\"\n", + "2019-06-17 00:24:21,437 : INFO : topic #1 (0.200): 0.007*\"com\" + 0.007*\"imag\" + 0.005*\"univers\" + 0.005*\"know\" + 0.004*\"work\" + 0.004*\"like\" + 0.004*\"host\" + 0.004*\"think\" + 0.004*\"nntp\" + 0.004*\"moral\"\n", + "2019-06-17 00:24:21,437 : INFO : topic #2 (0.200): 0.011*\"peopl\" + 0.007*\"armenian\" + 0.006*\"said\" + 0.006*\"turkish\" + 0.006*\"know\" + 0.005*\"think\" + 0.005*\"like\" + 0.005*\"right\" + 0.005*\"jew\" + 0.004*\"isra\"\n", + "2019-06-17 00:24:21,438 : INFO : topic #3 (0.200): 0.008*\"com\" + 0.008*\"israel\" + 0.006*\"space\" + 0.005*\"bike\" + 0.005*\"isra\" + 0.005*\"like\" + 0.004*\"peopl\" + 0.004*\"year\" + 0.004*\"jew\" + 0.004*\"time\"\n", + "2019-06-17 00:24:21,439 : INFO : topic #4 (0.200): 0.008*\"god\" + 0.007*\"armenian\" + 0.006*\"univers\" + 0.005*\"peopl\" + 0.005*\"com\" + 0.005*\"exist\" + 0.005*\"time\" + 0.004*\"like\" + 0.004*\"think\" + 0.004*\"know\"\n", + "2019-06-17 00:24:21,440 : INFO : topic diff=0.645193, rho=0.577350\n", + "2019-06-17 00:24:21,441 : INFO : PROGRESS: pass 1, at document #1000/2819\n", + "2019-06-17 00:24:22,110 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:22,114 : INFO : topic #0 (0.200): 0.010*\"space\" + 0.007*\"com\" + 0.006*\"graphic\" + 0.006*\"nasa\" + 0.005*\"program\" + 0.005*\"imag\" + 0.005*\"file\" + 0.004*\"data\" + 0.004*\"univers\" + 0.004*\"like\"\n", + "2019-06-17 00:24:22,115 : INFO : topic #1 (0.200): 0.008*\"imag\" + 0.008*\"com\" + 0.005*\"univers\" + 0.005*\"know\" + 0.005*\"like\" + 0.005*\"host\" + 0.005*\"bit\" + 0.005*\"nntp\" + 0.004*\"work\" + 0.004*\"think\"\n", + "2019-06-17 00:24:22,116 : INFO : topic #2 (0.200): 0.011*\"peopl\" + 0.007*\"armenian\" + 0.006*\"said\" + 0.006*\"right\" + 0.006*\"turkish\" + 0.005*\"know\" + 0.005*\"isra\" + 0.005*\"think\" + 0.005*\"like\" + 0.005*\"jew\"\n", + "2019-06-17 00:24:22,117 : INFO : topic #3 (0.200): 0.009*\"com\" + 0.008*\"israel\" + 0.006*\"bike\" + 0.006*\"isra\" + 0.005*\"space\" + 0.005*\"like\" + 0.004*\"peopl\" + 0.004*\"year\" + 0.004*\"think\" + 0.004*\"time\"\n", + "2019-06-17 00:24:22,118 : INFO : topic #4 (0.200): 0.010*\"god\" + 0.007*\"armenian\" + 0.006*\"peopl\" + 0.005*\"univers\" + 0.005*\"com\" + 0.005*\"time\" + 0.005*\"exist\" + 0.004*\"islam\" + 0.004*\"believ\" + 0.004*\"think\"\n", + "2019-06-17 00:24:22,119 : INFO : topic diff=0.427516, rho=0.455535\n", + "2019-06-17 00:24:22,120 : INFO : PROGRESS: pass 1, at document #2000/2819\n", + "2019-06-17 00:24:22,819 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:22,823 : INFO : topic #0 (0.200): 0.011*\"space\" + 0.007*\"imag\" + 0.007*\"com\" + 0.006*\"nasa\" + 0.006*\"program\" + 0.005*\"graphic\" + 0.005*\"data\" + 0.004*\"file\" + 0.004*\"univers\" + 0.004*\"new\"\n", + "2019-06-17 00:24:22,824 : INFO : topic #1 (0.200): 0.009*\"com\" + 0.007*\"imag\" + 0.005*\"like\" + 0.005*\"know\" + 0.005*\"univers\" + 0.005*\"host\" + 0.005*\"nntp\" + 0.004*\"think\" + 0.004*\"moral\" + 0.004*\"work\"\n", + "2019-06-17 00:24:22,824 : INFO : topic #2 (0.200): 0.013*\"peopl\" + 0.009*\"armenian\" + 0.007*\"said\" + 0.007*\"know\" + 0.006*\"right\" + 0.005*\"like\" + 0.005*\"think\" + 0.005*\"kill\" + 0.005*\"turkish\" + 0.004*\"jew\"\n", + "2019-06-17 00:24:22,825 : INFO : topic #3 (0.200): 0.009*\"com\" + 0.009*\"israel\" + 0.006*\"isra\" + 0.006*\"bike\" + 0.005*\"like\" + 0.005*\"space\" + 0.004*\"state\" + 0.004*\"think\" + 0.004*\"peopl\" + 0.004*\"host\"\n", + "2019-06-17 00:24:22,827 : INFO : topic #4 (0.200): 0.010*\"god\" + 0.007*\"armenian\" + 0.006*\"peopl\" + 0.006*\"univers\" + 0.005*\"exist\" + 0.005*\"islam\" + 0.005*\"com\" + 0.005*\"believ\" + 0.005*\"time\" + 0.004*\"think\"\n", + "2019-06-17 00:24:22,827 : INFO : topic diff=0.427394, rho=0.455535\n", + "2019-06-17 00:24:23,767 : INFO : -7.871 per-word bound, 234.1 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", + "2019-06-17 00:24:23,768 : INFO : PROGRESS: pass 1, at document #2819/2819\n", + "2019-06-17 00:24:24,303 : INFO : merging changes from 819 documents into a model of 2819 documents\n", + "2019-06-17 00:24:24,307 : INFO : topic #0 (0.200): 0.011*\"space\" + 0.007*\"com\" + 0.006*\"graphic\" + 0.006*\"imag\" + 0.006*\"program\" + 0.005*\"nasa\" + 0.004*\"file\" + 0.004*\"launch\" + 0.004*\"univers\" + 0.004*\"new\"\n", + "2019-06-17 00:24:24,308 : INFO : topic #1 (0.200): 0.010*\"com\" + 0.006*\"like\" + 0.006*\"univers\" + 0.005*\"imag\" + 0.005*\"know\" + 0.005*\"host\" + 0.005*\"nntp\" + 0.005*\"think\" + 0.005*\"work\" + 0.004*\"henri\"\n", + "2019-06-17 00:24:24,312 : INFO : topic #2 (0.200): 0.012*\"peopl\" + 0.009*\"armenian\" + 0.008*\"turkish\" + 0.007*\"said\" + 0.006*\"jew\" + 0.006*\"right\" + 0.006*\"know\" + 0.005*\"kill\" + 0.005*\"like\" + 0.005*\"isra\"\n", + "2019-06-17 00:24:24,314 : INFO : topic #3 (0.200): 0.010*\"com\" + 0.009*\"israel\" + 0.008*\"bike\" + 0.006*\"isra\" + 0.005*\"like\" + 0.005*\"dod\" + 0.004*\"motorcycl\" + 0.004*\"think\" + 0.004*\"state\" + 0.004*\"year\"\n", + "2019-06-17 00:24:24,316 : INFO : topic #4 (0.200): 0.010*\"god\" + 0.007*\"armenian\" + 0.006*\"peopl\" + 0.006*\"exist\" + 0.006*\"univers\" + 0.005*\"com\" + 0.005*\"think\" + 0.005*\"believ\" + 0.004*\"islam\" + 0.004*\"like\"\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 00:24:24,317 : INFO : topic diff=0.416347, rho=0.455535\n", + "2019-06-17 00:24:24,318 : INFO : PROGRESS: pass 2, at document #1000/2819\n", + "2019-06-17 00:24:24,982 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:24,986 : INFO : topic #0 (0.200): 0.011*\"space\" + 0.007*\"imag\" + 0.006*\"nasa\" + 0.006*\"com\" + 0.006*\"graphic\" + 0.006*\"program\" + 0.005*\"file\" + 0.005*\"data\" + 0.005*\"orbit\" + 0.004*\"new\"\n", + "2019-06-17 00:24:24,987 : INFO : topic #1 (0.200): 0.010*\"com\" + 0.006*\"imag\" + 0.006*\"like\" + 0.006*\"nntp\" + 0.006*\"host\" + 0.006*\"univers\" + 0.005*\"bit\" + 0.005*\"know\" + 0.005*\"think\" + 0.005*\"work\"\n", + "2019-06-17 00:24:24,988 : INFO : topic #2 (0.200): 0.011*\"peopl\" + 0.009*\"armenian\" + 0.007*\"turkish\" + 0.007*\"said\" + 0.007*\"right\" + 0.006*\"jew\" + 0.005*\"know\" + 0.005*\"kill\" + 0.005*\"isra\" + 0.005*\"like\"\n", + "2019-06-17 00:24:24,989 : INFO : topic #3 (0.200): 0.010*\"com\" + 0.010*\"israel\" + 0.008*\"bike\" + 0.006*\"isra\" + 0.005*\"like\" + 0.004*\"dod\" + 0.004*\"host\" + 0.004*\"think\" + 0.004*\"nntp\" + 0.004*\"state\"\n", + "2019-06-17 00:24:24,990 : INFO : topic #4 (0.200): 0.011*\"god\" + 0.007*\"peopl\" + 0.006*\"armenian\" + 0.006*\"exist\" + 0.005*\"univers\" + 0.005*\"islam\" + 0.005*\"com\" + 0.005*\"think\" + 0.005*\"believ\" + 0.005*\"atheist\"\n", + "2019-06-17 00:24:24,991 : INFO : topic diff=0.332567, rho=0.414549\n", + "2019-06-17 00:24:24,991 : INFO : PROGRESS: pass 2, at document #2000/2819\n", + "2019-06-17 00:24:25,619 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:25,623 : INFO : topic #0 (0.200): 0.012*\"space\" + 0.008*\"imag\" + 0.007*\"nasa\" + 0.006*\"com\" + 0.006*\"program\" + 0.006*\"graphic\" + 0.005*\"data\" + 0.005*\"file\" + 0.004*\"new\" + 0.004*\"univers\"\n", + "2019-06-17 00:24:25,624 : INFO : topic #1 (0.200): 0.011*\"com\" + 0.007*\"like\" + 0.006*\"know\" + 0.006*\"nntp\" + 0.006*\"host\" + 0.006*\"univers\" + 0.005*\"imag\" + 0.005*\"bit\" + 0.005*\"think\" + 0.005*\"henri\"\n", + "2019-06-17 00:24:25,625 : INFO : topic #2 (0.200): 0.013*\"peopl\" + 0.010*\"armenian\" + 0.008*\"said\" + 0.007*\"know\" + 0.006*\"right\" + 0.006*\"turkish\" + 0.006*\"kill\" + 0.006*\"jew\" + 0.005*\"like\" + 0.005*\"think\"\n", + "2019-06-17 00:24:25,627 : INFO : topic #3 (0.200): 0.010*\"com\" + 0.009*\"israel\" + 0.008*\"bike\" + 0.007*\"isra\" + 0.005*\"like\" + 0.005*\"host\" + 0.004*\"nntp\" + 0.004*\"state\" + 0.004*\"think\" + 0.004*\"dod\"\n", + "2019-06-17 00:24:25,629 : INFO : topic #4 (0.200): 0.011*\"god\" + 0.007*\"peopl\" + 0.006*\"exist\" + 0.006*\"univers\" + 0.005*\"armenian\" + 0.005*\"islam\" + 0.005*\"believ\" + 0.005*\"think\" + 0.005*\"com\" + 0.005*\"atheist\"\n", + "2019-06-17 00:24:25,630 : INFO : topic diff=0.326337, rho=0.414549\n", + "2019-06-17 00:24:26,456 : INFO : -7.813 per-word bound, 224.8 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", + "2019-06-17 00:24:26,457 : INFO : PROGRESS: pass 2, at document #2819/2819\n", + "2019-06-17 00:24:26,932 : INFO : merging changes from 819 documents into a model of 2819 documents\n", + "2019-06-17 00:24:26,936 : INFO : topic #0 (0.200): 0.012*\"space\" + 0.007*\"imag\" + 0.006*\"graphic\" + 0.006*\"nasa\" + 0.006*\"program\" + 0.006*\"com\" + 0.005*\"launch\" + 0.005*\"file\" + 0.004*\"new\" + 0.004*\"univers\"\n", + "2019-06-17 00:24:26,937 : INFO : topic #1 (0.200): 0.012*\"com\" + 0.006*\"like\" + 0.006*\"nntp\" + 0.006*\"host\" + 0.006*\"univers\" + 0.006*\"know\" + 0.005*\"think\" + 0.005*\"work\" + 0.005*\"henri\" + 0.005*\"bit\"\n", + "2019-06-17 00:24:26,938 : INFO : topic #2 (0.200): 0.012*\"peopl\" + 0.011*\"armenian\" + 0.008*\"turkish\" + 0.007*\"said\" + 0.007*\"jew\" + 0.006*\"right\" + 0.006*\"know\" + 0.005*\"kill\" + 0.005*\"isra\" + 0.005*\"like\"\n", + "2019-06-17 00:24:26,939 : INFO : topic #3 (0.200): 0.011*\"com\" + 0.010*\"israel\" + 0.009*\"bike\" + 0.006*\"isra\" + 0.006*\"dod\" + 0.005*\"like\" + 0.005*\"motorcycl\" + 0.004*\"host\" + 0.004*\"ride\" + 0.004*\"think\"\n", + "2019-06-17 00:24:26,939 : INFO : topic #4 (0.200): 0.010*\"god\" + 0.007*\"peopl\" + 0.006*\"exist\" + 0.006*\"univers\" + 0.005*\"think\" + 0.005*\"armenian\" + 0.005*\"com\" + 0.005*\"believ\" + 0.005*\"islam\" + 0.005*\"christian\"\n", + "2019-06-17 00:24:26,940 : INFO : topic diff=0.317634, rho=0.414549\n", + "2019-06-17 00:24:26,941 : INFO : PROGRESS: pass 3, at document #1000/2819\n", + "2019-06-17 00:24:27,495 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:27,499 : INFO : topic #0 (0.200): 0.012*\"space\" + 0.007*\"imag\" + 0.007*\"nasa\" + 0.006*\"graphic\" + 0.006*\"program\" + 0.005*\"com\" + 0.005*\"file\" + 0.005*\"orbit\" + 0.005*\"data\" + 0.004*\"new\"\n", + "2019-06-17 00:24:27,500 : INFO : topic #1 (0.200): 0.012*\"com\" + 0.007*\"like\" + 0.006*\"nntp\" + 0.006*\"host\" + 0.006*\"univers\" + 0.005*\"know\" + 0.005*\"bit\" + 0.005*\"think\" + 0.005*\"work\" + 0.005*\"time\"\n", + "2019-06-17 00:24:27,501 : INFO : topic #2 (0.200): 0.011*\"peopl\" + 0.011*\"armenian\" + 0.008*\"turkish\" + 0.007*\"said\" + 0.007*\"jew\" + 0.007*\"right\" + 0.006*\"kill\" + 0.005*\"know\" + 0.005*\"isra\" + 0.005*\"arab\"\n", + "2019-06-17 00:24:27,502 : INFO : topic #3 (0.200): 0.011*\"com\" + 0.010*\"israel\" + 0.008*\"bike\" + 0.007*\"isra\" + 0.005*\"like\" + 0.005*\"dod\" + 0.005*\"host\" + 0.005*\"nntp\" + 0.004*\"think\" + 0.004*\"motorcycl\"\n", + "2019-06-17 00:24:27,503 : INFO : topic #4 (0.200): 0.011*\"god\" + 0.007*\"peopl\" + 0.006*\"exist\" + 0.006*\"think\" + 0.005*\"islam\" + 0.005*\"atheist\" + 0.005*\"univers\" + 0.005*\"believ\" + 0.005*\"com\" + 0.005*\"religion\"\n", + "2019-06-17 00:24:27,503 : INFO : topic diff=0.252457, rho=0.382948\n", + "2019-06-17 00:24:27,504 : INFO : PROGRESS: pass 3, at document #2000/2819\n", + "2019-06-17 00:24:28,064 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:28,067 : INFO : topic #0 (0.200): 0.013*\"space\" + 0.008*\"imag\" + 0.007*\"nasa\" + 0.006*\"program\" + 0.006*\"graphic\" + 0.005*\"com\" + 0.005*\"file\" + 0.005*\"data\" + 0.005*\"new\" + 0.004*\"orbit\"\n", + "2019-06-17 00:24:28,069 : INFO : topic #1 (0.200): 0.013*\"com\" + 0.007*\"like\" + 0.006*\"nntp\" + 0.006*\"host\" + 0.006*\"know\" + 0.006*\"univers\" + 0.005*\"bit\" + 0.005*\"henri\" + 0.005*\"think\" + 0.004*\"time\"\n", + "2019-06-17 00:24:28,069 : INFO : topic #2 (0.200): 0.012*\"peopl\" + 0.012*\"armenian\" + 0.008*\"said\" + 0.007*\"turkish\" + 0.006*\"know\" + 0.006*\"right\" + 0.006*\"jew\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"isra\"\n", + "2019-06-17 00:24:28,071 : INFO : topic #3 (0.200): 0.011*\"com\" + 0.010*\"israel\" + 0.008*\"bike\" + 0.007*\"isra\" + 0.005*\"like\" + 0.005*\"host\" + 0.005*\"nntp\" + 0.005*\"dod\" + 0.005*\"state\" + 0.004*\"think\"\n", + "2019-06-17 00:24:28,072 : INFO : topic #4 (0.200): 0.011*\"god\" + 0.007*\"peopl\" + 0.006*\"exist\" + 0.006*\"islam\" + 0.006*\"univers\" + 0.006*\"think\" + 0.005*\"believ\" + 0.005*\"com\" + 0.005*\"atheist\" + 0.004*\"like\"\n", + "2019-06-17 00:24:28,072 : INFO : topic diff=0.249839, rho=0.382948\n", + "2019-06-17 00:24:28,840 : INFO : -7.780 per-word bound, 219.8 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", + "2019-06-17 00:24:28,841 : INFO : PROGRESS: pass 3, at document #2819/2819\n", + "2019-06-17 00:24:29,291 : INFO : merging changes from 819 documents into a model of 2819 documents\n", + "2019-06-17 00:24:29,295 : INFO : topic #0 (0.200): 0.012*\"space\" + 0.007*\"imag\" + 0.006*\"nasa\" + 0.006*\"graphic\" + 0.006*\"program\" + 0.005*\"com\" + 0.005*\"launch\" + 0.005*\"file\" + 0.004*\"new\" + 0.004*\"orbit\"\n", + "2019-06-17 00:24:29,295 : INFO : topic #1 (0.200): 0.014*\"com\" + 0.007*\"like\" + 0.007*\"nntp\" + 0.006*\"host\" + 0.006*\"know\" + 0.006*\"univers\" + 0.005*\"think\" + 0.005*\"henri\" + 0.005*\"bit\" + 0.005*\"work\"\n", + "2019-06-17 00:24:29,296 : INFO : topic #2 (0.200): 0.013*\"armenian\" + 0.012*\"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", + "2019-06-17 00:24:29,297 : INFO : topic #3 (0.200): 0.011*\"com\" + 0.010*\"israel\" + 0.009*\"bike\" + 0.006*\"isra\" + 0.006*\"dod\" + 0.005*\"like\" + 0.005*\"ride\" + 0.005*\"motorcycl\" + 0.005*\"host\" + 0.005*\"nntp\"\n", + "2019-06-17 00:24:29,299 : INFO : topic #4 (0.200): 0.011*\"god\" + 0.008*\"peopl\" + 0.006*\"exist\" + 0.006*\"think\" + 0.006*\"univers\" + 0.005*\"com\" + 0.005*\"believ\" + 0.005*\"islam\" + 0.005*\"christian\" + 0.005*\"atheist\"\n", + "2019-06-17 00:24:29,299 : INFO : topic diff=0.247979, rho=0.382948\n", + "2019-06-17 00:24:29,300 : INFO : PROGRESS: pass 4, at document #1000/2819\n", + "2019-06-17 00:24:29,848 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:29,851 : INFO : topic #0 (0.200): 0.013*\"space\" + 0.008*\"imag\" + 0.007*\"nasa\" + 0.006*\"program\" + 0.006*\"graphic\" + 0.005*\"orbit\" + 0.005*\"file\" + 0.005*\"com\" + 0.005*\"data\" + 0.005*\"new\"\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 00:24:29,852 : INFO : topic #1 (0.200): 0.013*\"com\" + 0.007*\"like\" + 0.007*\"nntp\" + 0.007*\"host\" + 0.006*\"univers\" + 0.006*\"know\" + 0.005*\"bit\" + 0.005*\"think\" + 0.005*\"time\" + 0.005*\"work\"\n", + "2019-06-17 00:24:29,853 : INFO : topic #2 (0.200): 0.013*\"armenian\" + 0.011*\"peopl\" + 0.008*\"turkish\" + 0.007*\"said\" + 0.007*\"jew\" + 0.006*\"right\" + 0.006*\"kill\" + 0.005*\"know\" + 0.005*\"isra\" + 0.005*\"arab\"\n", + "2019-06-17 00:24:29,855 : INFO : topic #3 (0.200): 0.012*\"com\" + 0.010*\"israel\" + 0.009*\"bike\" + 0.007*\"isra\" + 0.006*\"dod\" + 0.005*\"like\" + 0.005*\"host\" + 0.005*\"nntp\" + 0.005*\"ride\" + 0.005*\"think\"\n", + "2019-06-17 00:24:29,856 : INFO : topic #4 (0.200): 0.011*\"god\" + 0.008*\"peopl\" + 0.006*\"think\" + 0.006*\"exist\" + 0.006*\"islam\" + 0.005*\"atheist\" + 0.005*\"believ\" + 0.005*\"com\" + 0.005*\"univers\" + 0.005*\"moral\"\n", + "2019-06-17 00:24:29,856 : INFO : topic diff=0.202108, rho=0.357622\n", + "2019-06-17 00:24:29,857 : INFO : PROGRESS: pass 4, at document #2000/2819\n", + "2019-06-17 00:24:30,410 : INFO : merging changes from 1000 documents into a model of 2819 documents\n", + "2019-06-17 00:24:30,414 : INFO : topic #0 (0.200): 0.013*\"space\" + 0.009*\"imag\" + 0.007*\"nasa\" + 0.006*\"program\" + 0.006*\"graphic\" + 0.005*\"file\" + 0.005*\"data\" + 0.005*\"com\" + 0.005*\"orbit\" + 0.005*\"new\"\n", + "2019-06-17 00:24:30,415 : INFO : topic #1 (0.200): 0.014*\"com\" + 0.008*\"like\" + 0.007*\"nntp\" + 0.007*\"host\" + 0.006*\"know\" + 0.006*\"univers\" + 0.005*\"bit\" + 0.005*\"henri\" + 0.005*\"time\" + 0.005*\"think\"\n", + "2019-06-17 00:24:30,416 : INFO : topic #2 (0.200): 0.013*\"armenian\" + 0.012*\"peopl\" + 0.008*\"said\" + 0.007*\"turkish\" + 0.006*\"jew\" + 0.006*\"know\" + 0.006*\"right\" + 0.006*\"kill\" + 0.005*\"like\" + 0.005*\"isra\"\n", + "2019-06-17 00:24:30,417 : INFO : topic #3 (0.200): 0.011*\"com\" + 0.010*\"israel\" + 0.008*\"bike\" + 0.007*\"isra\" + 0.006*\"host\" + 0.005*\"like\" + 0.005*\"nntp\" + 0.005*\"dod\" + 0.005*\"state\" + 0.005*\"think\"\n", + "2019-06-17 00:24:30,418 : INFO : topic #4 (0.200): 0.012*\"god\" + 0.008*\"peopl\" + 0.006*\"think\" + 0.006*\"exist\" + 0.006*\"islam\" + 0.006*\"univers\" + 0.005*\"believ\" + 0.005*\"com\" + 0.005*\"atheist\" + 0.005*\"moral\"\n", + "2019-06-17 00:24:30,419 : INFO : topic diff=0.201499, rho=0.357622\n", + "2019-06-17 00:24:31,195 : INFO : -7.758 per-word bound, 216.5 perplexity estimate based on a held-out corpus of 819 documents with 113268 words\n", + "2019-06-17 00:24:31,195 : INFO : PROGRESS: pass 4, at document #2819/2819\n", + "2019-06-17 00:24:31,621 : INFO : merging changes from 819 documents into a model of 2819 documents\n", + "2019-06-17 00:24:31,626 : INFO : topic #0 (0.200): 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", + "2019-06-17 00:24:31,627 : INFO : topic #1 (0.200): 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", + "2019-06-17 00:24:31,628 : INFO : topic #2 (0.200): 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", + "2019-06-17 00:24:31,629 : INFO : topic #3 (0.200): 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", + "2019-06-17 00:24:31,631 : INFO : topic #4 (0.200): 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", + "2019-06-17 00:24:31,631 : INFO : topic diff=0.204980, rho=0.357622\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:758: ConvergenceWarning: lbfgs failed to converge. Increase the number of iterations.\n", + " \"of iterations.\", ConvergenceWarning)\n", + "2019-06-17 00:24:36,879 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:758: ConvergenceWarning: lbfgs failed to converge. Increase the number of iterations.\n", + " \"of iterations.\", ConvergenceWarning)\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:758: ConvergenceWarning: lbfgs failed to converge. Increase the number of iterations.\n", + " \"of iterations.\", ConvergenceWarning)\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:758: ConvergenceWarning: lbfgs failed to converge. Increase the number of iterations.\n", + " \"of iterations.\", ConvergenceWarning)\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:758: ConvergenceWarning: lbfgs failed to converge. Increase the number of iterations.\n", + " \"of iterations.\", ConvergenceWarning)\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:758: ConvergenceWarning: lbfgs failed to converge. Increase the number of iterations.\n", + " \"of iterations.\", ConvergenceWarning)\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:758: ConvergenceWarning: lbfgs failed to converge. Increase the number of iterations.\n", + " \"of iterations.\", ConvergenceWarning)\n", + "2019-06-17 00:24:46,360 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n", + "2019-06-17 00:24:46,436 : INFO : running NMF training, 5 topics, 5 passes over the supplied corpus of 2819 documents, evaluating l2 norm every 2819 documents\n", + "2019-06-17 00:24:46,471 : INFO : PROGRESS: pass 0, at document #1000/2819\n", + "2019-06-17 00:24:46,497 : INFO : W error diff: -inf\n", + "2019-06-17 00:24:46,522 : INFO : PROGRESS: pass 0, at document #2000/2819\n", + "2019-06-17 00:24:46,540 : INFO : W error diff: -2.1783593508632997\n", + "2019-06-17 00:24:46,561 : INFO : PROGRESS: pass 0, at document #2819/2819\n", + "2019-06-17 00:24:46,914 : INFO : L2 norm: 28.137070033533682\n", + "2019-06-17 00:24:46,970 : INFO : topic #0 (0.404): 0.012*\"isra\" + 0.011*\"israel\" + 0.007*\"arab\" + 0.006*\"jew\" + 0.005*\"palestinian\" + 0.004*\"henri\" + 0.004*\"toronto\" + 0.003*\"question\" + 0.003*\"kill\" + 0.003*\"polici\"\n", + "2019-06-17 00:24:46,972 : INFO : topic #1 (0.358): 0.010*\"space\" + 0.005*\"access\" + 0.005*\"nasa\" + 0.004*\"pat\" + 0.004*\"digex\" + 0.004*\"orbit\" + 0.004*\"shuttl\" + 0.003*\"graphic\" + 0.003*\"data\" + 0.003*\"com\"\n", + "2019-06-17 00:24:46,974 : INFO : topic #2 (0.388): 0.015*\"armenian\" + 0.007*\"turkish\" + 0.005*\"greek\" + 0.005*\"peopl\" + 0.005*\"armenia\" + 0.005*\"turk\" + 0.005*\"argic\" + 0.004*\"bike\" + 0.004*\"serdar\" + 0.004*\"turkei\"\n", + "2019-06-17 00:24:46,975 : INFO : topic #3 (0.423): 0.011*\"moral\" + 0.007*\"keith\" + 0.004*\"anim\" + 0.004*\"jake\" + 0.004*\"boni\" + 0.004*\"act\" + 0.004*\"instinct\" + 0.003*\"think\" + 0.003*\"caltech\" + 0.003*\"object\"\n", + "2019-06-17 00:24:46,977 : INFO : topic #4 (0.441): 0.011*\"islam\" + 0.010*\"god\" + 0.007*\"muslim\" + 0.007*\"livesei\" + 0.007*\"imag\" + 0.006*\"sgi\" + 0.006*\"jaeger\" + 0.005*\"jon\" + 0.005*\"solntz\" + 0.005*\"wpd\"\n", + "2019-06-17 00:24:46,992 : INFO : W error diff: -0.6087333117616911\n", + "2019-06-17 00:24:47,031 : INFO : PROGRESS: pass 1, at document #1000/2819\n", + "2019-06-17 00:24:47,047 : INFO : W error diff: -1.5858439279007879\n", + "2019-06-17 00:24:47,067 : INFO : PROGRESS: pass 1, at document #2000/2819\n", + "2019-06-17 00:24:47,078 : INFO : W error diff: -1.1329837530094071\n", + "2019-06-17 00:24:47,096 : INFO : PROGRESS: pass 1, at document #2819/2819\n", + "2019-06-17 00:24:47,468 : INFO : L2 norm: 28.02006726219276\n", + "2019-06-17 00:24:47,539 : INFO : topic #0 (0.345): 0.013*\"israel\" + 0.013*\"isra\" + 0.008*\"arab\" + 0.007*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.003*\"peac\" + 0.003*\"polici\" + 0.003*\"attack\" + 0.003*\"henri\"\n", + "2019-06-17 00:24:47,542 : INFO : topic #1 (0.253): 0.011*\"space\" + 0.007*\"nasa\" + 0.005*\"access\" + 0.004*\"orbit\" + 0.004*\"pat\" + 0.004*\"digex\" + 0.004*\"launch\" + 0.004*\"shuttl\" + 0.004*\"graphic\" + 0.004*\"com\"\n", + "2019-06-17 00:24:47,544 : 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-06-17 00:24:47,545 : 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-06-17 00:24:47,547 : INFO : topic #4 (0.380): 0.013*\"islam\" + 0.013*\"god\" + 0.007*\"livesei\" + 0.007*\"sgi\" + 0.007*\"jaeger\" + 0.006*\"muslim\" + 0.006*\"jon\" + 0.005*\"religion\" + 0.005*\"imag\" + 0.005*\"solntz\"\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 00:24:47,556 : INFO : W error diff: -0.05304441334403265\n", + "2019-06-17 00:24:47,595 : INFO : PROGRESS: pass 2, at document #1000/2819\n", + "2019-06-17 00:24:47,607 : INFO : W error diff: -0.6532464912217009\n", + "2019-06-17 00:24:47,629 : INFO : PROGRESS: pass 2, at document #2000/2819\n", + "2019-06-17 00:24:47,638 : INFO : W error diff: -0.5542774416923812\n", + "2019-06-17 00:24:47,655 : INFO : PROGRESS: pass 2, at document #2819/2819\n", + "2019-06-17 00:24:47,973 : INFO : L2 norm: 27.999892226543682\n", + "2019-06-17 00:24:48,036 : INFO : topic #0 (0.343): 0.013*\"israel\" + 0.013*\"isra\" + 0.008*\"arab\" + 0.007*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.003*\"peac\" + 0.003*\"attack\" + 0.003*\"polici\" + 0.003*\"lebanon\"\n", + "2019-06-17 00:24:48,038 : INFO : topic #1 (0.229): 0.010*\"space\" + 0.007*\"nasa\" + 0.005*\"access\" + 0.004*\"orbit\" + 0.004*\"pat\" + 0.004*\"launch\" + 0.004*\"digex\" + 0.004*\"gov\" + 0.004*\"graphic\" + 0.004*\"com\"\n", + "2019-06-17 00:24:48,039 : INFO : topic #2 (0.283): 0.021*\"armenian\" + 0.010*\"turkish\" + 0.007*\"armenia\" + 0.006*\"turk\" + 0.006*\"argic\" + 0.006*\"serdar\" + 0.005*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.004*\"soviet\"\n", + "2019-06-17 00:24:48,041 : INFO : topic #3 (0.347): 0.014*\"moral\" + 0.013*\"keith\" + 0.006*\"object\" + 0.006*\"caltech\" + 0.005*\"schneider\" + 0.004*\"allan\" + 0.004*\"cco\" + 0.004*\"anim\" + 0.003*\"jake\" + 0.003*\"natur\"\n", + "2019-06-17 00:24:48,043 : INFO : topic #4 (0.365): 0.014*\"god\" + 0.013*\"islam\" + 0.007*\"livesei\" + 0.007*\"sgi\" + 0.007*\"jaeger\" + 0.006*\"muslim\" + 0.006*\"religion\" + 0.005*\"jon\" + 0.005*\"atheist\" + 0.005*\"atheism\"\n", + "2019-06-17 00:24:48,050 : INFO : W error diff: 0.06399021760879364\n", + "2019-06-17 00:24:48,090 : INFO : PROGRESS: pass 3, at document #1000/2819\n", + "2019-06-17 00:24:48,103 : INFO : W error diff: -0.3678424933365889\n", + "2019-06-17 00:24:48,123 : INFO : PROGRESS: pass 3, at document #2000/2819\n", + "2019-06-17 00:24:48,131 : INFO : W error diff: -0.34924666183303543\n", + "2019-06-17 00:24:48,148 : INFO : PROGRESS: pass 3, at document #2819/2819\n", + "2019-06-17 00:24:48,460 : INFO : L2 norm: 27.991268049236886\n", + "2019-06-17 00:24:48,518 : INFO : topic #0 (0.350): 0.014*\"israel\" + 0.013*\"isra\" + 0.008*\"arab\" + 0.007*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.003*\"attack\" + 0.003*\"lebanon\" + 0.003*\"polici\"\n", + "2019-06-17 00:24:48,520 : INFO : topic #1 (0.220): 0.010*\"space\" + 0.007*\"nasa\" + 0.005*\"access\" + 0.004*\"orbit\" + 0.004*\"launch\" + 0.004*\"pat\" + 0.004*\"gov\" + 0.004*\"com\" + 0.004*\"digex\" + 0.004*\"alaska\"\n", + "2019-06-17 00:24:48,521 : INFO : topic #2 (0.282): 0.021*\"armenian\" + 0.010*\"turkish\" + 0.007*\"armenia\" + 0.007*\"turk\" + 0.006*\"argic\" + 0.006*\"serdar\" + 0.005*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.004*\"soviet\"\n", + "2019-06-17 00:24:48,523 : INFO : topic #3 (0.351): 0.014*\"moral\" + 0.013*\"keith\" + 0.006*\"object\" + 0.006*\"caltech\" + 0.005*\"schneider\" + 0.005*\"allan\" + 0.005*\"cco\" + 0.004*\"anim\" + 0.003*\"natur\" + 0.003*\"think\"\n", + "2019-06-17 00:24:48,524 : INFO : topic #4 (0.364): 0.014*\"god\" + 0.013*\"islam\" + 0.007*\"sgi\" + 0.007*\"jaeger\" + 0.007*\"livesei\" + 0.006*\"muslim\" + 0.006*\"religion\" + 0.006*\"atheist\" + 0.005*\"atheism\" + 0.005*\"jon\"\n", + "2019-06-17 00:24:48,531 : INFO : W error diff: 0.08877110840856872\n", + "2019-06-17 00:24:48,570 : INFO : PROGRESS: pass 4, at document #1000/2819\n", + "2019-06-17 00:24:48,584 : INFO : W error diff: -0.2446709705343757\n", + "2019-06-17 00:24:48,605 : INFO : PROGRESS: pass 4, at document #2000/2819\n", + "2019-06-17 00:24:48,613 : INFO : W error diff: -0.24931839405260803\n", + "2019-06-17 00:24:48,635 : INFO : PROGRESS: pass 4, at document #2819/2819\n", + "2019-06-17 00:24:49,056 : INFO : L2 norm: 27.98648818098989\n", + "2019-06-17 00:24:49,116 : INFO : topic #0 (0.354): 0.014*\"israel\" + 0.013*\"isra\" + 0.008*\"arab\" + 0.007*\"jew\" + 0.005*\"palestinian\" + 0.004*\"lebanes\" + 0.004*\"peac\" + 0.003*\"attack\" + 0.003*\"lebanon\" + 0.003*\"polici\"\n", + "2019-06-17 00:24:49,117 : INFO : topic #1 (0.209): 0.010*\"space\" + 0.007*\"nasa\" + 0.005*\"access\" + 0.004*\"orbit\" + 0.004*\"launch\" + 0.004*\"gov\" + 0.004*\"pat\" + 0.004*\"com\" + 0.004*\"alaska\" + 0.004*\"moon\"\n", + "2019-06-17 00:24:49,119 : INFO : topic #2 (0.283): 0.021*\"armenian\" + 0.010*\"turkish\" + 0.007*\"armenia\" + 0.007*\"argic\" + 0.007*\"turk\" + 0.006*\"serdar\" + 0.005*\"turkei\" + 0.005*\"greek\" + 0.005*\"genocid\" + 0.004*\"soviet\"\n", + "2019-06-17 00:24:49,120 : INFO : topic #3 (0.356): 0.015*\"moral\" + 0.014*\"keith\" + 0.006*\"object\" + 0.006*\"caltech\" + 0.005*\"schneider\" + 0.005*\"allan\" + 0.005*\"cco\" + 0.004*\"anim\" + 0.003*\"natur\" + 0.003*\"goal\"\n", + "2019-06-17 00:24:49,122 : INFO : topic #4 (0.366): 0.014*\"god\" + 0.014*\"islam\" + 0.007*\"jaeger\" + 0.006*\"sgi\" + 0.006*\"livesei\" + 0.006*\"muslim\" + 0.006*\"atheist\" + 0.006*\"religion\" + 0.006*\"atheism\" + 0.005*\"rushdi\"\n", + "2019-06-17 00:24:49,133 : INFO : W error diff: 0.0932956490045207\n", + "2019-06-17 00:24:54,464 : INFO : CorpusAccumulator accumulated stats from 1000 documents\n" + ] + } + ], "source": [ "tm_metrics = pd.DataFrame(columns=['model', 'train_time', 'coherence', 'l2_norm', 'f1', 'topics'])\n", "\n", @@ -1020,32 +1261,32 @@ " \n", " 0\n", " lda\n", - " 00:00:08\n", + " 00:00:14\n", " -2.1054\n", " -\n", " 0.7511\n", - " 288 MB\n", - " 288 MB\n", + " 273 MB\n", + " 273 MB\n", " \n", " \n", " 1\n", " sklearn_nmf\n", - " 00:00:02\n", + " 00:00:04\n", " -3.1835\n", " 42.4759\n", - " 0.7900\n", - " 824 MB\n", - " 692 MB\n", + " 0.7905\n", + " 538 MB\n", + " 538 MB\n", " \n", " \n", " 2\n", " gensim_nmf\n", - " 00:00:01\n", + " 00:00:03\n", " -4.0459\n", " 42.5486\n", " 0.8044\n", - " 427 MB\n", - " 427 MB\n", + " 406 MB\n", + " 406 MB\n", " \n", " \n", "\n", @@ -1053,9 +1294,9 @@ ], "text/plain": [ " 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" + "0 lda 00:00:14 -2.1054 - 0.7511 273 MB 273 MB\n", + "1 sklearn_nmf 00:00:04 -3.1835 42.4759 0.7905 538 MB 538 MB\n", + "2 gensim_nmf 00:00:03 -4.0459 42.5486 0.8044 406 MB 406 MB" ] }, "execution_count": 18, @@ -1094,7 +1335,7 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "metadata": {}, "outputs": [ { @@ -1159,7 +1400,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1209,9 +1450,66 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " Part 1/4 [==================================================] 100.0% 1950.0/1950.0MB downloaded\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 00:41:12,608 : INFO : Part 1/4 downloaded\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " Part 2/4 [==================================================] 100.0% 1950.0/1950.0MB downloaded\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:00:31,485 : INFO : Part 2/4 downloaded\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " Part 3/4 [==================================================] 100.0% 1950.0/1950.0MB downloaded\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:13:16,891 : INFO : Part 3/4 downloaded\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + " Part 4/4 [==================================================] 100.0% 364.2/364.2MB downloaded\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:16:12,302 : INFO : Part 4/4 downloaded\n" + ] + } + ], "source": [ "data = gensim.downloader.load(\"wiki-english-20171001\")" ] @@ -1225,9 +1523,16 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": null, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:16:21,175 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, { "name": "stdout", "output_type": "stream", @@ -1289,7 +1594,7 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1314,7 +1619,7 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": null, "metadata": { "scrolled": true }, @@ -1323,187 +1628,224043 @@ "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" + "2019-06-17 01:16:21,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 01:16:21,224 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 01:17:21,409 : INFO : adding document #10000 to Dictionary(442398 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:18:15,272 : INFO : adding document #20000 to Dictionary(636185 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:18:56,152 : INFO : adding document #30000 to Dictionary(771962 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:19:33,810 : INFO : adding document #40000 to Dictionary(892775 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:20:00,867 : INFO : adding document #50000 to Dictionary(973514 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:20:18,101 : INFO : adding document #60000 to Dictionary(993992 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:20:31,718 : INFO : adding document #70000 to Dictionary(1011285 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:20:45,385 : INFO : adding document #80000 to Dictionary(1027195 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:21:13,204 : INFO : adding document #90000 to Dictionary(1095465 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:21:49,573 : INFO : adding document #100000 to Dictionary(1195579 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:22:22,655 : INFO : adding document #110000 to Dictionary(1285684 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:22:53,813 : INFO : adding document #120000 to Dictionary(1360876 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:23:24,132 : INFO : adding document #130000 to Dictionary(1431880 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:23:55,805 : INFO : adding document #140000 to Dictionary(1507877 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:24:25,125 : INFO : adding document #150000 to Dictionary(1592593 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:24:54,108 : INFO : adding document #160000 to Dictionary(1669698 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:25:21,122 : INFO : adding document #170000 to Dictionary(1736105 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:25:47,371 : INFO : adding document #180000 to Dictionary(1788263 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:26:11,543 : INFO : adding document #190000 to Dictionary(1844205 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:26:34,760 : INFO : adding document #200000 to Dictionary(1899237 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:26:57,749 : INFO : adding document #210000 to Dictionary(1950073 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:27:21,112 : INFO : adding document #220000 to Dictionary(1993894 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:27:45,346 : INFO : discarding 41874 tokens: [('kombibahn', 1), ('kuppelbare', 1), ('mgfj', 1), ('ngongping', 1), ('pendelbahn', 1), ('ptopgondola', 1), ('pulsé', 1), ('pulsée', 1), ('sesselbahn', 1), ('tscdortmx', 1)]...\n", + "2019-06-17 01:27:45,347 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 230000 (=100.0%) documents\n", + "2019-06-17 01:27:47,638 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:27:47,690 : INFO : adding document #230000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:28:11,946 : INFO : discarding 49167 tokens: [('kiggelaria', 1), ('laetia', 1), ('lindackeria', 1), ('lunania', 1), ('macrohasseltia', 1), ('mocquerysia', 1), ('neopringlea', 1), ('neoptychocarpus', 1), ('olmediella', 1), ('oncoba', 1)]...\n", + "2019-06-17 01:28:11,947 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 240000 (=100.0%) documents\n", + "2019-06-17 01:28:14,122 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:28:14,166 : INFO : adding document #240000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:28:37,940 : INFO : discarding 48135 tokens: [('sesci', 1), ('ºbis', 1), ('bechtolt', 1), ('bureker', 1), ('maletis', 1), ('mastbaum', 1), ('mergertech', 1), ('obipso', 1), ('olvis', 1), ('seemel', 1)]...\n", + "2019-06-17 01:28:37,941 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 250000 (=100.0%) documents\n", + "2019-06-17 01:28:40,198 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:28:40,244 : INFO : adding document #250000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:29:03,771 : INFO : discarding 48722 tokens: [('populifolium', 1), ('pterochaetum', 1), ('puteale', 1), ('readeri', 1), ('retortum', 1), ('rogersianum', 1), ('scitulum', 1), ('scutellifolium', 1), ('semicalvum', 1), ('semifertile', 1)]...\n", + "2019-06-17 01:29:03,772 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 260000 (=100.0%) documents\n", + "2019-06-17 01:29:05,928 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:29:05,971 : INFO : adding document #260000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:29:27,980 : INFO : discarding 42577 tokens: [('iofetamine', 1), ('auhirsch', 1), ('austrokoffer', 1), ('hellschwarzer', 1), ('landvermessung', 1), ('cityquartier', 1), ('domaquarée', 1), ('vxla', 1), ('grovare', 1), ('shitterton', 1)]...\n", + "2019-06-17 01:29:27,981 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 270000 (=100.0%) documents\n", + "2019-06-17 01:29:30,222 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:29:30,268 : INFO : adding document #270000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:29:52,367 : INFO : discarding 46854 tokens: [('spivvy', 1), ('marketingland', 1), ('yourcompany', 1), ('yourgmail', 1), ('youroffice', 1), ('dousseau', 1), ('andomeda', 1), ('myfabada', 1), ('sunnyfabada', 1), ('alleben', 1)]...\n", + "2019-06-17 01:29:52,368 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 280000 (=100.0%) documents\n", + "2019-06-17 01:29:54,568 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:29:54,612 : INFO : adding document #280000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:30:15,963 : INFO : discarding 49731 tokens: [('tankarna', 1), ('tanngtied', 1), ('tiedadzim', 1), ('tiedam', 1), ('tjouta', 1), ('träden', 1), ('täb', 1), ('täivest', 1), ('tälle', 1), ('tåckå', 1)]...\n", + "2019-06-17 01:30:15,964 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 290000 (=100.0%) documents\n", + "2019-06-17 01:30:18,267 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\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" + "2019-06-17 01:30:18,320 : INFO : adding document #290000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:30:39,948 : INFO : discarding 47548 tokens: [('rudhrabhatta', 1), ('sadâwt', 1), ('sahityarathi', 1), ('samayadant', 1), ('sehrampur', 1), ('shahirs', 1), ('shantipurana', 1), ('shirvadakar', 1), ('streevada', 1), ('swabhab', 1)]...\n", + "2019-06-17 01:30:39,949 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 300000 (=100.0%) documents\n", + "2019-06-17 01:30:42,144 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:30:42,188 : INFO : adding document #300000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:31:02,720 : INFO : discarding 42701 tokens: [('lanveoc', 1), ('lcoations', 1), ('mailines', 1), ('meureaux', 1), ('missies', 1), ('neupetritor', 1), ('pontabault', 1), ('rapopo', 1), ('recconoitre', 1), ('salisburg', 1)]...\n", + "2019-06-17 01:31:02,721 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 310000 (=100.0%) documents\n", + "2019-06-17 01:31:05,011 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:31:05,057 : INFO : adding document #310000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:31:24,696 : INFO : discarding 49755 tokens: [('petrivy', 1), ('vwap', 1), ('xbinop', 1), ('follyfest', 1), ('portwell', 1), ('cofounds', 1), ('deathtongue', 1), ('dumplins', 1), ('hsolver', 1), ('hycreate', 1)]...\n", + "2019-06-17 01:31:24,697 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 320000 (=100.0%) documents\n", + "2019-06-17 01:31:26,853 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:31:26,899 : INFO : adding document #320000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:31:47,177 : INFO : discarding 46968 tokens: [('erunsuto', 1), ('farmani', 1), ('fotogalería', 1), ('glanzlichter', 1), ('hāsu', 1), ('imaginare', 1), ('karā', 1), ('kslnischer', 1), ('kunstambachten', 1), ('kurieishon', 1)]...\n", + "2019-06-17 01:31:47,178 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 330000 (=100.0%) documents\n", + "2019-06-17 01:31:49,432 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:31:49,478 : INFO : adding document #330000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:32:08,558 : INFO : discarding 37769 tokens: [('tagless', 1), ('typechecked', 1), ('unifiability', 1), ('grgurinović', 1), ('identronix', 1), ('doomsbury', 1), ('gwdion', 1), ('ravenwind', 1), ('agavat', 1), ('baltacilar', 1)]...\n", + "2019-06-17 01:32:08,559 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 340000 (=100.0%) documents\n", + "2019-06-17 01:32:10,705 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:32:10,750 : INFO : adding document #340000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:32:29,742 : INFO : discarding 37784 tokens: [('pelire', 1), ('pisḳe', 1), ('shibbole', 1), ('tosafistic', 1), ('tosafos', 1), ('yebamot', 1), ('zebaḥim', 1), ('zeḳenim', 1), ('גריינץ', 1), ('ḥiẓoniyyot', 1)]...\n", + "2019-06-17 01:32:29,743 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 350000 (=100.0%) documents\n", + "2019-06-17 01:32:32,018 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:32:32,065 : INFO : adding document #350000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:32:52,512 : INFO : discarding 38303 tokens: [('intomvu', 1), ('inyege', 1), ('inzogera', 1), ('iyebe', 1), ('pierreh', 1), ('umudende', 1), ('umuheto', 1), ('umurya', 1), ('umwironge', 1), ('leidenheimer', 1)]...\n", + "2019-06-17 01:32:52,513 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 360000 (=100.0%) documents\n", + "2019-06-17 01:32:54,686 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:32:54,731 : INFO : adding document #360000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:33:14,158 : INFO : discarding 36885 tokens: [('herzemaere', 1), ('kastellan', 1), ('meliur', 1), ('partenopier', 1), ('partonopier', 1), ('schniede', 1), ('arhoppers', 1), ('feezor', 1), ('aghven', 1), ('arank', 1)]...\n", + "2019-06-17 01:33:14,159 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 370000 (=100.0%) documents\n", + "2019-06-17 01:33:16,420 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:33:16,467 : INFO : adding document #370000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:33:35,541 : INFO : discarding 36150 tokens: [('popset', 1), ('blumschein', 1), ('exceptionelles', 1), ('messerchmitt', 1), ('renové', 1), ('rouvez', 1), ('methylpropanoyl', 1), ('aguafuerte', 1), ('arbolucu', 1), ('barítone', 1)]...\n", + "2019-06-17 01:33:35,542 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 380000 (=100.0%) documents\n", + "2019-06-17 01:33:37,718 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:33:37,764 : INFO : adding document #380000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:33:56,928 : INFO : discarding 38389 tokens: [('gemmecke', 1), ('hjulstad', 1), ('jonsvannsveien', 1), ('rinnanbanden', 1), ('admiralsrang', 1), ('obderrm', 1), ('werdegänge', 1), ('bbeb', 1), ('ebookwise', 1), ('solarlok', 1)]...\n", + "2019-06-17 01:33:56,928 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 390000 (=100.0%) documents\n", + "2019-06-17 01:33:59,189 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:33:59,237 : INFO : adding document #390000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:34:18,381 : INFO : discarding 38469 tokens: [('quantitiy', 1), ('warraba', 1), ('wiganora', 1), ('wolger', 1), ('wollongongy', 1), ('woniora', 1), ('worinora', 1), ('calcolatore', 1), ('calculateur', 1), ('電卓', 1)]...\n", + "2019-06-17 01:34:18,381 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 400000 (=100.0%) documents\n", + "2019-06-17 01:34:20,550 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:34:20,595 : INFO : adding document #400000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:34:38,577 : INFO : discarding 36935 tokens: [('壓軸拉闊音樂會李克勤x容祖兒', 1), ('好事多為', 1), ('姚珏', 1), ('容祖兒perfect', 1), ('容祖兒x古巨基', 1), ('容祖兒x草蜢', 1), ('容祖兒x陳奕迅', 1), ('容祖兒x黃耀明', 1), ('容祖兒不容錯失音樂會', 1), ('容祖兒夏水禮音樂會', 1)]...\n", + "2019-06-17 01:34:38,578 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 410000 (=100.0%) documents\n", + "2019-06-17 01:34:40,827 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:34:40,875 : INFO : adding document #410000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\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", + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:34:58,947 : INFO : discarding 42040 tokens: [('munchnone', 1), ('nickon', 1), ('octacirculene', 1), ('oxoolean', 1), ('penguinone', 1), ('pentacyclo', 1), ('peppsi', 1), ('periplanarity', 1), ('periplanone', 1), ('prismanean', 1)]...\n", + "2019-06-17 01:34:58,948 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 420000 (=100.0%) documents\n", + "2019-06-17 01:35:01,119 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:35:01,167 : INFO : adding document #420000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:35:19,545 : INFO : discarding 41460 tokens: [('âqâye', 1), ('libagf', 1), ('npcdens', 1), ('ruwpa', 1), ('undersmoothed', 1), ('evangelicism', 1), ('neillian', 1), ('rousseauan', 1), ('rousseauean', 1), ('flocko', 1)]...\n", + "2019-06-17 01:35:19,545 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 430000 (=100.0%) documents\n", + "2019-06-17 01:35:21,801 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:35:21,850 : INFO : adding document #430000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:35:39,379 : INFO : discarding 34896 tokens: [('blinge', 1), ('bliže', 1), ('borisavljević', 1), ('danju', 1), ('dravco', 1), ('gazdarica', 1), ('grbavice', 1), ('kristinom', 1), ('lokice', 1), ('lumbrelom', 1)]...\n", + "2019-06-17 01:35:39,380 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 440000 (=100.0%) documents\n", + "2019-06-17 01:35:41,541 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:35:41,588 : INFO : adding document #440000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:36:00,655 : INFO : discarding 41599 tokens: [('mapalpalna', 1), ('mapalpalnay', 1), ('maringot', 1), ('marutak', 1), ('matdem', 1), ('melag', 1), ('melanting', 1), ('nalingwanan', 1), ('nanengne', 1), ('nanengneng', 1)]...\n", + "2019-06-17 01:36:00,656 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 450000 (=100.0%) documents\n", + "2019-06-17 01:36:02,898 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:36:02,948 : INFO : adding document #450000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:36:21,710 : INFO : discarding 40297 tokens: [('onlywould', 1), ('paralle', 1), ('phiefer', 1), ('sdeis', 1), ('serviceat', 1), ('yhat', 1), ('ardillo', 1), ('cenizaro', 1), ('dilodendron', 1), ('feuilleea', 1)]...\n", + "2019-06-17 01:36:21,710 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 460000 (=100.0%) documents\n", + "2019-06-17 01:36:23,910 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:36:23,958 : INFO : adding document #460000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:36:42,873 : INFO : discarding 40142 tokens: [('oguntayo', 1), ('omosebi', 1), ('osibanjo', 1), ('safinatu', 1), ('sidikatu', 1), ('unguwar', 1), ('zulai', 1), ('zulaihat', 1), ('acreditată', 1), ('datacheck', 1)]...\n", + "2019-06-17 01:36:42,874 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 470000 (=100.0%) documents\n", + "2019-06-17 01:36:45,178 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:36:45,227 : INFO : adding document #470000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:37:03,908 : INFO : discarding 38422 tokens: [('greadaíg', 1), ('hadap', 1), ('heathraimh', 1), ('incliing', 1), ('iompaíg', 1), ('iompraígh', 1), ('iompó', 1), ('isteach', 1), ('istinctness', 1), ('jadikan', 1)]...\n", + "2019-06-17 01:37:03,909 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 480000 (=100.0%) documents\n", + "2019-06-17 01:37:06,082 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:37:06,137 : INFO : adding document #480000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:37:23,759 : INFO : discarding 35508 tokens: [('元老', 1), ('出汁', 1), ('切り紙', 1), ('印籠', 1), ('味醂', 1), ('小豆', 1), ('川柳', 1), ('左様なら', 1), ('巻物', 1), ('布団', 1)]...\n", + "2019-06-17 01:37:23,759 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 490000 (=100.0%) documents\n", + "2019-06-17 01:37:26,033 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:37:26,082 : INFO : adding document #490000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:37:44,041 : INFO : discarding 37984 tokens: [('roßauer', 1), ('schwedenplatz', 1), ('thaliastraße', 1), ('vorgartenstraße', 1), ('zieglergasse', 1), ('allwight', 1), ('fightng', 1), ('viikingit', 1), ('arkwin', 1), ('atvc', 1)]...\n", + "2019-06-17 01:37:44,042 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 500000 (=100.0%) documents\n", + "2019-06-17 01:37:46,229 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:37:46,277 : INFO : adding document #500000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:38:03,449 : INFO : discarding 35424 tokens: [('pighín', 1), ('yayed', 1), ('stampolidis', 1), ('amaldoss', 1), ('gunnthorsdottir', 1), ('namatame', 1), ('shikarnya', 1), ('afrozi', 1), ('bruysten', 1), ('forostenko', 1)]...\n", + "2019-06-17 01:38:03,450 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 510000 (=100.0%) documents\n", + "2019-06-17 01:38:05,719 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:38:05,769 : INFO : adding document #510000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:38:23,312 : INFO : discarding 40650 tokens: [('rettificazione', 1), ('soluzione', 1), ('erukhim', 1), ('izucheniju', 1), ('jazyku', 1), ('jochel', 1), ('jukagir', 1), ('jukagirskij', 1), ('jukagirsko', 1), ('jukagirskogo', 1)]...\n", + "2019-06-17 01:38:23,313 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 520000 (=100.0%) documents\n", + "2019-06-17 01:38:25,480 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:38:25,528 : INFO : adding document #520000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:38:43,793 : INFO : discarding 37898 tokens: [('guillerval', 1), ('leudeville', 1), ('mauchamps', 1), ('mespuits', 1), ('moigny', 1), ('moulineux', 1), ('mérobert', 1), ('nainville', 1), ('pecqueuse', 1), ('puiselet', 1)]...\n", + "2019-06-17 01:38:43,793 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 530000 (=100.0%) documents\n", + "2019-06-17 01:38:46,105 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:38:46,156 : INFO : adding document #530000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:39:03,978 : INFO : discarding 36655 tokens: [('malokha', 1), ('sirkeerhead', 1), ('cheetahmail', 1), ('consumerinfo', 1), ('findget', 1), ('garlik', 1), ('hyperspecific', 1), ('intelliscore', 1), ('interatividade', 1), ('rentalbureau', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:39:03,979 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 540000 (=100.0%) documents\n", + "2019-06-17 01:39:06,194 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:39:06,247 : INFO : adding document #540000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:39:23,322 : INFO : discarding 37087 tokens: [('kdsh', 1), ('kdve', 1), ('kdxx', 1), ('kedc', 1), ('kefh', 1), ('kejc', 1), ('kejs', 1), ('kelg', 1), ('kennelwood', 1), ('keoe', 1)]...\n", + "2019-06-17 01:39:23,323 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 550000 (=100.0%) documents\n", + "2019-06-17 01:39:25,637 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:39:25,690 : INFO : adding document #550000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:39:42,919 : INFO : discarding 38697 tokens: [('packagekellogg', 1), ('raceforward', 1), ('strawss', 1), ('toppas', 1), ('zimz', 1), ('farcey', 1), ('owrras', 1), ('ratcave', 1), ('ratfan', 1), ('ratphone', 1)]...\n", + "2019-06-17 01:39:42,919 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 560000 (=100.0%) documents\n", + "2019-06-17 01:39:45,123 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:39:45,174 : INFO : adding document #560000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:01,093 : INFO : discarding 36037 tokens: [('scoptician', 1), ('theoam', 1), ('vaopticians', 1), ('gobarrow', 1), ('kuddles', 1), ('rockmoor', 1), ('steiden', 1), ('valuetime', 1), ('dapg', 1), ('defago', 1)]...\n", + "2019-06-17 01:40:01,094 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 570000 (=100.0%) documents\n", + "2019-06-17 01:40:03,386 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:03,437 : INFO : adding document #570000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:19,674 : INFO : discarding 37349 tokens: [('adygheгъ', 1), ('adygheгъу', 1), ('adygheгь', 1), ('adygheд', 1), ('adygheдж', 1), ('adygheдз', 1), ('adygheдзу', 1), ('adygheе', 1), ('adygheж', 1), ('adygheжъ', 1)]...\n", + "2019-06-17 01:40:19,674 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 580000 (=100.0%) documents\n", + "2019-06-17 01:40:21,866 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:21,917 : INFO : adding document #580000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:38,280 : INFO : discarding 35398 tokens: [('turnaia', 1), ('krakaudorf', 1), ('krakauschatten', 1), ('appanah', 1), ('assone', 1), ('hakien', 1), ('jioi', 1), ('sewtohul', 1), ('shivratree', 1), ('unnuth', 1)]...\n", + "2019-06-17 01:40:38,281 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 590000 (=100.0%) documents\n", + "2019-06-17 01:40:40,570 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:40,621 : INFO : adding document #590000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:56,734 : INFO : discarding 31640 tokens: [('kojevnikov', 1), ('schecters', 1), ('astriphytum', 1), ('prismaticum', 1), ('quadricostatum', 1), ('tulense', 1), ('cachiyacuy', 1), ('canaanimys', 1), ('caviocricetus', 1), ('contamanensis', 1)]...\n", + "2019-06-17 01:40:56,735 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 600000 (=100.0%) documents\n", + "2019-06-17 01:40:58,932 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:40:58,982 : INFO : adding document #600000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:41:14,789 : INFO : discarding 32552 tokens: [('emmènerai', 1), ('respirer', 1), ('amtrust', 1), ('bjorgolfsson', 1), ('buzzd', 1), ('eztxtmsg', 1), ('froewiss', 1), ('jurevics', 1), ('profesoor', 1), ('saltconference', 1)]...\n", + "2019-06-17 01:41:14,789 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 610000 (=100.0%) documents\n", + "2019-06-17 01:41:17,089 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:41:17,141 : INFO : adding document #610000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:41:33,921 : INFO : discarding 39159 tokens: [('maloòngi', 1), ('monokituba', 1), ('munukituba', 1), ('nkutama', 1), ('nlemvo', 1), ('nzombie', 1), ('redemptoriste', 1), ('zoombo', 1), ('banuqa', 1), ('ghatrif', 1)]...\n", + "2019-06-17 01:41:33,921 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 620000 (=100.0%) documents\n", + "2019-06-17 01:41:36,124 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:41:36,175 : INFO : adding document #620000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:41:52,381 : INFO : discarding 35348 tokens: [('seov', 1), ('ampka', 1), ('ampkalpha', 1), ('ampkk', 1), ('camkk', 1), ('glucopenia', 1), ('pparalpha', 1), ('snrk', 1), ('ubiquitinations', 1), ('anddave', 1)]...\n", + "2019-06-17 01:41:52,382 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 630000 (=100.0%) documents\n", + "2019-06-17 01:41:54,673 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:41:54,726 : INFO : adding document #630000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:42:11,004 : INFO : discarding 34635 tokens: [('capv', 1), ('chaleyssin', 1), ('chambalud', 1), ('champagnier', 1), ('chantesse', 1), ('charantonnay', 1), ('charnècles', 1), ('chatelans', 1), ('chimilin', 1), ('chirens', 1)]...\n", + "2019-06-17 01:42:11,005 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 640000 (=100.0%) documents\n", + "2019-06-17 01:42:13,215 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:42:13,264 : INFO : adding document #640000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:42:28,991 : INFO : discarding 32752 tokens: [('ebbertt', 1), ('wyandota', 1), ('blaidd', 1), ('matthewrhys', 1), ('morfilod', 1), ('arenera', 1), ('galgal', 1), ('galgalim', 1), ('galgallim', 1), ('paytanim', 1)]...\n", + "2019-06-17 01:42:28,992 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 650000 (=100.0%) documents\n", + "2019-06-17 01:42:31,284 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:42:31,335 : INFO : adding document #650000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:42:46,863 : INFO : discarding 34143 tokens: [('adjutans', 1), ('onderofficier', 1), ('resaldar', 1), ('dailynebraskan', 1), ('halfaskan', 1), ('shattil', 1), ('juridisction', 1), ('vohrah', 1), ('chronometree', 1), ('dearqe', 1)]...\n", + "2019-06-17 01:42:46,864 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 660000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:42:49,067 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:42:49,117 : INFO : adding document #660000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:04,726 : INFO : discarding 35656 tokens: [('kantatālavya', 1), ('kanthya', 1), ('kantōsthya', 1), ('lunthita', 1), ('mahāprānam', 1), ('mahāprāṇam', 1), ('niyamāvalī', 1), ('nādam', 1), ('prayatnams', 1), ('pārśvika', 1)]...\n", + "2019-06-17 01:43:04,727 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 670000 (=100.0%) documents\n", + "2019-06-17 01:43:07,050 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:07,105 : INFO : adding document #670000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:21,419 : INFO : discarding 31413 tokens: [('econbrowser', 1), ('mieczkowski', 1), ('pouzère', 1), ('fodem', 1), ('ouangolé', 1), ('kittrdge', 1), ('overreacher', 1), ('zarudnaya', 1), ('hüther', 1), ('iwkoeln', 1)]...\n", + "2019-06-17 01:43:21,420 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 680000 (=100.0%) documents\n", + "2019-06-17 01:43:23,634 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:23,686 : INFO : adding document #680000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:38,621 : INFO : discarding 35342 tokens: [('percp', 1), ('photoresistance', 1), ('prozyme', 1), ('pyridyloxazole', 1), ('rpepercp', 1), ('squaraines', 1), ('surelight', 1), ('sytox', 1), ('tagcfp', 1), ('tagfp', 1)]...\n", + "2019-06-17 01:43:38,622 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 690000 (=100.0%) documents\n", + "2019-06-17 01:43:40,909 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:40,961 : INFO : adding document #690000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:56,848 : INFO : discarding 42320 tokens: [('智辯学園', 1), ('gymraes', 1), ('mornewick', 1), ('teressia', 1), ('yansouni', 1), ('backc', 1), ('entrc', 1), ('pointur', 1), ('汉口', 1), ('gäddtarmen', 1)]...\n", + "2019-06-17 01:43:56,849 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 700000 (=100.0%) documents\n", + "2019-06-17 01:43:59,064 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:43:59,115 : INFO : adding document #700000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:44:13,569 : INFO : discarding 29672 tokens: [('falcine', 1), ('subfalcine', 1), ('transcalvarial', 1), ('transfalcine', 1), ('transforaminal', 1), ('unshipping', 1), ('birkedahl', 1), ('leoppard', 1), ('paulburlison', 1), ('theband', 1)]...\n", + "2019-06-17 01:44:13,569 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 710000 (=100.0%) documents\n", + "2019-06-17 01:44:15,862 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:44:15,916 : INFO : adding document #710000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:44:32,012 : INFO : discarding 32435 tokens: [('chspanthers', 1), ('karkador', 1), ('trinomys', 1), ('gadss', 1), ('geoluts', 1), ('geosars', 1), ('leoluts', 1), ('leosars', 1), ('meoluts', 1), ('meosars', 1)]...\n", + "2019-06-17 01:44:32,013 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 720000 (=100.0%) documents\n", + "2019-06-17 01:44:34,207 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:44:34,259 : INFO : adding document #720000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:44:48,941 : INFO : discarding 51039 tokens: [('hanespe', 1), ('onecote', 1), ('innie', 1), ('baroeuil', 1), ('beaudotes', 1), ('bousquets', 1), ('chenadec', 1), ('dzerahovic', 1), ('gueant', 1), ('kabtane', 1)]...\n", + "2019-06-17 01:44:48,942 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 730000 (=100.0%) documents\n", + "2019-06-17 01:44:51,237 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:44:51,291 : INFO : adding document #730000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:45:05,575 : INFO : discarding 31179 tokens: [('electrofolk', 1), ('rockmuiology', 1), ('你安安靜靜地躲起來', 1), ('掀起', 1), ('青春文化', 1), ('hirels', 1), ('sdobwas', 1), ('bergthorson', 1), ('delarossa', 1), ('ocett', 1)]...\n", + "2019-06-17 01:45:05,576 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 740000 (=100.0%) documents\n", + "2019-06-17 01:45:07,780 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:45:07,832 : INFO : adding document #740000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:45:22,650 : INFO : discarding 33414 tokens: [('bethnall', 1), ('byeways', 1), ('canwyke', 1), ('costardemonger', 1), ('costerdom', 1), ('costermongering', 1), ('cytezene', 1), ('ecslop', 1), ('elbat', 1), ('hucster', 1)]...\n", + "2019-06-17 01:45:22,651 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 750000 (=100.0%) documents\n", + "2019-06-17 01:45:24,934 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:45:24,988 : INFO : adding document #750000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:45:39,530 : INFO : discarding 32926 tokens: [('запечатленная', 1), ('кальсэ', 1), ('кудо', 1), ('кудосо', 1), ('мокшанских', 1), ('мордовской', 1), ('образцов', 1), ('ойсэ', 1), ('писатели', 1), ('писательде', 1)]...\n", + "2019-06-17 01:45:39,531 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 760000 (=100.0%) documents\n", + "2019-06-17 01:45:41,788 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:45:41,839 : INFO : adding document #760000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:45:58,251 : INFO : discarding 34561 tokens: [('日興上人', 1), ('日蓮一期の弘法', 1), ('日蓮一期弘法付嘱書', 1), ('本門弘通の大導師', 1), ('民部日向', 1), ('池上相承', 1), ('興門派', 1), ('身延山付嘱書', 1), ('cruzoe', 1), ('esturgeon', 1)]...\n", + "2019-06-17 01:45:58,252 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 770000 (=100.0%) documents\n", + "2019-06-17 01:46:00,567 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:46:00,620 : INFO : adding document #770000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:46:16,235 : INFO : discarding 34672 tokens: [('relijin', 1), ('rintchen', 1), ('sadangayoga', 1), ('samantashri', 1), ('sekkodesha', 1), ('tcheu', 1), ('trimondi', 1), ('tsagiin', 1), ('tsarpa', 1), ('tsenshab', 1)]...\n", + "2019-06-17 01:46:16,236 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 780000 (=100.0%) documents\n", + "2019-06-17 01:46:18,482 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:46:18,533 : INFO : adding document #780000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:46:33,596 : INFO : discarding 31598 tokens: [('afrofemcentrism', 1), ('afrofemcentrist', 1), ('mexciana', 1), ('michasel', 1), ('pláticas', 1), ('printwork', 1), ('tesfagiogis', 1), ('tesfagiorgis', 1), ('udderly', 1), ('cripp', 1)]...\n", + "2019-06-17 01:46:33,597 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 790000 (=100.0%) documents\n", + "2019-06-17 01:46:35,926 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:46:35,980 : INFO : adding document #790000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:46:51,536 : INFO : discarding 30281 tokens: [('govindaa', 1), ('namadhari', 1), ('padakke', 1), ('thimmappa', 1), ('thimmappana', 1), ('osling', 1), ('neorim', 1), ('oberältester', 1), ('romineli', 1), ('rominow', 1)]...\n", + "2019-06-17 01:46:51,536 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 800000 (=100.0%) documents\n", + "2019-06-17 01:46:53,736 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:46:53,787 : INFO : adding document #800000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:47:08,709 : INFO : discarding 34161 tokens: [('ܦܝܠܝܦܣܝ', 1), ('ܦܪܟܣܣ', 1), ('ܦܫܝܛܬܐ', 1), ('ܩܕܡ', 1), ('ܩܕܡܝܬܐ', 1), ('ܩܘܠ', 1), ('ܩܘܪ', 1), ('ܪܐܪܡܝܐ', 1), ('ܪܒܬܐ', 1), ('ܬܠܐ', 1)]...\n", + "2019-06-17 01:47:08,709 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 810000 (=100.0%) documents\n", + "2019-06-17 01:47:11,005 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:47:11,058 : INFO : adding document #810000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:47:25,278 : INFO : discarding 29896 tokens: [('gusseted', 1), ('lxwxg', 1), ('mypos', 1), ('sheslow', 1), ('thallassia', 1), ('citcom', 1), ('citcoms', 1), ('flexibily', 1), ('gurnis', 1), ('rheologies', 1)]...\n", + "2019-06-17 01:47:25,279 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 820000 (=100.0%) documents\n", + "2019-06-17 01:47:27,472 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:47:27,529 : INFO : adding document #820000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:47:43,001 : INFO : discarding 34492 tokens: [('sogizukuri', 1), ('sujihiki', 1), ('takohiki', 1), ('udonkiri', 1), ('usuzukuri', 1), ('watetsu', 1), ('蒸し器', 1), ('蒸籠', 1), ('strigilosa', 1), ('kurouchi', 1)]...\n", + "2019-06-17 01:47:43,002 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 830000 (=100.0%) documents\n", + "2019-06-17 01:47:45,331 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:47:45,385 : INFO : adding document #830000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:47:59,529 : INFO : discarding 34964 tokens: [('jarwali', 1), ('karhani', 1), ('malsiani', 1), ('malsiyani', 1), ('mashafi', 1), ('mehroom', 1), ('muzaffarnagari', 1), ('nazish', 1), ('pandoravi', 1), ('patialvi', 1)]...\n", + "2019-06-17 01:47:59,530 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 840000 (=100.0%) documents\n", + "2019-06-17 01:48:01,753 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:48:01,804 : INFO : adding document #840000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:48:16,181 : INFO : discarding 30698 tokens: [('鮑紹雄', 1), ('flocomponents', 1), ('rusport', 1), ('sungazette', 1), ('aflua', 1), ('carriss', 1), ('foletta', 1), ('hiskins', 1), ('pleass', 1), ('sanneman', 1)]...\n", + "2019-06-17 01:48:16,182 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 850000 (=100.0%) documents\n", + "2019-06-17 01:48:18,462 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:48:18,516 : INFO : adding document #850000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:48:33,539 : INFO : discarding 32289 tokens: [('powerface', 1), ('bangtail', 1), ('orhlin', 1), ('roscrae', 1), ('singingsuccess', 1), ('nmhistorymuseum', 1), ('segesser', 1), ('sistaca', 1), ('atchee', 1), ('wyatchew', 1)]...\n", + "2019-06-17 01:48:33,540 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 860000 (=100.0%) documents\n", + "2019-06-17 01:48:35,749 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:48:35,800 : INFO : adding document #860000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:48:50,351 : INFO : discarding 33731 tokens: [('iwave', 1), ('kazeon', 1), ('morevrp', 1), ('rainfinity', 1), ('scaleio', 1), ('syncplicity', 1), ('tablus', 1), ('verid', 1), ('virtustream', 1), ('voyence', 1)]...\n", + "2019-06-17 01:48:50,352 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 870000 (=100.0%) documents\n", + "2019-06-17 01:48:52,624 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:48:52,679 : INFO : adding document #870000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:49:07,111 : INFO : discarding 33782 tokens: [('pedanios', 1), ('rhizomati', 1), ('rhizomatist', 1), ('sliatriceo', 1), ('soginata', 1), ('sturmenti', 1), ('subtilatum', 1), ('toresella', 1), ('wenzhhou', 1), ('wyrtzerd', 1)]...\n", + "2019-06-17 01:49:07,112 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 880000 (=100.0%) documents\n", + "2019-06-17 01:49:09,350 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:49:09,402 : INFO : adding document #880000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:49:23,951 : INFO : discarding 33425 tokens: [('guntho', 1), ('gunþo', 1), ('izinzula', 1), ('kapitano', 1), ('krestyanskikh', 1), ('vserossiiskogo', 1), ('artsales', 1), ('culturenews', 1), ('eventmagazine', 1), ('heterosporus', 1)]...\n", + "2019-06-17 01:49:23,952 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 890000 (=100.0%) documents\n", + "2019-06-17 01:49:26,241 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:49:26,295 : INFO : adding document #890000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:49:40,584 : INFO : discarding 33534 tokens: [('wizów', 1), ('włodarz', 1), ('ziellerthal', 1), ('geppersdorf', 1), ('gussregen', 1), ('koschen', 1), ('kunnerwitz', 1), ('morchenstern', 1), ('pampitz', 1), ('schanzenbau', 1)]...\n", + "2019-06-17 01:49:40,585 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 900000 (=100.0%) documents\n", + "2019-06-17 01:49:42,817 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:49:42,869 : INFO : adding document #900000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:49:57,378 : INFO : discarding 34162 tokens: [('meprodine', 1), ('methallorphan', 1), ('methiodone', 1), ('methopholine', 1), ('methorphan', 1), ('methoxymetopon', 1), ('morphanol', 1), ('morphinones', 1), ('morphols', 1), ('naloxazone', 1)]...\n", + "2019-06-17 01:49:57,379 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 910000 (=100.0%) documents\n", + "2019-06-17 01:49:59,683 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:49:59,736 : INFO : adding document #910000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:50:13,467 : INFO : discarding 30452 tokens: [('shopsy', 1), ('gluecksohn', 1), ('schönheimer', 1), ('sgbm', 1), ('balazos', 1), ('cascanueces', 1), ('confundida', 1), ('impresentables', 1), ('netas', 1), ('nikté', 1)]...\n", + "2019-06-17 01:50:13,468 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 920000 (=100.0%) documents\n", + "2019-06-17 01:50:15,669 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:50:15,720 : INFO : adding document #920000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:50:29,908 : INFO : discarding 32640 tokens: [('battee', 1), ('griggel', 1), ('liquitones', 1), ('opek', 1), ('shockra', 1), ('prekopsk', 1), ('ftwaynepgh', 1), ('notmanyifany', 1), ('dolvevita', 1), ('cooldog', 1)]...\n", + "2019-06-17 01:50:29,909 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 930000 (=100.0%) documents\n", + "2019-06-17 01:50:32,222 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:50:32,276 : INFO : adding document #930000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:50:46,193 : INFO : discarding 29694 tokens: [('dinestein', 1), ('hakik', 1), ('spiralmouth', 1), ('theplayers', 1), ('callisen', 1), ('herniae', 1), ('lotheissen', 1), ('retrovascular', 1), ('transpectineal', 1), ('durika', 1)]...\n", + "2019-06-17 01:50:46,193 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 940000 (=100.0%) documents\n", + "2019-06-17 01:50:48,379 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:50:48,431 : INFO : adding document #940000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:02,982 : INFO : discarding 29540 tokens: [('boronation', 1), ('butylzinc', 1), ('iodoaniline', 1), ('zincated', 1), ('ballwork', 1), ('fascione', 1), ('angees', 1), ('gasbarri', 1), ('mckemmie', 1), ('ridgwell', 1)]...\n", + "2019-06-17 01:51:02,983 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 950000 (=100.0%) documents\n", + "2019-06-17 01:51:05,246 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:05,300 : INFO : adding document #950000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:18,698 : INFO : discarding 33294 tokens: [('zonetv', 1), ('zonetvc', 1), ('zonetvn', 1), ('šajmovič', 1), ('štvrtecká', 1), ('ρεξ', 1), ('комесарот', 1), ('комисар', 1), ('комісар', 1), ('рекс', 1)]...\n", + "2019-06-17 01:51:18,699 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 960000 (=100.0%) documents\n", + "2019-06-17 01:51:20,895 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:20,946 : INFO : adding document #960000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:35,149 : INFO : discarding 30331 tokens: [('avanak', 1), ('köstebek', 1), ('utanmaz', 1), ('vites', 1), ('changor', 1), ('lovisex', 1), ('sadissimo', 1), ('satarella', 1), ('strictement', 1), ('yandım', 1)]...\n", + "2019-06-17 01:51:35,150 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 970000 (=100.0%) documents\n", + "2019-06-17 01:51:37,450 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:37,504 : INFO : adding document #970000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:50,628 : INFO : discarding 26796 tokens: [('burkinaonline', 1), ('evénement', 1), ('paalga', 1), ('salankoloto', 1), ('danshøj', 1), ('falkoner', 1), ('kampmannsgade', 1), ('nyelandsvej', 1), ('nørrebroparken', 1), ('reloctated', 1)]...\n", + "2019-06-17 01:51:50,629 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 980000 (=100.0%) documents\n", + "2019-06-17 01:51:52,837 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:51:52,888 : INFO : adding document #980000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:07,226 : INFO : discarding 28900 tokens: [('ganshou', 1), ('安周', 1), ('樂都', 1), ('沮渠乾壽', 1), ('河西王', 1), ('闞伯周', 1), ('bendiwi', 1), ('caraibo', 1), ('caraïbo', 1), ('countsmen', 1)]...\n", + "2019-06-17 01:52:07,227 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 990000 (=100.0%) documents\n", + "2019-06-17 01:52:09,505 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:09,559 : INFO : adding document #990000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:23,121 : INFO : discarding 32624 tokens: [('symclosene', 1), ('achiq', 1), ('aghasiyev', 1), ('bagradouni', 1), ('bailoff', 1), ('balakhany', 1), ('bunyat', 1), ('gotsinski', 1), ('gubernskaya', 1), ('hümmet', 1)]...\n", + "2019-06-17 01:52:23,122 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1000000 (=100.0%) documents\n", + "2019-06-17 01:52:25,348 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:25,401 : INFO : adding document #1000000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:38,550 : INFO : discarding 33876 tokens: [('кикиморы', 1), ('клира', 1), ('лежала', 1), ('листовского', 1), ('лугском', 1), ('материалом', 1), ('мгновенно', 1), ('мерещатся', 1), ('местность', 1), ('минкино', 1)]...\n", + "2019-06-17 01:52:38,551 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1010000 (=100.0%) documents\n", + "2019-06-17 01:52:40,878 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:40,932 : INFO : adding document #1010000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:54,757 : INFO : discarding 37876 tokens: [('knockermen', 1), ('mdbm', 1), ('minesign', 1), ('minesigns', 1), ('rocksmacker', 1), ('schmaltzberg', 1), ('shortarse', 1), ('snoriscousin', 1), ('thogsdaughter', 1), ('undwarfish', 1)]...\n", + "2019-06-17 01:52:54,758 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1020000 (=100.0%) documents\n", + "2019-06-17 01:52:56,997 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:52:57,051 : INFO : adding document #1020000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:11,040 : INFO : discarding 40667 tokens: [('wingbegan', 1), ('dimsums', 1), ('damasak', 1), ('gagamari', 1), ('gueshkar', 1), ('guessere', 1), ('brygo', 1), ('dulleu', 1), ('soerlie', 1), ('prevratadzhiya', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:53:11,041 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1030000 (=100.0%) documents\n", + "2019-06-17 01:53:13,322 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:13,377 : INFO : adding document #1030000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:26,713 : INFO : discarding 37470 tokens: [('tɕak', 1), ('tɕaw', 1), ('tɕaŋdaj', 1), ('tɕaʔ', 1), ('tɕaːj', 1), ('tɕiŋ', 1), ('tɕèp', 1), ('tɕʰaʔbàp', 1), ('tɕʰôːk', 1), ('tɕʰɔ', 1)]...\n", + "2019-06-17 01:53:26,714 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1040000 (=100.0%) documents\n", + "2019-06-17 01:53:28,907 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:28,959 : INFO : adding document #1040000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:43,068 : INFO : discarding 31601 tokens: [('beedham', 1), ('brodertofte', 1), ('brothertoftborn', 1), ('buttolle', 1), ('cromell', 1), ('curtois', 1), ('gerordot', 1), ('lemanof', 1), ('marrat', 1), ('sempringam', 1)]...\n", + "2019-06-17 01:53:43,069 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1050000 (=100.0%) documents\n", + "2019-06-17 01:53:45,391 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:45,445 : INFO : adding document #1050000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:57,650 : INFO : discarding 34472 tokens: [('wjak', 1), ('wjbz', 1), ('wjdt', 1), ('wjfc', 1), ('wjjt', 1), ('wjle', 1), ('wjll', 1), ('wjnu', 1), ('wjqj', 1), ('wjrv', 1)]...\n", + "2019-06-17 01:53:57,651 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1060000 (=100.0%) documents\n", + "2019-06-17 01:53:59,864 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:53:59,916 : INFO : adding document #1060000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:12,966 : INFO : discarding 30716 tokens: [('fautré', 1), ('hrwf', 1), ('iclars', 1), ('aradhane', 1), ('auradkar', 1), ('basavanth', 1), ('basawanna', 1), ('belkera', 1), ('bhukari', 1), ('borale', 1)]...\n", + "2019-06-17 01:54:12,967 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1070000 (=100.0%) documents\n", + "2019-06-17 01:54:15,245 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:15,299 : INFO : adding document #1070000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:26,559 : INFO : discarding 38842 tokens: [('応永の外寇', 1), ('krajcek', 1), ('diplompädagogin', 1), ('miłoradz', 1), ('sailenterprise', 1), ('dohnst', 1), ('kammennaya', 1), ('kogadovski', 1), ('kolymskie', 1), ('kolymskiy', 1)]...\n", + "2019-06-17 01:54:26,560 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1080000 (=100.0%) documents\n", + "2019-06-17 01:54:28,765 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:28,818 : INFO : adding document #1080000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:42,190 : INFO : discarding 40089 tokens: [('opšteg', 1), ('petrovdan', 1), ('ramazanski', 1), ('sporazuma', 1), ('stipandan', 1), ('stjepandan', 1), ('uspostave', 1), ('uznesenje', 1), ('šehida', 1), ('васкрс', 1)]...\n", + "2019-06-17 01:54:42,191 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1090000 (=100.0%) documents\n", + "2019-06-17 01:54:44,492 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:44,548 : INFO : adding document #1090000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:56,898 : INFO : discarding 30628 tokens: [('adlaf', 1), ('potashnik', 1), ('regaudie', 1), ('sakellaropoulo', 1), ('urdl', 1), ('zoern', 1), ('greeder', 1), ('paratron', 1), ('bricasti', 1), ('ikis', 1)]...\n", + "2019-06-17 01:54:56,899 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1100000 (=100.0%) documents\n", + "2019-06-17 01:54:59,130 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:54:59,185 : INFO : adding document #1100000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:11,806 : INFO : discarding 30582 tokens: [('adrianopels', 1), ('akkorder', 1), ('ansigtstyven', 1), ('begyndte', 1), ('bolettes', 1), ('borgkælderens', 1), ('brudefærd', 1), ('brænder', 1), ('danskefilm', 1), ('derbyløb', 1)]...\n", + "2019-06-17 01:55:11,807 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1110000 (=100.0%) documents\n", + "2019-06-17 01:55:14,124 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:14,180 : INFO : adding document #1110000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:26,411 : INFO : discarding 28130 tokens: [('sakuzō', 1), ('yorita', 1), ('borita', 1), ('neoreals', 1), ('alicyn', 1), ('bartys', 1), ('fufalla', 1), ('glissandra', 1), ('humidia', 1), ('incanta', 1)]...\n", + "2019-06-17 01:55:26,412 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1120000 (=100.0%) documents\n", + "2019-06-17 01:55:28,644 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:28,697 : INFO : adding document #1120000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:41,039 : INFO : discarding 31227 tokens: [('tvguidemag', 1), ('animationvisual', 1), ('assistancekey', 1), ('atwiki', 1), ('beginningep', 1), ('designkey', 1), ('effectsart', 1), ('kattobase', 1), ('liliputian', 1), ('sakuga', 1)]...\n", + "2019-06-17 01:55:41,040 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1130000 (=100.0%) documents\n", + "2019-06-17 01:55:43,351 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:43,407 : INFO : adding document #1130000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:55,615 : INFO : discarding 28736 tokens: [('eitchon', 1), ('quennel', 1), ('fricho', 1), ('halbbauern', 1), ('homburgeramt', 1), ('sauriermuseum', 1), ('vollbauern', 1), ('meropi', 1), ('bürersteig', 1), ('gansungen', 1)]...\n", + "2019-06-17 01:55:55,615 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1140000 (=100.0%) documents\n", + "2019-06-17 01:55:57,838 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:55:57,890 : INFO : adding document #1140000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:11,643 : INFO : discarding 29485 tokens: [('pspvideo', 1), ('sonystyle', 1), ('junkclub', 1), ('omeara', 1), ('zeffira', 1), ('koroseta', 1), ('마이티', 1), ('aldoshin', 1), ('bendjob', 1), ('guguchkin', 1)]...\n", + "2019-06-17 01:56:11,643 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1150000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:56:13,978 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:14,034 : INFO : adding document #1150000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:26,040 : INFO : discarding 24991 tokens: [('baliwasan', 1), ('boalan', 1), ('bunguiao', 1), ('cabaluay', 1), ('cabatangan', 1), ('calabasa', 1), ('calarian', 1), ('canelar', 1), ('capisan', 1), ('culianan', 1)]...\n", + "2019-06-17 01:56:26,041 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1160000 (=100.0%) documents\n", + "2019-06-17 01:56:28,241 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:28,295 : INFO : adding document #1160000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:40,150 : INFO : discarding 36028 tokens: [('jstie', 1), ('klihtie', 1), ('klihtine', 1), ('klæhtan', 1), ('maanagierte', 1), ('njuaslan', 1), ('njueslie', 1), ('njøøsline', 1), ('nommesne', 1), ('ollebe', 1)]...\n", + "2019-06-17 01:56:40,151 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1170000 (=100.0%) documents\n", + "2019-06-17 01:56:42,484 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:42,542 : INFO : adding document #1170000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:54,673 : INFO : discarding 27354 tokens: [('usvba', 1), ('abhiraja', 1), ('burmanization', 1), ('dhammavilasa', 1), ('hlaung', 1), ('hpyat', 1), ('htilomino', 1), ('hton', 1), ('kadus', 1), ('kanngai', 1)]...\n", + "2019-06-17 01:56:54,674 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1180000 (=100.0%) documents\n", + "2019-06-17 01:56:56,901 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:56:56,954 : INFO : adding document #1180000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:09,240 : INFO : discarding 28618 tokens: [('カサブタ', 1), ('kōzakihana', 1), ('mikkōsha', 1), ('higonoumi', 1), ('iwasada', 1), ('kamitori', 1), ('shimotori', 1), ('熊本都市圏', 1), ('hinagu', 1), ('myokensai', 1)]...\n", + "2019-06-17 01:57:09,241 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1190000 (=100.0%) documents\n", + "2019-06-17 01:57:11,538 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:11,599 : INFO : adding document #1190000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:23,397 : INFO : discarding 27031 tokens: [('praktike', 1), ('rikecie', 1), ('swiecki', 1), ('totawa', 1), ('traumatism', 1), ('tsianofagi', 1), ('ultramicrobes', 1), ('ultramikrobe', 1), ('ultrastruktura', 1), ('ultravirusi', 1)]...\n", + "2019-06-17 01:57:23,398 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1200000 (=100.0%) documents\n", + "2019-06-17 01:57:25,640 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:25,693 : INFO : adding document #1200000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:38,710 : INFO : discarding 29642 tokens: [('haasnoot', 1), ('stempted', 1), ('sunners', 1), ('kaifahina', 1), ('luseane', 1), ('moimoikimofuta', 1), ('tuʻihala', 1), ('tuʻivanuavou', 1), ('berlinact', 1), ('kincheng', 1)]...\n", + "2019-06-17 01:57:38,711 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1210000 (=100.0%) documents\n", + "2019-06-17 01:57:41,010 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:41,066 : INFO : adding document #1210000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:53,372 : INFO : discarding 29855 tokens: [('inudated', 1), ('boxington', 1), ('tworóg', 1), ('stricht', 1), ('broomwheat', 1), ('amddiffyniad', 1), ('benkemoun', 1), ('blogspheres', 1), ('bubblenauts', 1), ('inpact', 1)]...\n", + "2019-06-17 01:57:53,373 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1220000 (=100.0%) documents\n", + "2019-06-17 01:57:55,612 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:57:55,666 : INFO : adding document #1220000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:07,900 : INFO : discarding 29448 tokens: [('dvsw', 1), ('footballplus', 1), ('ballyneale', 1), ('bardiov', 1), ('trencsénteplic', 1), ('brustia', 1), ('medeli', 1), ('boxcuttuhzteam', 1), ('courchinoux', 1), ('fatate', 1)]...\n", + "2019-06-17 01:58:07,901 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1230000 (=100.0%) documents\n", + "2019-06-17 01:58:10,217 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:10,273 : INFO : adding document #1230000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:22,222 : INFO : discarding 29038 tokens: [('khanaqahs', 1), ('khaniqah', 1), ('payvan', 1), ('riyasateyn', 1), ('ṣufiyya', 1), ('afformentioned', 1), ('autotouring', 1), ('carthrottle', 1), ('ceeed', 1), ('eco_cee', 1)]...\n", + "2019-06-17 01:58:22,223 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1240000 (=100.0%) documents\n", + "2019-06-17 01:58:24,522 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:24,577 : INFO : adding document #1240000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:36,518 : INFO : discarding 31305 tokens: [('abfaltersbach', 1), ('lovis_corinth_', 1), ('petzenburg', 1), ('seppel', 1), ('seppelhut', 1), ('tirolerhut', 1), ('begloved', 1), ('contrabandist', 1), ('doruccio', 1), ('shipsmithing', 1)]...\n", + "2019-06-17 01:58:36,519 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1250000 (=100.0%) documents\n", + "2019-06-17 01:58:38,827 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:38,883 : INFO : adding document #1250000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:50,711 : INFO : discarding 30233 tokens: [('pyreau', 1), ('shquindy', 1), ('tamaree', 1), ('teeyhittaan', 1), ('barroetaveña', 1), ('caleidoscopio', 1), ('doño', 1), ('ejqfsc', 1), ('esaín', 1), ('estremecimiento', 1)]...\n", + "2019-06-17 01:58:50,712 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1260000 (=100.0%) documents\n", + "2019-06-17 01:58:52,949 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:58:53,004 : INFO : adding document #1260000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:05,223 : INFO : discarding 30100 tokens: [('宝应元年建寅月甲申', 1), ('寅月', 1), ('小滿所在月', 1), ('小滿所在月初一庚戌', 1), ('左降官及流人罚镇效力者还之', 1), ('己丑月', 1), ('己亥月', 1), ('己卯月', 1), ('己巳月', 1), ('己年', 1)]...\n", + "2019-06-17 01:59:05,224 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1270000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 01:59:07,546 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:07,604 : INFO : adding document #1270000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:20,597 : INFO : discarding 29004 tokens: [('wilmshausen', 1), ('zwewwelkuche', 1), ('fiestavan', 1), ('gearkit', 1), ('rallyeconcept', 1), ('rallyesport', 1), ('shawspeed', 1), ('sportizm', 1), ('pandiassou', 1), ('steigerts', 1)]...\n", + "2019-06-17 01:59:20,598 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1280000 (=100.0%) documents\n", + "2019-06-17 01:59:22,867 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:22,924 : INFO : adding document #1280000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:35,307 : INFO : discarding 29046 tokens: [('schwarzeneck', 1), ('seamstr', 1), ('sloothaag', 1), ('smidtsche', 1), ('waldlieferant', 1), ('nawls', 1), ('tuinol', 1), ('tuinols', 1), ('tuminal', 1), ('tunial', 1)]...\n", + "2019-06-17 01:59:35,307 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1290000 (=100.0%) documents\n", + "2019-06-17 01:59:37,649 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:37,706 : INFO : adding document #1290000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:49,669 : INFO : discarding 34103 tokens: [('sjödala', 1), ('örtendahl', 1), ('gulmer', 1), ('oltraver', 1), ('simenovich', 1), ('einspline', 1), ('fitpack', 1), ('pppack', 1), ('csunity', 1), ('educationabroad', 1)]...\n", + "2019-06-17 01:59:49,671 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1300000 (=100.0%) documents\n", + "2019-06-17 01:59:51,947 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 01:59:52,004 : INFO : adding document #1300000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:05,480 : INFO : discarding 28735 tokens: [('briotii', 1), ('worreh', 1), ('ottomai', 1), ('sevkur', 1), ('annihator', 1), ('capeshooters', 1), ('sexcastle', 1), ('busela', 1), ('gilzanu', 1), ('qalparunda', 1)]...\n", + "2019-06-17 02:00:05,481 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1310000 (=100.0%) documents\n", + "2019-06-17 02:00:07,848 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:07,905 : INFO : adding document #1310000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:20,587 : INFO : discarding 28754 tokens: [('ornums', 1), ('pugweenee', 1), ('sagwitch', 1), ('seuhubeogoi', 1), ('timbimboo', 1), ('toquashes', 1), ('zacheas', 1), ('zachias', 1), ('haudagain', 1), ('mounthooly', 1)]...\n", + "2019-06-17 02:00:20,588 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1320000 (=100.0%) documents\n", + "2019-06-17 02:00:22,870 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:22,925 : INFO : adding document #1320000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:35,468 : INFO : discarding 27634 tokens: [('surrogatekey', 1), ('philacheetah', 1), ('philaflamingos', 1), ('philamarmoset', 1), ('philapolarbear', 1), ('allianes', 1), ('axilan', 1), ('fuzhuleiruodi', 1), ('huaixiu', 1), ('junximi', 1)]...\n", + "2019-06-17 02:00:35,469 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1330000 (=100.0%) documents\n", + "2019-06-17 02:00:37,796 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:37,852 : INFO : adding document #1330000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:50,673 : INFO : discarding 29985 tokens: [('aleev', 1), ('chandrashoor', 1), ('cresso', 1), ('taibh', 1), ('古今算法之記', 1), ('petrificati', 1), ('risponsiva', 1), ('azaarudheen', 1), ('bramic', 1), ('idaiyinam', 1)]...\n", + "2019-06-17 02:00:50,674 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1340000 (=100.0%) documents\n", + "2019-06-17 02:00:52,937 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:00:52,991 : INFO : adding document #1340000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:05,632 : INFO : discarding 25152 tokens: [('sholayees', 1), ('دکابل', 1), ('cataraft', 1), ('hehlkeek', 1), ('ishkêesh', 1), ('klamet', 1), ('ɬámaɬ', 1), ('sakyamunis', 1), ('zhendaozi', 1), ('bacteraemic', 1)]...\n", + "2019-06-17 02:01:05,633 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1350000 (=100.0%) documents\n", + "2019-06-17 02:01:07,975 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:08,031 : INFO : adding document #1350000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:20,969 : INFO : discarding 27757 tokens: [('hokevank', 1), ('horomos', 1), ('hovtun', 1), ('kamkhut', 1), ('karmravan', 1), ('khtzkonk', 1), ('krasar', 1), ('leniankan', 1), ('lernagyugh', 1), ('lorasar', 1)]...\n", + "2019-06-17 02:01:20,970 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1360000 (=100.0%) documents\n", + "2019-06-17 02:01:23,261 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:23,315 : INFO : adding document #1360000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:36,230 : INFO : discarding 28198 tokens: [('bogdaniana', 1), ('bondii', 1), ('boudetii', 1), ('boutiqueana', 1), ('brevicornuta', 1), ('callensii', 1), ('carsonioides', 1), ('chondrocarpa', 1), ('cleomifolia', 1), ('cobalticola', 1)]...\n", + "2019-06-17 02:01:36,231 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1370000 (=100.0%) documents\n", + "2019-06-17 02:01:38,605 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:38,662 : INFO : adding document #1370000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:51,853 : INFO : discarding 29164 tokens: [('warbloggers', 1), ('aelfthryth', 1), ('elfthryth', 1), ('forespeca', 1), ('æthewald', 1), ('optōmize', 1), ('räzo', 1), ('xpressionism', 1), ('boerencommando', 1), ('monochroom', 1)]...\n", + "2019-06-17 02:01:51,854 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1380000 (=100.0%) documents\n", + "2019-06-17 02:01:54,102 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:01:54,171 : INFO : adding document #1380000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:07,463 : INFO : discarding 32929 tokens: [('смокінг', 1), ('спаринг', 1), ('спортсмен', 1), ('танкер', 1), ('телетайп', 1), ('тендер', 1), ('тент', 1), ('теніс', 1), ('техніка', 1), ('тканини', 1)]...\n", + "2019-06-17 02:02:07,464 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1390000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:02:09,796 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:09,854 : INFO : adding document #1390000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:22,566 : INFO : discarding 28677 tokens: [('vaiu', 1), ('vanniari', 1), ('vassìa', 1), ('vastare', 1), ('vastunati', 1), ('viatu', 1), ('vinissa', 1), ('vinissi', 1), ('vrazza', 1), ('vucceri', 1)]...\n", + "2019-06-17 02:02:22,567 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1400000 (=100.0%) documents\n", + "2019-06-17 02:02:24,835 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:24,889 : INFO : adding document #1400000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:37,713 : INFO : discarding 34940 tokens: [('interbbs', 1), ('héalaighthe', 1), ('bargehouses', 1), ('balibrera', 1), ('escolán', 1), ('céberet', 1), ('kanlayani', 1), ('loubere', 1), ('petracha', 1), ('pijaivanit', 1)]...\n", + "2019-06-17 02:02:37,714 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1410000 (=100.0%) documents\n", + "2019-06-17 02:02:40,091 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:40,150 : INFO : adding document #1410000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:52,657 : INFO : discarding 27468 tokens: [('autohemotherapy', 1), ('ishqq', 1), ('performancces', 1), ('repetitivein', 1), ('borshchevo', 1), ('bragagna', 1), ('cymotrichous', 1), ('fjelkinge', 1), ('voultsou', 1), ('lichtenstamp', 1)]...\n", + "2019-06-17 02:02:52,657 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1420000 (=100.0%) documents\n", + "2019-06-17 02:02:54,932 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:02:54,989 : INFO : adding document #1420000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:07,518 : INFO : discarding 27097 tokens: [('skorupskyi', 1), ('terles', 1), ('ukraincach', 1), ('vazhki', 1), ('viddily', 1), ('voivodsh', 1), ('volyni', 1), ('vtraty', 1), ('webski', 1), ('wolyniu', 1)]...\n", + "2019-06-17 02:03:07,519 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1430000 (=100.0%) documents\n", + "2019-06-17 02:03:09,872 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:09,929 : INFO : adding document #1430000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:22,126 : INFO : discarding 28790 tokens: [('嫻情', 1), ('少女雜誌', 1), ('就是完', 1), ('左右手', 1), ('幾時再見', 1), ('從來是一對', 1), ('心就要飛了', 1), ('心滿意足', 1), ('忘記悲傷', 1), ('情意結', 1)]...\n", + "2019-06-17 02:03:22,126 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1440000 (=100.0%) documents\n", + "2019-06-17 02:03:24,415 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:24,471 : INFO : adding document #1440000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:36,538 : INFO : discarding 25012 tokens: [('dreckley', 1), ('etsko', 1), ('flibberts', 1), ('gleanie', 1), ('gockey', 1), ('gramersow', 1), ('granfergrig', 1), ('huppenstop', 1), ('inztead', 1), ('jonnick', 1)]...\n", + "2019-06-17 02:03:36,538 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1450000 (=100.0%) documents\n", + "2019-06-17 02:03:38,909 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:38,966 : INFO : adding document #1450000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:51,130 : INFO : discarding 26790 tokens: [('kuiack', 1), ('bhukkhuni', 1), ('göö', 1), ('hengsure', 1), ('ikkhatīti', 1), ('outhai', 1), ('sāmaneras', 1), ('talapoy', 1), ('watpailom', 1), ('śrāmaṇeri', 1)]...\n", + "2019-06-17 02:03:51,131 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1460000 (=100.0%) documents\n", + "2019-06-17 02:03:53,361 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:03:53,416 : INFO : adding document #1460000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:05,099 : INFO : discarding 29887 tokens: [('bundri', 1), ('bunganail', 1), ('bungeet', 1), ('bungeluke', 1), ('bungletap', 1), ('bunguluke', 1), ('buninjon', 1), ('bunstons', 1), ('bunurouk', 1), ('buragwonduc', 1)]...\n", + "2019-06-17 02:04:05,100 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1470000 (=100.0%) documents\n", + "2019-06-17 02:04:07,420 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:07,477 : INFO : adding document #1470000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:19,952 : INFO : discarding 31039 tokens: [('burgid', 1), ('halavah', 1), ('osszefogva', 1), ('potrezbie', 1), ('potrezebie', 1), ('spün', 1), ('aerocondór', 1), ('carabaische', 1), ('caraibische', 1), ('congofrigo', 1)]...\n", + "2019-06-17 02:04:19,953 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1480000 (=100.0%) documents\n", + "2019-06-17 02:04:22,207 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:22,265 : INFO : adding document #1480000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:34,141 : INFO : discarding 28271 tokens: [('guangyangxiang', 1), ('奉天子以令不臣', 1), ('挟天子以令诸侯', 1), ('王佐之才', 1), ('荀伯子', 1), ('荀俁', 1), ('荀儉', 1), ('荀寓', 1), ('荀悝', 1), ('荀惲', 1)]...\n", + "2019-06-17 02:04:34,142 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1490000 (=100.0%) documents\n", + "2019-06-17 02:04:36,444 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:36,501 : INFO : adding document #1490000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:48,813 : INFO : discarding 30491 tokens: [('temporiser', 1), ('eftsu', 1), ('gnibi', 1), ('dedesignation', 1), ('kuwaikabi', 1), ('mândâcanu', 1), ('carabeillo', 1), ('narixa', 1), ('bilogorska', 1), ('koprivničko', 1)]...\n", + "2019-06-17 02:04:48,814 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1500000 (=100.0%) documents\n", + "2019-06-17 02:04:51,065 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:04:51,124 : INFO : adding document #1500000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:05:03,276 : INFO : discarding 31282 tokens: [('kentyre', 1), ('martinvale', 1), ('mcannel', 1), ('millcove', 1), ('ohalloran', 1), ('tarantum', 1), ('provencee', 1), ('pgmedia', 1), ('fourbs', 1), ('altshell', 1)]...\n", + "2019-06-17 02:05:03,277 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1510000 (=100.0%) documents\n", + "2019-06-17 02:05:05,609 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:05:05,669 : INFO : adding document #1510000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:05:17,786 : INFO : discarding 29399 tokens: [('jinand', 1), ('kidoand', 1), ('njotoand', 1), ('novitaand', 1), ('nurlitaand', 1), ('oguraand', 1), ('poluakan', 1), ('rizaland', 1), ('shenand', 1), ('rabbinico', 1)]...\n", + "2019-06-17 02:05:17,786 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1520000 (=100.0%) documents\n", + "2019-06-17 02:05:20,058 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:05:20,113 : INFO : adding document #1520000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:05:32,849 : INFO : discarding 29072 tokens: [('martikkala', 1), ('pakkasherra', 1), ('quicksliver', 1), ('suomela', 1), ('vomiturition', 1), ('ylikoski', 1), ('fiammeri', 1), ('babekuhl', 1), ('normainvilles', 1), ('reresbys', 1)]...\n", + "2019-06-17 02:05:32,849 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1530000 (=100.0%) documents\n", + "2019-06-17 02:05:35,177 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:05:35,236 : INFO : adding document #1530000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:05:47,499 : INFO : discarding 27530 tokens: [('moppe', 1), ('holevillegas', 1), ('hydroblaster', 1), ('guérault', 1), ('mervé', 1), ('buravchikov', 1), ('kveton', 1), ('káňa', 1), ('sopin', 1), ('peranda', 1)]...\n", + "2019-06-17 02:05:47,500 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1540000 (=100.0%) documents\n", + "2019-06-17 02:05:49,762 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:05:49,818 : INFO : adding document #1540000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:03,979 : INFO : discarding 28064 tokens: [('ablauts', 1), ('bjúgaldin', 1), ('fræði', 1), ('icelandicised', 1), ('markaður', 1), ('veður', 1), ('veðurfræði', 1), ('þjóta', 1), ('þota', 1), ('þyrla', 1)]...\n", + "2019-06-17 02:06:03,980 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1550000 (=100.0%) documents\n", + "2019-06-17 02:06:06,305 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:06,362 : INFO : adding document #1550000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:17,970 : INFO : discarding 27133 tokens: [('estina', 1), ('ilpleut', 1), ('poignardée', 1), ('countrymate', 1), ('mlbers', 1), ('vhora', 1), ('assorodobraj', 1), ('ekonomista', 1), ('litynski', 1), ('socjalista', 1)]...\n", + "2019-06-17 02:06:17,971 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1560000 (=100.0%) documents\n", + "2019-06-17 02:06:20,212 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:20,271 : INFO : adding document #1560000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:32,867 : INFO : discarding 27466 tokens: [('ekamra', 1), ('venkalakshmamma', 1), ('cirruscentral', 1), ('jetquik', 1), ('kjwn', 1), ('aberne', 1), ('blåt', 1), ('brænder', 1), ('damernes', 1), ('farmors', 1)]...\n", + "2019-06-17 02:06:32,868 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1570000 (=100.0%) documents\n", + "2019-06-17 02:06:35,200 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:35,257 : INFO : adding document #1570000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:47,207 : INFO : discarding 26710 tokens: [('redhanders', 1), ('cjnh', 1), ('mybancroftnow', 1), ('agasteeswaram', 1), ('deviculam', 1), ('neyyatinkara', 1), ('peermede', 1), ('shencottai', 1), ('shenkotta', 1), ('vilvancode', 1)]...\n", + "2019-06-17 02:06:47,208 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1580000 (=100.0%) documents\n", + "2019-06-17 02:06:49,476 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:06:49,531 : INFO : adding document #1580000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:01,261 : INFO : discarding 27104 tokens: [('住吉駅', 1), ('fibroscopy', 1), ('eeec', 1), ('frozena', 1), ('tcces', 1), ('xvib', 1), ('štedionica', 1), ('abitanti', 1), ('aggira', 1), ('dichiarazione', 1)]...\n", + "2019-06-17 02:07:01,262 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1590000 (=100.0%) documents\n", + "2019-06-17 02:07:03,614 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:03,671 : INFO : adding document #1590000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:15,759 : INFO : discarding 26375 tokens: [('honeybeat', 1), ('materised', 1), ('swassey', 1), ('minyinga', 1), ('datasift', 1), ('gnip', 1), ('jstart', 1), ('six_apart', 1), ('rossmeisl', 1), ('adundance', 1)]...\n", + "2019-06-17 02:07:15,760 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1600000 (=100.0%) documents\n", + "2019-06-17 02:07:18,028 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:18,083 : INFO : adding document #1600000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:29,337 : INFO : discarding 23643 tokens: [('wsrhl', 1), ('ribeter', 1), ('eastnorthampton', 1), ('gumberry', 1), ('jablenski', 1), ('sharpschool', 1), ('ovjhl', 1), ('cymograph', 1), ('kaiseikan', 1), ('linggard', 1)]...\n", + "2019-06-17 02:07:29,338 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1610000 (=100.0%) documents\n", + "2019-06-17 02:07:31,669 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:31,732 : INFO : adding document #1610000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:42,888 : INFO : discarding 29267 tokens: [('bollersdorf', 1), ('ernsthof', 1), ('companiy', 1), ('derailde', 1), ('ramonsky', 1), ('chlamydodera', 1), ('churrings', 1), ('graemechapman', 1), ('kusmierski', 1), ('mdahlem', 1)]...\n", + "2019-06-17 02:07:42,889 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1620000 (=100.0%) documents\n", + "2019-06-17 02:07:45,151 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:45,215 : INFO : adding document #1620000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:57,363 : INFO : discarding 27066 tokens: [('krankit', 1), ('gurwits', 1), ('mucuraev', 1), ('yarycheva', 1), ('ɪlkweːt', 1), ('ʒoːn', 1), ('glinny', 1), ('belde', 1), ('cabazco', 1), ('coralía', 1)]...\n", + "2019-06-17 02:07:57,364 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1630000 (=100.0%) documents\n", + "2019-06-17 02:07:59,680 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:07:59,737 : INFO : adding document #1630000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:08:11,218 : INFO : discarding 24155 tokens: [('beleos', 1), ('goolma', 1), ('marinčin', 1), ('alhacan', 1), ('alkarkhi', 1), ('brahmasphuta', 1), ('centurydates', 1), ('samawal', 1), ('ḵhwārizmī', 1), ('lupae', 1)]...\n", + "2019-06-17 02:08:11,218 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1640000 (=100.0%) documents\n", + "2019-06-17 02:08:13,463 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:08:13,518 : INFO : adding document #1640000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:08:24,872 : INFO : discarding 29364 tokens: [('aerotones', 1), ('mocp', 1), ('orotones', 1), ('photoreview', 1), ('woodstocks', 1), ('zoghlin', 1), ('zoghlin_ryan', 1), ('uthba', 1), ('strettoia', 1), ('vullioud', 1)]...\n", + "2019-06-17 02:08:24,873 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1650000 (=100.0%) documents\n", + "2019-06-17 02:08:27,219 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:08:27,277 : INFO : adding document #1650000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:08:35,780 : INFO : discarding 21209 tokens: [('beishengzhou', 1), ('kuirong', 1), ('mengmao', 1), ('nalou', 1), ('shierguan', 1), ('shisi', 1), ('tehgchong', 1), ('tuguan', 1), ('zhangguan', 1), ('zhefang', 1)]...\n", + "2019-06-17 02:08:35,780 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1660000 (=100.0%) documents\n", + "2019-06-17 02:08:38,031 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:08:38,088 : INFO : adding document #1660000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:08:49,329 : INFO : discarding 26778 tokens: [('chakalov', 1), ('dodunekov', 1), ('kenderov', 1), ('geeno', 1), ('göbbel', 1), ('mainquin', 1), ('marvenis', 1), ('numarx', 1), ('mackbrown', 1), ('texasfootball', 1)]...\n", + "2019-06-17 02:08:49,330 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1670000 (=100.0%) documents\n", + "2019-06-17 02:08:51,676 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:08:51,734 : INFO : adding document #1670000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:00,768 : INFO : discarding 20676 tokens: [('tornavaca', 1), ('feisanna', 1), ('werzel', 1), ('brentanobad', 1), ('ellavere', 1), ('ervita', 1), ('jõeküla', 1), ('kuusna', 1), ('laaneotsa', 1), ('liusvere', 1)]...\n", + "2019-06-17 02:09:00,769 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1680000 (=100.0%) documents\n", + "2019-06-17 02:09:03,043 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:03,098 : INFO : adding document #1680000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:11,323 : INFO : discarding 17209 tokens: [('platychilus', 1), ('pleurostriatus', 1), ('haddadus', 1), ('pluvicanorus', 1), ('polemistes', 1), ('duffall', 1), ('strawbsweb', 1), ('toothie', 1), ('poolei', 1), ('coquíes', 1)]...\n", + "2019-06-17 02:09:11,324 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1690000 (=100.0%) documents\n", + "2019-06-17 02:09:13,658 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:13,715 : INFO : adding document #1690000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:22,793 : INFO : discarding 16527 tokens: [('feilacher', 1), ('gelny', 1), ('lonauer', 1), ('musevery', 1), ('schizophrenie', 1), ('elvalle', 1), ('jordanal', 1), ('ristorant', 1), ('antilless', 1), ('addiet', 1)]...\n", + "2019-06-17 02:09:22,793 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1700000 (=100.0%) documents\n", + "2019-06-17 02:09:25,056 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:25,113 : INFO : adding document #1700000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:35,572 : INFO : discarding 24258 tokens: [('squirre', 1), ('philaharmonic', 1), ('belosludov', 1), ('betpak', 1), ('seleviniidae', 1), ('bisindo', 1), ('africasan', 1), ('seecon', 1), ('swedensusana', 1), ('unsgab', 1)]...\n", + "2019-06-17 02:09:35,573 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1710000 (=100.0%) documents\n", + "2019-06-17 02:09:37,964 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:38,022 : INFO : adding document #1710000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:46,604 : INFO : discarding 22259 tokens: [('oxyurichthys', 1), ('cylindriceps', 1), ('jaarmani', 1), ('blateric', 1), ('chichiawan', 1), ('aadeez', 1), ('hogaya', 1), ('hungami', 1), ('jayantabhai', 1), ('lamhey', 1)]...\n", + "2019-06-17 02:09:46,604 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1720000 (=100.0%) documents\n", + "2019-06-17 02:09:48,859 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:48,914 : INFO : adding document #1720000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:09:59,654 : INFO : discarding 25697 tokens: [('liocypris', 1), ('oiqi', 1), ('santeurenne', 1), ('sampcd', 1), ('soleather', 1), ('bonazzo', 1), ('albertsonrobert', 1), ('babcockday', 1), ('blalah', 1), ('dennischarles', 1)]...\n", + "2019-06-17 02:09:59,655 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1730000 (=100.0%) documents\n", + "2019-06-17 02:10:01,982 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:02,041 : INFO : adding document #1730000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:10,873 : INFO : discarding 23247 tokens: [('avalancheapril', 1), ('brownhenrik', 1), ('bruinsapril', 1), ('burrsteve', 1), ('calgarymay', 1), ('canadiensapril', 1), ('canadiensmay', 1), ('canucksapril', 1), ('canucksmay', 1), ('carsontomas', 1)]...\n", + "2019-06-17 02:10:10,874 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1740000 (=100.0%) documents\n", + "2019-06-17 02:10:13,125 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:13,183 : INFO : adding document #1740000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:20,784 : INFO : discarding 18839 tokens: [('oouè', 1), ('owoé', 1), ('owui', 1), ('hippenings', 1), ('trinití', 1), ('bangkulu', 1), ('kebongan', 1), ('kotudan', 1), ('labobo', 1), ('masepe', 1)]...\n", + "2019-06-17 02:10:20,784 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1750000 (=100.0%) documents\n", + "2019-06-17 02:10:23,109 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:23,169 : INFO : adding document #1750000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:10:35,301 : INFO : discarding 29081 tokens: [('actionsfor', 1), ('grupocne', 1), ('houshanpi', 1), ('jiangzicui', 1), ('sanying', 1), ('taipeida', 1), ('taipeiwanhua', 1), ('taipeixinyi', 1), ('zhonghsan', 1), ('三鶯線', 1)]...\n", + "2019-06-17 02:10:35,302 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1760000 (=100.0%) documents\n", + "2019-06-17 02:10:37,569 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:37,625 : INFO : adding document #1760000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:47,357 : INFO : discarding 22156 tokens: [('spielerid', 1), ('spielerportrait', 1), ('seriesno', 1), ('hsht', 1), ('utso', 1), ('septier', 1), ('boswtol', 1), ('إنجيل', 1), ('الديـن', 1), ('العشرون', 1)]...\n", + "2019-06-17 02:10:47,357 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1770000 (=100.0%) documents\n", + "2019-06-17 02:10:49,680 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:10:49,739 : INFO : adding document #1770000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:00,754 : INFO : discarding 27402 tokens: [('abstractors', 1), ('conclsuions', 1), ('consentability', 1), ('cpwl', 1), ('cpwt', 1), ('fietje', 1), ('meurk', 1), ('synlait', 1), ('tahus', 1), ('waiainiwaniwa', 1)]...\n", + "2019-06-17 02:11:00,755 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1780000 (=100.0%) documents\n", + "2019-06-17 02:11:03,029 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:03,085 : INFO : adding document #1780000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:14,130 : INFO : discarding 23400 tokens: [('igumnov', 1), ('xiayin', 1), ('epidemiologie', 1), ('infektionswege', 1), ('intracellularis', 1), ('meningokokken', 1), ('parasitologie', 1), ('banglasdesh', 1), ('irisberto', 1), ('leinier', 1)]...\n", + "2019-06-17 02:11:14,131 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1790000 (=100.0%) documents\n", + "2019-06-17 02:11:16,492 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:16,551 : INFO : adding document #1790000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:27,552 : INFO : discarding 21264 tokens: [('moayeri', 1), ('chahriq', 1), ('charik', 1), ('čahrīk', 1), ('aavc', 1), ('aavr', 1), ('chumrark', 1), ('jattawa', 1), ('kradook', 1), ('nhong', 1)]...\n", + "2019-06-17 02:11:27,553 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1800000 (=100.0%) documents\n", + "2019-06-17 02:11:29,831 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:29,888 : INFO : adding document #1800000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:41,414 : INFO : discarding 27402 tokens: [('bhajias', 1), ('celantro', 1), ('upvaas', 1), ('vrats', 1), ('hildegun', 1), ('hungnes', 1), ('ingjerd', 1), ('voktor', 1), ('øigarden', 1), ('nanoscientist', 1)]...\n", + "2019-06-17 02:11:41,415 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1810000 (=100.0%) documents\n", + "2019-06-17 02:11:43,762 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:43,823 : INFO : adding document #1810000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:54,579 : INFO : discarding 24267 tokens: [('pecsovszky', 1), ('peći', 1), ('sigaudy', 1), ('trémintin', 1), ('nzog', 1), ('branchiura', 1), ('butcheri', 1), ('hardyheads', 1), ('allwörden', 1), ('kumminin', 1)]...\n", + "2019-06-17 02:11:54,580 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1820000 (=100.0%) documents\n", + "2019-06-17 02:11:56,856 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:11:56,912 : INFO : adding document #1820000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:07,984 : INFO : discarding 27903 tokens: [('brecenio', 1), ('cantun', 1), ('elryn', 1), ('mastovich', 1), ('chernihov', 1), ('hermanivka', 1), ('liubar', 1), ('radzwiłł', 1), ('trylisy', 1), ('iamsound', 1)]...\n", + "2019-06-17 02:12:07,985 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1830000 (=100.0%) documents\n", + "2019-06-17 02:12:10,321 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:10,380 : INFO : adding document #1830000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:21,784 : INFO : discarding 37479 tokens: [('biostat', 1), ('mmjggl', 1), ('refinfo', 1), ('gwenyfyr', 1), ('xibaba', 1), ('legrez', 1), ('marpot', 1), ('nzfsa', 1), ('almiranta', 1), ('canonsl', 1)]...\n", + "2019-06-17 02:12:21,785 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1840000 (=100.0%) documents\n", + "2019-06-17 02:12:24,063 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:24,120 : INFO : adding document #1840000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:34,960 : INFO : discarding 24494 tokens: [('uglješići', 1), ('tihovići', 1), ('aegistrust', 1), ('mogthrasir', 1), ('semizovac', 1), ('丹朱', 1), ('collagenolytic', 1), ('hexxhxxgxxh', 1), ('metzincin', 1), ('rwtnnfrey', 1)]...\n", + "2019-06-17 02:12:34,961 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1850000 (=100.0%) documents\n", + "2019-06-17 02:12:37,293 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:37,353 : INFO : adding document #1850000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:48,383 : INFO : discarding 23866 tokens: [('ergb', 1), ('berkerolles', 1), ('geisshardt', 1), ('fishingnet', 1), ('polnocne', 1), ('diaquoi', 1), ('gorrissen', 1), ('ramjiawan', 1), ('deweerd', 1), ('latreze', 1)]...\n", + "2019-06-17 02:12:48,384 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1860000 (=100.0%) documents\n", + "2019-06-17 02:12:50,659 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:12:50,715 : INFO : adding document #1860000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:02,456 : INFO : discarding 27754 tokens: [('antwork', 1), ('biedrzychowice', 1), ('marpinard', 1), ('bożkowice', 1), ('rayco', 1), ('naglepeter', 1), ('thomaspeter', 1), ('aguis', 1), ('andcoming', 1), ('azzoppardi', 1)]...\n", + "2019-06-17 02:13:02,457 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1870000 (=100.0%) documents\n", + "2019-06-17 02:13:04,792 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:04,851 : INFO : adding document #1870000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:16,521 : INFO : discarding 25202 tokens: [('barhaan', 1), ('behoshi', 1), ('fariyaad', 1), ('shaarang', 1), ('carncelyn', 1), ('carnelyn', 1), ('glynarthen', 1), ('löcherbach', 1), ('naturalmodels', 1), ('nossenson', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:13:16,521 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1880000 (=100.0%) documents\n", + "2019-06-17 02:13:18,812 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:18,868 : INFO : adding document #1880000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:29,580 : INFO : discarding 29893 tokens: [('baldasarre', 1), ('astrith', 1), ('baltsan', 1), ('bempéchat', 1), ('nelsova', 1), ('rachmanninov', 1), ('țapu', 1), ('nantmelin', 1), ('cosmoman', 1), ('freezeman', 1)]...\n", + "2019-06-17 02:13:29,581 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1890000 (=100.0%) documents\n", + "2019-06-17 02:13:31,901 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:31,961 : INFO : adding document #1890000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:42,291 : INFO : discarding 26627 tokens: [('beairsto', 1), ('panichkul', 1), ('bentincklaan', 1), ('aluprof', 1), ('jinestra', 1), ('karsiyaka', 1), ('minchanka', 1), ('plantinalonga', 1), ('querard', 1), ('samorodok', 1)]...\n", + "2019-06-17 02:13:42,292 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1900000 (=100.0%) documents\n", + "2019-06-17 02:13:44,561 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:44,618 : INFO : adding document #1900000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:53,881 : INFO : discarding 21966 tokens: [('canonade', 1), ('casele', 1), ('rimert', 1), ('laringotomized', 1), ('regoretti', 1), ('ssellini', 1), ('dziwadlo', 1), ('gruzach', 1), ('kaukaz', 1), ('krwia', 1)]...\n", + "2019-06-17 02:13:53,881 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1910000 (=100.0%) documents\n", + "2019-06-17 02:13:56,206 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:13:56,265 : INFO : adding document #1910000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:06,554 : INFO : discarding 34791 tokens: [('brazaville', 1), ('mavunza', 1), ('punza', 1), ('polywanhe', 1), ('chisag', 1), ('kaialshnath', 1), ('theatrepasta', 1), ('wanvari', 1), ('verchild', 1), ('ophiochilus', 1)]...\n", + "2019-06-17 02:14:06,555 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1920000 (=100.0%) documents\n", + "2019-06-17 02:14:08,834 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:08,891 : INFO : adding document #1920000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:19,157 : INFO : discarding 36304 tokens: [('ボウmō', 1), ('ボン', 1), ('マツ', 1), ('ミャクmyaku', 1), ('ムbu', 1), ('モウ', 1), ('ヤク', 1), ('ヨウyō', 1), ('ラク', 1), ('レンren', 1)]...\n", + "2019-06-17 02:14:19,158 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1930000 (=100.0%) documents\n", + "2019-06-17 02:14:21,523 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:21,584 : INFO : adding document #1930000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:32,788 : INFO : discarding 30679 tokens: [('thomton', 1), ('kargów', 1), ('nieciesławice', 1), ('rzędów', 1), ('sieczków', 1), ('drinkie', 1), ('hydroclemancy', 1), ('massachsets', 1), ('metereau', 1), ('nightwalk', 1)]...\n", + "2019-06-17 02:14:32,789 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1940000 (=100.0%) documents\n", + "2019-06-17 02:14:35,040 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:35,098 : INFO : adding document #1940000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:45,729 : INFO : discarding 24436 tokens: [('pugliesse', 1), ('pulchripecta', 1), ('ramagii', 1), ('rhinatrema', 1), ('rhodomystax', 1), ('rossalleni', 1), ('rubicundulus', 1), ('salseri', 1), ('sawayae', 1), ('sbherpetologia', 1)]...\n", + "2019-06-17 02:14:45,729 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1950000 (=100.0%) documents\n", + "2019-06-17 02:14:48,103 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:48,166 : INFO : adding document #1950000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:14:58,425 : INFO : discarding 25471 tokens: [('mercadefam', 1), ('qualitá', 1), ('surtifruver', 1), ('vierci', 1), ('aurrebranded', 1), ('eziway', 1), ('newmart', 1), ('permewans', 1), ('ritetaken', 1), ('saveway', 1)]...\n", + "2019-06-17 02:14:58,426 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1960000 (=100.0%) documents\n", + "2019-06-17 02:15:00,721 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:00,779 : INFO : adding document #1960000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:11,321 : INFO : discarding 24638 tokens: [('caceaga', 1), ('aminaka', 1), ('chapurin', 1), ('dresscamp', 1), ('endovanera', 1), ('fashionweekla', 1), ('girbaud', 1), ('jmary', 1), ('marithe', 1), ('sitbon', 1)]...\n", + "2019-06-17 02:15:11,322 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1970000 (=100.0%) documents\n", + "2019-06-17 02:15:13,714 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:13,773 : INFO : adding document #1970000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:24,868 : INFO : discarding 22261 tokens: [('bahujatiya', 1), ('belayat', 1), ('bhumihin', 1), ('landlesses', 1), ('malbar', 1), ('palungwa', 1), ('rastriaya', 1), ('aliglieri', 1), ('antológica', 1), ('bogot', 1)]...\n", + "2019-06-17 02:15:24,869 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1980000 (=100.0%) documents\n", + "2019-06-17 02:15:27,171 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:27,229 : INFO : adding document #1980000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:36,756 : INFO : discarding 20757 tokens: [('silalate', 1), ('soole', 1), ('srotri', 1), ('tereda', 1), ('ventakesh', 1), ('vigada', 1), ('vimarsheya', 1), ('eversoll', 1), ('wzat', 1), ('andham', 1)]...\n", + "2019-06-17 02:15:36,757 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 1990000 (=100.0%) documents\n", + "2019-06-17 02:15:39,101 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:39,161 : INFO : adding document #1990000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:48,876 : INFO : discarding 22822 tokens: [('volckhausen', 1), ('blundred', 1), ('cdcdcz', 1), ('kedakpenarik', 1), ('zseez', 1), ('signbybee', 1), ('braylin', 1), ('quartterback', 1), ('spydermann', 1), ('straite', 1)]...\n", + "2019-06-17 02:15:48,876 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2000000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:15:51,140 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:15:51,198 : INFO : adding document #2000000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:02,701 : INFO : discarding 25053 tokens: [('aachar', 1), ('aatisha', 1), ('bakuben', 1), ('shakuben', 1), ('cocomac', 1), ('connectograms', 1), ('connectomic', 1), ('mitk', 1), ('parcellate', 1), ('parcellated', 1)]...\n", + "2019-06-17 02:16:02,702 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2010000 (=100.0%) documents\n", + "2019-06-17 02:16:05,073 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:05,133 : INFO : adding document #2010000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:17,012 : INFO : discarding 24649 tokens: [('hoosieroons', 1), ('pondelik', 1), ('mardoni', 1), ('quirri', 1), ('gârbava', 1), ('calían', 1), ('catalve', 1), ('precordillerana', 1), ('tamberías', 1), ('stelnicea', 1)]...\n", + "2019-06-17 02:16:17,012 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2020000 (=100.0%) documents\n", + "2019-06-17 02:16:19,322 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:19,379 : INFO : adding document #2020000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:30,743 : INFO : discarding 22978 tokens: [('nyfw', 1), ('latiflora', 1), ('painfull', 1), ('abolencia', 1), ('alaalang', 1), ('amaliang', 1), ('bakasyonista', 1), ('boksingera', 1), ('bumunot', 1), ('clarizza', 1)]...\n", + "2019-06-17 02:16:30,744 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2030000 (=100.0%) documents\n", + "2019-06-17 02:16:33,103 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:33,164 : INFO : adding document #2030000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:44,196 : INFO : discarding 22072 tokens: [('gratier', 1), ('myslowitzer', 1), ('walerus', 1), ('bigile', 1), ('theofraste', 1), ('wrooth', 1), ('calastro', 1), ('torreweb', 1), ('ɡlaɪˌsiːmɪk', 1), ('ˈɪndeks', 1)]...\n", + "2019-06-17 02:16:44,197 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2040000 (=100.0%) documents\n", + "2019-06-17 02:16:46,476 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:46,533 : INFO : adding document #2040000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:16:57,731 : INFO : discarding 23214 tokens: [('서청원', 1), ('이규택', 1), ('이부영', 1), ('이한동', 1), ('정우택', 1), ('정의화', 1), ('정진석', 1), ('조순', 1), ('진성호', 1), ('최병렬', 1)]...\n", + "2019-06-17 02:16:57,732 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2050000 (=100.0%) documents\n", + "2019-06-17 02:17:00,086 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:00,146 : INFO : adding document #2050000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:11,107 : INFO : discarding 27470 tokens: [('йства', 1), ('йственный', 1), ('йство', 1), ('кантони', 1), ('катушках', 1), ('кефи', 1), ('комиссариа', 1), ('контрреволюцией', 1), ('коню', 1), ('космона', 1)]...\n", + "2019-06-17 02:17:11,108 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2060000 (=100.0%) documents\n", + "2019-06-17 02:17:13,392 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:13,449 : INFO : adding document #2060000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:24,765 : INFO : discarding 25772 tokens: [('bamsy', 1), ('brummelisa', 1), ('donderhoning', 1), ('dunderhonung', 1), ('growla', 1), ('growlelisa', 1), ('krösus', 1), ('rusken', 1), ('slusken', 1), ('slösus', 1)]...\n", + "2019-06-17 02:17:24,765 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2070000 (=100.0%) documents\n", + "2019-06-17 02:17:27,133 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:27,194 : INFO : adding document #2070000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:38,405 : INFO : discarding 24972 tokens: [('nievers', 1), ('pmsk', 1), ('reverdot', 1), ('éesi', 1), ('galtran', 1), ('jallar', 1), ('malpetrim', 1), ('vingador', 1), ('vingadora', 1), ('abbely', 1)]...\n", + "2019-06-17 02:17:38,406 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2080000 (=100.0%) documents\n", + "2019-06-17 02:17:40,693 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:40,751 : INFO : adding document #2080000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:51,871 : INFO : discarding 24043 tokens: [('onila', 1), ('popăuți', 1), ('probotosani', 1), ('cheftestants', 1), ('gulave', 1), ('hallofminerals', 1), ('isfahar', 1), ('kallegal', 1), ('padparadschan', 1), ('quasebarth', 1)]...\n", + "2019-06-17 02:17:51,871 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2090000 (=100.0%) documents\n", + "2019-06-17 02:17:54,197 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:17:54,257 : INFO : adding document #2090000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:05,141 : INFO : discarding 23911 tokens: [('eithlionn', 1), ('eithneann', 1), ('feindead', 1), ('methers', 1), ('propserous', 1), ('smretha', 1), ('bellebrikhulle', 1), ('bolbryghyll', 1), ('bolbrykhull', 1), ('brichull', 1)]...\n", + "2019-06-17 02:18:05,141 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2100000 (=100.0%) documents\n", + "2019-06-17 02:18:07,401 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:07,460 : INFO : adding document #2100000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:17,931 : INFO : discarding 24334 tokens: [('alperovici', 1), ('anselmsson', 1), ('codethic', 1), ('goodcorporation', 1), ('latanécorporate', 1), ('oppewal', 1), ('srscms', 1), ('chevolets', 1), ('chevvies', 1), ('d_c_truckers', 1)]...\n", + "2019-06-17 02:18:17,931 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2110000 (=100.0%) documents\n", + "2019-06-17 02:18:20,296 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:20,355 : INFO : adding document #2110000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:31,886 : INFO : discarding 23740 tokens: [('matthathias', 1), ('zitterwackel', 1), ('ankhus', 1), ('calcus', 1), ('jonchets', 1), ('gekkitotsu', 1), ('yüceören', 1), ('ziyaretsuyu', 1), ('adventurewriter', 1), ('codewriter', 1)]...\n", + "2019-06-17 02:18:31,887 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2120000 (=100.0%) documents\n", + "2019-06-17 02:18:34,209 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:18:34,271 : INFO : adding document #2120000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:45,538 : INFO : discarding 22833 tokens: [('公共專業聯盟', 1), ('公屋聯會', 1), ('公民力量', 1), ('公民起動', 1), ('前綫', 1), ('前線醫生聯盟', 1), ('北區動源', 1), ('匯點', 1), ('南方民主同盟', 1), ('啟聯資源中心', 1)]...\n", + "2019-06-17 02:18:45,539 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2130000 (=100.0%) documents\n", + "2019-06-17 02:18:47,885 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:47,947 : INFO : adding document #2130000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:18:59,112 : INFO : discarding 24827 tokens: [('святую', 1), ('сдпр', 1), ('социа', 1), ('тахрир', 1), ('хизб', 1), ('христианско', 1), ('biancoazzurro', 1), ('europopolari', 1), ('statuarie', 1), ('bdzs', 1)]...\n", + "2019-06-17 02:18:59,112 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2140000 (=100.0%) documents\n", + "2019-06-17 02:19:01,391 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:01,448 : INFO : adding document #2140000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:11,201 : INFO : discarding 22537 tokens: [('順風', 1), ('鵬星', 1), ('鶴山', 1), ('bokeno', 1), ('sfyjw', 1), ('sphinxeries', 1), ('metsoja', 1), ('mudaravila', 1), ('pdxdj', 1), ('kihelkonnad', 1)]...\n", + "2019-06-17 02:19:11,202 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2150000 (=100.0%) documents\n", + "2019-06-17 02:19:13,523 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:13,584 : INFO : adding document #2150000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:23,793 : INFO : discarding 23576 tokens: [('pedagogiky', 1), ('plány', 1), ('pomaturitné', 1), ('príprava', 1), ('stagess', 1), ('stupňovitá', 1), ('teológie', 1), ('umelecké', 1), ('učebné', 1), ('učilištia', 1)]...\n", + "2019-06-17 02:19:23,794 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2160000 (=100.0%) documents\n", + "2019-06-17 02:19:26,082 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:26,141 : INFO : adding document #2160000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:36,576 : INFO : discarding 23941 tokens: [('iberianwildlife', 1), ('mountanieering', 1), ('peakme', 1), ('picoseuropa', 1), ('rebeccos', 1), ('sotrespanorama', 1), ('spanishminerals', 1), ('friedenberger', 1), ('staatsbankrott', 1), ('geakware', 1)]...\n", + "2019-06-17 02:19:36,577 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2170000 (=100.0%) documents\n", + "2019-06-17 02:19:38,923 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:38,983 : INFO : adding document #2170000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:49,252 : INFO : discarding 21023 tokens: [('lnteret', 1), ('ramlamboarison', 1), ('rarivoson', 1), ('razakaboana', 1), ('razanamahasoa', 1), ('reallon', 1), ('roelina', 1), ('somacodis', 1), ('هدار', 1), ('alaskaon', 1)]...\n", + "2019-06-17 02:19:49,253 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2180000 (=100.0%) documents\n", + "2019-06-17 02:19:51,537 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:19:51,594 : INFO : adding document #2180000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:01,692 : INFO : discarding 25332 tokens: [('completeprimary', 1), ('diniece', 1), ('doctorados', 1), ('isalud', 1), ('orientado', 1), ('stopchildlabor', 1), ('tomarkens', 1), ('ducett', 1), ('hidratos', 1), ('hipertensina', 1)]...\n", + "2019-06-17 02:20:01,693 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2190000 (=100.0%) documents\n", + "2019-06-17 02:20:04,029 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:04,089 : INFO : adding document #2190000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:12,498 : INFO : discarding 21898 tokens: [('saktzas', 1), ('saqčï', 1), ('seljoukide', 1), ('telincea', 1), ('ualak', 1), ('valips', 1), ('čeke', 1), ('νοβιόδοῦνος', 1), ('σακτζας', 1), ('fringeguru', 1)]...\n", + "2019-06-17 02:20:12,498 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2200000 (=100.0%) documents\n", + "2019-06-17 02:20:14,794 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:14,852 : INFO : adding document #2200000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:24,897 : INFO : discarding 20041 tokens: [('monastirians', 1), ('moncefism', 1), ('moussaouar', 1), ('nejia', 1), ('ouerdanin', 1), ('perillier', 1), ('preponderants', 1), ('satisfacted', 1), ('sebault', 1), ('substancial', 1)]...\n", + "2019-06-17 02:20:24,897 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2210000 (=100.0%) documents\n", + "2019-06-17 02:20:27,262 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:27,326 : INFO : adding document #2210000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:37,267 : INFO : discarding 24726 tokens: [('miastozgierz', 1), ('ozogaleria', 1), ('schlösserow', 1), ('bełdowska', 1), ('bratoszewski', 1), ('kozanecki', 1), ('matusiaka', 1), ('syguła', 1), ('harrun', 1), ('waljamaah', 1)]...\n", + "2019-06-17 02:20:37,268 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2220000 (=100.0%) documents\n", + "2019-06-17 02:20:39,582 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:39,641 : INFO : adding document #2220000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:51,460 : INFO : discarding 27076 tokens: [('jandík', 1), ('kostanjević', 1), ('kubelíkovi', 1), ('proslavil', 1), ('xxph', 1), ('čaroděj', 1), ('onsciousness', 1), ('paleozolic', 1), ('chicheemaun', 1), ('ferrytobermory', 1)]...\n", + "2019-06-17 02:20:51,461 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2230000 (=100.0%) documents\n", + "2019-06-17 02:20:53,804 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:20:53,864 : INFO : adding document #2230000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:01,146 : INFO : discarding 14658 tokens: [('manwŏl', 1), ('mokchong', 1), ('myoji', 1), ('naesŏng', 1), ('osongsan', 1), ('pongmyong', 1), ('posŏn', 1), ('ryeseong', 1), ('samsŏngbŏl', 1), ('seonjukgyo', 1)]...\n", + "2019-06-17 02:21:01,147 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2240000 (=100.0%) documents\n", + "2019-06-17 02:21:03,422 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:21:03,479 : INFO : adding document #2240000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:13,303 : INFO : discarding 22535 tokens: [('bańgów', 1), ('fabud', 1), ('przełajka', 1), ('siedminowice', 1), ('siedmionowice', 1), ('dreikaisereck', 1), ('hajdowizna', 1), ('heidowisna', 1), ('krasowy', 1), ('larysz', 1)]...\n", + "2019-06-17 02:21:13,304 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2250000 (=100.0%) documents\n", + "2019-06-17 02:21:15,650 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:15,710 : INFO : adding document #2250000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:27,842 : INFO : discarding 26450 tokens: [('surowieckiego', 1), ('tarnodwor', 1), ('trzesn', 1), ('waskotorowy', 1), ('rozwadower', 1), ('struskinska', 1), ('woynarowski', 1), ('zmks', 1), ('oracka', 1), ('alivedelayed', 1)]...\n", + "2019-06-17 02:21:27,843 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2260000 (=100.0%) documents\n", + "2019-06-17 02:21:30,135 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:30,194 : INFO : adding document #2260000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:42,435 : INFO : discarding 33452 tokens: [('kylenamoe', 1), ('diablotín', 1), ('attunation', 1), ('chandlerella', 1), ('common_grackle', 1), ('common_grackle_', 1), ('crewhewwhew', 1), ('debonei', 1), ('eufilaria', 1), ('hibleri', 1)]...\n", + "2019-06-17 02:21:42,436 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2270000 (=100.0%) documents\n", + "2019-06-17 02:21:44,783 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:44,847 : INFO : adding document #2270000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:55,427 : INFO : discarding 26527 tokens: [('ainol', 1), ('cisoidal', 1), ('cefedem', 1), ('philharminique', 1), ('surimpressions', 1), ('mořkovský', 1), ('sihle', 1), ('lentoasemantie', 1), ('veromies', 1), ('viinikkala', 1)]...\n", + "2019-06-17 02:21:55,428 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2280000 (=100.0%) documents\n", + "2019-06-17 02:21:57,716 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:21:57,774 : INFO : adding document #2280000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:09,123 : INFO : discarding 28056 tokens: [('borisovbozhidar', 1), ('duvigneau', 1), ('dîbaion', 1), ('geantănicuşor', 1), ('helmbernd', 1), ('khristovivan', 1), ('margbernd', 1), ('milenkovlazar', 1), ('olbrichtharald', 1), ('zafiuvasile', 1)]...\n", + "2019-06-17 02:22:09,123 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2290000 (=100.0%) documents\n", + "2019-06-17 02:22:11,513 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:11,573 : INFO : adding document #2290000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:22,453 : INFO : discarding 25887 tokens: [('donatated', 1), ('norweld', 1), ('androvac', 1), ('gračanka', 1), ('uskoro', 1), ('manktelow', 1), ('gimnasias', 1), ('kliukina', 1), ('myasnikova', 1), ('puddit', 1)]...\n", + "2019-06-17 02:22:22,454 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2300000 (=100.0%) documents\n", + "2019-06-17 02:22:24,814 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:24,874 : INFO : adding document #2300000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:33,149 : INFO : discarding 18158 tokens: [('żyrów', 1), ('vagabonden', 1), ('modrzewina', 1), ('alfonsowo', 1), ('zelerie', 1), ('boglewice', 1), ('leżne', 1), ('playerdisplay', 1), ('squadno', 1), ('przydróżek', 1)]...\n", + "2019-06-17 02:22:33,149 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2310000 (=100.0%) documents\n", + "2019-06-17 02:22:35,539 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:35,598 : INFO : adding document #2310000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:45,545 : INFO : discarding 23234 tokens: [('messhall', 1), ('kunchha', 1), ('cinderkitty', 1), ('frankencat', 1), ('kittylocks', 1), ('mairon', 1), ('quackling', 1), ('rumpeldogskin', 1), ('scrinchip', 1), ('scroogenip', 1)]...\n", + "2019-06-17 02:22:45,545 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2320000 (=100.0%) documents\n", + "2019-06-17 02:22:47,852 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:47,925 : INFO : adding document #2320000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:22:59,010 : INFO : discarding 23127 tokens: [('chebara', 1), ('cheptuech', 1), ('emitik', 1), ('kaplamai', 1), ('kapsibeiywo', 1), ('kaptagich', 1), ('keringet', 1), ('kipsonoi', 1), ('kiptangich', 1), ('kiptororo', 1)]...\n", + "2019-06-17 02:22:59,010 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2330000 (=100.0%) documents\n", + "2019-06-17 02:23:01,378 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:01,443 : INFO : adding document #2330000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:12,220 : INFO : discarding 26014 tokens: [('comanești', 1), ('loaieș', 1), ('nemuritai', 1), ('nijūsseiki', 1), ('sutōrī', 1), ('umihoozuki', 1), ('chiracs', 1), ('chévalier', 1), ('bérit', 1), ('relationerne', 1)]...\n", + "2019-06-17 02:23:12,221 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2340000 (=100.0%) documents\n", + "2019-06-17 02:23:14,513 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:14,572 : INFO : adding document #2340000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:25,202 : INFO : discarding 22741 tokens: [('burlettas', 1), ('hadju', 1), ('holzmer', 1), ('aughtry', 1), ('dopsovic', 1), ('yukica', 1), ('gipsani', 1), ('ulmanski', 1), ('championsecac', 1), ('kovalcheck', 1)]...\n", + "2019-06-17 02:23:25,203 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2350000 (=100.0%) documents\n", + "2019-06-17 02:23:27,550 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:27,617 : INFO : adding document #2350000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:38,883 : INFO : discarding 25777 tokens: [('udlegends', 1), ('schürhoff', 1), ('namaas', 1), ('ladycops', 1), ('spages', 1), ('benisti', 1), ('bascou', 1), ('desallangre', 1), ('timelkam', 1), ('cevaér', 1)]...\n", + "2019-06-17 02:23:38,884 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2360000 (=100.0%) documents\n", + "2019-06-17 02:23:41,187 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:23:41,246 : INFO : adding document #2360000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:51,811 : INFO : discarding 25177 tokens: [('cachupoy', 1), ('chipipoy', 1), ('jobelle', 1), ('ludor', 1), ('acquinsicke', 1), ('aquinsicke', 1), ('affinxit', 1), ('afflicti', 1), ('amyraldi', 1), ('apologeticae', 1)]...\n", + "2019-06-17 02:23:51,812 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2370000 (=100.0%) documents\n", + "2019-06-17 02:23:54,154 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:23:54,215 : INFO : adding document #2370000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:04,491 : INFO : discarding 28076 tokens: [('daarmee', 1), ('ermee', 1), ('hiermee', 1), ('waarmee', 1), ('azordegan', 1), ('behöva', 1), ('erichsén', 1), ('graviditet', 1), ('jutbring', 1), ('klimatet', 1)]...\n", + "2019-06-17 02:24:04,492 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2380000 (=100.0%) documents\n", + "2019-06-17 02:24:06,777 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:06,836 : INFO : adding document #2380000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:18,038 : INFO : discarding 25726 tokens: [('egyek', 1), ('kaló', 1), ('achievieing', 1), ('nožice', 1), ('borgholz', 1), ('bugrova', 1), ('manzhuan', 1), ('pridefc', 1), ('ucimar', 1), ('uvtf', 1)]...\n", + "2019-06-17 02:24:18,039 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2390000 (=100.0%) documents\n", + "2019-06-17 02:24:20,408 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:20,468 : INFO : adding document #2390000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:29,558 : INFO : discarding 18552 tokens: [('casciola', 1), ('cubelic', 1), ('hullinger', 1), ('jacober', 1), ('rebouche', 1), ('weidl', 1), ('anzain', 1), ('bordercolordark', 1), ('cuisineres', 1), ('bushlines', 1)]...\n", + "2019-06-17 02:24:29,559 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2400000 (=100.0%) documents\n", + "2019-06-17 02:24:31,864 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:31,922 : INFO : adding document #2400000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:42,381 : INFO : discarding 22779 tokens: [('bereyadou', 1), ('reticulons', 1), ('abbehus', 1), ('bouwkunst', 1), ('roohn', 1), ('vakmanschaf', 1), ('voorrang', 1), ('vormgeving', 1), ('winiek', 1), ('strimmed', 1)]...\n", + "2019-06-17 02:24:42,381 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2410000 (=100.0%) documents\n", + "2019-06-17 02:24:44,751 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:44,811 : INFO : adding document #2410000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:55,026 : INFO : discarding 23679 tokens: [('diskstation', 1), ('drivechannel', 1), ('flosafe', 1), ('hydrosafe', 1), ('iosafe', 1), ('solopro', 1), ('vaultstor', 1), ('indianarangers', 1), ('chalkidis', 1), ('charambos', 1)]...\n", + "2019-06-17 02:24:55,027 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2420000 (=100.0%) documents\n", + "2019-06-17 02:24:57,316 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:24:57,375 : INFO : adding document #2420000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:08,561 : INFO : discarding 28130 tokens: [('durbinstratch', 1), ('kowolski', 1), ('patagorski', 1), ('chaibat', 1), ('grishayeva', 1), ('九月風暴', 1), ('希望你會懂', 1), ('怎么会', 1), ('我有我路向', 1), ('我要衝霄', 1)]...\n", + "2019-06-17 02:25:08,562 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2430000 (=100.0%) documents\n", + "2019-06-17 02:25:10,929 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:10,990 : INFO : adding document #2430000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:21,807 : INFO : discarding 26590 tokens: [('crutchleys', 1), ('beachwalking', 1), ('madronetrees', 1), ('sickleback', 1), ('gayz', 1), ('ilgcn', 1), ('kobets', 1), ('olborski', 1), ('qguis', 1), ('radina', 1)]...\n", + "2019-06-17 02:25:21,808 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2440000 (=100.0%) documents\n", + "2019-06-17 02:25:24,158 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:24,218 : INFO : adding document #2440000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:34,038 : INFO : discarding 22289 tokens: [('cubebug', 1), ('fungyun', 1), ('mublcom', 1), ('unisec', 1), ('lódi', 1), ('carterwalter', 1), ('khatamigeorge', 1), ('khatamivladimir', 1), ('mondalewarren', 1), ('pahlavifidel', 1)]...\n", + "2019-06-17 02:25:34,039 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2450000 (=100.0%) documents\n", + "2019-06-17 02:25:36,423 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:36,483 : INFO : adding document #2450000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:45,996 : INFO : discarding 26300 tokens: [('kérkira', 1), ('welthea', 1), ('printage', 1), ('lichtevreden', 1), ('railtransport', 1), ('saidieh', 1), ('steckelberg', 1), ('westervik', 1), ('aagraham', 1), ('aalorungi', 1)]...\n", + "2019-06-17 02:25:45,997 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2460000 (=100.0%) documents\n", + "2019-06-17 02:25:48,344 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:48,404 : INFO : adding document #2460000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:25:57,953 : INFO : discarding 20066 tokens: [('chistovodnoye', 1), ('horoshevsky', 1), ('etsip', 1), ('kangulohi', 1), ('nyango', 1), ('ontananga', 1), ('onyuulaye', 1), ('transkunene', 1), ('trecina', 1), ('joinedsport', 1)]...\n", + "2019-06-17 02:25:57,953 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2470000 (=100.0%) documents\n", + "2019-06-17 02:26:00,347 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:00,408 : INFO : adding document #2470000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:08,084 : INFO : discarding 15938 tokens: [('svanån', 1), ('svartabäcken', 1), ('svartijåhkå', 1), ('svartsjöån', 1), ('svedjeån', 1), ('svedån', 1), ('svensbyån', 1), ('svenstaån', 1), ('sverkestaån', 1), ('sverkojåhkå', 1)]...\n", + "2019-06-17 02:26:08,085 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2480000 (=100.0%) documents\n", + "2019-06-17 02:26:10,411 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:26:10,469 : INFO : adding document #2480000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:20,333 : INFO : discarding 22127 tokens: [('qrsag', 1), ('ruscinian', 1), ('aesp', 1), ('articficially', 1), ('bymart', 1), ('bymedia', 1), ('nowldef', 1), ('speechline', 1), ('russeltown', 1), ('bogarsettes', 1)]...\n", + "2019-06-17 02:26:20,334 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2490000 (=100.0%) documents\n", + "2019-06-17 02:26:22,726 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:22,792 : INFO : adding document #2490000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:33,071 : INFO : discarding 27561 tokens: [('bullshitin', 1), ('calmdown', 1), ('fakeboyz', 1), ('fakegirlz', 1), ('akuana', 1), ('clusterwink', 1), ('cummingian', 1), ('imperforata', 1), ('gosserand', 1), ('argalista', 1)]...\n", + "2019-06-17 02:26:33,071 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2500000 (=100.0%) documents\n", + "2019-06-17 02:26:35,419 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:35,478 : INFO : adding document #2500000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:45,641 : INFO : discarding 35918 tokens: [('petona', 1), ('poochaandi', 1), ('quankus', 1), ('robaniños', 1), ('rogovi', 1), ('rézfaszú', 1), ('saalua', 1), ('sarronco', 1), ('shalawlaw', 1), ('stinkini', 1)]...\n", + "2019-06-17 02:26:45,642 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2510000 (=100.0%) documents\n", + "2019-06-17 02:26:48,042 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:48,104 : INFO : adding document #2510000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:26:59,619 : INFO : discarding 26829 tokens: [('cristom', 1), ('marmount', 1), ('strengthsfinder', 1), ('abadam', 1), ('damboa', 1), ('gubio', 1), ('guzamala', 1), ('kyari', 1), ('magumeri', 1), ('maidgurui', 1)]...\n", + "2019-06-17 02:26:59,620 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2520000 (=100.0%) documents\n", + "2019-06-17 02:27:01,960 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:02,020 : INFO : adding document #2520000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:12,783 : INFO : discarding 26843 tokens: [('duhautlondel', 1), ('dulondel', 1), ('huau', 1), ('laynay', 1), ('pekünlü', 1), ('tarım', 1), ('macmurrary', 1), ('lesznoalfred', 1), ('målillag', 1), ('poolepoole', 1)]...\n", + "2019-06-17 02:27:12,784 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2530000 (=100.0%) documents\n", + "2019-06-17 02:27:15,180 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:15,242 : INFO : adding document #2530000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:26,361 : INFO : discarding 26624 tokens: [('jordanxl', 1), ('austrolimborina', 1), ('badioatra', 1), ('furvella', 1), ('fuscosora', 1), ('globulispora', 1), ('gyrizans', 1), ('gyromuscosa', 1), ('limborina', 1), ('mullensis', 1)]...\n", + "2019-06-17 02:27:26,361 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2540000 (=100.0%) documents\n", + "2019-06-17 02:27:28,690 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:28,749 : INFO : adding document #2540000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:40,241 : INFO : discarding 26375 tokens: [('fortfreedom', 1), ('zilkowski', 1), ('czepiel', 1), ('aeoniums', 1), ('guardiancardiff', 1), ('autey', 1), ('famousvillains', 1), ('indiependant', 1), ('keavney', 1), ('thepilotsukband', 1)]...\n", + "2019-06-17 02:27:40,241 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2550000 (=100.0%) documents\n", + "2019-06-17 02:27:42,610 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:42,671 : INFO : adding document #2550000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:54,046 : INFO : discarding 23861 tokens: [('bonissone', 1), ('cibb', 1), ('piuri', 1), ('tzanakou', 1), ('ogorek', 1), ('estirao', 1), ('dammitt', 1), ('entrancemperium', 1), ('nightspirit', 1), ('secthdaemon', 1)]...\n", + "2019-06-17 02:27:54,047 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2560000 (=100.0%) documents\n", + "2019-06-17 02:27:56,370 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:27:56,430 : INFO : adding document #2560000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:28:07,296 : INFO : discarding 22905 tokens: [('macilwraith', 1), ('maclink', 1), ('tonantis', 1), ('loueckhote', 1), ('wthout', 1), ('tonkes', 1), ('managlore', 1), ('pointwith', 1), ('castigers', 1), ('bobmark', 1)]...\n", + "2019-06-17 02:28:07,296 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2570000 (=100.0%) documents\n", + "2019-06-17 02:28:09,666 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:28:09,727 : INFO : adding document #2570000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:28:21,382 : INFO : discarding 23544 tokens: [('bagfuls', 1), ('brisks', 1), ('certein', 1), ('chyu', 1), ('duī', 1), ('guāngnián', 1), ('gōngchǐ', 1), ('gōngfēn', 1), ('hǎilǐ', 1), ('jiālùn', 1)]...\n", + "2019-06-17 02:28:21,383 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2580000 (=100.0%) documents\n", + "2019-06-17 02:28:23,727 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:28:23,787 : INFO : adding document #2580000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:28:34,457 : INFO : discarding 22983 tokens: [('anbuthiru', 1), ('kandithampattu', 1), ('kangeyampatti', 1), ('bizup', 1), ('thiruvar', 1), ('kollangarai', 1), ('abdualla', 1), ('awwp', 1), ('kotrapatti', 1), ('aanandhi', 1)]...\n", + "2019-06-17 02:28:34,458 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2590000 (=100.0%) documents\n", + "2019-06-17 02:28:36,855 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:28:36,917 : INFO : adding document #2590000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:28:49,034 : INFO : discarding 32136 tokens: [('galleghan', 1), ('nohon', 1), ('tajikam', 1), ('zohiri', 1), ('reemus', 1), ('plichta', 1), ('resdesron', 1), ('barganza', 1), ('choodikkum', 1), ('jeevasikha', 1)]...\n", + "2019-06-17 02:28:49,035 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2600000 (=100.0%) documents\n", + "2019-06-17 02:28:51,384 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:28:51,444 : INFO : adding document #2600000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:03,056 : INFO : discarding 27672 tokens: [('alchemytoday', 1), ('candiddate', 1), ('mowj', 1), ('makofo', 1), ('medicredit', 1), ('sydenstricter', 1), ('kingsridge', 1), ('schatulga', 1), ('woodbriar', 1), ('harlencys', 1)]...\n", + "2019-06-17 02:29:03,057 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2610000 (=100.0%) documents\n", + "2019-06-17 02:29:05,457 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:05,521 : INFO : adding document #2610000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:15,485 : INFO : discarding 22674 tokens: [('mattinale', 1), ('adzé', 1), ('methogo', 1), ('ngoubili', 1), ('ongouori', 1), ('unihopper', 1), ('dadless', 1), ('arenediazonium', 1), ('transmetalated', 1), ('electrounique', 1)]...\n", + "2019-06-17 02:29:15,486 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2620000 (=100.0%) documents\n", + "2019-06-17 02:29:17,822 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:17,881 : INFO : adding document #2620000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:28,289 : INFO : discarding 42154 tokens: [('fambach', 1), ('schalkalden', 1), ('chronios', 1), ('comhrogha', 1), ('comroga', 1), ('kleptocractic', 1), ('roghna', 1), ('ˈkoʊraʊə', 1), ('ˈkoʊreɪ', 1), ('χρόνιος', 1)]...\n", + "2019-06-17 02:29:28,290 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2630000 (=100.0%) documents\n", + "2019-06-17 02:29:30,668 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:30,731 : INFO : adding document #2630000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:41,677 : INFO : discarding 27255 tokens: [('atrichantha', 1), ('elsiae', 1), ('bryomorphe', 1), ('dolichothrix', 1), ('plumelike', 1), ('calotesta', 1), ('cutinized', 1), ('swartberge', 1), ('denekia', 1), ('disparago', 1)]...\n", + "2019-06-17 02:29:41,678 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2640000 (=100.0%) documents\n", + "2019-06-17 02:29:43,999 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:44,060 : INFO : adding document #2640000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:55,117 : INFO : discarding 27862 tokens: [('biswaroop', 1), ('reliableplant', 1), ('smallbiz', 1), ('smartceo', 1), ('thetax', 1), ('wjactv', 1), ('cammies', 1), ('tucaro', 1), ('tucaros', 1), ('otherwords', 1)]...\n", + "2019-06-17 02:29:55,118 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2650000 (=100.0%) documents\n", + "2019-06-17 02:29:57,502 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:29:57,564 : INFO : adding document #2650000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:07,991 : INFO : discarding 33106 tokens: [('barrohead', 1), ('exchangetesco', 1), ('milliom', 1), ('oldebarrey', 1), ('gastropexies', 1), ('aryepiglottica', 1), ('microdonation', 1), ('nanopayment', 1), ('nanopayments', 1), ('invokee', 1)]...\n", + "2019-06-17 02:30:07,991 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2660000 (=100.0%) documents\n", + "2019-06-17 02:30:10,319 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:10,379 : INFO : adding document #2660000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:20,809 : INFO : discarding 28246 tokens: [('cibotii', 1), ('drynariae', 1), ('epimedii', 1), ('spatholobi', 1), ('淫羊藿', 1), ('狗脊', 1), ('莱菔子', 1), ('骨碎补', 1), ('鸡血藤', 1), ('schnock', 1)]...\n", + "2019-06-17 02:30:20,810 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2670000 (=100.0%) documents\n", + "2019-06-17 02:30:23,197 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:23,259 : INFO : adding document #2670000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:32,736 : INFO : discarding 26137 tokens: [('aceratheriini', 1), ('aceratherini', 1), ('acerorhinus', 1), ('zernowi', 1), ('bridgeigator', 1), ('deleece', 1), ('duffbot', 1), ('fatania', 1), ('grusman', 1), ('holowell', 1)]...\n", + "2019-06-17 02:30:32,737 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2680000 (=100.0%) documents\n", + "2019-06-17 02:30:35,068 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:35,127 : INFO : adding document #2680000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:47,301 : INFO : discarding 27397 tokens: [('gickelsburg', 1), ('techware', 1), ('akweathercams', 1), ('acquaverde', 1), ('fassolo', 1), ('mazzucchetti', 1), ('montegalletto', 1), ('volabus', 1), ('乱世枭雄', 1), ('争战天下篇', 1)]...\n", + "2019-06-17 02:30:47,302 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2690000 (=100.0%) documents\n", + "2019-06-17 02:30:49,668 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:30:49,731 : INFO : adding document #2690000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:01,351 : INFO : discarding 27472 tokens: [('mchess', 1), ('brauereimuseum', 1), ('knipex', 1), ('musäum', 1), ('ukranenland', 1), ('flankmen', 1), ('ruthermore', 1), ('marcouray', 1), ('skytrooopers', 1), ('adenizia', 1)]...\n", + "2019-06-17 02:31:01,351 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2700000 (=100.0%) documents\n", + "2019-06-17 02:31:03,679 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:03,740 : INFO : adding document #2700000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:14,922 : INFO : discarding 27338 tokens: [('huabao', 1), ('mamalepot', 1), ('seropta', 1), ('infusini', 1), ('morbidoni', 1), ('ojetti', 1), ('truemetal', 1), ('taisacan', 1), ('gierkink', 1), ('nashman', 1)]...\n", + "2019-06-17 02:31:14,923 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2710000 (=100.0%) documents\n", + "2019-06-17 02:31:17,306 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:17,368 : INFO : adding document #2710000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:28,466 : INFO : discarding 31577 tokens: [('rowsby', 1), ('chikinskiy', 1), ('gazanov', 1), ('goplachev', 1), ('kamaltynov', 1), ('khomin', 1), ('samkov', 1), ('metmaterials', 1), ('drumu', 1), ('exces', 1)]...\n", + "2019-06-17 02:31:28,466 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2720000 (=100.0%) documents\n", + "2019-06-17 02:31:30,806 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:31:30,866 : INFO : adding document #2720000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:42,095 : INFO : discarding 29476 tokens: [('pacheo', 1), ('rivcoda', 1), ('mcgrigors', 1), ('ledophyllus', 1), ('conselhos', 1), ('corregedores', 1), ('correições', 1), ('emprovedorias', 1), ('北管', 1), ('aftertitles', 1)]...\n", + "2019-06-17 02:31:42,095 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2730000 (=100.0%) documents\n", + "2019-06-17 02:31:44,489 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:44,555 : INFO : adding document #2730000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:55,245 : INFO : discarding 26450 tokens: [('oothi', 1), ('organisee', 1), ('eatondale', 1), ('aloalovao', 1), ('paeso', 1), ('poulalo', 1), ('tagaloalagi', 1), ('tunoa', 1), ('𐌓𐌄', 1), ('kumurdoeli', 1)]...\n", + "2019-06-17 02:31:55,245 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2740000 (=100.0%) documents\n", + "2019-06-17 02:31:57,559 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:31:57,618 : INFO : adding document #2740000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:08,488 : INFO : discarding 30664 tokens: [('tetraketide', 1), ('greenshards', 1), ('issueof', 1), ('gallequillbox', 1), ('mataraquillbox', 1), ('nicholaswells', 1), ('robsie', 1), ('wobsie', 1), ('ayubid', 1), ('contilla', 1)]...\n", + "2019-06-17 02:32:08,488 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2750000 (=100.0%) documents\n", + "2019-06-17 02:32:10,855 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:10,917 : INFO : adding document #2750000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:21,598 : INFO : discarding 24076 tokens: [('mbərδ', 1), ('renɬə', 1), ('sʷv', 1), ('tːa', 1), ('tχu', 1), ('wəc', 1), ('wərč', 1), ('zʷə', 1), ('ćx', 1), ('ħʷə', 1)]...\n", + "2019-06-17 02:32:21,599 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2760000 (=100.0%) documents\n", + "2019-06-17 02:32:23,892 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:23,952 : INFO : adding document #2760000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:36,107 : INFO : discarding 23719 tokens: [('fitroyi', 1), ('headslaps', 1), ('noseouts', 1), ('specilegia', 1), ('superciliosis', 1), ('tailslaps', 1), ('pithêkion', 1), ('aesepos', 1), ('granikos', 1), ('heptaporos', 1)]...\n", + "2019-06-17 02:32:36,108 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2770000 (=100.0%) documents\n", + "2019-06-17 02:32:38,463 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:38,525 : INFO : adding document #2770000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:49,118 : INFO : discarding 23147 tokens: [('nɵʊə', 1), ('ogatotonu', 1), ('olaʻaga', 1), ('olisaga', 1), ('onogafulu', 1), ('palapalā', 1), ('paʻapaʻa', 1), ('paʻepaʻe', 1), ('penapena', 1), ('peretania', 1)]...\n", + "2019-06-17 02:32:49,118 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2780000 (=100.0%) documents\n", + "2019-06-17 02:32:51,441 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:32:51,500 : INFO : adding document #2780000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:01,908 : INFO : discarding 24298 tokens: [('xīqí', 1), ('yígāo', 1), ('yíjìu', 1), ('záo', 1), ('中行氏', 1), ('卓子', 1), ('壽曼', 1), ('奚齊', 1), ('孝公', 1), ('懿公', 1)]...\n", + "2019-06-17 02:33:01,908 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2790000 (=100.0%) documents\n", + "2019-06-17 02:33:04,261 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:04,323 : INFO : adding document #2790000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:15,114 : INFO : discarding 26760 tokens: [('mastadon', 1), ('randilovshchina', 1), ('ambulanceaze', 1), ('azadlığın', 1), ('azerbajdzsáni', 1), ('bulmalı', 1), ('dolmalı', 1), ('függetlensége', 1), ('gulmirza', 1), ('gög', 1)]...\n", + "2019-06-17 02:33:15,115 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2800000 (=100.0%) documents\n", + "2019-06-17 02:33:17,408 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:17,468 : INFO : adding document #2800000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:28,286 : INFO : discarding 26421 tokens: [('masamâ', 1), ('mouisaamin', 1), ('nagcacasala', 1), ('nagkakasalâ', 1), ('namĩ', 1), ('ortograpíya', 1), ('pagcaharimo', 1), ('paranyake', 1), ('patauarin', 1), ('sapagcat', 1)]...\n", + "2019-06-17 02:33:28,287 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2810000 (=100.0%) documents\n", + "2019-06-17 02:33:30,645 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:30,707 : INFO : adding document #2810000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:40,644 : INFO : discarding 30345 tokens: [('약천사', 1), ('운주사', 1), ('유점사', 1), ('은수사', 1), ('정진사', 1), ('종고', 1), ('칠성각', 1), ('탑사', 1), ('통도사', 1), ('파계사', 1)]...\n", + "2019-06-17 02:33:40,645 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2820000 (=100.0%) documents\n", + "2019-06-17 02:33:42,961 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:43,022 : INFO : adding document #2820000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:53,725 : INFO : discarding 26816 tokens: [('鍋島氏', 1), ('長宗我部氏', 1), ('長尾氏', 1), ('間部氏', 1), ('阿波細川氏', 1), ('阿部氏', 1), ('韓人氏', 1), ('順徳源氏', 1), ('須田', 1), ('飛鳥部氏', 1)]...\n", + "2019-06-17 02:33:53,726 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2830000 (=100.0%) documents\n", + "2019-06-17 02:33:56,131 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:33:56,197 : INFO : adding document #2830000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:34:07,021 : INFO : discarding 27903 tokens: [('panarboras', 1), ('pinarboras', 1), ('transtoba', 1), ('alazonomastix', 1), ('apocalypticis', 1), ('dissertati', 1), ('echief', 1), ('incorporeis', 1), ('instigatu', 1), ('parrasiastes', 1)]...\n", + "2019-06-17 02:34:07,022 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2840000 (=100.0%) documents\n", + "2019-06-17 02:34:09,360 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:34:09,419 : INFO : adding document #2840000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:34:21,067 : INFO : discarding 32941 tokens: [('jppitoc', 1), ('gozit', 1), ('idpag', 1), ('smpag', 1), ('governmentthen', 1), ('penarrow', 1), ('bóchūn', 1), ('伯春', 1), ('chiryaa', 1), ('dnyaniyaachi', 1)]...\n", + "2019-06-17 02:34:21,068 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2850000 (=100.0%) documents\n", + "2019-06-17 02:34:23,420 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:34:23,482 : INFO : adding document #2850000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:34:34,178 : INFO : discarding 27780 tokens: [('慧昭', 1), ('李青云', 1), ('殷朝', 1), ('陈俊', 1), ('dermasculpt', 1), ('microcannulas', 1), ('prfm', 1), ('softfil', 1), ('cylindroidal', 1), ('alsenfelt', 1)]...\n", + "2019-06-17 02:34:34,178 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2860000 (=100.0%) documents\n", + "2019-06-17 02:34:36,488 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:34:36,549 : INFO : adding document #2860000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:34:47,239 : INFO : discarding 26693 tokens: [('dmf_array_pic', 1), ('extensitivity', 1), ('revivisceret', 1), ('bronckos', 1), ('pneumotherapy', 1), ('aranjos', 1), ('leingreith', 1), ('lovrenčević', 1), ('pravaška', 1), ('tiefbrunau', 1)]...\n", + "2019-06-17 02:34:47,240 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2870000 (=100.0%) documents\n", + "2019-06-17 02:34:49,607 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:34:49,670 : INFO : adding document #2870000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:00,524 : INFO : discarding 24324 tokens: [('西山區', 1), ('鎮康縣', 1), ('benglong', 1), ('chaikao', 1), ('hongmulin', 1), ('junnong', 1), ('kodaung', 1), ('laobandeng', 1), ('laopulao', 1), ('mahuangqing', 1)]...\n", + "2019-06-17 02:35:00,525 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2880000 (=100.0%) documents\n", + "2019-06-17 02:35:02,864 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:02,924 : INFO : adding document #2880000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:13,484 : INFO : discarding 23790 tokens: [('rougemot', 1), ('zeneszerzok', 1), ('lambesq', 1), ('korijenski', 1), ('londonski', 1), ('mirovina', 1), ('serbisms', 1), ('ustašoid', 1), ('camcordera', 1), ('consufessional', 1)]...\n", + "2019-06-17 02:35:13,485 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2890000 (=100.0%) documents\n", + "2019-06-17 02:35:15,845 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:15,907 : INFO : adding document #2890000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:26,966 : INFO : discarding 28005 tokens: [('agpit', 1), ('albaguen', 1), ('alcisiras', 1), ('alibatan', 1), ('alidama', 1), ('ambolon', 1), ('anaganahao', 1), ('anahau', 1), ('anajauan', 1), ('anauayan', 1)]...\n", + "2019-06-17 02:35:26,967 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2900000 (=100.0%) documents\n", + "2019-06-17 02:35:29,290 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:29,350 : INFO : adding document #2900000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:39,070 : INFO : discarding 21714 tokens: [('accsff', 1), ('krejlgaard', 1), ('síân', 1), ('polydenius', 1), ('gothor', 1), ('cagayen', 1), ('recicourt', 1), ('stotensburg', 1), ('arestus', 1), ('chrysalloideus', 1)]...\n", + "2019-06-17 02:35:39,071 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2910000 (=100.0%) documents\n", + "2019-06-17 02:35:41,439 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:41,500 : INFO : adding document #2910000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:52,206 : INFO : discarding 25609 tokens: [('kollektivschuld', 1), ('entreatments', 1), ('frühdynastische', 1), ('kharsag', 1), ('mespotamischen', 1), ('späturuk', 1), ('vorsargonische', 1), ('wäfler', 1), ('andzevatsi', 1), ('tatzatios', 1)]...\n", + "2019-06-17 02:35:52,207 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2920000 (=100.0%) documents\n", + "2019-06-17 02:35:54,522 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:35:54,583 : INFO : adding document #2920000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:05,373 : INFO : discarding 27066 tokens: [('estriecher', 1), ('henwoodie', 1), ('milrighall', 1), ('danielsschool', 1), ('feltaschool', 1), ('fruitgrower', 1), ('guernville', 1), ('idnc', 1), ('esice', 1), ('yubanet', 1)]...\n", + "2019-06-17 02:36:05,374 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2930000 (=100.0%) documents\n", + "2019-06-17 02:36:07,752 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:07,815 : INFO : adding document #2930000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:18,993 : INFO : discarding 36179 tokens: [('kislyi', 1), ('gersinska', 1), ('ruznamamuna', 1), ('eurychlora', 1), ('accijnshuis', 1), ('saaihal', 1), ('renshuden', 1), ('zdraw', 1), ('mesoptis', 1), ('geosynchrony', 1)]...\n", + "2019-06-17 02:36:18,994 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2940000 (=100.0%) documents\n", + "2019-06-17 02:36:21,343 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:21,404 : INFO : adding document #2940000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:31,798 : INFO : discarding 27922 tokens: [('esrailian', 1), ('heraldnet', 1), ('kerkorians', 1), ('modernluxury', 1), ('mptf', 1), ('our_leaders', 1), ('societynewsla', 1), ('uclahealth', 1), ('ellabell', 1), ('doctrates', 1)]...\n", + "2019-06-17 02:36:31,799 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2950000 (=100.0%) documents\n", + "2019-06-17 02:36:34,170 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:34,234 : INFO : adding document #2950000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:45,017 : INFO : discarding 26691 tokens: [('khadkwadi', 1), ('kohkadi', 1), ('malvir', 1), ('nsjblg', 1), ('laiphognathus', 1), ('mystakidis', 1), ('negotiaitions', 1), ('pelkas', 1), ('skondras', 1), ('throughball', 1)]...\n", + "2019-06-17 02:36:45,018 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2960000 (=100.0%) documents\n", + "2019-06-17 02:36:47,381 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:36:47,442 : INFO : adding document #2960000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:36:58,081 : INFO : discarding 28041 tokens: [('pruytt', 1), ('decrey', 1), ('jilis', 1), ('larrucea', 1), ('thvoted', 1), ('usategui', 1), ('yunior', 1), ('unmoc', 1), ('palifolia', 1), ('uribei', 1)]...\n", + "2019-06-17 02:36:58,082 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2970000 (=100.0%) documents\n", + "2019-06-17 02:37:00,455 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:00,519 : INFO : adding document #2970000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:12,094 : INFO : discarding 27421 tokens: [('aadare', 1), ('aadarei', 1), ('abewardhana', 1), ('abewikrama', 1), ('abhirahasa', 1), ('amaraneeya', 1), ('amrasiri', 1), ('aparadhaya', 1), ('ariyapala', 1), ('arthasad', 1)]...\n", + "2019-06-17 02:37:12,095 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2980000 (=100.0%) documents\n", + "2019-06-17 02:37:14,436 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:14,496 : INFO : adding document #2980000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:24,923 : INFO : discarding 25159 tokens: [('bablidze', 1), ('bahtadze', 1), ('bezirgani', 1), ('chikobiva', 1), ('dzhigauri', 1), ('hozashvili', 1), ('kalatozashvili', 1), ('khelashvili', 1), ('kukuladze', 1), ('kupunia', 1)]...\n", + "2019-06-17 02:37:24,924 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 2990000 (=100.0%) documents\n", + "2019-06-17 02:37:27,309 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:27,378 : INFO : adding document #2990000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:37,664 : INFO : discarding 24507 tokens: [('planetfest', 1), ('channarith', 1), ('equitycam', 1), ('khemrath', 1), ('ouy', 1), ('samreth', 1), ('sdep', 1), ('sochetra', 1), ('sopheaktra', 1), ('sorphea', 1)]...\n", + "2019-06-17 02:37:37,665 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3000000 (=100.0%) documents\n", + "2019-06-17 02:37:40,034 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:40,095 : INFO : adding document #3000000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:51,230 : INFO : discarding 28635 tokens: [('boblsleigh', 1), ('rmonline', 1), ('sawton', 1), ('shorex', 1), ('tfpl', 1), ('kalkoa', 1), ('territoryies', 1), ('baulee', 1), ('jenelyn', 1), ('patilano', 1)]...\n", + "2019-06-17 02:37:51,231 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3010000 (=100.0%) documents\n", + "2019-06-17 02:37:53,630 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:37:53,693 : INFO : adding document #3010000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:04,247 : INFO : discarding 28471 tokens: [('koneenica', 1), ('ssclib', 1), ('winisis', 1), ('meerwind', 1), ('belovalexander', 1), ('belovmaxim', 1), ('brandsdaljohn', 1), ('centaroland', 1), ('checchigiorgio', 1), ('chekalevaolga', 1)]...\n", + "2019-06-17 02:38:04,248 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3020000 (=100.0%) documents\n", + "2019-06-17 02:38:06,595 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:06,655 : INFO : adding document #3020000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:18,054 : INFO : discarding 34272 tokens: [('abzalimv', 1), ('bellahcene', 1), ('cajina', 1), ('gigolashvili', 1), ('khvicha', 1), ('moyshenzon', 1), ('alcanzarte', 1), ('prmrwsa', 1), ('glawinsky', 1), ('luettwitz', 1)]...\n", + "2019-06-17 02:38:18,055 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3030000 (=100.0%) documents\n", + "2019-06-17 02:38:20,444 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:20,507 : INFO : adding document #3030000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:31,540 : INFO : discarding 43162 tokens: [('doughmore', 1), ('doulus', 1), ('drumanoo', 1), ('dualaisc', 1), ('dubhcha', 1), ('dunbrattin', 1), ('dunbulcaun', 1), ('dunnycove', 1), ('dunowen', 1), ('duáin', 1)]...\n", + "2019-06-17 02:38:31,540 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3040000 (=100.0%) documents\n", + "2019-06-17 02:38:33,891 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:33,953 : INFO : adding document #3040000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:45,028 : INFO : discarding 25951 tokens: [('pitkevitch', 1), ('siefker', 1), ('koerwitz', 1), ('vnda', 1), ('carnein', 1), ('andreaea', 1), ('kildalkey', 1), ('desethyl', 1), ('lirequinil', 1), ('hackapike', 1)]...\n", + "2019-06-17 02:38:45,029 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3050000 (=100.0%) documents\n", + "2019-06-17 02:38:47,381 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:47,445 : INFO : adding document #3050000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:38:57,872 : INFO : discarding 26619 tokens: [('dabard', 1), ('nanoreactors', 1), ('adatsi', 1), ('akyeaw', 1), ('asugebe', 1), ('ejissu', 1), ('grusch', 1), ('jasantua', 1), ('klevor', 1), ('lawluwi', 1)]...\n", + "2019-06-17 02:38:57,873 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3060000 (=100.0%) documents\n", + "2019-06-17 02:39:00,181 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:00,241 : INFO : adding document #3060000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:10,454 : INFO : discarding 25497 tokens: [('dúch', 1), ('klosterfelde', 1), ('noero', 1), ('montgri', 1), ('olzet', 1), ('saportella', 1), ('seròs', 1), ('tajarast', 1), ('tajarastes', 1), ('ungania', 1)]...\n", + "2019-06-17 02:39:10,455 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3070000 (=100.0%) documents\n", + "2019-06-17 02:39:12,826 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:12,888 : INFO : adding document #3070000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:21,497 : INFO : discarding 19938 tokens: [('aksed', 1), ('magpur', 1), ('observedthat', 1), ('bheega', 1), ('kharidenge', 1), ('niloo', 1), ('azeline', 1), ('anera', 1), ('bmena', 1), ('chemonics', 1)]...\n", + "2019-06-17 02:39:21,498 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3080000 (=100.0%) documents\n", + "2019-06-17 02:39:23,845 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:23,904 : INFO : adding document #3080000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:31,977 : INFO : discarding 18182 tokens: [('hoiness', 1), ('lysholt', 1), ('vincart', 1), ('henderick', 1), ('coachtrans', 1), ('aerotunel', 1), ('modelom', 1), ('radnom', 1), ('trisonicni', 1), ('ashidiq', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:39:31,978 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3090000 (=100.0%) documents\n", + "2019-06-17 02:39:34,365 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:34,426 : INFO : adding document #3090000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:43,442 : INFO : discarding 19632 tokens: [('framlimgham', 1), ('hrechyshkin', 1), ('cathinka', 1), ('forsørgelse', 1), ('trængende', 1), ('badpahari', 1), ('bhathia', 1), ('bhiad', 1), ('daskarma', 1), ('divorcces', 1)]...\n", + "2019-06-17 02:39:43,442 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3100000 (=100.0%) documents\n", + "2019-06-17 02:39:45,761 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:45,822 : INFO : adding document #3100000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:56,455 : INFO : discarding 25926 tokens: [('laussedat', 1), ('goshay', 1), ('basipinacocytes', 1), ('endopinacocytes', 1), ('exopinacocytes', 1), ('pinacocyte', 1), ('covilla', 1), ('fredmann', 1), ('freidann', 1), ('friedann', 1)]...\n", + "2019-06-17 02:39:56,456 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3110000 (=100.0%) documents\n", + "2019-06-17 02:39:58,819 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:39:58,882 : INFO : adding document #3110000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:09,341 : INFO : discarding 28004 tokens: [('cerisii', 1), ('parasquillidae', 1), ('delabassé', 1), ('고향', 1), ('마음의', 1), ('소록도', 1), ('월간', 1), ('한센인들의', 1), ('affarano', 1), ('wcities', 1)]...\n", + "2019-06-17 02:40:09,342 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3120000 (=100.0%) documents\n", + "2019-06-17 02:40:11,677 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:11,738 : INFO : adding document #3120000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:22,055 : INFO : discarding 30455 tokens: [('baleegh', 1), ('chootee', 1), ('pairee', 1), ('parega', 1), ('pichal', 1), ('mepaco', 1), ('blaueis_', 1), ('blaueisscharte', 1), ('blaueisspitze', 1), ('kleinkalter', 1)]...\n", + "2019-06-17 02:40:22,056 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3130000 (=100.0%) documents\n", + "2019-06-17 02:40:24,459 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:24,522 : INFO : adding document #3130000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:35,314 : INFO : discarding 25918 tokens: [('bharuchgujarat', 1), ('mceligott', 1), ('aalaththoor', 1), ('aaranmula', 1), ('aazhuvaanchery', 1), ('achchan', 1), ('ammannoor', 1), ('ammathiruvadi', 1), ('avanaamanakkal', 1), ('avanangaattu', 1)]...\n", + "2019-06-17 02:40:35,315 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3140000 (=100.0%) documents\n", + "2019-06-17 02:40:37,650 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:37,711 : INFO : adding document #3140000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:49,663 : INFO : discarding 27371 tokens: [('rughafa', 1), ('urjuzah', 1), ('krismayr', 1), ('chainel', 1), ('démare', 1), ('epan', 1), ('pévèloise', 1), ('vichot', 1), ('aldun', 1), ('ashran', 1)]...\n", + "2019-06-17 02:40:49,664 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3150000 (=100.0%) documents\n", + "2019-06-17 02:40:52,061 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:40:52,126 : INFO : adding document #3150000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:02,870 : INFO : discarding 28999 tokens: [('dedê', 1), ('korzynietz', 1), ('massimilian', 1), ('razundara', 1), ('tjikuzu', 1), ('dische', 1), ('alsphotopage', 1), ('plataspidae', 1), ('plataspididae', 1), ('plataspinae', 1)]...\n", + "2019-06-17 02:41:02,871 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3160000 (=100.0%) documents\n", + "2019-06-17 02:41:05,218 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:05,279 : INFO : adding document #3160000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:16,359 : INFO : discarding 28523 tokens: [('avcodes', 1), ('bvidivesites', 1), ('piraikos', 1), ('evocacíones', 1), ('esharp', 1), ('kauanoe', 1), ('mastraquapa', 1), ('reyhner', 1), ('aurophon', 1), ('lukácsházi', 1)]...\n", + "2019-06-17 02:41:16,360 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3170000 (=100.0%) documents\n", + "2019-06-17 02:41:18,742 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:18,806 : INFO : adding document #3170000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:33,683 : INFO : discarding 37903 tokens: [('فیڈیلیو', 1), ('لبرل', 1), ('مارکو', 1), ('کافکا', 1), ('medvešček', 1), ('alrounder', 1), ('áda', 1), ('architronito', 1), ('banichitra', 1), ('mohaptra', 1)]...\n", + "2019-06-17 02:41:33,684 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3180000 (=100.0%) documents\n", + "2019-06-17 02:41:36,025 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:36,087 : INFO : adding document #3180000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:46,824 : INFO : discarding 26832 tokens: [('kikwajuni', 1), ('wazazi', 1), ('milijic', 1), ('wismayer', 1), ('rvds', 1), ('insamlingsråd', 1), ('praktiken', 1), ('kazankov', 1), ('mariusovich', 1), ('plebey', 1)]...\n", + "2019-06-17 02:41:46,825 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3190000 (=100.0%) documents\n", + "2019-06-17 02:41:49,215 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:41:49,285 : INFO : adding document #3190000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:00,258 : INFO : discarding 38035 tokens: [('pikuła', 1), ('steciuk', 1), ('stippa', 1), ('szczerbiński', 1), ('truszczyński', 1), ('wieprzewski', 1), ('wituch', 1), ('zduń', 1), ('zgutczyńska', 1), ('zykun', 1)]...\n", + "2019-06-17 02:42:00,259 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3200000 (=100.0%) documents\n", + "2019-06-17 02:42:02,605 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:02,671 : INFO : adding document #3200000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:13,826 : INFO : discarding 38842 tokens: [('kujasalo', 1), ('ropinsalmi', 1), ('saabrücken', 1), ('spielzeugmacher', 1), ('kjhj', 1), ('mudhead', 1), ('dvojci', 1), ('gidrom', 1), ('kecu', 1), ('kruksom', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:42:13,826 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3210000 (=100.0%) documents\n", + "2019-06-17 02:42:16,242 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:16,306 : INFO : adding document #3210000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:28,231 : INFO : discarding 35017 tokens: [('kistchinski', 1), ('sakhalina', 1), ('almare', 1), ('arsum', 1), ('banlagin', 1), ('biglete', 1), ('bulaho', 1), ('buluburan', 1), ('butucan', 1), ('calatraba', 1)]...\n", + "2019-06-17 02:42:28,232 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3220000 (=100.0%) documents\n", + "2019-06-17 02:42:30,583 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:30,654 : INFO : adding document #3220000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:42,849 : INFO : discarding 32908 tokens: [('papankulam', 1), ('pitambaradevi', 1), ('prakrirtita', 1), ('rankati', 1), ('sakshaatkara', 1), ('sarvaviccha', 1), ('sheetati', 1), ('somalapura', 1), ('srinitye', 1), ('sujanati', 1)]...\n", + "2019-06-17 02:42:42,850 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3230000 (=100.0%) documents\n", + "2019-06-17 02:42:45,244 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:45,309 : INFO : adding document #3230000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:56,839 : INFO : discarding 27890 tokens: [('ghatistoo', 1), ('illaliki', 1), ('jagadajam', 1), ('jagadekaveera', 1), ('jallanta', 1), ('jhummani', 1), ('kaavaalile', 1), ('kaavyaala', 1), ('kalalai', 1), ('kaluvalu', 1)]...\n", + "2019-06-17 02:42:56,840 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3240000 (=100.0%) documents\n", + "2019-06-17 02:42:59,186 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:42:59,248 : INFO : adding document #3240000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:10,972 : INFO : discarding 30873 tokens: [('bvzh', 1), ('domodedevo', 1), ('medf', 1), ('medj', 1), ('rjxd', 1), ('quasidecimal', 1), ('፲፻', 1), ('፼፼', 1), ('伍拾', 1), ('叁拾', 1)]...\n", + "2019-06-17 02:43:10,973 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3250000 (=100.0%) documents\n", + "2019-06-17 02:43:13,371 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:13,434 : INFO : adding document #3250000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:24,954 : INFO : discarding 28206 tokens: [('duofeng鐸封', 1), ('fan繁', 1), ('fuling涪陵', 1), ('fu涪', 1), ('fu符', 1), ('guanghan廣漢', 1), ('guangrou廣柔', 1), ('guangtan廣談', 1), ('guchang穀昌', 1), ('gudao故道', 1)]...\n", + "2019-06-17 02:43:24,955 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3260000 (=100.0%) documents\n", + "2019-06-17 02:43:27,302 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:27,365 : INFO : adding document #3260000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:38,902 : INFO : discarding 29127 tokens: [('belønner', 1), ('bundskat', 1), ('dannevang', 1), ('destrueret', 1), ('facaden', 1), ('indrømmet', 1), ('inspektører', 1), ('mellemskat', 1), ('miltbrand', 1), ('minimalstat', 1)]...\n", + "2019-06-17 02:43:38,903 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3270000 (=100.0%) documents\n", + "2019-06-17 02:43:41,283 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:41,347 : INFO : adding document #3270000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:52,773 : INFO : discarding 32223 tokens: [('qaioma', 1), ('shahaloopa', 1), ('shalidoste', 1), ('statikon', 1), ('toumarsa', 1), ('b__n__r__d', 1), ('cheakill', 1), ('cossic', 1), ('juvenilian', 1), ('mackaws', 1)]...\n", + "2019-06-17 02:43:52,774 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3280000 (=100.0%) documents\n", + "2019-06-17 02:43:55,152 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:43:55,214 : INFO : adding document #3280000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:06,201 : INFO : discarding 30184 tokens: [('wanggom', 1), ('ranellucci', 1), ('ulgnuu', 1), ('wirtel', 1), ('gřegořek', 1), ('kostrosky', 1), ('trusdale', 1), ('about_dbo', 1), ('dufauchard', 1), ('freidlander', 1)]...\n", + "2019-06-17 02:44:06,202 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3290000 (=100.0%) documents\n", + "2019-06-17 02:44:08,587 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:08,652 : INFO : adding document #3290000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:19,516 : INFO : discarding 29823 tokens: [('flustards', 1), ('hoobub', 1), ('kwuggerbug', 1), ('munkits', 1), ('snather', 1), ('fruhner', 1), ('drumhawnagh', 1), ('inventry', 1), ('epomynous', 1), ('supct', 1)]...\n", + "2019-06-17 02:44:19,517 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3300000 (=100.0%) documents\n", + "2019-06-17 02:44:21,850 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:21,912 : INFO : adding document #3300000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:32,362 : INFO : discarding 28360 tokens: [('entlargement', 1), ('façonnent', 1), ('renaissante', 1), ('ablagh', 1), ('ablaghiat', 1), ('khabriyat', 1), ('rujhanaat', 1), ('sahafat', 1), ('zabir', 1), ('aiyekooto', 1)]...\n", + "2019-06-17 02:44:32,363 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3310000 (=100.0%) documents\n", + "2019-06-17 02:44:34,754 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:34,818 : INFO : adding document #3310000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:45,131 : INFO : discarding 36119 tokens: [('玫貴人', 1), ('玶常在', 1), ('瑃常在', 1), ('璷貴人', 1), ('璹貴人', 1), ('皇祖祺皇貴太妃', 1), ('皇考吉妃', 1), ('皇考吉嬪', 1), ('皇考婉妃', 1), ('皇考婉貴妃', 1)]...\n", + "2019-06-17 02:44:45,132 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3320000 (=100.0%) documents\n", + "2019-06-17 02:44:47,492 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:47,554 : INFO : adding document #3320000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:44:58,041 : INFO : discarding 24655 tokens: [('bouachon', 1), ('gravegeal', 1), ('supéry', 1), ('apogeshna', 1), ('stenialis', 1), ('cyklist', 1), ('plejadellus', 1), ('goumard', 1), ('ieml', 1), ('hameren', 1)]...\n", + "2019-06-17 02:44:58,041 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3330000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:45:00,407 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:00,470 : INFO : adding document #3330000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:09,725 : INFO : discarding 24843 tokens: [('castillofiel', 1), ('esperamalo', 1), ('malbiz', 1), ('obarenes', 1), ('traspalacio', 1), ('valtracones', 1), ('bannares', 1), ('behetría', 1), ('cachiburrios', 1), ('enecores', 1)]...\n", + "2019-06-17 02:45:09,726 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3340000 (=100.0%) documents\n", + "2019-06-17 02:45:12,081 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:12,145 : INFO : adding document #3340000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:22,943 : INFO : discarding 27642 tokens: [('bracaval', 1), ('misseghers', 1), ('steylaerts', 1), ('vyotsky', 1), ('luzuloides', 1), ('kissengen', 1), ('lhowp', 1), ('overpumpage', 1), ('revitalzation', 1), ('karuvampalayam', 1)]...\n", + "2019-06-17 02:45:22,943 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3350000 (=100.0%) documents\n", + "2019-06-17 02:45:25,326 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:25,389 : INFO : adding document #3350000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:36,683 : INFO : discarding 29108 tokens: [('narashimhika', 1), ('narasina', 1), ('pratyangira', 1), ('amrin', 1), ('omrin', 1), ('claveriei', 1), ('igneusta', 1), ('illusella', 1), ('lateritialis', 1), ('nanalis', 1)]...\n", + "2019-06-17 02:45:36,684 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3360000 (=100.0%) documents\n", + "2019-06-17 02:45:39,045 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:39,108 : INFO : adding document #3360000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:49,781 : INFO : discarding 25930 tokens: [('apersonal', 1), ('behaghel', 1), ('finanziellen', 1), ('geführten', 1), ('hahnzog', 1), ('hanauisches', 1), ('hinterreicher', 1), ('koltermann', 1), ('rodheim', 1), ('sophopolis', 1)]...\n", + "2019-06-17 02:45:49,782 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3370000 (=100.0%) documents\n", + "2019-06-17 02:45:52,176 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:45:52,239 : INFO : adding document #3370000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:03,107 : INFO : discarding 29562 tokens: [('przebierała', 1), ('chakuri', 1), ('hasyashi', 1), ('maasaki', 1), ('satojuku', 1), ('vondracek', 1), ('burchess', 1), ('piedros', 1), ('cloudvision', 1), ('eapi', 1)]...\n", + "2019-06-17 02:46:03,108 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3380000 (=100.0%) documents\n", + "2019-06-17 02:46:05,471 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:05,533 : INFO : adding document #3380000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:16,753 : INFO : discarding 30933 tokens: [('alghasi', 1), ('asielzoekers', 1), ('haideh', 1), ('halleh', 1), ('moghissi', 1), ('opvang', 1), ('szepietowska', 1), ('austoasiatic', 1), ('aːˀ', 1), ('ːˀ', 1)]...\n", + "2019-06-17 02:46:16,754 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3390000 (=100.0%) documents\n", + "2019-06-17 02:46:19,170 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:19,234 : INFO : adding document #3390000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:30,148 : INFO : discarding 25993 tokens: [('czarniewicz', 1), ('viitroul', 1), ('paintedcup', 1), ('beggarmen', 1), ('comindex', 1), ('inclusionality', 1), ('myprescottnow', 1), ('schahar', 1), ('cnhtc', 1), ('jvsengineering', 1)]...\n", + "2019-06-17 02:46:30,148 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3400000 (=100.0%) documents\n", + "2019-06-17 02:46:32,520 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:32,582 : INFO : adding document #3400000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:43,531 : INFO : discarding 28505 tokens: [('crncich', 1), ('kirbyson', 1), ('kotavitch', 1), ('segatore', 1), ('ajuereado', 1), ('ahdissawunssa', 1), ('pandisa', 1), ('budowsky', 1), ('craplewe', 1), ('kohinski', 1)]...\n", + "2019-06-17 02:46:43,532 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3410000 (=100.0%) documents\n", + "2019-06-17 02:46:45,930 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:45,994 : INFO : adding document #3410000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:57,096 : INFO : discarding 27892 tokens: [('marsaux', 1), ('sauzerau', 1), ('weiermuller', 1), ('boniquit', 1), ('eorthopod', 1), ('ghodadra', 1), ('provcher', 1), ('scapulocostal', 1), ('batuyeva', 1), ('krasnegor', 1)]...\n", + "2019-06-17 02:46:57,096 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3420000 (=100.0%) documents\n", + "2019-06-17 02:46:59,502 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:46:59,565 : INFO : adding document #3420000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:10,160 : INFO : discarding 25946 tokens: [('rezāābād', 1), ('ebergény', 1), ('ebergényi', 1), ('telekes', 1), ('bardvāl', 1), ('bardwāl', 1), ('bārd', 1), ('afirmo', 1), ('afronauta', 1), ('amorágio', 1)]...\n", + "2019-06-17 02:47:10,160 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3430000 (=100.0%) documents\n", + "2019-06-17 02:47:12,569 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:12,634 : INFO : adding document #3430000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:23,290 : INFO : discarding 26733 tokens: [('anupham', 1), ('badtameezi', 1), ('banake', 1), ('digare', 1), ('dilipsinh', 1), ('narendrasinh', 1), ('padhkar', 1), ('parvar', 1), ('rakhkar', 1), ('vazgenovich', 1)]...\n", + "2019-06-17 02:47:23,291 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3440000 (=100.0%) documents\n", + "2019-06-17 02:47:25,671 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:25,738 : INFO : adding document #3440000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:36,062 : INFO : discarding 25751 tokens: [('claudiany', 1), ('wunneberg', 1), ('telender', 1), ('amichetta', 1), ('apolytrosis', 1), ('clamide', 1), ('giacovelli', 1), ('lmages', 1), ('milionari', 1), ('séductrices', 1)]...\n", + "2019-06-17 02:47:36,063 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3450000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:47:38,496 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:38,560 : INFO : adding document #3450000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:48,902 : INFO : discarding 26749 tokens: [('brentz', 1), ('vogelbach', 1), ('lyzovka', 1), ('berromichael', 1), ('bördelandhalle', 1), ('kreissporthalle', 1), ('sparkassenarena', 1), ('econavi', 1), ('setsuden', 1), ('節電', 1)]...\n", + "2019-06-17 02:47:48,903 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3460000 (=100.0%) documents\n", + "2019-06-17 02:47:51,285 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:47:51,347 : INFO : adding document #3460000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:02,082 : INFO : discarding 26165 tokens: [('mīshwand', 1), ('bhráid', 1), ('fáscadh', 1), ('ghealóg', 1), ('lúiche', 1), ('stiúidió', 1), ('khodādādī', 1), ('comelycrane', 1), ('panāh', 1), ('sheykha', 1)]...\n", + "2019-06-17 02:48:02,082 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3470000 (=100.0%) documents\n", + "2019-06-17 02:48:04,541 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:04,605 : INFO : adding document #3470000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:15,938 : INFO : discarding 26201 tokens: [('conheci', 1), ('popozuda', 1), ('popozudas', 1), ('popozão', 1), ('adpi', 1), ('bisalaksha', 1), ('fakirdas', 1), ('jadabendra', 1), ('acidiscabies', 1), ('oospora', 1)]...\n", + "2019-06-17 02:48:15,939 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3480000 (=100.0%) documents\n", + "2019-06-17 02:48:18,334 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:18,396 : INFO : adding document #3480000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:29,681 : INFO : discarding 26416 tokens: [('layingout', 1), ('camellifolia', 1), ('eucocconotini', 1), ('pterophylla', 1), ('tegminal', 1), ('kanfarensu', 1), ('myuujikku', 1), ('shalestone', 1), ('ehrnström', 1), ('jahnzon', 1)]...\n", + "2019-06-17 02:48:29,682 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3490000 (=100.0%) documents\n", + "2019-06-17 02:48:32,111 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:32,184 : INFO : adding document #3490000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:42,726 : INFO : discarding 28411 tokens: [('presidenciable', 1), ('propuestas', 1), ('plesiosaurians', 1), ('fivebasalmost', 1), ('stratesaurus', 1), ('eoplesiosaurus', 1), ('thalassiodracon', 1), ('ttncm', 1), ('mcvicars', 1), ('bolognawelcome', 1)]...\n", + "2019-06-17 02:48:42,727 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3500000 (=100.0%) documents\n", + "2019-06-17 02:48:45,121 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:45,187 : INFO : adding document #3500000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:55,756 : INFO : discarding 30495 tokens: [('aeltgen', 1), ('duyvené', 1), ('eerstensz', 1), ('verhorst', 1), ('vermaarde', 1), ('wapenveldt', 1), ('akcurun', 1), ('içimde', 1), ('sarayim', 1), ('ufuklar', 1)]...\n", + "2019-06-17 02:48:55,756 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3510000 (=100.0%) documents\n", + "2019-06-17 02:48:58,158 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:48:58,222 : INFO : adding document #3510000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:08,356 : INFO : discarding 25216 tokens: [('defoliella', 1), ('deplatsella', 1), ('ivashka', 1), ('karatchenia', 1), ('katliarov', 1), ('kazhera', 1), ('samoseiko', 1), ('skrypko', 1), ('tarasevitch', 1), ('bigaglia', 1)]...\n", + "2019-06-17 02:49:08,357 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3520000 (=100.0%) documents\n", + "2019-06-17 02:49:10,748 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:10,810 : INFO : adding document #3520000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:21,046 : INFO : discarding 28565 tokens: [('pratopascolo', 1), ('dvornićandrija', 1), ('kukurić', 1), ('popovićandrija', 1), ('redžepagić', 1), ('oghlan', 1), ('oghlān', 1), ('owghlān', 1), ('uqlān', 1), ('chaveshi', 1)]...\n", + "2019-06-17 02:49:21,046 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3530000 (=100.0%) documents\n", + "2019-06-17 02:49:23,479 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:23,544 : INFO : adding document #3530000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:34,007 : INFO : discarding 27134 tokens: [('napur', 1), ('robidaux', 1), ('gabana', 1), ('hunnypot', 1), ('lynguistic', 1), ('micahtron', 1), ('rashaud', 1), ('traxxx', 1), ('xxplosive', 1), ('alvinczy', 1)]...\n", + "2019-06-17 02:49:34,008 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3540000 (=100.0%) documents\n", + "2019-06-17 02:49:36,439 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:36,502 : INFO : adding document #3540000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:45,702 : INFO : discarding 21235 tokens: [('roquigny', 1), ('tchequie', 1), ('teamtendo', 1), ('vazarely', 1), ('viilette', 1), ('jeebonjoyi', 1), ('börnin', 1), ('ferðalag', 1), ('nýraunsæi', 1), ('brucescott', 1)]...\n", + "2019-06-17 02:49:45,703 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3550000 (=100.0%) documents\n", + "2019-06-17 02:49:48,152 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:48,216 : INFO : adding document #3550000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:49:58,066 : INFO : discarding 22586 tokens: [('butne', 1), ('geisterregen', 1), ('krockumay', 1), ('schritteneon', 1), ('weigendorfer', 1), ('soundeq', 1), ('meryland', 1), ('arharensis', 1), ('arkharavia', 1), ('jiayinensis', 1)]...\n", + "2019-06-17 02:49:58,067 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3560000 (=100.0%) documents\n", + "2019-06-17 02:50:00,458 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:00,521 : INFO : adding document #3560000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:10,721 : INFO : discarding 24729 tokens: [('cantomundo', 1), ('iptd', 1), ('loglogistic', 1), ('tūshan', 1), ('bolingbrokes', 1), ('stranraers', 1), ('laviña', 1), ('maḩallēh', 1), ('zangian', 1), ('zangiyan', 1)]...\n", + "2019-06-17 02:50:10,722 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3570000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:50:13,164 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:13,228 : INFO : adding document #3570000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:22,516 : INFO : discarding 24039 tokens: [('locavorism', 1), ('marketwagon', 1), ('budimac', 1), ('iswym', 1), ('misoprostal', 1), ('overerrupted', 1), ('tarsorraphy', 1), ('langadiji', 1), ('ngouka', 1), ('gravitonics', 1)]...\n", + "2019-06-17 02:50:22,517 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3580000 (=100.0%) documents\n", + "2019-06-17 02:50:24,912 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:24,976 : INFO : adding document #3580000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:34,125 : INFO : discarding 23097 tokens: [('savonas', 1), ('amaudy', 1), ('ashiesteil', 1), ('cabbara', 1), ('goloijigi', 1), ('gouroumo', 1), ('ludamar', 1), ('tomboocoutoo', 1), ('toomboucouton', 1), ('claudiani', 1)]...\n", + "2019-06-17 02:50:34,126 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3590000 (=100.0%) documents\n", + "2019-06-17 02:50:36,558 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:36,622 : INFO : adding document #3590000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:46,707 : INFO : discarding 28469 tokens: [('童说', 1), ('藕絲步雲履', 1), ('蛟魔王', 1), ('避馬瘟', 1), ('鎖子黃金甲', 1), ('馬騮精', 1), ('鬥戰勝佛', 1), ('鳳翅紫金冠', 1), ('鵬魔王', 1), ('齊天大聖', 1)]...\n", + "2019-06-17 02:50:46,708 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3600000 (=100.0%) documents\n", + "2019-06-17 02:50:49,094 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:49,158 : INFO : adding document #3600000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:50:57,807 : INFO : discarding 21590 tokens: [('レジスチル', 1), ('レジロック', 1), ('ロープウェイ', 1), ('日照り', 1), ('海の科学博物館', 1), ('海を越えて', 1), ('番道路', 1), ('目覚める超古代ポケモン', 1), ('ceratodonti', 1), ('dipnoiformes', 1)]...\n", + "2019-06-17 02:50:57,808 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3610000 (=100.0%) documents\n", + "2019-06-17 02:51:00,208 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:00,280 : INFO : adding document #3610000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:10,294 : INFO : discarding 26342 tokens: [('長量', 1), ('高辻', 1), ('sennōda', 1), ('周仁親王', 1), ('方仁', 1), ('永高女王', 1), ('誠仁親王', 1), ('西園寺公衡', 1), ('jurakuin', 1), ('後二条天皇八年', 1)]...\n", + "2019-06-17 02:51:10,294 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3620000 (=100.0%) documents\n", + "2019-06-17 02:51:12,690 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:12,752 : INFO : adding document #3620000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:22,716 : INFO : discarding 32762 tokens: [('orhul', 1), ('paramutabilis', 1), ('patersonius', 1), ('pentacarpos', 1), ('sinosyriacus', 1), ('soobolo', 1), ('bopmart', 1), ('guamúchili', 1), ('narawane', 1), ('pharmacopœias', 1)]...\n", + "2019-06-17 02:51:22,717 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3630000 (=100.0%) documents\n", + "2019-06-17 02:51:25,136 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:25,201 : INFO : adding document #3630000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:34,799 : INFO : discarding 24320 tokens: [('monroejohn', 1), ('polkzachary', 1), ('presentnominee', 1), ('pxangela', 1), ('pxanna', 1), ('pxazie', 1), ('pxcarmi', 1), ('pxcatalina', 1), ('pxellis', 1), ('pxenos', 1)]...\n", + "2019-06-17 02:51:34,799 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3640000 (=100.0%) documents\n", + "2019-06-17 02:51:37,159 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:37,221 : INFO : adding document #3640000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:47,273 : INFO : discarding 29540 tokens: [('calbazas', 1), ('adlerapotheke', 1), ('badurad', 1), ('marienloh', 1), ('paderhalle', 1), ('paramlee', 1), ('funcspec', 1), ('marutan', 1), ('wikiref', 1), ('västänfjärd', 1)]...\n", + "2019-06-17 02:51:47,274 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3650000 (=100.0%) documents\n", + "2019-06-17 02:51:49,684 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:49,748 : INFO : adding document #3650000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:51:58,918 : INFO : discarding 26459 tokens: [('chowając', 1), ('chowających', 1), ('currēns', 1), ('dividita', 1), ('dividota', 1), ('dormiebat', 1), ('dormientem', 1), ('eidamas', 1), ('eidavus', 1), ('eidavęs', 1)]...\n", + "2019-06-17 02:51:58,919 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3660000 (=100.0%) documents\n", + "2019-06-17 02:52:01,270 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:01,337 : INFO : adding document #3660000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:10,263 : INFO : discarding 23453 tokens: [('σπλαγχνισθεὶς', 1), ('ἀπῆλθεν', 1), ('ἐδεήθη', 1), ('ἐκαθαρίσθη', 1), ('ἐκτείνας', 1), ('ἥψατο', 1), ('ἰδ', 1), ('ὸς', 1), ('ὺς', 1), ('ὼν', 1)]...\n", + "2019-06-17 02:52:10,264 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3670000 (=100.0%) documents\n", + "2019-06-17 02:52:12,663 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:12,729 : INFO : adding document #3670000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:22,781 : INFO : discarding 26559 tokens: [('dernova', 1), ('enhancings', 1), ('lettberg', 1), ('limontov', 1), ('sabbanagh', 1), ('полудержавный', 1), ('allobrigicus', 1), ('gaddums', 1), ('makorori', 1), ('mākaraka', 1)]...\n", + "2019-06-17 02:52:22,782 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3680000 (=100.0%) documents\n", + "2019-06-17 02:52:25,161 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:25,223 : INFO : adding document #3680000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:35,846 : INFO : discarding 29378 tokens: [('clariperú', 1), ('fragmentango', 1), ('gläß', 1), ('gondosch', 1), ('jrimián', 1), ('liebergmilonga', 1), ('mihovilcevic', 1), ('minitangos', 1), ('mozartango', 1), ('neugierde', 1)]...\n", + "2019-06-17 02:52:35,847 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3690000 (=100.0%) documents\n", + "2019-06-17 02:52:38,248 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:52:38,312 : INFO : adding document #3690000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:48,983 : INFO : discarding 28241 tokens: [('héligoland', 1), ('ortzen', 1), ('sabalot', 1), ('vulliez', 1), ('aquascape', 1), ('aquascapes', 1), ('eichornia', 1), ('plantedtank', 1), ('rametes', 1), ('spongeplant', 1)]...\n", + "2019-06-17 02:52:48,983 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3700000 (=100.0%) documents\n", + "2019-06-17 02:52:51,365 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:52:51,427 : INFO : adding document #3700000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:01,619 : INFO : discarding 27365 tokens: [('kaganoff', 1), ('vivdly', 1), ('writers_aa', 1), ('helzarin', 1), ('landermere', 1), ('vukšić', 1), ('cowels', 1), ('curiak', 1), ('endomorph', 1), ('fatbikes', 1)]...\n", + "2019-06-17 02:53:01,620 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3710000 (=100.0%) documents\n", + "2019-06-17 02:53:04,028 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:04,092 : INFO : adding document #3710000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:14,555 : INFO : discarding 27137 tokens: [('aaghosham', 1), ('anukudumbam', 1), ('aparenmar', 1), ('chekkan', 1), ('chengkotta', 1), ('dineshan', 1), ('evidingananu', 1), ('filmstaar', 1), ('gulumal', 1), ('jackiechan', 1)]...\n", + "2019-06-17 02:53:14,556 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3720000 (=100.0%) documents\n", + "2019-06-17 02:53:16,952 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:17,014 : INFO : adding document #3720000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:28,108 : INFO : discarding 29202 tokens: [('humaston', 1), ('andrinalis', 1), ('affaiblissement', 1), ('biétrix', 1), ('christoflour', 1), ('infaillibilité', 1), ('légitimité', 1), ('corintians', 1), ('analyta', 1), ('gammalis', 1)]...\n", + "2019-06-17 02:53:28,110 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3730000 (=100.0%) documents\n", + "2019-06-17 02:53:30,588 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:30,653 : INFO : adding document #3730000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:41,099 : INFO : discarding 26818 tokens: [('housemark', 1), ('kunigliga', 1), ('nordenvall', 1), ('serafimerorden', 1), ('acommerce', 1), ('ecomeye', 1), ('ecommerceiq', 1), ('iprice', 1), ('itruemart', 1), ('pricepanda', 1)]...\n", + "2019-06-17 02:53:41,099 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3740000 (=100.0%) documents\n", + "2019-06-17 02:53:43,533 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:43,596 : INFO : adding document #3740000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:54,076 : INFO : discarding 25881 tokens: [('etüken', 1), ('maliyan', 1), ('ahaf', 1), ('aswoon', 1), ('gorskok', 1), ('inflaing', 1), ('kumsan', 1), ('porforming', 1), ('preeeminent', 1), ('서울시립미술관', 1)]...\n", + "2019-06-17 02:53:54,077 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3750000 (=100.0%) documents\n", + "2019-06-17 02:53:56,504 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:53:56,568 : INFO : adding document #3750000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:06,940 : INFO : discarding 29144 tokens: [('araweelo', 1), ('bartamaha', 1), ('somaliwood', 1), ('wargelin', 1), ('xaaskayga', 1), ('kabacchi', 1), ('slowburners', 1), ('camarathon', 1), ('ubbs', 1), ('gepeto', 1)]...\n", + "2019-06-17 02:54:06,941 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3760000 (=100.0%) documents\n", + "2019-06-17 02:54:09,354 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:09,418 : INFO : adding document #3760000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:20,119 : INFO : discarding 25647 tokens: [('altantuya', 1), ('americk', 1), ('shaariibuu', 1), ('shariibugin', 1), ('yokeheswarem', 1), ('yokheswarem', 1), ('kuaiwa', 1), ('mahakian', 1), ('danielssøn', 1), ('lungegården', 1)]...\n", + "2019-06-17 02:54:20,119 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3770000 (=100.0%) documents\n", + "2019-06-17 02:54:22,519 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:22,584 : INFO : adding document #3770000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:31,919 : INFO : discarding 22180 tokens: [('ssieke', 1), ('bezaury', 1), ('ghurum', 1), ('gitanjana', 1), ('kimemia', 1), ('mazrouie', 1), ('mottaleb', 1), ('nibigira', 1), ('sezibera', 1), ('sibabrata', 1)]...\n", + "2019-06-17 02:54:31,920 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3780000 (=100.0%) documents\n", + "2019-06-17 02:54:34,305 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:34,369 : INFO : adding document #3780000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:43,930 : INFO : discarding 23709 tokens: [('alivenotdead', 1), ('ptu女警之偶然陷阱', 1), ('redgrass', 1), ('youlai', 1), ('ボス', 1), ('三不管', 1), ('不再讓你孤單', 1), ('不死心靈', 1), ('中華兒女', 1), ('亡命天涯', 1)]...\n", + "2019-06-17 02:54:43,931 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3790000 (=100.0%) documents\n", + "2019-06-17 02:54:46,340 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:46,406 : INFO : adding document #3790000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:56,350 : INFO : discarding 23604 tokens: [('truthclaim', 1), ('ccmds', 1), ('dustav', 1), ('hastam', 1), ('luftur', 1), ('jlnf', 1), ('jnmf', 1), ('aeit', 1), ('issotl', 1), ('iswnetwork', 1)]...\n", + "2019-06-17 02:54:56,350 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3800000 (=100.0%) documents\n", + "2019-06-17 02:54:58,774 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:54:58,836 : INFO : adding document #3800000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:55:09,600 : INFO : discarding 25686 tokens: [('espiritistas', 1), ('metapsíquicos', 1), ('malhstedt', 1), ('cutstone', 1), ('astodia', 1), ('hargovandas', 1), ('lakhmichand', 1), ('nathiba', 1), ('nhlmmc', 1), ('saraspur', 1)]...\n", + "2019-06-17 02:55:09,601 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3810000 (=100.0%) documents\n", + "2019-06-17 02:55:12,086 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:55:12,152 : INFO : adding document #3810000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:55:23,210 : INFO : discarding 28110 tokens: [('ophisoma', 1), ('noctuélites', 1), ('arulik', 1), ('hakafashist', 1), ('արևելք', 1), ('kedou', 1), ('đẩu', 1), ('消歧义', 1), ('蝌蚪书', 1), ('蝌蚪文', 1)]...\n", + "2019-06-17 02:55:23,211 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3820000 (=100.0%) documents\n", + "2019-06-17 02:55:25,607 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:55:25,670 : INFO : adding document #3820000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:55:35,970 : INFO : discarding 24418 tokens: [('bedimo', 1), ('djeugoué', 1), ('guémo', 1), ('outleaping', 1), ('miscontrolled', 1), ('diomandé', 1), ('conmebolafc', 1), ('achilier', 1), ('frickson', 1), ('mažić', 1)]...\n", + "2019-06-17 02:55:35,971 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3830000 (=100.0%) documents\n", + "2019-06-17 02:55:38,371 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:55:38,435 : INFO : adding document #3830000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:55:49,142 : INFO : discarding 25102 tokens: [('beyhadh', 1), ('vighnaharta', 1), ('dotexe', 1), ('leewise', 1), ('kotay', 1), ('platinotypes', 1), ('shillea', 1), ('vorsts', 1), ('aktihanoglu', 1), ('announcents', 1)]...\n", + "2019-06-17 02:55:49,143 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3840000 (=100.0%) documents\n", + "2019-06-17 02:55:51,647 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:55:51,709 : INFO : adding document #3840000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:01,595 : INFO : discarding 24115 tokens: [('winterclimb', 1), ('tapdk', 1), ('theaterjones', 1), ('contrastandard', 1), ('yutsis', 1), ('hyperware', 1), ('playpak', 1), ('undetale', 1), ('uniwars', 1), ('valtric', 1)]...\n", + "2019-06-17 02:56:01,596 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3850000 (=100.0%) documents\n", + "2019-06-17 02:56:03,989 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:04,054 : INFO : adding document #3850000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:14,348 : INFO : discarding 23370 tokens: [('wtcta', 1), ('adelantes', 1), ('leckliter', 1), ('dolerosaurus', 1), ('trauthi', 1), ('nordicbet', 1), ('ulbjerg', 1), ('ambey', 1), ('bikta', 1), ('jeyraj', 1)]...\n", + "2019-06-17 02:56:14,349 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3860000 (=100.0%) documents\n", + "2019-06-17 02:56:16,748 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:16,810 : INFO : adding document #3860000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:26,825 : INFO : discarding 22713 tokens: [('berkele', 1), ('bucaneering', 1), ('chonica', 1), ('dersleye', 1), ('glamorganiae', 1), ('glastoniensibus', 1), ('immediateley', 1), ('kingeswod', 1), ('melkesham', 1), ('morganiae', 1)]...\n", + "2019-06-17 02:56:26,825 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3870000 (=100.0%) documents\n", + "2019-06-17 02:56:29,237 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:29,301 : INFO : adding document #3870000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:39,829 : INFO : discarding 27586 tokens: [('dopfunten', 1), ('fjärdedel', 1), ('förm', 1), ('lokrume', 1), ('löderups', 1), ('trydez', 1), ('appestati', 1), ('comilia', 1), ('exhibied', 1), ('fromboliere', 1)]...\n", + "2019-06-17 02:56:39,830 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3880000 (=100.0%) documents\n", + "2019-06-17 02:56:42,237 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:42,300 : INFO : adding document #3880000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:51,826 : INFO : discarding 26929 tokens: [('portaloos', 1), ('savae', 1), ('itampolo', 1), ('marary', 1), ('vitane', 1), ('kielyr', 1), ('bargainings', 1), ('cassetty', 1), ('hurburgh', 1), ('friskoler', 1)]...\n", + "2019-06-17 02:56:51,827 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3890000 (=100.0%) documents\n", + "2019-06-17 02:56:54,247 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:56:54,312 : INFO : adding document #3890000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:03,775 : INFO : discarding 28098 tokens: [('cowters', 1), ('cuóheres', 1), ('chihheng', 1), ('itoop', 1), ('josafath', 1), ('kolosowsky', 1), ('oistat', 1), ('oistt', 1), ('rostampour', 1), ('scenofest', 1)]...\n", + "2019-06-17 02:57:03,776 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3900000 (=100.0%) documents\n", + "2019-06-17 02:57:06,184 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:06,247 : INFO : adding document #3900000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:16,195 : INFO : discarding 33922 tokens: [('biothickeners', 1), ('fructansucrases', 1), ('hardaliye', 1), ('hypercatalogue', 1), ('mindensis', 1), ('reuteran', 1), ('rpoa', 1), ('izontli', 1), ('methylosphaera', 1), ('calimary', 1)]...\n", + "2019-06-17 02:57:16,196 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3910000 (=100.0%) documents\n", + "2019-06-17 02:57:18,609 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:18,675 : INFO : adding document #3910000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:28,256 : INFO : discarding 27646 tokens: [('kocakaya', 1), ('pencere', 1), ('dralethamaybank', 1), ('kechie', 1), ('mejas', 1), ('gulgasht', 1), ('caricaturen', 1), ('critiek', 1), ('identificatie', 1), ('mannenhuis', 1)]...\n", + "2019-06-17 02:57:28,257 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3920000 (=100.0%) documents\n", + "2019-06-17 02:57:30,646 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:30,707 : INFO : adding document #3920000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:39,997 : INFO : discarding 26186 tokens: [('sirigs', 1), ('sxoles', 1), ('tanagraies', 1), ('tmimata', 1), ('vrefonipiakoi', 1), ('arbëna', 1), ('arvanítika', 1), ('asája', 1), ('atía', 1), ('atíre', 1)]...\n", + "2019-06-17 02:57:39,998 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3930000 (=100.0%) documents\n", + "2019-06-17 02:57:42,430 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:42,495 : INFO : adding document #3930000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:51,738 : INFO : discarding 23081 tokens: [('dcccclxii', 1), ('figureâ', 1), ('figuræ', 1), ('ηιδωλων', 1), ('ιων', 1), ('iserohn', 1), ('suderland', 1), ('sûðar', 1), ('anexionism', 1), ('anthitesis', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 02:57:51,739 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3940000 (=100.0%) documents\n", + "2019-06-17 02:57:54,137 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:57:54,200 : INFO : adding document #3940000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:02,908 : INFO : discarding 23647 tokens: [('halinger', 1), ('hennighaus', 1), ('lendringser', 1), ('remeins', 1), ('ziegelbrand', 1), ('countdownearly', 1), ('mzuza', 1), ('wonderbus', 1), ('gniof', 1), ('phaeornis', 1)]...\n", + "2019-06-17 02:58:02,909 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3950000 (=100.0%) documents\n", + "2019-06-17 02:58:05,327 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:05,391 : INFO : adding document #3950000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:14,354 : INFO : discarding 25962 tokens: [('aboutnorway', 1), ('bratville', 1), ('chategorized', 1), ('elweya', 1), ('fordefestival', 1), ('gardenwikipedia', 1), ('hallingcaster', 1), ('harpeleik', 1), ('maagerø', 1), ('musicfromnorway', 1)]...\n", + "2019-06-17 02:58:14,355 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3960000 (=100.0%) documents\n", + "2019-06-17 02:58:16,770 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:16,833 : INFO : adding document #3960000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:26,048 : INFO : discarding 20653 tokens: [('pseudocoix', 1), ('pseudophleum', 1), ('pseudovossia', 1), ('psilathera', 1), ('pterochloris', 1), ('reederochloa', 1), ('rendlia', 1), ('rhomboelytrum', 1), ('roxburghieae', 1), ('schaffnerella', 1)]...\n", + "2019-06-17 02:58:26,049 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3970000 (=100.0%) documents\n", + "2019-06-17 02:58:28,448 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:28,511 : INFO : adding document #3970000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:38,451 : INFO : discarding 23164 tokens: [('xemhango', 1), ('ælbert', 1), ('alangui', 1), ('assouplissement', 1), ('bajule', 1), ('cabraient', 1), ('enamourée', 1), ('ocellée', 1), ('pressées', 1), ('rosaces', 1)]...\n", + "2019-06-17 02:58:38,452 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3980000 (=100.0%) documents\n", + "2019-06-17 02:58:40,847 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:40,910 : INFO : adding document #3980000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:50,946 : INFO : discarding 24683 tokens: [('sudermanns', 1), ('liutezh', 1), ('melodicles', 1), ('plattcrossing', 1), ('stolkjaerre', 1), ('uppermidwest', 1), ('veloalacarte', 1), ('hausschein', 1), ('heussgen', 1), ('hussgen', 1)]...\n", + "2019-06-17 02:58:50,947 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 3990000 (=100.0%) documents\n", + "2019-06-17 02:58:53,355 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:58:53,423 : INFO : adding document #3990000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:03,925 : INFO : discarding 28669 tokens: [('良くなっている', 1), ('芋なら大鍋に', 1), ('若さいにーや', 1), ('英語を習う', 1), ('荷を運んだ', 1), ('薪を持ってきてある', 1), ('蚊が居たとさ', 1), ('行かんが', 1), ('行くと', 1), ('行ちゃん', 1)]...\n", + "2019-06-17 02:59:03,926 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4000000 (=100.0%) documents\n", + "2019-06-17 02:59:06,331 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:06,395 : INFO : adding document #4000000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:16,607 : INFO : discarding 26529 tokens: [('sirabi', 1), ('skembici', 1), ('tqallia', 1), ('tsitsarong', 1), ('tuslama', 1), ('yangbie', 1), ('чкембе', 1), ('牛瘪', 1), ('牛肚', 1), ('羊瘪', 1)]...\n", + "2019-06-17 02:59:16,608 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4010000 (=100.0%) documents\n", + "2019-06-17 02:59:18,982 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:19,047 : INFO : adding document #4010000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:27,298 : INFO : discarding 21571 tokens: [('sixact', 1), ('icarrd', 1), ('masehela', 1), ('peèar', 1), ('rahsman', 1), ('franceswhorne', 1), ('nonexpatriate', 1), ('ivteam', 1), ('mediport', 1), ('nonvesicant', 1)]...\n", + "2019-06-17 02:59:27,299 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4020000 (=100.0%) documents\n", + "2019-06-17 02:59:29,668 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:29,729 : INFO : adding document #4020000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:38,374 : INFO : discarding 22210 tokens: [('ajmn', 1), ('ajplus', 1), ('nowthis', 1), ('salife', 1), ('fudoshin', 1), ('sadateru', 1), ('stratobus', 1), ('atariwala', 1), ('shabajpur', 1), ('tupul', 1)]...\n", + "2019-06-17 02:59:38,375 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4030000 (=100.0%) documents\n", + "2019-06-17 02:59:40,772 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:40,837 : INFO : adding document #4030000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:49,820 : INFO : discarding 25955 tokens: [('gazger', 1), ('gāzgar', 1), ('gāzger', 1), ('jodegalabad', 1), ('jodegālābād', 1), ('joghranvaru', 1), ('joghrānvārū', 1), ('joghrāvārū', 1), ('jamig', 1), ('jamīg', 1)]...\n", + "2019-06-17 02:59:49,821 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4040000 (=100.0%) documents\n", + "2019-06-17 02:59:52,193 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 02:59:52,255 : INFO : adding document #4040000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:03,361 : INFO : discarding 29295 tokens: [('heterogender', 1), ('ewbb', 1), ('ljubliana', 1), ('multeum', 1), ('observatour', 1), ('polycentropsis', 1), ('pectations', 1), ('guangyong', 1), ('mulligar', 1), ('lizarte', 1)]...\n", + "2019-06-17 03:00:03,362 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4050000 (=100.0%) documents\n", + "2019-06-17 03:00:05,772 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:05,839 : INFO : adding document #4050000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:15,612 : INFO : discarding 25143 tokens: [('hodzyur', 1), ('krasnozhan', 1), ('utsiev', 1), ('affelay', 1), ('choutesiotis', 1), ('masuaku', 1), ('strezos', 1), ('pangratios', 1), ('alebrini', 1), ('thadeyn', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:00:15,613 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4060000 (=100.0%) documents\n", + "2019-06-17 03:00:18,017 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:18,080 : INFO : adding document #4060000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:28,912 : INFO : discarding 24319 tokens: [('buddhanin', 1), ('kobam', 1), ('siripu', 1), ('yaasagan', 1), ('llanars', 1), ('trysaving', 1), ('elinam', 1), ('hardboy', 1), ('bookbed', 1), ('druiff', 1)]...\n", + "2019-06-17 03:00:28,912 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4070000 (=100.0%) documents\n", + "2019-06-17 03:00:31,378 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:31,449 : INFO : adding document #4070000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:42,077 : INFO : discarding 27591 tokens: [('mtun', 1), ('tucn', 1), ('giaguaro', 1), ('martinková', 1), ('sacrestano', 1), ('steni', 1), ('cronò', 1), ('gaudtvinck', 1), ('gavdtvinck', 1), ('goudtvinck', 1)]...\n", + "2019-06-17 03:00:42,078 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4080000 (=100.0%) documents\n", + "2019-06-17 03:00:44,506 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:44,568 : INFO : adding document #4080000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:55,907 : INFO : discarding 26705 tokens: [('kavarathi', 1), ('mohammaed', 1), ('chengfoo', 1), ('tientsen', 1), ('waihaiwei', 1), ('avadhutha', 1), ('haritayana', 1), ('kshattriya', 1), ('ramanananda', 1), ('shushupti', 1)]...\n", + "2019-06-17 03:00:55,908 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4090000 (=100.0%) documents\n", + "2019-06-17 03:00:58,345 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:00:58,410 : INFO : adding document #4090000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:09,112 : INFO : discarding 25387 tokens: [('rehabcare', 1), ('gavambodi', 1), ('karnatiques', 1), ('plannisolas', 1), ('glankeen', 1), ('kilcuilawn', 1), ('stankas', 1), ('stankis', 1), ('krickovič', 1), ('navijača', 1)]...\n", + "2019-06-17 03:01:09,112 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4100000 (=100.0%) documents\n", + "2019-06-17 03:01:11,537 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:11,599 : INFO : adding document #4100000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:22,226 : INFO : discarding 30262 tokens: [('rentlord', 1), ('seedcamp', 1), ('almerin', 1), ('laek', 1), ('siriusdecisions', 1), ('karzaz', 1), ('maribella', 1), ('cochleoceps', 1), ('gobiesocid', 1), ('felderhoff', 1)]...\n", + "2019-06-17 03:01:22,227 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4110000 (=100.0%) documents\n", + "2019-06-17 03:01:24,676 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:24,742 : INFO : adding document #4110000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:35,413 : INFO : discarding 31441 tokens: [('costria', 1), ('discopuncta', 1), ('okendeni', 1), ('achuth', 1), ('cheluvaraj', 1), ('hemanthkumar', 1), ('shobh', 1), ('froemberg', 1), ('hatziyakounis', 1), ('rabeder', 1)]...\n", + "2019-06-17 03:01:35,414 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4120000 (=100.0%) documents\n", + "2019-06-17 03:01:37,861 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:37,924 : INFO : adding document #4120000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:47,813 : INFO : discarding 26437 tokens: [('mattalia', 1), ('climonet', 1), ('bolcer', 1), ('cardkey', 1), ('enstranged', 1), ('kentakkī', 1), ('kerasine', 1), ('radinov', 1), ('cerempny', 1), ('ntimate', 1)]...\n", + "2019-06-17 03:01:47,813 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4130000 (=100.0%) documents\n", + "2019-06-17 03:01:50,255 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:50,320 : INFO : adding document #4130000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:01:59,694 : INFO : discarding 26165 tokens: [('amahal', 1), ('fantastiks', 1), ('herniman', 1), ('kiwiboots', 1), ('vegabond', 1), ('зоро', 1), ('мајска', 1), ('свијетла', 1), ('dichpally', 1), ('jankampet', 1)]...\n", + "2019-06-17 03:01:59,695 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4140000 (=100.0%) documents\n", + "2019-06-17 03:02:02,106 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:02,169 : INFO : adding document #4140000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:11,940 : INFO : discarding 26076 tokens: [('dracularegional', 1), ('foolbroadway', 1), ('sarjubala', 1), ('सरज', 1), ('horsebytes', 1), ('airtree', 1), ('arbolino', 1), ('brandcrowd', 1), ('brandstack', 1), ('designcrowd', 1)]...\n", + "2019-06-17 03:02:11,941 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4150000 (=100.0%) documents\n", + "2019-06-17 03:02:14,358 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:14,422 : INFO : adding document #4150000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:24,586 : INFO : discarding 27074 tokens: [('deschauensee', 1), ('ademinokan', 1), ('allahkabo', 1), ('baninla', 1), ('bonlambo', 1), ('bougfen', 1), ('dialemi', 1), ('efere', 1), ('lesizwe', 1), ('mtungi', 1)]...\n", + "2019-06-17 03:02:24,586 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4160000 (=100.0%) documents\n", + "2019-06-17 03:02:26,990 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:27,053 : INFO : adding document #4160000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:37,162 : INFO : discarding 26873 tokens: [('badassery', 1), ('bumpagussy', 1), ('fanbacked', 1), ('allcamarina', 1), ('chachacomayoc', 1), ('chachakuma', 1), ('giprogazcenter', 1), ('hulliburton', 1), ('innovatika', 1), ('mireco', 1)]...\n", + "2019-06-17 03:02:37,162 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4170000 (=100.0%) documents\n", + "2019-06-17 03:02:39,558 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:39,627 : INFO : adding document #4170000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:49,653 : INFO : discarding 31571 tokens: [('busiess', 1), ('duhoki', 1), ('mehoderet', 1), ('zilberstien', 1), ('mendee', 1), ('grosswig', 1), ('beninensis', 1), ('pflanzenfam', 1), ('pflanzenw', 1), ('raphiostyles', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:02:49,654 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4180000 (=100.0%) documents\n", + "2019-06-17 03:02:52,056 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:02:52,120 : INFO : adding document #4180000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:02,245 : INFO : discarding 26107 tokens: [('adefesio', 1), ('bellesa', 1), ('bitó', 1), ('cdgc', 1), ('coratge', 1), ('criadas', 1), ('dispersión', 1), ('dramàtic', 1), ('golfus', 1), ('olors', 1)]...\n", + "2019-06-17 03:03:02,246 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4190000 (=100.0%) documents\n", + "2019-06-17 03:03:04,665 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:04,732 : INFO : adding document #4190000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:14,316 : INFO : discarding 25234 tokens: [('asteson', 1), ('ciaev', 1), ('fkss', 1), ('odrun', 1), ('enyiazu', 1), ('zadoynov', 1), ('freborg', 1), ('grupignano', 1), ('srcapped', 1), ('mikhaylenko', 1)]...\n", + "2019-06-17 03:03:14,317 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4200000 (=100.0%) documents\n", + "2019-06-17 03:03:16,734 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:16,796 : INFO : adding document #4200000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:26,516 : INFO : discarding 27207 tokens: [('robertgarrard', 1), ('лончар', 1), ('раде', 1), ('olomi', 1), ('crsvr', 1), ('skizzy', 1), ('wentzy', 1), ('حس', 1), ('شادي', 1), ('shafgotch', 1)]...\n", + "2019-06-17 03:03:26,516 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4210000 (=100.0%) documents\n", + "2019-06-17 03:03:28,944 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:29,010 : INFO : adding document #4210000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:39,004 : INFO : discarding 26667 tokens: [('animasyros', 1), ('camyar', 1), ('masnevi', 1), ('mosleh', 1), ('yangzhan', 1), ('illallah', 1), ('buliu', 1), ('taosun', 1), ('敖國珠', 1), ('敖幼祥', 1)]...\n", + "2019-06-17 03:03:39,005 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4220000 (=100.0%) documents\n", + "2019-06-17 03:03:41,447 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:41,510 : INFO : adding document #4220000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:52,823 : INFO : discarding 32960 tokens: [('edgepoint', 1), ('etherraptor', 1), ('fedegari', 1), ('fitsco', 1), ('mivoice', 1), ('mobbytalk', 1), ('qqsg', 1), ('qqtechnologies', 1), ('skyextender', 1), ('skygateway', 1)]...\n", + "2019-06-17 03:03:52,824 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4230000 (=100.0%) documents\n", + "2019-06-17 03:03:55,281 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:03:55,347 : INFO : adding document #4230000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:05,450 : INFO : discarding 34799 tokens: [('汽灯', 1), ('火烧儿', 1), ('灯路', 1), ('烧瓷', 1), ('片子', 1), ('皇历', 1), ('砍兜肚', 1), ('笔儿', 1), ('粉条子', 1), ('粉汤', 1)]...\n", + "2019-06-17 03:04:05,451 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4240000 (=100.0%) documents\n", + "2019-06-17 03:04:07,919 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:07,983 : INFO : adding document #4240000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:18,748 : INFO : discarding 25724 tokens: [('informatıon', 1), ('reconstructıon', 1), ('ebxi', 1), ('ghonja', 1), ('ragilia', 1), ('lopanto', 1), ('anguselaus', 1), ('lamhcalad', 1), ('llawwynnauc', 1), ('llenlleog', 1)]...\n", + "2019-06-17 03:04:18,749 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4250000 (=100.0%) documents\n", + "2019-06-17 03:04:21,216 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:21,282 : INFO : adding document #4250000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:31,520 : INFO : discarding 25884 tokens: [('rossokhin', 1), ('sbstr', 1), ('sycuwan', 1), ('завоевании', 1), ('калкаского', 1), ('канхием', 1), ('китайским', 1), ('кочующего', 1), ('состоящая', 1), ('татарии', 1)]...\n", + "2019-06-17 03:04:31,521 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4260000 (=100.0%) documents\n", + "2019-06-17 03:04:33,932 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:33,995 : INFO : adding document #4260000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:44,095 : INFO : discarding 24852 tokens: [('奇功', 1), ('奇効', 1), ('奇行', 1), ('季候', 1), ('學問', 1), ('寄港', 1), ('寄稿', 1), ('帰校', 1), ('帰港', 1), ('帰航', 1)]...\n", + "2019-06-17 03:04:44,096 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4270000 (=100.0%) documents\n", + "2019-06-17 03:04:46,516 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:46,581 : INFO : adding document #4270000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:57,115 : INFO : discarding 27007 tokens: [('chaudak', 1), ('chlěb', 1), ('drawänopolabian', 1), ('dâns', 1), ('dźens', 1), ('ggrêch', 1), ('giß', 1), ('gresnarem', 1), ('grêsmarim', 1), ('jaimą', 1)]...\n", + "2019-06-17 03:04:57,116 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4280000 (=100.0%) documents\n", + "2019-06-17 03:04:59,530 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:04:59,593 : INFO : adding document #4280000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:05:09,800 : INFO : discarding 26000 tokens: [('kenyanize', 1), ('eggmobiles', 1), ('polyfaces', 1), ('vartoosh', 1), ('gesetzestreuen', 1), ('klausprimator', 1), ('klausrabbiner', 1), ('ביכורי', 1), ('לנר', 1), ('עני', 1)]...\n", + "2019-06-17 03:05:09,801 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4290000 (=100.0%) documents\n", + "2019-06-17 03:05:12,274 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:05:12,341 : INFO : adding document #4290000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:05:22,909 : INFO : discarding 26104 tokens: [('doseulti', 1), ('finebd', 1), ('monoject', 1), ('touchprecision', 1), ('touchulticare', 1), ('σύριγγες', 1), ('inherentness', 1), ('kuritjitjuu', 1), ('reversives', 1), ('reversivity', 1)]...\n", + "2019-06-17 03:05:22,910 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4300000 (=100.0%) documents\n", + "2019-06-17 03:05:25,348 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:05:25,413 : INFO : adding document #4300000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:05:36,018 : INFO : discarding 25217 tokens: [('pelacanoididae', 1), ('vesselsome', 1), ('hugieinos', 1), ('hugieinē', 1), ('hugiēs', 1), ('multibarrier', 1), ('ὑυγίεια', 1), ('ὑυγιής', 1), ('ὑυγιεινή', 1), ('ὑυγιεινός', 1)]...\n", + "2019-06-17 03:05:36,019 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4310000 (=100.0%) documents\n", + "2019-06-17 03:05:38,473 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:05:38,539 : INFO : adding document #4310000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:05:48,714 : INFO : discarding 25647 tokens: [('scapia', 1), ('scarila', 1), ('sibjo', 1), ('sifila', 1), ('sigisteun', 1), ('skapjaną', 1), ('stifer', 1), ('stifterchen', 1), ('thrasamundus', 1), ('trioua', 1)]...\n", + "2019-06-17 03:05:48,714 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4320000 (=100.0%) documents\n", + "2019-06-17 03:05:51,204 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:05:51,267 : INFO : adding document #4320000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:01,676 : INFO : discarding 24889 tokens: [('kumbokju', 1), ('롯데칠성', 1), ('소맥', 1), ('시원', 1), ('요구르트', 1), ('잎새주', 1), ('참이슬', 1), ('폭탄주', 1), ('cadbyri', 1), ('camalat', 1)]...\n", + "2019-06-17 03:06:01,676 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4330000 (=100.0%) documents\n", + "2019-06-17 03:06:04,110 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:04,176 : INFO : adding document #4330000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:14,717 : INFO : discarding 28621 tokens: [('praemendesia', 1), ('buric', 1), ('copache', 1), ('duion', 1), ('foyesade', 1), ('latesta', 1), ('oluokun', 1), ('schmittgens', 1), ('vashel', 1), ('akyerefo', 1)]...\n", + "2019-06-17 03:06:14,718 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4340000 (=100.0%) documents\n", + "2019-06-17 03:06:17,145 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:17,209 : INFO : adding document #4340000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:27,523 : INFO : discarding 24392 tokens: [('theaterdiener', 1), ('urusew', 1), ('guroudev', 1), ('oncolors', 1), ('udann', 1), ('eskrigge', 1), ('korsts', 1), ('mediaburn', 1), ('nixonette', 1), ('sharek', 1)]...\n", + "2019-06-17 03:06:27,523 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4350000 (=100.0%) documents\n", + "2019-06-17 03:06:29,945 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:30,015 : INFO : adding document #4350000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:40,683 : INFO : discarding 25220 tokens: [('nawamon', 1), ('hozuma', 1), ('dził', 1), ('náʼoodiłii', 1), ('yódí', 1), ('ibandana', 1), ('mesundulata', 1), ('lettermacaward', 1), ('paranomic', 1), ('tosariero', 1)]...\n", + "2019-06-17 03:06:40,684 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4360000 (=100.0%) documents\n", + "2019-06-17 03:06:43,110 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:43,175 : INFO : adding document #4360000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:53,531 : INFO : discarding 23994 tokens: [('rosalench', 1), ('sospedra', 1), ('bapanapally', 1), ('bonala', 1), ('choutapally', 1), ('dameracherla', 1), ('erigela', 1), ('kommu', 1), ('mattampally', 1), ('nallabolu', 1)]...\n", + "2019-06-17 03:06:53,531 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4370000 (=100.0%) documents\n", + "2019-06-17 03:06:55,962 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:06:56,028 : INFO : adding document #4370000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:06,018 : INFO : discarding 28091 tokens: [('antistis', 1), ('boismen', 1), ('bougouin', 1), ('eumilius', 1), ('similini', 1), ('gomboa', 1), ('goboza', 1), ('mampasi', 1), ('palesa', 1), ('warras', 1)]...\n", + "2019-06-17 03:07:06,019 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4380000 (=100.0%) documents\n", + "2019-06-17 03:07:08,454 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:08,521 : INFO : adding document #4380000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:18,295 : INFO : discarding 26269 tokens: [('baladzharovym', 1), ('diatlov', 1), ('dubcova', 1), ('kokhanovsky', 1), ('krigina', 1), ('reperutare', 1), ('shavrina', 1), ('shemyakova', 1), ('евзеров', 1), ('эдуардович', 1)]...\n", + "2019-06-17 03:07:18,295 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4390000 (=100.0%) documents\n", + "2019-06-17 03:07:20,741 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:20,807 : INFO : adding document #4390000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:30,503 : INFO : discarding 23505 tokens: [('postanogov', 1), ('freckmann', 1), ('eggiman', 1), ('kisana', 1), ('klengdong', 1), ('kouchnir', 1), ('lazerich', 1), ('rocho', 1), ('romrell', 1), ('sinacori', 1)]...\n", + "2019-06-17 03:07:30,504 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4400000 (=100.0%) documents\n", + "2019-06-17 03:07:32,949 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:33,012 : INFO : adding document #4400000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:42,791 : INFO : discarding 24302 tokens: [('lamentor', 1), ('agricalture', 1), ('avigayil', 1), ('daviod', 1), ('havakook', 1), ('kuirbet', 1), ('miskenim', 1), ('mughnem', 1), ('nawaja', 1), ('plia', 1)]...\n", + "2019-06-17 03:07:42,792 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4410000 (=100.0%) documents\n", + "2019-06-17 03:07:45,245 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:45,311 : INFO : adding document #4410000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:55,024 : INFO : discarding 22061 tokens: [('tabbey', 1), ('tarnetta', 1), ('kıncı', 1), ('orduönü', 1), ('sarchophagus', 1), ('mallabone', 1), ('ozzi', 1), ('pirozzolo', 1), ('chacsiniché', 1), ('chacsuy', 1)]...\n", + "2019-06-17 03:07:55,025 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4420000 (=100.0%) documents\n", + "2019-06-17 03:07:57,465 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:07:57,527 : INFO : adding document #4420000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:08:06,992 : INFO : discarding 24770 tokens: [('tianlai', 1), ('beaurish', 1), ('shauneen', 1), ('artcastle', 1), ('adeloyeregina', 1), ('asumnucecilia', 1), ('georgefunke', 1), ('georgepatience', 1), ('kaludeborah', 1), ('odeyemi', 1)]...\n", + "2019-06-17 03:08:06,992 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4430000 (=100.0%) documents\n", + "2019-06-17 03:08:09,455 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:09,521 : INFO : adding document #4430000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:20,106 : INFO : discarding 25371 tokens: [('dhempe', 1), ('afrophilya', 1), ('dalmès', 1), ('devime', 1), ('philliet', 1), ('véricel', 1), ('nhôt', 1), ('antragues', 1), ('antrayegue', 1), ('antraygues', 1)]...\n", + "2019-06-17 03:08:20,107 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4440000 (=100.0%) documents\n", + "2019-06-17 03:08:22,556 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:22,620 : INFO : adding document #4440000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:33,435 : INFO : discarding 28089 tokens: [('noiseniks', 1), ('sexnoise', 1), ('halkevleri', 1), ('insuance', 1), ('documfest', 1), ('imagefilms', 1), ('oetkers', 1), ('zdftheaterkanal', 1), ('buzzcar', 1), ('fiercewireless', 1)]...\n", + "2019-06-17 03:08:33,436 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4450000 (=100.0%) documents\n", + "2019-06-17 03:08:35,908 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:35,974 : INFO : adding document #4450000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:46,172 : INFO : discarding 23012 tokens: [('gonsalensis', 1), ('pabalat', 1), ('gonsaloi', 1), ('toxtrot', 1), ('llangari', 1), ('pseudolisten', 1), ('pseudolistening', 1), ('gravenhaagsche', 1), ('mauritshaus', 1), ('sgravenhage', 1)]...\n", + "2019-06-17 03:08:46,173 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4460000 (=100.0%) documents\n", + "2019-06-17 03:08:48,626 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:48,690 : INFO : adding document #4460000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:08:59,157 : INFO : discarding 25599 tokens: [('nisley', 1), ('mulrane', 1), ('pakkiam', 1), ('camacúa', 1), ('veshka', 1), ('aboel', 1), ('maaden', 1), ('albummaking', 1), ('chiljip', 1), ('choiza', 1)]...\n", + "2019-06-17 03:08:59,157 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4470000 (=100.0%) documents\n", + "2019-06-17 03:09:01,601 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:01,668 : INFO : adding document #4470000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:12,183 : INFO : discarding 25028 tokens: [('xeob', 1), ('xerca', 1), ('xetaa', 1), ('xhtaa', 1), ('delearie', 1), ('meachums', 1), ('eisennagel', 1), ('elsammak', 1), ('xhers', 1), ('fùshǔ', 1)]...\n", + "2019-06-17 03:09:12,184 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4480000 (=100.0%) documents\n", + "2019-06-17 03:09:14,585 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:14,648 : INFO : adding document #4480000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:24,654 : INFO : discarding 24745 tokens: [('sivrji', 1), ('derley', 1), ('leatherarts', 1), ('stehbens', 1), ('eidolf', 1), ('smiercakova', 1), ('epuff', 1), ('xinpei', 1), ('yingmei', 1), ('两大女主角之一', 1)]...\n", + "2019-06-17 03:09:24,655 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4490000 (=100.0%) documents\n", + "2019-06-17 03:09:27,070 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:27,136 : INFO : adding document #4490000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:36,586 : INFO : discarding 24872 tokens: [('colafrancessco', 1), ('colafrancesso', 1), ('gelone', 1), ('murworth', 1), ('vinceslao', 1), ('bourbonitis', 1), ('bubbapalooza', 1), ('ccshow', 1), ('eplady', 1), ('epwatermelon', 1)]...\n", + "2019-06-17 03:09:36,587 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4500000 (=100.0%) documents\n", + "2019-06-17 03:09:38,994 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:39,059 : INFO : adding document #4500000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:48,473 : INFO : discarding 25145 tokens: [('bialkonsky', 1), ('derfling', 1), ('generalin', 1), ('grodicki', 1), ('heiratsnest', 1), ('henkstein', 1), ('rittmeisters', 1), ('sorner', 1), ('wranow', 1), ('seiford', 1)]...\n", + "2019-06-17 03:09:48,474 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4510000 (=100.0%) documents\n", + "2019-06-17 03:09:50,909 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:09:50,975 : INFO : adding document #4510000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:00,739 : INFO : discarding 26002 tokens: [('chroney', 1), ('footprintz', 1), ('jesglar', 1), ('brozey', 1), ('cusumba', 1), ('namsŏk', 1), ('sŏnghu', 1), ('estrapronicate', 1), ('tristeroid', 1), ('trophobolene', 1)]...\n", + "2019-06-17 03:10:00,740 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4520000 (=100.0%) documents\n", + "2019-06-17 03:10:03,168 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:03,232 : INFO : adding document #4520000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:13,441 : INFO : discarding 25903 tokens: [('aackerlund', 1), ('hollyanne', 1), ('burmanniidae', 1), ('cormfyt', 1), ('cormofyt', 1), ('fjälltrakter', 1), ('fylog', 1), ('färder', 1), ('lappmarks', 1), ('marattiophyta', 1)]...\n", + "2019-06-17 03:10:13,441 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4530000 (=100.0%) documents\n", + "2019-06-17 03:10:15,904 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:15,975 : INFO : adding document #4530000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:26,008 : INFO : discarding 24233 tokens: [('bybi', 1), ('eyhirind', 1), ('komekbaev', 1), ('taimbet', 1), ('zhosaly', 1), ('көмекбаев', 1), ('тәйімбет', 1), ('kaipi', 1), ('marstv', 1), ('midlaners', 1)]...\n", + "2019-06-17 03:10:26,008 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4540000 (=100.0%) documents\n", + "2019-06-17 03:10:28,435 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:28,498 : INFO : adding document #4540000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:10:37,888 : INFO : discarding 29024 tokens: [('carraignacrubog', 1), ('class_lifeboat', 1), ('ft_', 1), ('höfkens', 1), ('inishdooey', 1), ('ktjs', 1), ('melieste', 1), ('schelpwijk', 1), ('shakiri', 1), ('stowijk', 1)]...\n", + "2019-06-17 03:10:37,889 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4550000 (=100.0%) documents\n", + "2019-06-17 03:10:40,324 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:40,392 : INFO : adding document #4550000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:50,314 : INFO : discarding 27069 tokens: [('joatton', 1), ('lewitska', 1), ('maupéou', 1), ('paymal', 1), ('lopsland', 1), ('skäppland', 1), ('skæpper', 1), ('gadjet', 1), ('jibam', 1), ('paktomai', 1)]...\n", + "2019-06-17 03:10:50,315 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4560000 (=100.0%) documents\n", + "2019-06-17 03:10:52,729 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:10:52,792 : INFO : adding document #4560000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:02,904 : INFO : discarding 25602 tokens: [('chúkwú', 1), ('ghọ', 1), ('kwụ', 1), ('mkpataku', 1), ('mmuọ', 1), ('mmá', 1), ('mmúọ', 1), ('ndebunze', 1), ('nkarahia', 1), ('odinala', 1)]...\n", + "2019-06-17 03:11:02,905 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4570000 (=100.0%) documents\n", + "2019-06-17 03:11:05,352 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:05,417 : INFO : adding document #4570000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:15,828 : INFO : discarding 24050 tokens: [('bastesville', 1), ('sedements', 1), ('woodlum', 1), ('ccrwdd', 1), ('poluca', 1), ('stineville', 1), ('tarnceville', 1), ('uzzett', 1), ('kadohadocho', 1), ('dismandled', 1)]...\n", + "2019-06-17 03:11:15,829 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4580000 (=100.0%) documents\n", + "2019-06-17 03:11:18,256 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:18,320 : INFO : adding document #4580000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:27,921 : INFO : discarding 25120 tokens: [('acustically', 1), ('biī', 1), ('creativelab', 1), ('fībrīs', 1), ('gestōrum', 1), ('laxīs', 1), ('pollūtī', 1), ('possigble', 1), ('reātum', 1), ('solmisatio', 1)]...\n", + "2019-06-17 03:11:27,922 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4590000 (=100.0%) documents\n", + "2019-06-17 03:11:30,379 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:30,446 : INFO : adding document #4590000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:40,087 : INFO : discarding 26281 tokens: [('cayho', 1), ('khatmandhu', 1), ('cyebourne', 1), ('highfort', 1), ('cnichtebrugge', 1), ('cnihtebricge', 1), ('cnihtengild', 1), ('knichtebrig', 1), ('knightsbrigg', 1), ('knyghtesbrugg', 1)]...\n", + "2019-06-17 03:11:40,088 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4600000 (=100.0%) documents\n", + "2019-06-17 03:11:42,522 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:42,586 : INFO : adding document #4600000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:51,693 : INFO : discarding 21200 tokens: [('sefanitro', 1), ('sepides', 1), ('sodical', 1), ('surgiclinic', 1), ('njspbalocal', 1), ('array_keys', 1), ('auth_token', 1), ('fruit_list', 1), ('fruittype', 1), ('get_fruit', 1)]...\n", + "2019-06-17 03:11:51,694 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4610000 (=100.0%) documents\n", + "2019-06-17 03:11:54,129 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:11:54,200 : INFO : adding document #4610000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:03,345 : INFO : discarding 27184 tokens: [('poknis', 1), ('venanago', 1), ('norbrld', 1), ('conarton', 1), ('gassearch', 1), ('svonovec', 1), ('threshermens', 1), ('evenlink', 1), ('dutcavich', 1), ('halcovage', 1)]...\n", + "2019-06-17 03:12:03,346 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4620000 (=100.0%) documents\n", + "2019-06-17 03:12:05,776 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:05,840 : INFO : adding document #4620000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:15,744 : INFO : discarding 28010 tokens: [('slotsbryggeriet', 1), ('arelia', 1), ('chêche', 1), ('demembre', 1), ('fréda', 1), ('iyalorde', 1), ('mapiangue', 1), ('tsillah', 1), ('flatfood', 1), ('daome', 1)]...\n", + "2019-06-17 03:12:15,745 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4630000 (=100.0%) documents\n", + "2019-06-17 03:12:18,172 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:18,237 : INFO : adding document #4630000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:28,345 : INFO : discarding 29372 tokens: [('kuehu', 1), ('lahni', 1), ('salanoa', 1), ('shawlina', 1), ('citraperkasa', 1), ('gandring', 1), ('gentabuana', 1), ('halilintar', 1), ('karmapala', 1), ('kreasi', 1)]...\n", + "2019-06-17 03:12:28,346 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4640000 (=100.0%) documents\n", + "2019-06-17 03:12:30,775 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:30,839 : INFO : adding document #4640000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:40,243 : INFO : discarding 25882 tokens: [('sedekerskis', 1), ('cooperatsiya', 1), ('pisheviki', 1), ('братьев', 1), ('могилы', 1), ('родословной', 1), ('сборная', 1), ('старостиных', 1), ('футболу', 1), ('gewachse', 1)]...\n", + "2019-06-17 03:12:40,244 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4650000 (=100.0%) documents\n", + "2019-06-17 03:12:42,680 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:42,745 : INFO : adding document #4650000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:52,259 : INFO : discarding 27962 tokens: [('motalia', 1), ('saltomortal', 1), ('dictornary', 1), ('speigelberg', 1), ('teatrar', 1), ('theaterhistorie', 1), ('velthen', 1), ('velthens', 1), ('läski', 1), ('pihlajamaa', 1)]...\n", + "2019-06-17 03:12:52,260 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4660000 (=100.0%) documents\n", + "2019-06-17 03:12:54,667 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:12:54,730 : INFO : adding document #4660000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:03,864 : INFO : discarding 21569 tokens: [('cheruvallikkavu', 1), ('dharmashatha', 1), ('kumaranallor', 1), ('kuroor', 1), ('laxmna', 1), ('manarcad', 1), ('mookaambika', 1), ('nagampadom', 1), ('nampoothiry', 1), ('pakkil', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:13:03,865 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4670000 (=100.0%) documents\n", + "2019-06-17 03:13:06,289 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:06,356 : INFO : adding document #4670000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:16,394 : INFO : discarding 30930 tokens: [('maikandan', 1), ('prednly', 1), ('pudupatty', 1), ('puliampatty', 1), ('pullambady', 1), ('rayapalayam', 1), ('sengapadai', 1), ('sivarakkottai', 1), ('sivarakottai', 1), ('sundravalli', 1)]...\n", + "2019-06-17 03:13:16,395 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4680000 (=100.0%) documents\n", + "2019-06-17 03:13:18,839 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:18,903 : INFO : adding document #4680000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:28,139 : INFO : discarding 22121 tokens: [('dunnamona', 1), ('owenacharra', 1), ('forsgrini', 1), ('kyranakou', 1), ('chemicæ', 1), ('purgantibus', 1), ('cerriere', 1), ('chupara', 1), ('espolon', 1), ('savoneeta', 1)]...\n", + "2019-06-17 03:13:28,140 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4690000 (=100.0%) documents\n", + "2019-06-17 03:13:30,555 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:30,622 : INFO : adding document #4690000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:39,670 : INFO : discarding 26559 tokens: [('aierbe', 1), ('auzmendi', 1), ('eizie', 1), ('etxezarreta', 1), ('inguma', 1), ('mohabeer', 1), ('rubriscoriae', 1), ('beinhaker', 1), ('optegra', 1), ('jisedaigata', 1)]...\n", + "2019-06-17 03:13:39,671 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4700000 (=100.0%) documents\n", + "2019-06-17 03:13:42,066 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:42,129 : INFO : adding document #4700000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:52,007 : INFO : discarding 24830 tokens: [('aarambame', 1), ('kadambadi', 1), ('kadidham', 1), ('pogudhe', 1), ('poguma', 1), ('roopy', 1), ('sandhaiyile', 1), ('sellakanne', 1), ('thenmazhai', 1), ('therinchiko', 1)]...\n", + "2019-06-17 03:13:52,007 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4710000 (=100.0%) documents\n", + "2019-06-17 03:13:54,437 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:13:54,502 : INFO : adding document #4710000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:04,194 : INFO : discarding 24299 tokens: [('burlingtonprice', 1), ('endbaird', 1), ('heineberg', 1), ('mallhannaford', 1), ('humanplasma', 1), ('venomm', 1), ('cannanáin', 1), ('crobhdhearg', 1), ('bryghusskriver', 1), ('enspænder', 1)]...\n", + "2019-06-17 03:14:04,194 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4720000 (=100.0%) documents\n", + "2019-06-17 03:14:06,648 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:06,714 : INFO : adding document #4720000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:17,349 : INFO : discarding 27504 tokens: [('husonius', 1), ('myiositta', 1), ('phoencopterus', 1), ('varcom', 1), ('snowtrooper', 1), ('barschanbu', 1), ('kernabes', 1), ('lihyani', 1), ('mahlakadeva', 1), ('bæṁkuva', 1)]...\n", + "2019-06-17 03:14:17,350 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4730000 (=100.0%) documents\n", + "2019-06-17 03:14:19,832 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:19,900 : INFO : adding document #4730000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:29,934 : INFO : discarding 25205 tokens: [('glader', 1), ('plarium', 1), ('aleksejevs', 1), ('avanesovs', 1), ('ikstens', 1), ('jeremejev', 1), ('lapkovskis', 1), ('matjušenko', 1), ('seņs', 1), ('smolkov', 1)]...\n", + "2019-06-17 03:14:29,935 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4740000 (=100.0%) documents\n", + "2019-06-17 03:14:32,404 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:32,467 : INFO : adding document #4740000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:41,632 : INFO : discarding 22408 tokens: [('bérnils', 1), ('neuwiedii', 1), ('pseudoboa', 1), ('conophis', 1), ('aktabuddin', 1), ('dairyair', 1), ('gringolandia', 1), ('nawbo', 1), ('albiazules', 1), ('marzuca', 1)]...\n", + "2019-06-17 03:14:41,633 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4750000 (=100.0%) documents\n", + "2019-06-17 03:14:44,073 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:44,140 : INFO : adding document #4750000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:52,826 : INFO : discarding 24557 tokens: [('pesants', 1), ('adventslieder', 1), ('adventstid', 1), ('presseverband', 1), ('antinatally', 1), ('intraplacental', 1), ('placetae', 1), ('subchorial', 1), ('subchorionic', 1), ('thrombohematoma', 1)]...\n", + "2019-06-17 03:14:52,827 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4760000 (=100.0%) documents\n", + "2019-06-17 03:14:55,279 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:14:55,345 : INFO : adding document #4760000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:04,913 : INFO : discarding 25166 tokens: [('constitutors', 1), ('deryabkin', 1), ('fridrikhovich', 1), ('golshtein', 1), ('kashkova', 1), ('liberaliser', 1), ('lykyanin', 1), ('pishkin', 1), ('pissiguine', 1), ('posolon', 1)]...\n", + "2019-06-17 03:15:04,914 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4770000 (=100.0%) documents\n", + "2019-06-17 03:15:07,420 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:07,485 : INFO : adding document #4770000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:17,435 : INFO : discarding 27269 tokens: [('betanzo', 1), ('criis', 1), ('flintkids', 1), ('divii', 1), ('drevno', 1), ('glowicki', 1), ('islamabed', 1), ('terriot', 1), ('anshanxidao', 1), ('beizhulin', 1)]...\n", + "2019-06-17 03:15:17,436 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4780000 (=100.0%) documents\n", + "2019-06-17 03:15:19,868 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:19,932 : INFO : adding document #4780000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:29,610 : INFO : discarding 25313 tokens: [('sensomotoric', 1), ('njrw', 1), ('dainigakushō', 1), ('dōsōsei', 1), ('engisha', 1), ('hinokiguchi', 1), ('hoiku', 1), ('ishoku', 1), ('jirochō', 1), ('junpō', 1)]...\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:15:29,611 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4790000 (=100.0%) documents\n", + "2019-06-17 03:15:32,075 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:32,141 : INFO : adding document #4790000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:41,677 : INFO : discarding 24423 tokens: [('angō', 1), ('chubaw', 1), ('exite', 1), ('gacchiri', 1), ('hiruobi', 1), ('kisōtengai', 1), ('konkūru', 1), ('megadigi', 1), ('pittanko', 1), ('ronchards', 1)]...\n", + "2019-06-17 03:15:41,678 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4800000 (=100.0%) documents\n", + "2019-06-17 03:15:44,076 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:44,142 : INFO : adding document #4800000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:53,152 : INFO : discarding 26640 tokens: [('allhoff', 1), ('atheology', 1), ('三宅村', 1), ('八丈町', 1), ('利島村', 1), ('大島町', 1), ('小笠原村', 1), ('御蔵島村', 1), ('新島村', 1), ('神津島村', 1)]...\n", + "2019-06-17 03:15:53,152 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4810000 (=100.0%) documents\n", + "2019-06-17 03:15:55,577 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:15:55,645 : INFO : adding document #4810000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:05,349 : INFO : discarding 25741 tokens: [('emret', 1), ('komutanım', 1), ('molped', 1), ('photomodel', 1), ('yaşatacağım', 1), ('çocuklarım', 1), ('capiomont', 1), ('hypérides', 1), ('schönh', 1), ('reakit', 1)]...\n", + "2019-06-17 03:16:05,350 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4820000 (=100.0%) documents\n", + "2019-06-17 03:16:07,770 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:07,834 : INFO : adding document #4820000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:16,587 : INFO : discarding 22156 tokens: [('ecpl', 1), ('mininginpalawan', 1), ('pinukis', 1), ('subaanen', 1), ('anchipteraspis', 1), ('cyathaspidids', 1), ('pteraspidian', 1), ('rhachiaspis', 1), ('ulutitaspis', 1), ('abovechart', 1)]...\n", + "2019-06-17 03:16:16,587 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4830000 (=100.0%) documents\n", + "2019-06-17 03:16:19,003 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:19,072 : INFO : adding document #4830000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:28,291 : INFO : discarding 23808 tokens: [('pipiers', 1), ('sacavin', 1), ('dolahin', 1), ('chorgesang', 1), ('gieß', 1), ('glänzende', 1), ('interpretin', 1), ('konzertvereins', 1), ('sagerer', 1), ('anannarukarn', 1)]...\n", + "2019-06-17 03:16:28,292 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4840000 (=100.0%) documents\n", + "2019-06-17 03:16:30,717 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:30,781 : INFO : adding document #4840000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:40,214 : INFO : discarding 23401 tokens: [('simfonicele', 1), ('sonatensatz', 1), ('talgam', 1), ('weiermüller', 1), ('abpbh', 1), ('berlima', 1), ('fazlisham', 1), ('penampilan', 1), ('rykal', 1), ('adoració', 1)]...\n", + "2019-06-17 03:16:40,215 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4850000 (=100.0%) documents\n", + "2019-06-17 03:16:42,631 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:42,697 : INFO : adding document #4850000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:51,676 : INFO : discarding 24551 tokens: [('addresssed', 1), ('gormack', 1), ('dandasana', 1), ('yogapedia', 1), ('daxun', 1), ('史忠俊', 1), ('杨一怀', 1), ('殷立贤', 1), ('王信石', 1), ('王衛國', 1)]...\n", + "2019-06-17 03:16:51,676 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4860000 (=100.0%) documents\n", + "2019-06-17 03:16:54,109 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:16:54,174 : INFO : adding document #4860000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:03,275 : INFO : discarding 24769 tokens: [('stereoleto', 1), ('jukunen', 1), ('nashigo', 1), ('ohayōgozaimasu', 1), ('onagokai', 1), ('piramekino', 1), ('pidarar', 1), ('pitarar', 1), ('hahótis', 1), ('avanzate', 1)]...\n", + "2019-06-17 03:17:03,276 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4870000 (=100.0%) documents\n", + "2019-06-17 03:17:05,717 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:05,783 : INFO : adding document #4870000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:14,886 : INFO : discarding 25235 tokens: [('starportala', 1), ('prudonce', 1), ('chiontar', 1), ('felldane', 1), ('omduil', 1), ('stormshore', 1), ('gedikian', 1), ('deslignères', 1), ('hargnicourt', 1), ('possemate', 1)]...\n", + "2019-06-17 03:17:14,886 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4880000 (=100.0%) documents\n", + "2019-06-17 03:17:17,306 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:17,369 : INFO : adding document #4880000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:26,432 : INFO : discarding 26118 tokens: [('negationis', 1), ('unapproacable', 1), ('tachieva', 1), ('tpfbe', 1), ('epidamos', 1), ('epidemeo', 1), ('epidemios', 1), ('ganzendiep', 1), ('garste', 1), ('griftkanaal', 1)]...\n", + "2019-06-17 03:17:26,432 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4890000 (=100.0%) documents\n", + "2019-06-17 03:17:28,857 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:28,923 : INFO : adding document #4890000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:37,529 : INFO : discarding 27461 tokens: [('indian_admiral', 1), ('laksamanatni', 1), ('mereväeadmiral', 1), ('olkalaatta', 1), ('whtdr', 1), ('幕僚長たる海将', 1), ('张柏楠', 1), ('戚发轫', 1), ('神舟一号', 1), ('神舟七号', 1)]...\n", + "2019-06-17 03:17:37,530 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4900000 (=100.0%) documents\n", + "2019-06-17 03:17:39,955 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:40,022 : INFO : adding document #4900000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:48,536 : INFO : discarding 25859 tokens: [('zozó', 1), ('bunnybee', 1), ('bunnybees', 1), ('fashionality', 1), ('schlaifers', 1), ('toylands', 1), ('cancerguide', 1), ('vcams', 1), ('majsta', 1), ('lechusa', 1)]...\n", + "2019-06-17 03:17:48,537 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4910000 (=100.0%) documents\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:17:50,967 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:51,033 : INFO : adding document #4910000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:17:59,720 : INFO : discarding 24236 tokens: [('tf_getlongp', 1), ('tf_putlongp', 1), ('diconde', 1), ('lengthinbyte', 1), ('radiantviewer', 1), ('ccaba', 1), ('cebim', 1), ('cerpie', 1), ('cremit', 1), ('epsem', 1)]...\n", + "2019-06-17 03:17:59,721 : INFO : keeping 2000000 tokens which were in no less than 0 and no more than 4920000 (=100.0%) documents\n", + "2019-06-17 03:18:02,226 : INFO : resulting dictionary: Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:18:02,290 : INFO : adding document #4920000 to Dictionary(2000000 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...)\n", + "2019-06-17 03:18:05,326 : INFO : built Dictionary(2010208 unique tokens: ['abandoning', 'abandonment', 'abdelrahim', 'ability', 'able']...) from 4924894 documents (total 2423655228 corpus positions)\n", + "2019-06-17 03:18:07,910 : INFO : discarding 1980208 tokens: [('abdelrahim', 49), ('abstention', 1064), ('abstentionism', 118), ('agitating', 867), ('also', 2640282), ('ammon', 967), ('amoureuse', 289), ('amoureux', 576), ('amparo', 1173), ('an', 2688277)]...\n", + "2019-06-17 03:18:07,911 : INFO : keeping 30000 tokens which were in no less than 5 and no more than 2462447 (=50.0%) documents\n", + "2019-06-17 03:18:08,388 : INFO : resulting dictionary: Dictionary(30000 unique tokens: ['abandoning', 'abandonment', 'ability', 'able', 'abolition']...)\n", + "2019-06-17 03:18:08,550 : INFO : saving Dictionary object under wiki.dict, separately None\n", + "2019-06-17 03:18:08,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 03:18:08,562 : INFO : saved 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": null, + "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": null, + "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": null, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 03:18:08,587 : INFO : storing corpus in Matrix Market format to wiki.mm\n", + "2019-06-17 03:18:08,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 03:18:08,589 : INFO : saving sparse matrix to wiki.mm\n", + "2019-06-17 03:18:08,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 03:18:08,610 : INFO : PROGRESS: saving document #0\n", + "2019-06-17 03:24:06,380 : INFO : PROGRESS: saving document #100000\n", + "2019-06-17 03:29:02,396 : INFO : PROGRESS: saving document #200000\n", + "2019-06-17 03:32:47,425 : INFO : PROGRESS: saving document #300000\n", + "2019-06-17 03:36:00,338 : INFO : PROGRESS: saving document #400000\n", + "2019-06-17 03:38:58,186 : INFO : PROGRESS: saving document #500000\n", + "2019-06-17 03:41:45,016 : INFO : PROGRESS: saving document #600000\n", + "2019-06-17 03:44:17,141 : INFO : PROGRESS: saving document #700000\n", + "2019-06-17 03:46:45,183 : INFO : PROGRESS: saving document #800000\n", + "2019-06-17 03:49:02,584 : INFO : PROGRESS: saving document #900000\n", + "2019-06-17 03:51:12,568 : INFO : PROGRESS: saving document #1000000\n", + "2019-06-17 03:53:12,385 : INFO : PROGRESS: saving document #1100000\n", + "2019-06-17 03:55:05,256 : INFO : PROGRESS: saving document #1200000\n", + "2019-06-17 03:56:57,881 : INFO : PROGRESS: saving document #1300000\n", + "2019-06-17 03:58:53,292 : INFO : PROGRESS: saving document #1400000\n", + "2019-06-17 04:00:43,515 : INFO : PROGRESS: saving document #1500000\n", + "2019-06-17 04:02:31,998 : INFO : PROGRESS: saving document #1600000\n", + "2019-06-17 04:04:02,257 : INFO : PROGRESS: saving document #1700000\n", + "2019-06-17 04:05:31,841 : INFO : PROGRESS: saving document #1800000\n", + "2019-06-17 04:07:07,715 : INFO : PROGRESS: saving document #1900000\n", + "2019-06-17 04:08:40,052 : INFO : PROGRESS: saving document #2000000\n", + "2019-06-17 04:10:16,973 : INFO : PROGRESS: saving document #2100000\n", + "2019-06-17 04:11:47,530 : INFO : PROGRESS: saving document #2200000\n", + "2019-06-17 04:13:17,534 : INFO : PROGRESS: saving document #2300000\n", + "2019-06-17 04:14:36,893 : INFO : PROGRESS: saving document #2400000\n", + "2019-06-17 04:15:51,948 : INFO : PROGRESS: saving document #2500000\n", + "2019-06-17 04:17:13,014 : INFO : PROGRESS: saving document #2600000\n", + "2019-06-17 04:18:30,638 : INFO : PROGRESS: saving document #2700000\n", + "2019-06-17 04:19:52,334 : INFO : PROGRESS: saving document #2800000\n", + "2019-06-17 04:21:13,449 : INFO : PROGRESS: saving document #2900000\n", + "2019-06-17 04:22:32,831 : INFO : PROGRESS: saving document #3000000\n", + "2019-06-17 04:23:48,956 : INFO : PROGRESS: saving document #3100000\n", + "2019-06-17 04:25:15,860 : INFO : PROGRESS: saving document #3200000\n", + "2019-06-17 04:26:40,435 : INFO : PROGRESS: saving document #3300000\n", + "2019-06-17 04:27:57,483 : INFO : PROGRESS: saving document #3400000\n", + "2019-06-17 04:29:14,530 : INFO : PROGRESS: saving document #3500000\n", + "2019-06-17 04:30:23,979 : INFO : PROGRESS: saving document #3600000\n", + "2019-06-17 04:31:37,911 : INFO : PROGRESS: saving document #3700000\n", + "2019-06-17 04:32:50,437 : INFO : PROGRESS: saving document #3800000\n", + "2019-06-17 04:34:02,312 : INFO : PROGRESS: saving document #3900000\n", + "2019-06-17 04:35:09,621 : INFO : PROGRESS: saving document #4000000\n", + "2019-06-17 04:36:23,699 : INFO : PROGRESS: saving document #4100000\n", + "2019-06-17 04:37:36,679 : INFO : PROGRESS: saving document #4200000\n", + "2019-06-17 04:38:49,487 : INFO : PROGRESS: saving document #4300000\n", + "2019-06-17 04:40:01,621 : INFO : PROGRESS: saving document #4400000\n", + "2019-06-17 04:41:11,472 : INFO : PROGRESS: saving document #4500000\n", + "2019-06-17 04:42:21,813 : INFO : PROGRESS: saving document #4600000\n", + "2019-06-17 04:43:29,049 : INFO : PROGRESS: saving document #4700000\n", + "2019-06-17 04:44:34,627 : INFO : PROGRESS: saving document #4800000\n", + "2019-06-17 04:45:36,508 : INFO : PROGRESS: saving document #4900000\n", + "2019-06-17 04:45:51,482 : INFO : saved 4924894x30000 matrix, density=0.555% (820242695/147746820000)\n", + "2019-06-17 04:45:51,483 : INFO : saving MmCorpus index to wiki.mm.index\n", + "2019-06-17 04:45:51,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 04:45:51,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 04:45:52,307 : INFO : loaded corpus index from wiki.mm.index\n", + "2019-06-17 04:45:52,307 : INFO : initializing cython corpus reader from wiki.mm\n", + "2019-06-17 04:45:52,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 04:45:52,309 : INFO : accepted corpus with 4924894 documents, 30000 features, 820242695 non-zero entries\n", + "2019-06-17 04:45:52,309 : INFO : storing corpus in Matrix Market format to wiki_tfidf.mm\n", + "2019-06-17 04:45:52,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 04:45:52,311 : INFO : saving sparse matrix to wiki_tfidf.mm\n", + "2019-06-17 04:45:52,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 04:45:52,322 : INFO : PROGRESS: saving document #0\n", + "2019-06-17 04:48:16,515 : INFO : PROGRESS: saving document #100000\n", + "2019-06-17 04:50:16,174 : INFO : PROGRESS: saving document #200000\n", + "2019-06-17 04:51:49,830 : INFO : PROGRESS: saving document #300000\n", + "2019-06-17 04:53:14,935 : INFO : PROGRESS: saving document #400000\n", + "2019-06-17 04:54:34,650 : INFO : PROGRESS: saving document #500000\n", + "2019-06-17 04:55:50,116 : INFO : PROGRESS: saving document #600000\n", + "2019-06-17 04:57:00,660 : INFO : PROGRESS: saving document #700000\n", + "2019-06-17 04:58:07,568 : INFO : PROGRESS: saving document #800000\n", + "2019-06-17 04:59:10,530 : INFO : PROGRESS: saving document #900000\n", + "2019-06-17 05:00:11,153 : INFO : PROGRESS: saving document #1000000\n", + "2019-06-17 05:01:06,495 : INFO : PROGRESS: saving document #1100000\n", + "2019-06-17 05:01:58,164 : INFO : PROGRESS: saving document #1200000\n", + "2019-06-17 05:02:50,223 : INFO : PROGRESS: saving document #1300000\n", + "2019-06-17 05:03:42,030 : INFO : PROGRESS: saving document #1400000\n", + "2019-06-17 05:04:32,081 : INFO : PROGRESS: saving document #1500000\n", + "2019-06-17 05:05:21,184 : INFO : PROGRESS: saving document #1600000\n", + "2019-06-17 05:06:04,286 : INFO : PROGRESS: saving document #1700000\n", + "2019-06-17 05:06:45,417 : INFO : PROGRESS: saving document #1800000\n", + "2019-06-17 05:07:28,911 : INFO : PROGRESS: saving document #1900000\n", + "2019-06-17 05:08:09,016 : INFO : PROGRESS: saving document #2000000\n", + "2019-06-17 05:08:52,132 : INFO : PROGRESS: saving document #2100000\n", + "2019-06-17 05:09:31,792 : INFO : PROGRESS: saving document #2200000\n", + "2019-06-17 05:10:11,427 : INFO : PROGRESS: saving document #2300000\n", + "2019-06-17 05:10:53,208 : INFO : PROGRESS: saving document #2400000\n", + "2019-06-17 05:11:31,014 : INFO : PROGRESS: saving document #2500000\n", + "2019-06-17 05:12:12,445 : INFO : PROGRESS: saving document #2600000\n", + "2019-06-17 05:12:55,802 : INFO : PROGRESS: saving document #2700000\n", + "2019-06-17 05:13:39,715 : INFO : PROGRESS: saving document #2800000\n", + "2019-06-17 05:14:23,227 : INFO : PROGRESS: saving document #2900000\n", + "2019-06-17 05:15:03,920 : INFO : PROGRESS: saving document #3000000\n", + "2019-06-17 05:15:41,584 : INFO : PROGRESS: saving document #3100000\n", + "2019-06-17 05:16:26,873 : INFO : PROGRESS: saving document #3200000\n", + "2019-06-17 05:17:11,139 : INFO : PROGRESS: saving document #3300000\n", + "2019-06-17 05:17:52,175 : INFO : PROGRESS: saving document #3400000\n", + "2019-06-17 05:18:34,059 : INFO : PROGRESS: saving document #3500000\n", + "2019-06-17 05:19:09,548 : INFO : PROGRESS: saving document #3600000\n", + "2019-06-17 05:19:45,978 : INFO : PROGRESS: saving document #3700000\n", + "2019-06-17 05:20:23,639 : INFO : PROGRESS: saving document #3800000\n", + "2019-06-17 05:21:03,069 : INFO : PROGRESS: saving document #3900000\n", + "2019-06-17 05:21:38,646 : INFO : PROGRESS: saving document #4000000\n", + "2019-06-17 05:22:17,047 : INFO : PROGRESS: saving document #4100000\n", + "2019-06-17 05:22:53,121 : INFO : PROGRESS: saving document #4200000\n", + "2019-06-17 05:23:31,097 : INFO : PROGRESS: saving document #4300000\n", + "2019-06-17 05:24:11,367 : INFO : PROGRESS: saving document #4400000\n", + "2019-06-17 05:24:49,653 : INFO : PROGRESS: saving document #4500000\n", + "2019-06-17 05:25:27,381 : INFO : PROGRESS: saving document #4600000\n", + "2019-06-17 05:26:02,146 : INFO : PROGRESS: saving document #4700000\n", + "2019-06-17 05:26:36,857 : INFO : PROGRESS: saving document #4800000\n", + "2019-06-17 05:27:09,937 : INFO : PROGRESS: saving document #4900000\n", + "2019-06-17 05:27:17,648 : INFO : saved 4924894x7081 matrix, density=1.673% (583557960/34873174414)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:17,649 : INFO : saving MmCorpus index to wiki_tfidf.mm.index\n", + "2019-06-17 05:27:17,650 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + } + ], + "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": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:18,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:18,690 : INFO : loaded corpus index from wiki.mm.index\n", + "2019-06-17 05:27:18,691 : INFO : initializing cython corpus reader from wiki.mm\n", + "2019-06-17 05:27:18,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:18,692 : INFO : accepted corpus with 4924894 documents, 30000 features, 820242695 non-zero entries\n", + "2019-06-17 05:27:20,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,814 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:20,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,888 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:20,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,954 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:20,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:20,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,039 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,116 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,200 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,287 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,372 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,448 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,531 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,600 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,675 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,755 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,835 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,909 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,979 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:21,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:21,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,051 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,113 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,179 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,251 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,320 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,394 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,453 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,541 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,617 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,702 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,774 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,843 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,923 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:22,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:22,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,009 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,077 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,156 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,237 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,312 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,394 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,460 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,616 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,686 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,748 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,824 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,884 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,973 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:23,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:23,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,058 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,132 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,213 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,276 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,419 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,494 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,564 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:24,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:24,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "IOPub message rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_msg_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_msg_rate_limit=1000.0 (msgs/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n", + "2019-06-17 05:27:25,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,295 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,363 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,436 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,516 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,580 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,641 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,719 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,793 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,861 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,916 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,990 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:25,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:25,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,061 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,137 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,208 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,288 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,358 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,434 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,527 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,600 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,673 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,740 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,816 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,887 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,957 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:26,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:26,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,039 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,100 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,166 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,236 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,317 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,398 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,474 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,576 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,651 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,720 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,788 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,864 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,939 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:27,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:27,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,022 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,087 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,165 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,230 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,314 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,383 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,470 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,566 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,664 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,759 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,850 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,911 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,994 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:28,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:28,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,066 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:29,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,135 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:29,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,811 : INFO : loaded corpus index from wiki.mm.index\n", + "2019-06-17 05:27:29,812 : INFO : initializing cython corpus reader from wiki.mm\n", + "2019-06-17 05:27:29,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:29,813 : INFO : accepted corpus with 4924894 documents, 30000 features, 820242695 non-zero entries\n", + "2019-06-17 05:27:31,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,773 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:31,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,823 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:31,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,885 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:31,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,946 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:31,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:31,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,019 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,076 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,130 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,201 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,260 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,358 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,420 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,489 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,557 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,612 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,673 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,740 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,791 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,855 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,929 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,994 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:32,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:32,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,065 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,142 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,195 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,258 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,339 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,394 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,446 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,547 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,615 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,679 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,777 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,842 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,906 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:33,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:33,999 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,060 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,126 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,182 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,251 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "IOPub message rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_msg_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_msg_rate_limit=1000.0 (msgs/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n", + "2019-06-17 05:27:34,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,854 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,904 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,966 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:34,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:34,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,035 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,095 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,180 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,237 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,283 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,343 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,391 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,455 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,519 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,577 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,635 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,681 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,728 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,804 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,862 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,932 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:35,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:35,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,006 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,065 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,114 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,168 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,222 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,295 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,359 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,427 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,513 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,575 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,641 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,701 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,767 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,825 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,895 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,960 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:36,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:36,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,038 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,094 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,148 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,210 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,296 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,356 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,430 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,483 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,586 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,645 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,706 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,757 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,809 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,870 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,934 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:37,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:37,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,019 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,117 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,177 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,247 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,301 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,364 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,416 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,521 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,598 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,665 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,734 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,800 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,859 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,921 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,982 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:38,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:38,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,696 : INFO : loaded corpus index from wiki_tfidf.mm.index\n", + "2019-06-17 05:27:39,697 : INFO : initializing cython corpus reader from wiki_tfidf.mm\n", + "2019-06-17 05:27:39,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:39,698 : INFO : accepted corpus with 4924894 documents, 7081 features, 583557960 non-zero entries\n", + "2019-06-17 05:27:41,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:41,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "IOPub message rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_msg_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_msg_rate_limit=1000.0 (msgs/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n", + "2019-06-17 05:27:42,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,273 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,342 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,420 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,509 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,590 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,661 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,737 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,809 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,886 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,958 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:42,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:42,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,046 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,133 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,213 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,292 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,370 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,440 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,523 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,603 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,677 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,753 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,821 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,896 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,975 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:43,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:43,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,067 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,157 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,228 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,293 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,362 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,442 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,524 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,600 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,679 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,752 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,828 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,896 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,964 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:44,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:44,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,050 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,124 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,215 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,293 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,362 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,436 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,517 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,615 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,705 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,785 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,869 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,947 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:45,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:45,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,029 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,111 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,194 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,266 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,341 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,432 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,510 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,590 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,676 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,754 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,837 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,922 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:46,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:46,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,005 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,087 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,168 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,248 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,326 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,397 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,468 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,551 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,641 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,741 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,829 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,902 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,980 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:47,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:47,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,077 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,169 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,253 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,332 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,414 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,500 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,589 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,672 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,760 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,844 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,911 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,992 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:48,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:48,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,079 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,163 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,248 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,335 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,411 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,493 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,578 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,662 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,765 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,844 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,944 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:49,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:49,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,053 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:50,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,146 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:50,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,235 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:50,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,336 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:50,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,413 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:50,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,505 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:50,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,605 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:50,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:50,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:51,518 : INFO : loaded corpus index from wiki_tfidf.mm.index\n", + "2019-06-17 05:27:51,519 : INFO : initializing cython corpus reader from wiki_tfidf.mm\n", + "2019-06-17 05:27:51,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:51,521 : INFO : accepted corpus with 4924894 documents, 7081 features, 583557960 non-zero entries\n", + "2019-06-17 05:27:53,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,438 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,509 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,571 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,625 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,690 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,752 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,817 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,885 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,960 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:53,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:53,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,033 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,108 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,181 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,235 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,289 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,378 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,461 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,542 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,601 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,657 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,715 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,777 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,841 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,928 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:54,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:54,999 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,071 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,139 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,234 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,298 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,373 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,457 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,530 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,618 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,684 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,760 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,833 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,911 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,969 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:55,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:55,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,052 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:56,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,126 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:56,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,190 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:56,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,254 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:56,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,311 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:56,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "IOPub message rate exceeded.\n", + "The notebook server will temporarily stop sending output\n", + "to the client in order to avoid crashing it.\n", + "To change this limit, set the config variable\n", + "`--NotebookApp.iopub_msg_rate_limit`.\n", + "\n", + "Current values:\n", + "NotebookApp.iopub_msg_rate_limit=1000.0 (msgs/sec)\n", + "NotebookApp.rate_limit_window=3.0 (secs)\n", + "\n", + "2019-06-17 05:27:56,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,975 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:56,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:56,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,047 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,127 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,188 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,261 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,325 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,373 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,424 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,488 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,551 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,613 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,673 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,723 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,791 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,852 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,927 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:57,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:57,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,001 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,073 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,149 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,261 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,324 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,398 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,480 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,543 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,619 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,719 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,795 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,859 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,914 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,981 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:58,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:58,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,053 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,118 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,189 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,263 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,321 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,382 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,446 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,515 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,598 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,669 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,737 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,800 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,853 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,915 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,991 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:27:59,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:27:59,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,062 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,124 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,197 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,264 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,322 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,379 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,438 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,505 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,590 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,700 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,755 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,816 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,870 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,926 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,985 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:00,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:00,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,054 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,148 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,201 : WARNING : this function is deprecated, use smart_open.open instead\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": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,310 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,437 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,521 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,616 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,708 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,786 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,860 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,930 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:01,998 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:01,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,081 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,181 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,274 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,357 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,427 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,511 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,609 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,692 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,782 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,867 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,948 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:02,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:02,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,044 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,130 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,202 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,275 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,417 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,497 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,584 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,679 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,760 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,844 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,929 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:03,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:03,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,012 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,140 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,240 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,323 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,416 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,556 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,622 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,703 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,779 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,871 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,956 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:04,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:04,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,034 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,125 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,206 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,293 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,359 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,437 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,514 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,617 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,709 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,795 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,876 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,969 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:05,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:05,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,058 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,148 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,232 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,305 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,383 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,465 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,550 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,638 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,710 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,780 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,856 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,941 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:06,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:06,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,019 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,095 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,178 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,266 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,353 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,448 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,525 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,619 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,702 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,780 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,865 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,953 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:07,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:07,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,030 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,112 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,187 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,275 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,349 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,421 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,492 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,577 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,654 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,737 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,815 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,898 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,988 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:08,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:08,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,084 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,188 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,277 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,367 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,459 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,527 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,610 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,695 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,770 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,844 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,923 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:09,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:09,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,010 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,097 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,185 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,266 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,364 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,456 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,527 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,620 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,718 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,792 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,885 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,970 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:10,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:10,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,078 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,168 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,254 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,330 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,410 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,496 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,577 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,656 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,745 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,832 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,913 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,981 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:11,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:11,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,074 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,153 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,288 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,363 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,439 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,532 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,620 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,693 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,768 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,846 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,921 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:12,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:12,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,002 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,087 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,178 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,260 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,338 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,419 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,502 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,592 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,679 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,775 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,850 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,935 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:13,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:13,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,016 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,112 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,208 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,285 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,360 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,439 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,527 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,634 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,718 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,805 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,893 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,977 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:14,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:14,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,061 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,153 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,241 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,330 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,420 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,500 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,594 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,677 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,762 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,841 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,927 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:15,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:15,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,027 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,121 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,208 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,290 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,374 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,447 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,525 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,608 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,683 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,763 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,847 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,934 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:16,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:16,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,010 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,096 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,181 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,269 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,350 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,419 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,490 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,560 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,635 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,706 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,783 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,861 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,939 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:17,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:17,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,014 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,103 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,199 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,284 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,373 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,457 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,532 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,620 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,702 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,795 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,874 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,964 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:18,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:18,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,044 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,144 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,221 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,309 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,391 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,467 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,551 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,640 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,716 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,801 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,887 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,956 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:19,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:19,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,050 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,158 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,291 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,377 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,459 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,638 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,731 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,817 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,893 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,976 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:20,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:20,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,067 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,169 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,266 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,373 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,469 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,565 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,679 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,782 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,887 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,971 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:21,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:21,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,060 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,172 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,286 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,370 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,475 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,605 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,723 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,839 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,953 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:22,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:22,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,046 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,162 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,277 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,393 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,512 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,623 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,724 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,808 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,896 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,990 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:23,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:23,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,084 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,167 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,263 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,352 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,432 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,527 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,614 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,696 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,778 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,864 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,952 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:24,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:24,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,041 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,148 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,238 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,328 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,408 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,501 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,610 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,715 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,818 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,904 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,992 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:25,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:25,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,079 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,171 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,248 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,440 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,532 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,634 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,724 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,822 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,918 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:26,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:26,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,012 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,121 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,218 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,310 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,402 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,493 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,598 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,710 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,802 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,896 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,988 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:27,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:27,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,076 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,202 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,300 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,409 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,492 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,586 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,697 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,782 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,876 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,966 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:28,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:28,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,048 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,158 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,248 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,434 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,532 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,622 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,712 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,811 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,918 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:29,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:29,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,001 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,093 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,242 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,340 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,427 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,509 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,605 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,713 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,816 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,910 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:30,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:30,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,002 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,093 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,200 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,294 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,378 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,467 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,564 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,667 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,753 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,854 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,944 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:31,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:31,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,034 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,130 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,218 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,306 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,417 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,508 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,612 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,717 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,799 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,906 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:32,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:32,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,002 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,098 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,202 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,288 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,382 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,474 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,569 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,686 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,784 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,870 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,944 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:33,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:33,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,011 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,088 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,175 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,248 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,319 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,393 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,474 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,554 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,641 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,728 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,809 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,907 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,995 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:34,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:34,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,096 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,186 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,278 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,359 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,447 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,541 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,635 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,715 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,801 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,882 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,967 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:35,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:35,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,054 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,140 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,219 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,291 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,366 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,437 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,507 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,576 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,666 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,741 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,820 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,900 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,987 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:36,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:36,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,075 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,166 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,249 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,338 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,415 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,512 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,614 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,704 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,777 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,847 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,920 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:37,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:37,999 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,088 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,177 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,268 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,360 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,449 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,545 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,630 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,716 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,806 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,893 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,981 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:38,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:38,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,078 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,179 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,273 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,359 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,433 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,511 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,601 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,691 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,790 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,880 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,974 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:39,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:39,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,051 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,145 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,231 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,303 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,389 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,473 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,643 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,729 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,808 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,888 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,961 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:40,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:40,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,039 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,132 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,215 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,313 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,424 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,509 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,615 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,710 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,805 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,890 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,989 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:41,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:41,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,092 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,200 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,311 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,406 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,499 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,594 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,709 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,797 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,898 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:42,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:42,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,010 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,122 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,218 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,327 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,434 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,520 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,612 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,720 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,813 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,912 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,997 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:43,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:43,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,096 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,209 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,304 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,394 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,483 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,585 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,684 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,779 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,875 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,957 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:44,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:44,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,041 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,145 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,236 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,343 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,431 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,529 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,618 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,718 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,820 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,911 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:45,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:45,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,005 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,098 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,210 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,302 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,411 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,499 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,608 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,714 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,804 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,893 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,991 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:46,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:46,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,074 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,176 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,286 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,393 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,485 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,569 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,661 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,766 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,849 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,945 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:47,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:47,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,050 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,145 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,236 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,329 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,430 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,522 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,615 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,719 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,811 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,901 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:48,996 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:48,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,098 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,198 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,297 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,374 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,469 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,552 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,648 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,741 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,831 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,912 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:49,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:49,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,001 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,090 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,202 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,300 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,406 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,505 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,601 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,694 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,782 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,861 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,944 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:50,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:50,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,038 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,142 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,243 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,327 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,417 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,526 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,614 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,727 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,810 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,904 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,993 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:51,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:51,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,084 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,191 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,273 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,363 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,452 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,653 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,732 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,832 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,932 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:52,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:52,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,017 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,104 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,194 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,283 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,375 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,519 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,606 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,711 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,802 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,900 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,979 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:53,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:53,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,068 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,163 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,260 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,349 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,433 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,519 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,605 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,724 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,810 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,887 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,974 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:54,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:54,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,060 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,162 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,247 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,330 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,422 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,516 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,598 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,684 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,785 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,870 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,971 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:55,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:55,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,072 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,183 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,267 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,359 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,441 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,529 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,632 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,733 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,839 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,934 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:56,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:56,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,023 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,099 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,201 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,310 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,418 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,521 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,608 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,702 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,787 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,877 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,972 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:57,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:57,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,070 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,179 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,279 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,386 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,476 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,573 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,673 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,771 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,864 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,955 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:58,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:58,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,049 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,144 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,254 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,444 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,546 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,637 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,723 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,810 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,906 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,989 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:28:59,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:28:59,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,073 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,162 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,258 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,359 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,457 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,555 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,656 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,771 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,865 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,954 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:00,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:00,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,029 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,112 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,224 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,319 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,413 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,521 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,624 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,747 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,849 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,948 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:01,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:01,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,053 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,163 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,267 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,361 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,454 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,631 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,729 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,819 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,931 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:02,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:02,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,028 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,187 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,278 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,364 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,463 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,555 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,635 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,740 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,833 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,938 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:03,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:03,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,029 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,116 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,237 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,331 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,424 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,528 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,624 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,731 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,830 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,923 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:04,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:04,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,008 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,113 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,209 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,294 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,389 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,483 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,572 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,684 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,786 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,883 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,972 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:05,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:05,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,060 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,171 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,261 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,362 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,455 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,551 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,634 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,748 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,842 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,920 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:06,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:06,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,000 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,108 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,223 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,305 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,397 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,498 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,584 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,678 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,768 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,863 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,953 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:07,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:07,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,050 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,143 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,238 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,322 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,404 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,483 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,572 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,679 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,781 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,882 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,979 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:08,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:08,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,074 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,185 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,281 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,372 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,467 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,567 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,672 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,765 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,866 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,962 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:09,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:09,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,065 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,175 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,277 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,370 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,473 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,569 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,662 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,756 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,867 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,962 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:10,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:10,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,047 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,138 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,245 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,333 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,430 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,528 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,631 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,735 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,832 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,927 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:11,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:11,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,011 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,108 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,220 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,302 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,408 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,513 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,592 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,686 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,760 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,839 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,933 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:12,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:12,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,038 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,133 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,241 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,446 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,538 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,646 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,767 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,863 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,953 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:13,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:13,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,049 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,144 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,247 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,346 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,441 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,523 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,609 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,719 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,803 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,879 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:14,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:14,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,041 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,123 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,227 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,317 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,410 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,513 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,598 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,697 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,782 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,877 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,979 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:15,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:15,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,087 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,180 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,273 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,374 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,474 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,581 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,679 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,777 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,888 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,986 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:16,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:16,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,083 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,180 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,260 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,360 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,439 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,520 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,616 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,718 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,814 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,906 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:17,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:17,998 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,085 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,202 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,308 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,389 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,487 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,591 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,698 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,780 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,865 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,958 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:18,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:18,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,064 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,181 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,285 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,367 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,461 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,549 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,643 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,762 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,867 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,969 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:19,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:19,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,067 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,193 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,283 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,380 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,467 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,555 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,660 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,757 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,854 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,961 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:20,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:20,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,046 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,154 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,257 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,338 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,418 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,505 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,606 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,709 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,812 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,910 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:21,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:21,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,009 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,104 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,212 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,309 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,404 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,500 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,604 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,721 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,822 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,926 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:22,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:22,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,023 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,124 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,238 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,322 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,407 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,507 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,603 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,706 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,799 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,898 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,993 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:23,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:23,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,096 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,215 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,293 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,377 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,476 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,570 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,664 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,776 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,879 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,970 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:24,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:24,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,063 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,151 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,314 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,417 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,528 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,613 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,722 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,811 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,910 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:25,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:25,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,018 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,132 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,239 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,331 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,441 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,557 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,680 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,784 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,885 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,991 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:26,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:26,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,078 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,178 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,304 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,422 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,534 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,638 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,752 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,846 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,951 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:27,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:27,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,057 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,185 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,287 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,374 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,463 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,561 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,661 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,766 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,864 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,971 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:28,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:28,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,080 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,198 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,322 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,442 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,543 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,646 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,757 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,876 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,977 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:29,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:29,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,097 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,230 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,337 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,455 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,573 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,658 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,778 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,891 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:30,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:30,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,008 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,131 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,251 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,374 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,478 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,571 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,677 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,790 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,900 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:31,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:31,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,002 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,134 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,266 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,384 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,500 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,619 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,754 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,872 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,967 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:32,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:32,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,083 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,190 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,309 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,414 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,532 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,636 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,779 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,903 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:33,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:33,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,003 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,115 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,241 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,355 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,449 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,547 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,633 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,736 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,834 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,943 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:34,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:34,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,064 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,172 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,278 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,396 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,504 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,631 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,750 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,851 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,954 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:35,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:35,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,062 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,163 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,287 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,427 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,526 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,635 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,764 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,885 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:36,998 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:36,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,100 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,212 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,337 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,450 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,574 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,660 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,754 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,833 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,911 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,996 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:37,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:37,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,089 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,179 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,275 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,352 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,442 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,527 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,613 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,689 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,786 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,876 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:38,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:38,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,032 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,117 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,210 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,293 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,384 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,469 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,555 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,645 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,759 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,850 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,938 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:39,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:39,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,028 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,115 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,218 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,302 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,402 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,510 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,607 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,715 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,798 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,886 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,969 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:40,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:40,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,049 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,130 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,218 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,300 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,396 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,490 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,594 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,691 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,785 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,878 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,971 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:41,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:41,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,053 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,140 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,245 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,342 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,437 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,520 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,603 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,690 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,788 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,886 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,961 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:42,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:42,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,051 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,150 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,242 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,324 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,416 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,504 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,597 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,697 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,790 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,869 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,953 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:43,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:43,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,043 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,135 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,226 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,316 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,419 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,519 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,630 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,741 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,825 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,913 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:44,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:44,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,004 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,108 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,206 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,288 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,377 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,471 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,558 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,645 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,732 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,834 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,929 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:45,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:45,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,016 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,111 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,206 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,311 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,427 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,526 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,624 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,727 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,833 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,934 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:46,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:46,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,030 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,119 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,221 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,317 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,417 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,519 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,610 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,715 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,791 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,882 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,962 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:47,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:47,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,050 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,142 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,236 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,322 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,420 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,515 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,635 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,747 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,849 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,957 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:48,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:48,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,117 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,234 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,326 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,443 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,537 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,639 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,753 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,855 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,952 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:49,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:49,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,034 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,133 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,236 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,342 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,435 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,526 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,635 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,747 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,846 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,951 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:50,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:50,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,050 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,150 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,261 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,355 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,463 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,555 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,656 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,772 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,868 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,965 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:51,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:51,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,094 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,199 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,302 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,399 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,500 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,599 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,728 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,843 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,959 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:52,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:52,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,047 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,121 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,212 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,318 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,397 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,476 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,564 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,652 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,745 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,831 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,912 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:53,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:53,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,009 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,109 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,207 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,321 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,421 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,533 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,628 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,732 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,839 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,951 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:54,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:54,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,060 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,175 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,283 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,378 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,492 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,605 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,723 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,829 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,935 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:55,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:55,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,029 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,151 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,269 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,372 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,483 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,574 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,681 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,785 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,869 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,963 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:56,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:56,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,066 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,174 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,290 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,398 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,514 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,617 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,716 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,812 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,914 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:57,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:57,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,017 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,123 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,237 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,355 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,459 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,574 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,699 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,811 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,918 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:58,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:58,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,037 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,151 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,256 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,347 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,445 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,556 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,663 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,785 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,883 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,988 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:29:59,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:29:59,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,108 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,220 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,339 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,443 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,550 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,666 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,781 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,880 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,966 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:00,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:00,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,079 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,185 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,305 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,433 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,535 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,620 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,717 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,826 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,927 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:01,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:01,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,017 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,130 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,312 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,431 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,530 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,631 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,736 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,847 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,960 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:02,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:02,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,064 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,157 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,264 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,379 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,480 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,585 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,708 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,832 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,931 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:03,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:03,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,034 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,147 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,253 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,461 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,572 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,689 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,791 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,886 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:04,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:04,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,003 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,098 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,221 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,343 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,448 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,570 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,672 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,775 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,887 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:05,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:05,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,007 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,116 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,223 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,316 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,429 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,524 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,639 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,749 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,862 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,965 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:06,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:06,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,079 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,190 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,289 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,386 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,497 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,612 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,737 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,846 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,945 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:07,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:07,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,034 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,140 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,240 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,337 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,437 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,550 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,667 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,789 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,891 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,994 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:08,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:08,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,117 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,225 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,334 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,434 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,531 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,633 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,756 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,868 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,964 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:09,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:09,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,061 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,153 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,241 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,336 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,458 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,566 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,663 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,776 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,875 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,977 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:10,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:10,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,082 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,189 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,314 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,411 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,512 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,609 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,697 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,821 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,931 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:11,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:11,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,028 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,142 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,266 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,390 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,485 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,577 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,675 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,799 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,913 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:12,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:12,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,023 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,136 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,253 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,348 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,445 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,541 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,639 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,755 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,865 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,977 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:13,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:13,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,082 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,190 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,290 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,409 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,515 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,606 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,711 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,826 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,944 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:14,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:14,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,046 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,139 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,260 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,369 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,476 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,585 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,696 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,810 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,921 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:15,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:15,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,045 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,154 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,243 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,340 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,436 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,547 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,718 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,830 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,937 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:16,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:16,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,041 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,143 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,244 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,364 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,481 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,577 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,666 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,765 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,862 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,961 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:17,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:17,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,073 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,187 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,298 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,389 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,475 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,576 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,685 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,790 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,899 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:18,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:18,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,007 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,126 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,257 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,361 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,471 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,574 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,672 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,792 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,899 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,986 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:19,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:19,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,084 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,195 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,323 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,421 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,515 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,611 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,725 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,851 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,944 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:20,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:20,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,040 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,153 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,265 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,373 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,478 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,570 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,665 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,790 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,885 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,986 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:21,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:21,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,077 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,176 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,282 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,378 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,483 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,595 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,698 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,810 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,922 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:22,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:22,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,006 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,113 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,219 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,321 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,430 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,540 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,638 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,747 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,862 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,976 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:23,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:23,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,096 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,207 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,324 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,435 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,654 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,768 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,878 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,979 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:24,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:24,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,074 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,189 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,298 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,412 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,520 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,624 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,725 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,827 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,922 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:25,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:25,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,027 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,129 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,234 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,365 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,478 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,582 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,684 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,797 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,894 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,995 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:26,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:26,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,099 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,196 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,308 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,398 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,509 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,608 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,716 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,823 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,924 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:27,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:27,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,017 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,116 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,224 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,339 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,446 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,546 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,653 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,761 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,866 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:28,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:28,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,024 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,122 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,219 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,325 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,417 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,515 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,621 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,724 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,845 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,941 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:29,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:29,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,043 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,131 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,252 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,364 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,455 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,555 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,656 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,777 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,882 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,983 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:30,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:30,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,088 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,208 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,326 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,441 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,557 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,669 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,783 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,883 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,977 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:31,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:31,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,082 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,180 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,281 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,392 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,504 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,599 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,706 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,834 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,940 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:32,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:32,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,046 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,145 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,250 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,373 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,492 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,607 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,713 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,817 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,921 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:33,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:33,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,028 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,147 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,236 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,328 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,435 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,543 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,642 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,749 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,864 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,953 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:34,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:34,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,051 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,167 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,267 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,365 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,474 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,586 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,685 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,807 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,905 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:35,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:35,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,008 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,121 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,224 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,330 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,424 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,520 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,650 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,768 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,891 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,984 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:36,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:36,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,108 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,236 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,346 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,439 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,545 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,645 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,750 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,861 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,968 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:37,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:37,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,068 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,183 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,290 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,394 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,504 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,618 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,723 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,828 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,942 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:38,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:38,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,033 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,116 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,220 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,337 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,448 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,549 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,640 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,723 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,834 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,921 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:39,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:39,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,021 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,114 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,222 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,343 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,448 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,645 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,755 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,863 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,961 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:40,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:40,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,074 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:41,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,245 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:41,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,370 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:41,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,470 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:41,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:41,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,287 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:43,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,389 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:43,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,491 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:43,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,603 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:43,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,710 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:43,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,831 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:43,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,940 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:43,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:43,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,034 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,152 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,256 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,375 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,477 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,583 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,680 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,781 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,896 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,990 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:44,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:44,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,084 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,195 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,305 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,417 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,515 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,621 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,731 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,835 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,941 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:45,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:45,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,043 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,146 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,259 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,374 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,480 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,589 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,686 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,782 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,872 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,979 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:46,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:46,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,096 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,207 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,320 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,422 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,534 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,640 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,760 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,866 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,972 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:47,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:47,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,068 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,165 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,266 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,382 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,486 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,578 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,675 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,764 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,892 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:48,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:48,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,001 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,116 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,212 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,302 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,412 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,528 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,632 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,726 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,852 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,952 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:49,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:49,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,041 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,167 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,257 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,377 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,492 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,585 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,692 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,794 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,902 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,994 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:50,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:50,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,095 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,189 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,316 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,427 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,546 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,663 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,756 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,852 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,962 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:51,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:51,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,057 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,162 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,261 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,358 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,448 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,632 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,719 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,804 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,903 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:52,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:52,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,013 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,098 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,205 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,312 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,395 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,506 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,603 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,691 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,787 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,898 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:53,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:53,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,014 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,125 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,224 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,339 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,485 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,587 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,683 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,813 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,927 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:54,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:54,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,032 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,157 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,250 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,362 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,461 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,563 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,675 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,781 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,883 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,983 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:55,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:55,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,073 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,188 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,297 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,409 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,523 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,619 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,728 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,844 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,940 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:56,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:56,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,036 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,136 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,242 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,343 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,457 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,564 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,671 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,768 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,878 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,993 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:57,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:57,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,094 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,189 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,289 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,412 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,526 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,633 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,735 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,845 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,951 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:58,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:58,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,064 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,161 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,282 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,397 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,501 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,592 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,704 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,802 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,913 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:30:59,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:30:59,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,016 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,120 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,232 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,347 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,452 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,547 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,650 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,751 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,880 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:00,998 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:00,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,116 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,227 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,345 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,444 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,549 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,653 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,751 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,872 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,984 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:01,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:01,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,084 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,193 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,305 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,409 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,510 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,622 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,712 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,832 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,941 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:02,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:02,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,040 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,147 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,246 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,364 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,484 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,596 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,723 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,831 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,934 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:03,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:03,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,047 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,144 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,252 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,362 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,467 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,590 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,702 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,814 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,922 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:04,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:04,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,030 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,140 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,242 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,342 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,445 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,544 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,650 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,765 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,881 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,986 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:05,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:05,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,102 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,206 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,316 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,434 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,542 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,634 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,736 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,851 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,946 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:06,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:06,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,048 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,156 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,255 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,359 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,458 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,554 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,644 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,748 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,866 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:07,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:07,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,023 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,121 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,227 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,341 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,381 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,441 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,496 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,542 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,648 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,755 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,868 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,889 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,974 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:08,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:08,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,081 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,150 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,192 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,291 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,302 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,307 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,383 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,384 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,494 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,601 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,713 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,818 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,911 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,923 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:09,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,942 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:09,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,028 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,088 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,140 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,143 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,174 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,207 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,215 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,251 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,274 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,281 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,299 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,377 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,418 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,428 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,466 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,523 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,528 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,555 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,566 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,585 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,636 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,659 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,672 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,686 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,702 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,728 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,769 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,797 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,799 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,861 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,928 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:10,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,953 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,966 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,987 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:10,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,029 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,076 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,132 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,136 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,139 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,147 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,157 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,159 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,164 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,168 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,171 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,173 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,179 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,182 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,185 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,189 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,191 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,201 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,204 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,210 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,218 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,226 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,228 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,244 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,251 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,257 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,259 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,264 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,266 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,270 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,280 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,283 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,285 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,288 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,290 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,297 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,314 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,322 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,345 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,350 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,354 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,355 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,372 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,375 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,378 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,383 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,386 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,389 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,394 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,398 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,407 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,410 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,422 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,441 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,448 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,465 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,472 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,475 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,477 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,478 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,483 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,492 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,498 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,504 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,509 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,524 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,525 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,531 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,541 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,544 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,548 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,551 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,558 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,566 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,571 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,574 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,583 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,585 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,592 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,596 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,599 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,602 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,605 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,623 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,674 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,679 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,689 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,704 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,715 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,718 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,722 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,730 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,747 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,757 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,776 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,778 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,783 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,784 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,786 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,790 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,795 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,801 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,808 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,810 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,813 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,817 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,818 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,824 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,828 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,830 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,836 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,842 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,848 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,868 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,879 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,880 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,881 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,891 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,894 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,898 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,901 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,905 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,909 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,915 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,916 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,918 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,922 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,927 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,940 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,957 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,962 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,964 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,968 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,971 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,973 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,978 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,982 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,986 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:11,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,990 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,995 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,998 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:11,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,001 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,006 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,009 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,011 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,017 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,021 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,023 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,031 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,036 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,042 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,044 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,047 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,054 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,057 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,062 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,065 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,068 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,072 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,076 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,084 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,087 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,089 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,105 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,115 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,138 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,140 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,141 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,142 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,144 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,145 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,146 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,148 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,149 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,151 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,152 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,153 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,154 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,155 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,156 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,158 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,160 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,161 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,162 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,163 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,165 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,166 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,167 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,169 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,170 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,172 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,173 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,175 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,176 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,177 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,178 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,180 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,181 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,183 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,184 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,186 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,187 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,188 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,190 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,192 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,193 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,194 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,195 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,196 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,197 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,198 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,199 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,200 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,202 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,203 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,205 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,206 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,208 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,209 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,211 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,212 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,213 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,214 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,216 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,217 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,219 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,220 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,221 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,222 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,223 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,224 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,225 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,227 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,229 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,230 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,231 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,232 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,233 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,234 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,235 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,236 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,237 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,238 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,239 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,240 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,241 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,242 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,243 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,244 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,245 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,246 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,247 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,248 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,249 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,250 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,252 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,253 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,254 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,255 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,256 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,258 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,260 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,261 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,262 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,263 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,265 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,267 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,268 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,269 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,271 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,272 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,273 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,275 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,276 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,277 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,278 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,279 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,282 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,283 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,284 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,286 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,287 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,289 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,291 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,292 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,293 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,294 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,295 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,296 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,298 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,300 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,301 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,303 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,304 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,305 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,306 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,308 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,309 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,310 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,311 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,312 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,313 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,315 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,316 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,317 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,318 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,319 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,320 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,321 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,323 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,324 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,325 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,326 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,327 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,328 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,329 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,330 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,331 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,332 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,333 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,334 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,335 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,336 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,337 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,338 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,339 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,340 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,341 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,342 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,343 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,344 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,346 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,347 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,348 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,349 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,351 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,352 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,353 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,355 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,356 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,357 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,358 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,359 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,360 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,361 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,362 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,363 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,364 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,365 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,366 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,367 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,368 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,369 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,370 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,371 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,373 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,374 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,376 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,377 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,379 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,380 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,382 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,385 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,386 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,387 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,388 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,390 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,391 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,392 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,393 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,395 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,396 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,397 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,399 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,400 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,401 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,402 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,403 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,404 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,405 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,406 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,408 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,409 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,411 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,412 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,413 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,414 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,415 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,416 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,417 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,419 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,420 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,421 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,423 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,424 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,425 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,426 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,427 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,430 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,431 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,432 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,433 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,434 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,435 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,436 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,437 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,438 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,439 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,440 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,442 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,443 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,444 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,445 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,446 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,447 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,449 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,450 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,451 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,452 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,453 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,454 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,455 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,456 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,457 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,458 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,459 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,460 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,461 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,462 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,463 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,464 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,466 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,467 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,468 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,469 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,470 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,471 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,473 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,474 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,475 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,476 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,478 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,479 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,480 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,481 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,482 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,484 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,485 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,486 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,487 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,488 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,489 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,490 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,491 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,493 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,494 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,495 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,497 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,499 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,500 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,501 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,502 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,503 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,505 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,506 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,507 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,508 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,510 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,511 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,512 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,513 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,514 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,515 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,516 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,517 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,518 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,519 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,520 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,521 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,522 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,526 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,527 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,529 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,530 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,532 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,533 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,534 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,535 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,536 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,537 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,538 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,539 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,540 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,542 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,543 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,545 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,546 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,547 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,549 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,550 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,552 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,553 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,554 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,556 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,557 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,559 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,560 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,561 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,562 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,563 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,564 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,565 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,567 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,568 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,569 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,570 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,572 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,573 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,575 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,576 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,577 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,578 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,579 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,580 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,581 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,582 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,584 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,585 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,586 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,587 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,588 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,589 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,590 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,591 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,593 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,594 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,595 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,597 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,598 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,600 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,601 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,603 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,604 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,606 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,607 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,608 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,609 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,610 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,611 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,612 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,613 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,614 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,615 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,616 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,617 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,618 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,619 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,620 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,621 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,622 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,624 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,625 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,626 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,627 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,628 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,629 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,630 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,631 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,632 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,633 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,634 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,635 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,637 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,638 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,639 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,640 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,641 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,642 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,643 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,644 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,645 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,646 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,647 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,648 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,649 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,650 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,651 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,652 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,653 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,654 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,655 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,656 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,657 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,658 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,660 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,661 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,662 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,663 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,664 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,665 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,666 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,667 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,668 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,669 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,670 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,671 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,672 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,673 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,675 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,676 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,677 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,678 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,680 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,681 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,682 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,683 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,684 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,685 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,686 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,687 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,688 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,689 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,690 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,691 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,692 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,693 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,694 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,695 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,696 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,697 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,698 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,699 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,700 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,701 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,703 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,705 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,706 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,707 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,708 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,709 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,710 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,711 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,712 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,713 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,714 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,716 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,717 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,719 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,720 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,721 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,723 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,724 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,725 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,726 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,727 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,729 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,731 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,732 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,733 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,734 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,735 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,736 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,737 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,738 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,739 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,740 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,741 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,742 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,743 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,744 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,745 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,746 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,748 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,749 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,750 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,751 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,752 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,753 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,754 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,755 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,756 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,757 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,758 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,759 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,760 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,761 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,762 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,763 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,764 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,765 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,766 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,767 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,768 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,770 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,771 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,772 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,773 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,774 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,775 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,777 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,779 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,780 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,781 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,782 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,784 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,785 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,787 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,788 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,789 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,791 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,792 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,793 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,794 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,796 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,797 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,798 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,800 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,802 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,803 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,804 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,805 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,806 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,807 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,809 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,811 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,812 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,814 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,815 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,816 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,819 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,820 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,821 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,822 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,823 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,825 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,826 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,827 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,829 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,831 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,832 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,833 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,834 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,835 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,837 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,838 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,839 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,840 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,841 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,843 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,844 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,845 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,846 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,847 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,849 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,850 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,851 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,852 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,853 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,854 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,855 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,856 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,857 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,858 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,859 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,860 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,861 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,862 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,863 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,864 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,865 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,866 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,867 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,869 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,870 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,871 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,872 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,873 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,874 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,875 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,876 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,877 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,878 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,881 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,882 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,883 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,884 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,885 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,886 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,887 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,888 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,890 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,892 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,893 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,895 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,896 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,897 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,899 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,900 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,902 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,903 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,904 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,906 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,907 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,908 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,910 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,912 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,913 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,914 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,917 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,919 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,920 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,921 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,923 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,924 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,925 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,926 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,928 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,929 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,930 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,931 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,932 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,933 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,934 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,935 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,936 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,937 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,938 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,939 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,941 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,943 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,944 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,945 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,946 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,947 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,948 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,949 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,950 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,951 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,952 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,954 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,955 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,956 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,958 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,959 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,960 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,961 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,963 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,965 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,967 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,969 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,970 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,971 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:12,972 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,974 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,975 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,976 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,977 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,979 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,980 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,981 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,983 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,984 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,985 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,986 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,988 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,989 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,991 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,992 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,993 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,994 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,996 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,997 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:12,999 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,000 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,002 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,003 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,004 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,005 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,007 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,008 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,010 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,012 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,013 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,014 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,015 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,016 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,018 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,019 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,020 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,022 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,024 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,025 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,026 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,027 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,028 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,029 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,030 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,032 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,033 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,034 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,035 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,037 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,038 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,039 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,040 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,041 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,043 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,045 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,046 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,048 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,049 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,050 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,051 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,052 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,053 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,055 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,056 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,058 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,059 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,060 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,061 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,063 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,064 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,066 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,067 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,069 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,070 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,071 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,073 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,074 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,075 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,077 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,078 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,079 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,080 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,081 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,082 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,083 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,085 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,086 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,088 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 05:31:13,090 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,091 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,092 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,093 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,094 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,095 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,096 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,097 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,098 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,099 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,100 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,101 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,102 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,103 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,104 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,106 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,107 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,108 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,109 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,110 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,111 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,112 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,113 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,114 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,116 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,117 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,118 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,119 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,120 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,121 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,122 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,123 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,124 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,125 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,126 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,127 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,128 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,129 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,130 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,131 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,132 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,133 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,134 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,135 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,137 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 05:31:13,138 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + } + ], + "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", @@ -1520,7 +225681,7 @@ }, { "cell_type": "code", - "execution_count": 30, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1538,7 +225699,7 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1569,7 +225730,7 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": null, "metadata": { "scrolled": true }, @@ -1586,68 +225747,19 @@ }, { "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, + "execution_count": null, "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" - ] - } - ], + "outputs": [], + "source": [ + "print(row)\n", + "nmf.save('gensim_nmf.model')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "nmf = GensimNmf.load('gensim_nmf.model')\n", "row.update(get_metrics(nmf, test_corpus_tfidf))\n", @@ -1664,7 +225776,7 @@ }, { "cell_type": "code", - "execution_count": 35, + "execution_count": null, "metadata": { "scrolled": true }, @@ -1681,31 +225793,9 @@ }, { "cell_type": "code", - "execution_count": 36, + "execution_count": null, "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" - ] - } - ], + "outputs": [], "source": [ "print(row)\n", "lda.save('lda.model')" @@ -1713,41 +225803,9 @@ }, { "cell_type": "code", - "execution_count": 37, + "execution_count": null, "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" - ] - } - ], + "outputs": [], "source": [ "lda = LdaModel.load('lda.model')\n", "row.update(get_metrics(lda, test_corpus))\n", @@ -1771,27 +225829,9 @@ }, { "cell_type": "code", - "execution_count": 38, + "execution_count": null, "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" - } - ], + "outputs": [], "source": [ "row = {}\n", "row['model'] = 'sklearn_nmf'\n", @@ -1807,33 +225847,9 @@ }, { "cell_type": "code", - "execution_count": 39, + "execution_count": null, "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" - ] - } - ], + "outputs": [], "source": [ "sklearn_nmf = joblib.load('sklearn_nmf.joblib')\n", "row.update(get_metrics(\n", @@ -1852,82 +225868,9 @@ }, { "cell_type": "code", - "execution_count": 40, + "execution_count": null, "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" - } - ], + "outputs": [], "source": [ "tm_metrics.replace(np.nan, '-', inplace=True)\n", "tm_metrics.drop(['topics', 'f1'], axis=1)" @@ -1964,37 +225907,9 @@ }, { "cell_type": "code", - "execution_count": 41, + "execution_count": null, "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" - ] - } - ], + "outputs": [], "source": [ "def compare_topics(tm_metrics):\n", " for _, row in tm_metrics.iterrows():\n", @@ -2039,7 +225954,7 @@ }, { "cell_type": "code", - "execution_count": 42, + "execution_count": null, "metadata": { "lines_to_next_cell": 2 }, @@ -2072,7 +225987,7 @@ }, { "cell_type": "code", - "execution_count": 43, + "execution_count": null, "metadata": { "lines_to_next_cell": 2 }, @@ -2118,7 +226033,7 @@ }, { "cell_type": "code", - "execution_count": 44, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2127,166 +226042,9 @@ }, { "cell_type": "code", - "execution_count": 45, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "============================\n", - "Faces dataset decompositions\n", - "============================\n", - "\n", - "This example applies to :ref:`olivetti_faces` different unsupervised\n", - "matrix decomposition (dimension reduction) methods from the module\n", - ":py:mod:`sklearn.decomposition` (see the documentation chapter\n", - ":ref:`decompositions`) .\n", - "\n", - "\n", - "Dataset consists of 400 faces\n", - "Extracting the top 6 Eigenfaces - PCA using randomized SVD...\n", - "done in 0.024s\n", - "Extracting the top 6 Non-negative components - NMF (Sklearn)...\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": [ - "/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 1.536s\n", - "Extracting the top 6 MiniBatchDictionaryLearning...\n", - "done in 0.461s\n", - "Extracting the top 6 Cluster centers - MiniBatchKMeans...\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/.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" - ] - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "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": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "\"\"\"\n", "============================\n", @@ -2481,7 +226239,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.2" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/online_w2v_tutorial.ipynb b/docs/notebooks/online_w2v_tutorial.ipynb index 02923a7a04..ab18833ea4 100644 --- a/docs/notebooks/online_w2v_tutorial.ipynb +++ b/docs/notebooks/online_w2v_tutorial.ipynb @@ -2,10 +2,7 @@ "cells": [ { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "# Online word2vec tutorial\n", "\n", @@ -18,9 +15,7 @@ "cell_type": "code", "execution_count": 1, "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "outputs": [], "source": [ @@ -34,10 +29,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "### Download wikipedia dump files\n", "\n", @@ -47,11 +39,7 @@ { "cell_type": "code", "execution_count": null, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "%%bash\n", @@ -61,10 +49,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "### Convert two wikipedia dump files\n", "To avoid alert when convert old verision of wikipedia dump, you should download alternative wikicorpus.py in my repo." @@ -73,11 +58,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "old, new = [WikiCorpus('enwiki-{}-pages-articles.xml.bz2'.format(ymd)) for ymd in ['20101011', '20160820']]" @@ -87,9 +68,7 @@ "cell_type": "code", "execution_count": 3, "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "outputs": [], "source": [ @@ -106,11 +85,7 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "old_titles = write_wiki(old, 'old')\n", @@ -121,9 +96,7 @@ "cell_type": "code", "execution_count": 5, "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "outputs": [], "source": [ @@ -132,10 +105,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "### Initial training\n", "At first we train word2vec using \"enwiki-20101011-pages-articles.xml.bz2\". After that, we update model using \"enwiki-20160820-pages-articles.xml.bz2\"." @@ -144,11 +114,7 @@ { "cell_type": "code", "execution_count": 6, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -169,10 +135,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "#### Japanese new idol group, [\"Babymetal\"](https://en.wikipedia.org/wiki/Babymetal), weren't known worldwide in 2010, so that the word, \"babymetal\", is not in oldmodel vocaburary.\n", "Note: In recent years, they became the famous idol group not only in Japan. They won many music awards and run world tour." @@ -181,11 +144,7 @@ { "cell_type": "code", "execution_count": 7, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -204,10 +163,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Online update\n", "To use online word2vec feature, set update=True when you use build_vocab using new documents." @@ -216,11 +172,7 @@ { "cell_type": "code", "execution_count": 8, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -241,10 +193,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "#### Model Comparison\n", "By the online training, the size of vocaburaries are increased about 3 millions." @@ -253,11 +202,7 @@ { "cell_type": "code", "execution_count": 9, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -275,10 +220,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "#### After online training, the word, \"babymetal\", is added in model. This word is simillar with rock and metal bands." ] @@ -286,11 +228,7 @@ { "cell_type": "code", "execution_count": 10, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -318,10 +256,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## The word, \"Zootopia\", become disney movie through the years.\n", "In the past, the word, \"Zootopia\", was used just for an annual summer concert put on by New York top-40 radio station Z100, so that the word, \"zootopia\", is simillar with music festival.\n", @@ -333,9 +268,6 @@ "cell_type": "code", "execution_count": 11, "metadata": { - "collapsed": false, - "deletable": true, - "editable": true, "scrolled": false }, "outputs": [ @@ -381,23 +313,23 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.6" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/pivoted_document_length_normalisation.ipynb b/docs/notebooks/pivoted_document_length_normalisation.ipynb index f6ced7c45a..92da0f88d0 100644 --- a/docs/notebooks/pivoted_document_length_normalisation.ipynb +++ b/docs/notebooks/pivoted_document_length_normalisation.ipynb @@ -4,107 +4,49 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Pivoted document length normalization\n", - "It is seen that in *many* cases normalizing the tfidf weights for each terms tends to favor weight of terms of the documents with shorter length. Pivoted document length normalization scheme brings a pivoting scheme on the table which can be used to counter the effect of this bias for short documents by making tfidf independent of the document length.\n", + "# Pivoted Document Length Normalization\n", "\n", - "This is achieved by *tilting* the normalization curve along the pivot point defined by user with some slope. Roughly following the equation - \n", - "`pivoted_norm = (1 - slope) * pivot + slope * old_norm`\n", - "\n", - "This scheme is proposed in the paper [pivoted document length normalization](http://singhal.info/pivoted-dln.pdf)\n", - "\n", - "Overall this approach can in many cases help increase the accuracy of the model where the document lengths are hugely varying in the enitre corpus." - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true, - "scrolled": true - }, - "outputs": [], - "source": [ - "%matplotlib inline\n", - "from sklearn.linear_model import LogisticRegression\n", + "## Background\n", "\n", - "from gensim.corpora import Dictionary\n", - "from gensim.sklearn_api.tfidf import TfIdfTransformer\n", - "from gensim.matutils import corpus2csc\n", + "In many cases, normalizing the tfidf weights for each term favors weight of terms of the documents with shorter length. The _pivoted document length normalization_ scheme counters the effect of this bias for short documents by making tfidf independent of the document length.\n", "\n", - "import numpy as np\n", - "import matplotlib.pyplot as py\n", + "This is achieved by *tilting* the normalization curve along the pivot point defined by user with some slope.\n", + "Roughly following the equation:\n", "\n", - "import gensim.downloader as api" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# This function returns the model accuracy and indivitual document prob values using\n", - "# gensim's TfIdfTransformer and sklearn's LogisticRegression\n", - "def get_tfidf_scores(kwargs):\n", - " tfidf_transformer = TfIdfTransformer(**kwargs).fit(train_corpus)\n", + "`pivoted_norm = (1 - slope) * pivot + slope * old_norm`\n", "\n", - " X_train_tfidf = corpus2csc(tfidf_transformer.transform(train_corpus), num_terms=len(id2word)).T\n", - " X_test_tfidf = corpus2csc(tfidf_transformer.transform(test_corpus), num_terms=len(id2word)).T\n", + "This scheme is proposed in the paper [Pivoted Document Length Normalization](http://singhal.info/pivoted-dln.pdf) by Singhal, Buckley and Mitra.\n", "\n", - " clf = LogisticRegression().fit(X_train_tfidf, y_train)\n", + "Overall this approach can in many cases help increase the accuracy of the model where the document lengths are hugely varying in the entire corpus.\n", "\n", - " model_accuracy = clf.score(X_test_tfidf, y_test)\n", - " doc_scores = clf.decision_function(X_test_tfidf)\n", + "## Introduction\n", "\n", - " return model_accuracy, doc_scores" + "This guide demonstrates how to perform pivoted document length normalization.\n", + "We will train a logistic regression to distinguish between text from two different newsgroups.\n", + "Our results will show that using pivoted document length normalization yields a better model (higher classification accuracy)." ] }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true - }, + "execution_count": 1, + "metadata": {}, "outputs": [], "source": [ - "# Sort the document scores by their scores and return a sorted list\n", - "# of document score and corresponding document lengths.\n", - "def sort_length_by_score(doc_scores, X_test):\n", - " doc_scores = sorted(enumerate(doc_scores), key=lambda x: x[1])\n", - " doc_leng = np.empty(len(doc_scores))\n", - "\n", - " ds = np.empty(len(doc_scores))\n", - "\n", - " for i, _ in enumerate(doc_scores):\n", - " doc_leng[i] = len(X_test[_[0]])\n", - " ds[i] = _[1]\n", + "#\n", + "# Download our dataset\n", + "#\n", + "import gensim.downloader as api\n", + "nws = api.load(\"20-newsgroups\")\n", "\n", - " return ds, doc_leng" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "nws = api.load(\"20-newsgroups\")" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ + "#\n", + "# Pick texts from relevant newsgroups, split into training and test set.\n", + "#\n", "cat1, cat2 = ('sci.electronics', 'sci.space')\n", "\n", + "#\n", + "# X_* contain the actual texts as strings.\n", + "# Y_* contain labels, 0 for cat1 (sci.electronics) and 1 for cat2 (sci.space)\n", + "#\n", "X_train = []\n", "X_test = []\n", "y_train = []\n", @@ -127,30 +69,28 @@ }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": true - }, + "execution_count": 2, + "metadata": {}, "outputs": [], "source": [ - "id2word = Dictionary([_.split() for _ in X_train])\n", + "from gensim.parsing.preprocessing import preprocess_string\n", + "from gensim.corpora import Dictionary\n", "\n", - "train_corpus = [id2word.doc2bow(i.split()) for i in X_train]\n", - "test_corpus = [id2word.doc2bow(i.split()) for i in X_test]" + "id2word = Dictionary([preprocess_string(doc) for doc in X_train])\n", + "train_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_train]\n", + "test_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_test]" ] }, { "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, + "execution_count": 3, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "(1184, 787)\n" + "1184 787\n" ] } ], @@ -160,14 +100,38 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": true - }, + "execution_count": 4, + "metadata": {}, "outputs": [], "source": [ "# We perform our analysis on top k documents which is almost top 10% most scored documents\n", - "k = len(X_test) / 10" + "k = len(X_test) // 10" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "from gensim.sklearn_api.tfidf import TfIdfTransformer\n", + "from sklearn.linear_model import LogisticRegression\n", + "from gensim.matutils import corpus2csc\n", + "\n", + "# This function returns the model accuracy and indivitual document prob values using\n", + "# gensim's TfIdfTransformer and sklearn's LogisticRegression\n", + "def get_tfidf_scores(kwargs):\n", + " tfidf_transformer = TfIdfTransformer(**kwargs).fit(train_corpus)\n", + "\n", + " X_train_tfidf = corpus2csc(tfidf_transformer.transform(train_corpus), num_terms=len(id2word)).T\n", + " X_test_tfidf = corpus2csc(tfidf_transformer.transform(test_corpus), num_terms=len(id2word)).T\n", + "\n", + " clf = LogisticRegression().fit(X_train_tfidf, y_train)\n", + "\n", + " model_accuracy = clf.score(X_test_tfidf, y_test)\n", + " doc_scores = clf.decision_function(X_test_tfidf)\n", + "\n", + " return model_accuracy, doc_scores" ] }, { @@ -179,16 +143,22 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, + "execution_count": 6, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0.9440914866581956\n" + "0.9682337992376112\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" ] } ], @@ -200,27 +170,42 @@ }, { "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, + "execution_count": 7, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Normal cosine normalisation favors short documents as our top 78 docs have a smaller mean doc length of 1290.077 compared to the corpus mean doc length of 1577.799\n" + "Normal cosine normalisation favors short documents as our top 78 docs have a smaller mean doc length of 1668.179 compared to the corpus mean doc length of 1577.799\n" ] } ], "source": [ + "import numpy as np\n", + "\n", + "# Sort the document scores by their scores and return a sorted list\n", + "# of document score and corresponding document lengths.\n", + "def sort_length_by_score(doc_scores, X_test):\n", + " doc_scores = sorted(enumerate(doc_scores), key=lambda x: x[1])\n", + " doc_leng = np.empty(len(doc_scores))\n", + "\n", + " ds = np.empty(len(doc_scores))\n", + "\n", + " for i, _ in enumerate(doc_scores):\n", + " doc_leng[i] = len(X_test[_[0]])\n", + " ds[i] = _[1]\n", + "\n", + " return ds, doc_leng\n", + "\n", + "\n", "print(\n", - " \"Normal cosine normalisation favors short documents as our top {} \"\n", - " \"docs have a smaller mean doc length of {:.3f} compared to the corpus mean doc length of {:.3f}\"\n", - " .format(\n", - " k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), \n", - " sort_length_by_score(doc_scores, X_test)[1].mean()\n", - " )\n", + " \"Normal cosine normalisation favors short documents as our top {} \"\n", + " \"docs have a smaller mean doc length of {:.3f} compared to the corpus mean doc length of {:.3f}\"\n", + " .format(\n", + " k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), \n", + " sort_length_by_score(doc_scores, X_test)[1].mean()\n", + " )\n", ")" ] }, @@ -233,27 +218,25 @@ }, { "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, + "execution_count": 8, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Score for slope 0.0 is 0.951715374841\n", - "Score for slope 0.1 is 0.954256670902\n", - "Score for slope 0.2 is 0.955527318933\n", - "Score for slope 0.3 is 0.954256670902\n", - "Score for slope 0.4 is 0.951715374841\n", - "Score for slope 0.5 is 0.950444726811\n", - "Score for slope 0.6 is 0.94917407878\n", - "Score for slope 0.7 is 0.950444726811\n", - "Score for slope 0.8 is 0.94790343075\n", - "Score for slope 0.9 is 0.94790343075\n", - "Score for slope 1.0 is 0.944091486658\n", - "We get best score of 0.955527318933 at slope 0.2\n" + "Score for slope 0.0 is 0.9720457433290979\n", + "Score for slope 0.1 is 0.9758576874205845\n", + "Score for slope 0.2 is 0.97712833545108\n", + "Score for slope 0.30000000000000004 is 0.9783989834815756\n", + "Score for slope 0.4 is 0.97712833545108\n", + "Score for slope 0.5 is 0.9758576874205845\n", + "Score for slope 0.6000000000000001 is 0.9733163913595934\n", + "Score for slope 0.7000000000000001 is 0.9733163913595934\n", + "Score for slope 0.8 is 0.9733163913595934\n", + "Score for slope 0.9 is 0.9733163913595934\n", + "Score for slope 1.0 is 0.9682337992376112\n", + "We get best score of 0.9783989834815756 at slope 0.30000000000000004\n" ] } ], @@ -276,16 +259,14 @@ }, { "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, + "execution_count": 9, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0.9555273189326556\n" + "0.9783989834815756\n" ] } ], @@ -297,27 +278,25 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false - }, + "execution_count": 10, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "With pivoted normalisation top 78 docs have mean length of 1777.385 which is much closer to the corpus mean doc length of 1577.799\n" + "With pivoted normalisation top 78 docs have mean length of 2077.346 which is much closer to the corpus mean doc length of 1577.799\n" ] } ], "source": [ "print(\n", - " \"With pivoted normalisation top {} docs have mean length of {:.3f} \"\n", - " \"which is much closer to the corpus mean doc length of {:.3f}\"\n", - " .format(\n", - " k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), \n", - " sort_length_by_score(doc_scores, X_test)[1].mean()\n", - " )\n", + " \"With pivoted normalisation top {} docs have mean length of {:.3f} \"\n", + " \"which is much closer to the corpus mean doc length of {:.3f}\"\n", + " .format(\n", + " k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), \n", + " sort_length_by_score(doc_scores, X_test)[1].mean()\n", + " )\n", ")" ] }, @@ -337,23 +316,34 @@ }, { "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false - }, + "execution_count": 11, + "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + }, { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABDEAAAHzCAYAAAA5EoaVAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzs3XmYNGdZL/7vnbwhIUAIYQmBJARkURAkqOzgsIgQIepB\nFJUlwBF/KkY4Ho+KaF5Ez088Iq4sHgEDSAyIINEgojAuiMFgwhLCJksSCAFC9gAm5Dl/VE3eTmeW\nnp7pma6Zz+e66pruru2pmuquu+56nqeqtRYAAACAebffdhcAAAAAYBKSGAAAAMAgSGIAAAAAgyCJ\nAQAAAAyCJAYAAAAwCJIYAAAAwCBIYrBuVbW3ql633eUYkqr6TFU9aoLpjqmq66rKdxOAHUcMMVtV\n9adV9aIJp50oNgGYNy6UmEbb7gKsR1X9cVV9tKq+UVVPX2PaP+2TCMePff7S/vNV519Fy8D22xBV\n1WFV9ZaqurIPzn5klWkPraqTq+qifjhphem+q//fLxsUVtU/jCee+mTUu6vqqqo6dzRIrKoD++Pp\nc1X1lar6o6raMzL+OVV1ZlV9rapes0r5f7Vf7yPHtv/UqvpyVX2pql5fVbcYm+9nq+pT/T76SFXd\nbWTcbavqDVV1aV+214+M+9Oq+npVXdEPl1dVjYz/oX5bL6+qc6rq+0bGfWtVvaMv03XLbMu3VNW7\n+vV+oqq+f2xfXjey3iuq6pfH5n90Vf1Hv03nV9WTVtpvwLYb1Lmwqu5bVe/vf8/PrKpvW2G6m1TV\nq/pzz+VVdVZVPXaV5Z7Q/7b9ztjn39d/vuLv/xrWE2+ITTagql7cn2+/XFW/uca0v1xVn62qy6rq\nlNFz82rn17XOgWvM+8CqemdVXVxVX6yqN1bV7UfmffvYcr9eVR8cGf/ufr7LqursGomNq+r2VfW2\nPpa5rqqOHtveVeORqnpwVb2vL+8HquohI+MeUVUfrKpL+vn/sqruMDL+t6vq4/2851bVU8fWvX9V\n/Xpftsv7+OCW/bgTqrseGN3uh4/M+5mqunpk3N+OLfsuVfXX/XK/VFUvXu3/zuxIYjCNWnuSuXJ2\nkp9K8h9Z+2Tdknw8ydOWPqjuAvOHknxygvl3rOptdznW8EdJvpbkdkl+LMnLq+qeK0z70iQHJblT\nkvsneWpVnTA6QVUdkOT3kvxblvnfV9WPJdmzzLhTkrw/yWFJfjnJX1TVbfpxv5jkfknuleTu/esX\njMz7uSQvSvLqlTayqr4pyQ8m+fzYqF9PcsskxyT5piSHJ9k7Mt9/T/LMJMe11m6e5HuTfHlk/r/s\nl3lUktsm+e2RcS3Ji1trt+iHQ1prrV/uHZO8LslzW2uHJPn5JG8Y2eb/SvLnSZ61zLbsSfJXSd6W\n5FZJnp3k9TWSXOkdMrLu3xiZ/55J/izJLyU5JMl90u17YD7N+3nkelV1k3S/T69NcmiSk5P8VX9u\nGLcnyXlJHt7/Dr4gyRur6k4rLL4l+c8kT6qq/Uc+f3q6OGQj8cZg9vFKxvbJ3Kmqn0jyfenOOfdJ\n8oT+s+WmfXqSpyR5cJI7JLlpkj8YmWTF8+uIZc+Ba8x7aJJXpItz7pTkiiTXJ8daa48bme8WSf41\nyRtHlv0zSW7fWrtl9p2bD+/HXZfk9CRPXGEXrRiPVNVhSU5L8uJ+mt9KclpVHdrPe06Sx7TWbpXk\niCSfSPLykWVfmeTx/ffs6Ul+r6oeNDL+hUkemOSB/TRPSRcbLnnP6Ha31v5pbH8+fmTc9YnI/vfg\nnUn+vt+eOyZ5fdgWkhisqKp+oaou6LONH62RO75j0x1f3Z3XS/qs7TePjPtMVf1iP/4rVfXqqjpw\nZPzj++zuJVX1nqq692ZvR2vtZa21d+WGP2CrOS3JQ0d+TB+b5ANJLkofGPTX8y/ot++i6u7oH7K0\ngKp6anUZ9y9X1fNHF97P+4tV9cl+/KlVdatJCjYy39Ld7u8fG//j1d1dXxp/bP/5UX0m+4v9Ov+g\n//wG1XprrDlLVS322ez3JLkqyV2q6hkj6/jPqnr2WBm+r/+fXtaX9Xuq6klVdebYdP+jqt46yXZP\nuG9uluS/JfmV1trVrbX3pLswfuoKszw+yW+11r7WWvtsklelu8Af9XNJ/jbJxzIWFFaX1f/VJP9r\ndFxV3T3JsUlOaq19vbX2l0k+lH0n+scn+f3W2qWttS8n+f3R9bbW3tJa+6skF6+yuX+Y5BeSXDP2\n+TFJ3tpau7K1dnmSt6ZLlqT/n56ULtHw0X5dn26tXdKPf0ySI5P8r9baFa21b7TWzh5b/kqB8ZFJ\nLm2tvaNf7unpjpdv6t9/vLX2miQfWWbeb05yRGvtd1vn3Unekxv/31Y6X70gyStaa+9orV3XWruk\ntfapFaYFtsgOiSEWkuzfWvu91to1rbU/SPc7eKNt6c87L2ytnde//5skn06XqF7JF9KdH76n357D\nkjwo3blr9Lyy2j46tro7zZdX1Z+nS85nZPxU+6iqvre62iSXVdV5NVZbsaoeWlX/2i/3vOprqlbV\nTavqJf3/7tKq+ueqOqiqFqrq/LFlfGbpuOjjkb+oqtdV1WVJnl5V31lV7+3X8fmq+oMaSSBV1b1q\nX02DL/THyu2ru5N+2Mh09+vjn81MjDw9yW+31j7fWvt8kpckOWGFaZ+Q5E9aa59rrV2V7uL9h6tq\n9H+1VuJptWu2Zedtrf1ta+3NfUzw1XQ3eh6y3LRVdUySh6VL2C3N/+HW2mjtyQPS3eRIa+2LrbVX\nJLlBbDfimKwQj6RL5lzYl6211v4syZfSxXBLy/7CyHZflz6e6Mfvba19vH/9viT/nO57kz6e/tkk\nP95aO7+f5iOtta+vtb8mGH9Ckgv6eOWrrbX/aq19aI1lMSOSGCyrqu6R5KeTfEefxXxMks8sM93d\nk7whyYlJbpMuK3tajVSPT/Kj/fzflO7O8wv6eY9Nd+H44+nuWL8yyduqy3QuV6alqmXLDX+4Gdvd\n+1q6Oy9P7t8/Lft+1Jey289IdwJbSHKXJDdPd2G5dGf4ZelqAtwhya3TXeQtOTHJ8Ukeni7DfEm6\nE8skPpnkof3/5IUZyYpXV4X+pCRP7ccfn+Ti/qT91+mCqTulyxyfMrY9q3lKkv/eb+Nn0yVzvrdf\nxzOSvLT2JUvun+5O1c/1mfuHpztu/irJnUcDr3QXqScvt8Kqetkq/+vxC+sld09ybWvtkyOffSD7\nTprL2W/s9beOlOFO/fa9KMuf0P53uv/zRWOf3yvJp/pAZaVyjK/3yBpr9rHCOpf+z19rrb19mdF/\nlO5u0KH9ifyJ6b6TSXcM3jHJvfuA81N90Li0ngemS9acXF2i6301UsWy91N9sHhmVf23kc//Pcm5\nVfWE6qpx/kC679EHM50b/C96n62uqcirq+rWI58/IF1u8IN9kPu6mjApCMzGDooh7pUb/459MKuf\nV5bWd3hf3nNWmqT/+7rsq/355HTny+svuFbbR/22vjXdufRWSd6U7nd/qZbcSvtouZok465M8pT+\nXP69SX6y+maC/fnx9HQ1FW+T5L7par0mXQ2+Y9NdVB6WrmbejZoR9sZjkOOTvKlf5xuSfCPdBemt\n++U9Kl3N2vTnzL/vy3FEkrsm+Yf+4vfd6WrQLnlqklNaa98YL0BV/egqx8VXqurI8Xl690x3bl+y\n2nHRcuPz/oFJRmscrnR+XbLSOXCSeZc8PMmHVxj3tCT/tJSEW1Jd04mvpquR+u7W2kpJi3GrxSPJ\njWOc/TKy/6rq6Kq6JMnV6W4o/dZyK6mqmyb5zpHtuneSa9PVcLqwqj5WVT81MktLcmx1TUE+Vt0N\nyfHk1p/1Sa93VNV9Rj5/YLr/w+n9/O+uqvFYha3SWjMYbjSkOxlclO6EccDYuL1JXte//pUkfz4y\nrpJckK46ZdJdOD97ZPzjknyyf/3yJL82tuyPLs07g2365yRPW2Oa16S7aH1Iump1t0x3p+Sg0fmT\n/EOS/29kvrunqzK/f7q7828YGXdwuoDkkf37jyy97t8f0c+7X7rM9XVJ9ptwm85K8oT+9TuS/Mwy\n0zwoyReXW+bo/7J/f4P1pwsE9q5RhrckObF//cokL1lhupcl+fX+9b2SfGX82Nrg//dh6TL7o5/9\neLqT7nLTvy7Jm9MlZ+6arlrvV0fG/1WSJ40cF782Mu470jVPutH/LF2w9N6xdf1Gktf0r1+U5F/S\nBX63T3JGukDt8LF5XrQ0z8hnt0hXzfjoke/X6LF0h3RVHb/RD+9Y2sfp7nxcl66m0SHpElofS/Lf\n+/F/3I9/Rn8c/3C6BNut+/HHpguS90v3Pb48yYNH1v2sdFVVr0lXC+Nxy+zzuya5buyzA/p9//P9\n68ek+768vR9/s3R3MvdL10zoTUn+dmT+/0ryqX7ZN0vyF0lev1nHlcFgWP+QHRJD9OU7Zeyz16er\nabfafAeku8B++SrTnJAurjgoXZxxSJL3pjtnX//7v8o++q50F6WfG1vue5b2yyr76GEj+/eRq23L\nyHy/m+R3+te/lOTNy0yzX7qLznsvM24hyfljn12//v64WFyjDM9N8pf96x9J8v4VpvuhJP/Sv94/\nyYXpEmqbeYxfm+TuI+/vlrHz28i4Z6U7394pXVz5tnTn2wf041c8v2btc+Cq5+aR6e6TrobnQ1Yo\n4yezQozc78PHJnneMuP29Nty9Njnq8Ujt04XXzw53Xfl6f00N/q+9Nv2v5b21TLjT05y+sj7H+3L\n83/TJYrunS4GfnQ//s5J7tS//tZ0ScZfHJn/Qf18N03X/PfCdE15kuTv0sUc39Nv9/9MF79sWixr\nmHxQE4Nlte5u9nPTnVQuqq4ToiOWmfQO6dqALs3Xkpyf7o7vktHqg+f18yTdj/nPjWa9090tXm49\nW6m1rinCbdPd8TmttTbeFOWIdLUSlpyX7gft8H7cBSMLuzo3bBpwTJK3jGzzR9KdDA/PGqrqadVV\n71ya91vTXQwn3b77z2VmOyrJZ9sNqwSux3j1z8dV1b/1Wf9LkhyX7oS0WhmS7kTzo/3rpyY5tbU2\n3hxiI65MFwSOOiTdhfVyTkzy1XRtLd+S7q7P55Kkqp6Q5OattTf101b2NSXaL11C5rlj+3TprsJK\n5bi8f/0b6ZJPZ6dLZrwlXQ2S8Rody9XE2Jsu+D9vhenemC5Qunm/zk9lX3vNr/Z/f6u1dnnrmtC8\nMt3/b2n8p1trr2ldU5JT0/3vH5IkrbWzWtdU47rW1QL5s/RVP6vq0emqx35Xa+2AdMH1q2qFDvBG\n9cfA96e703dhkuf123FBP/6q1tp/9Ov9YpLnJHlMdc2Hki5gfk1r7ZOtq/3yv0e2CdgGOyiGuCKr\n/57fSH+OeF262mjPWWsFfXzxN+mSFYe11t6b7nd9qZbCavvoiPTnrRGjsclK++gOWUNVPaD2dex4\naZKfyL5z/VHpzi/jbpMuKbNSHLCWC0bfVNXd+5oAF1bXxOQ3JihD0iUJ7lldE4nvTnJZm7wGwaTG\nz/WH9J8t59XpasAupms+9K7+86Xz3Irn17XOgavNu6Sq7pquFsSJfXybsfEPTReD/sVyhe9jgr/t\n1/uEVffKPivGI621i9P1J/I/0iXwvidd0u+C8YW0rsnrUl80N7hurar/k65GzGitm6VY59da16T3\nQ+n65DquX96n+/gnrbUPJ/m1dH2MLa3vvf18X22t/WaSS9PdJFta9j+3rvnqta213053PI7WMmaL\nSGKwotbaKa21h6U7CbZ0FynjPtePT9LV6U53Yhk9qR499npp3HlJfqO1dquR4eb9xdONVNce9IoV\nhpdNv6Uren26H9jXLjPu8+mSEUuOTpeI+EK6C7GjRsp9cPaddJNuux87tt0Ht9YuXK0wffXNP05X\nRfew1nV49OHsu4g9P93dr3HnJzl6mepySXfCPXjk/e2Xmeb66p7VtUV+c7pqfbfry3D6BGVIa+2M\nJP9VXROFH0kX5C2rql6xyv96pfaHH0+ypz9ZL/m2rFB1sj/pP6W1dkRr7d7p7jSc0Y9+ZJLv6AOn\nC9OdIJ9bVW9JVxvi25Oc2o97Xz/PBdX1rn1Our5Dbj5WjnP69X6ttfYzrbUjW2t3TVcjZbngarmm\nPo9McuJIuY5K13Hcz4+s55X9yfeq3DBJ8bF0dxBWWs8HVhi3XDnG3TddNdT/SJI+WDwjyaMnmDet\ntQ+11hZaa7dprT0uXbXx960x29L5a9omK8AM7ZAY4px0d7BH3ScrNBHpy/+qdDdBntiWab6wgtem\nizdGOwlcOq+utI8uSBdvjCZ8Mjpt1rmPxrwhXVOVI1trSx1ELpXpvIz0UTDiy+mSN8vFAVdlJN7o\nY5Lbjk0zfr55ebobPXdtXROTX86+3/7z0jXnvZE+MfTGdM1hn5Ll47ilcvzYKsfF5bVyc5Jz0p37\nlqwWb7TW9eNw59ba0f02XdBaG09ArcdE13B97PjOdBf1f7bCZE9PV7Pm6jUWd0BW2OfLWC0eSWvt\nn1pr92+t3TpdU5Zvzsrn/QPS1UIZ7XvuhemSH49prY0mj1aKCVaLZVbrI6ONjL9BnNR/F9kubQ6q\ngxjmb0jXPOKR6apU3SRdFvk1/bi92VcV9B7pLoQfme5H5n+mq5K2px//mXRf+jumaxv5L9nXpODb\n052E7p/uB+Jm6e7G3nyTt+WAdHcG3pOub4eDktQK0/5pkhf1r2+V5BEj40abkzwr3UXzMemyzH+R\n5LX9uHulu3vzkH7f/Xa6KvZLVSafm66ZxlKTgNsmOb5/fUxWaE6SLtv81f5/s3+6av/XJHlmP/4H\n+/15v35/3jVdwLdfurv+/yddAHFQ9lVTfHS6zpSOSlfF8a9y4+Ykzxopwy3SJWse3q/jcekCk6Wq\nq9+ZrorgI/v13jHJPUbmf366E8wnZnTcnpIu8Dq43/+XJvmWFaa9S7rk0v79dnxpadr+f3q7fjg8\nXRb/JUkO7cffbmT4jn6fHZF9VSXf2+/vg5L8QG7YLOMO/VDp2leel76aYz9+/36+/z9d4HVguo7l\nku47NFqu89K1Mz24H/+udB2FHpSuKuTL0lep7cefnK45yc3T3Y07N8kzRpb9lXTBxP798fTldAmz\npePr5v3/9THp7kQuVfl+eL//vq1/f2w/7+h2HZTuGL6u36YDR8bdux9/cMaqZ6b7fbhHv95bJzk1\nXbvnpXmfke4Oz537+d+Y5OTt/g01GHbzkB0SQ/Rl+ky6mnsHprsL/uml8i0z/SvS/f7fbIJln5Du\nru7S+0dk3znm10f214r7qN+3n+3Ld0C6O/D/lX3n5FX3UVZpTpKuOdBSzHP//v1SnHN0unPAk/py\n3Dr7fv//MN1d9SPSnUse1JfzluniheP6sp6UG8ZG1x8XI2U4I10NlUp3kfuxpX2WLh75fLo+Mw7s\n399/ZN4HpzuXXJ7kqBkc4z+RLhmxdE7/cEaaPo1Ne6t0SZ9Kdx78UPqmnP341c6va50DV5v3jv0+\n+LlVtuOm6WKlhbHP75EuNrpp//96Srqmnvcdmeagft3XpfvOHzQybq145Nh+uYeka6o0+l34gX55\n+6WLkd+Y5MyR8b+ULgY/fIVt+sd038WbJPmWdMfuI/pxj1uarz+mPpSuQ/iki4WXYveD0jVzvSjJ\nrUZ+165K10xu/3Q1Rz+RFX4PDLMdtr0Ahvkc0l1UnNH/GF6crmre7ftxJ6U/kfXvvz9dRvrSdBe9\n3zIy7tPpnqJwTroLudeM/ch9T7rM6yXpTkanZvOTGIv9D+w3+r/XZYU2sxnr+2Bs3GgSo9KdWM9L\n19butUluOTLt09IFFl9Od+H+qew7UVf/w/fRfv9+MvuCsmP6ci7bJ0a6wObidBeML+n39zNHxv9E\nv9wr0iULloKKo9I1W/hyP+/vjszzh/3+/3i6JM/16x9ffv/ZT6WrcXJJv91vyA37i/j+dEHn5f0y\nv3tk3FH98k+a0XF7q347r0wXeD55ZNzDklwx8v5J6e5wXZWuf4vvXmW5qx0XN/qfpbsT9u50TR3O\nzQ37rXhYuu/FVf24Hxlb3t6R43Rp+NUV1v3psWUfk+67+uX+ODk9yTeNjL9FukTP5f2x+4Kx5T20\nP26uSPe9fMjIuH9K9x2/LF1zmB8am/en053ML08XND1vrFxL27L0PfzUyPjfSpdAuSJdteq7jIx7\ncrrvz5XpfiP+NF0toPF99sV+ODkj30WDwbD1Q3ZWDHHfdLXlru7/ftvIuOenb4/f/+5f1093xcjw\nIyss9+nparAtN+5FSV494T769nTnsMvTJdxPyQ3Pycvto5uN7N+VkhhPTHcevTxd8vv3x/5vD03X\n2eNl6c4nT+0/PyjdI8wv6Mu7mD5p3W/z59NdGP5cbhgb3eC46D97WLrz5BXpzkEvHN1n6W4a/X26\n88eF6Z6uNTr/x7NCv1ibdGy8uD++L07ym2Pjrkh/Dk3XX8ZH0533P5OuOerotCueX7PGOXCNeU/q\nj8nR4/HysXX/SLqmpOPb9s39//fy/tg5I8n3jU0zfl7/xsi4Y7J6PPKGvtyXpjtmbzMy7jkj23xh\nP+1RY+v96th2jfZrcYckb+8//890TypZGvd/0sWwV/bj9mbfjaKlzlqv7Mv9ziT3G9vmH0gX61yW\nLlGz7I0yw+yH6v8hM9NXFzszXbWpJ4yNO6E/mJbaQP1Ba+3VMy0QW6qqPp3uTv671pyYHa/vRfqi\nJMe21qZtMwvscmKL3UEMwUZU1T8k+TPff9h59qw9yYb9bLrqVuOPD0y6dkantNZO3IJyANvvJ5O8\nTwID2CCxBbCi6h75fr90j20FdpiZduzZd4ZzXJI/yfKdptQKnwM7TFV9JsnPpKtCCjAVsQWwmqo6\nOd3jMH+2dZ1KAjvMrGtivDRdpyjjj6da0pI8sX9awcfTtaG+0eN1GK7W2p23uwzMh9baMdtdBmBH\nEFvsEmIIptFae/p2lwGYrZklMarq8Um+2Fo7q6oWVpjstCRvaK1dU1XPTtch26OWWdZsO+4AADas\ntTbTGhCbFVuIKwBg/q0UV8yyOcmDkxzfd8p0SpJHVtUNntPcWvtKa+2a/u2r0vWwvKzt7gF1aMNJ\nJ5207WUY0mB/2Wf22fwN9tew9tkW2bTYYrv/V0MbfB/tM/ts/gb7yz7byftsNTNLYrTWnt9aO6p1\nVQGfnORdrbWnjU5TVbcfeXt8uk66AABuRGwBAGzF00mSroOtliRV9cIkZ7bWTktyYlUdn+TadM8Q\nPmGLygMADJvYAgB2oS1JYrTWFpMs9q9PGvn8+UmevxVl2G0WFha2uwiDYn+tn322fvbZ+thf67eb\n9pnYYmvtpmNrs9hn62efrY/9tX722frN4z6rtdqbzIOqakMoJwDsVlWVNuOOPTeLuAIA5ttqccUs\nO/YEAAAA2DSSGAAAAMAgSGIAAAAAgyCJAQAAAAyCJAYAAAAwCJIYAAAAwCBIYgAAAACDIIkBAAAA\nDIIkBgAAADAIkhgAAADAIEhiAAAAAIMgiQEAAAAMgiQGAAAAMAiSGAAAAMAgSGIAAAAAgyCJAQAA\nAAyCJAYAAAAwCJIYAAAAwCBIYgAAAACDIIkBAAAADIIkBgAAADAIkhgAAADAIEhiAAAAAIMgiQEA\nAAAMgiQGAAAAMAiSGAAAAMAgSGIAAAAAgyCJAQAAAAyCJAYAAAAwCJIYAAAAwCBIYgAAAACDIIkB\nAAAADIIkBgAAADAIkhgAAADAIEhiAAAAAIMgiQEAAAAMgiQGAAAAMAiSGAAAAMAgSGIAAAAAgzDz\nJEZV7V9VZ1XVacuMO7CqTq2qT1TVv1XVnWZdHgBg2MQWALB7bUVNjJ9N8pEkbZlxz0pycWvtbkle\nmuTFW1AeAGDYxBYAMKaqJhqGbqZJjKo6MslxSf4kyXJ76/gkJ/ev35zkUbMsDwAwbGILANjdZl0T\n46VJfj7JdSuMv2OS85OktXZtksuq6rAZlwkAGC6xBQDsYntmteCqenySL7bWzqqqhY0ub+/evde/\nXlhYyMLChhcJAExpcXExi4uLW7rOzYwtxBUAMD/WE1dUa8s1J924qvrfSZ6a5NokByU5JMmbW2tP\nG5nmb5Psba39W1XtSXJha+22yyyrzaqcAMDGVVVaazNtaLtZsYW4AoCdaNL+LoZwDlwtrphZc5LW\n2vNba0e11u6c5MlJ3jUaZPTeluTp/esfTPIPsyoPADBsYgsAYGbNScZU+h7Eq+qFSc5srZ2W5FVJ\nXldVn0hycbqABABgLWILYLB20h1z2Goza06ymVT7BID5thXNSTaLuALYbpIYzMJOOq62pTkJAAAA\nwGaSxAAAAAAGQRIDAAAAGARJDAAAAGAQJDEAAACAQZDEAAAAAAZBEgMAAAAYBEkMAAAAYBAkMQAA\nAIBBkMQAAAAABkESAwAAABgESQwAAABgECQxAAAAgEGQxAAAAAAGQRIDAAAAGARJDAAAAGAQJDEA\nAACAQZDEAAAAAAZBEgMAAAAYBEkMAAAAYBAkMQAAAIBBkMQAAAAABkESAwAAABgESQwAAABgECQx\nAAAAgEGQxAAAAAAGQRIDAAAAGARJDAAAAGAQJDEAAACAQZDEAAAAAAZBEgMAAAAYBEkMAAAAYBAk\nMQAAAIBBkMQAAAAABkESAwAAABgESQwAAABgECQxAAAAgEGQxAAAAAAGQRIDAAAAGARJDAAAAGAQ\nZprEqKqDquqMqjq7qj5cVXuXmeaEqvpSVZ3VD8+cZZkAgGESVwAAe2a58Nba16rqEa21q6tqT5J/\nqaq3t9bOGJ0sySmttRNnWRYAYNjEFTBfqmqi6VprMy4JsJvMvDlJa+3q/uVNkhyQ5LqxSaofAABW\nJa4AgN1t5kmMqtqvqs5OclGSv2ut/fvYJC3JE6vqA1X1pqo6ctZlAgCGSVwBALvbTJuTJElr7bok\n962qWyZ5S1Xdq7V2zsgkpyV5Q2vtmqp6dpKTkzxqfDl79+69/vXCwkIWFhZmWm4AYGWLi4tZXFzc\n8vWKKwBg51lPXFFb2Uatqn4lydWttZesMH7/JBe31g4d+7xpSwcA86uq0lrb0mYc4grYXvrEmJ59\nxyzspOM6PwU+AAAgAElEQVRqtbhi1k8nuU1VHdq/vmmS705y7tg0tx95e3ySj8yyTADAMIkrAIBZ\nNyc5IsnJ/Z2Q/ZKc2lo7vapemOTM1tppSU6squOTXJvk4iQnzLhMAMAwiSsAYJfb0uYk01LtEwDm\n23Y0J5mWuAI2x06qur7V7DtmYScdV9vWnAQAAABgs0hiAAAAAIMgiQEAAAAMgiQGAAAAMAiSGAAA\nAMAgzPoRqwAAsOvspKcEAMwTNTEAAACAQZDEAAAAAAZBEgMAAAAYBEkMAAAAYBAkMQAAAIBBkMQA\nAAAABkESAwAAABgESQwAAABgECQxAAAAgEGQxAAAAAAGQRIDAAAAGIQ9210AAACAoamq7S4C7Epq\nYgAAAACDIIkBAAAADIIkBgAAADAIkhgAAADAIEhiAAAAAIMgiQEAAAAMgiQGAAAAMAiSGAAAAMAg\n7NnuAgAAwFaoqomma63NuCQATEtNDAAAAGAQ1MQAAAAGTS0b2D3UxAAAAAAGQRIDAAAAGARJDAAA\nAGAQJDEAAACAQZDEAAAAAAZBEgMAAAAYBEkMAAAAYBD2bHcBAADYvapq4mlbazMsCQBDIIkBAAC7\nxKRJIwkjYF5pTgIAAAAMgiQGAAAAMAgzS2JU1UFVdUZVnV1VH66qvctMc2BVnVpVn6iqf6uqO82q\nPADAsIktYH2q6kYDwNDNLInRWvtakke01u6b5L5JHltVDxib7FlJLm6t3S3JS5O8eFblAQCGTWwB\nAMy0OUlr7er+5U2SHJDkurFJjk9ycv/6zUkeNcvyAADDJrYAgN1tpkmMqtqvqs5OclGSv2ut/fvY\nJHdMcn6StNauTXJZVR02yzIBAMMltgCA3W3WNTGu66t8HpnkAVV1r1muDwDY2cQWALC77dmKlbTW\nLquqdyd5bJJzRkZ9LsnRST5fVXuS3LK19pXllrF3797rXy8sLGRhYWFm5QUAVre4uJjFxcVtW/9G\nYwtxBQDMj/XEFdVam0khquo2Sa5trV1aVTdN8o4kv9laO31kmp9Kcu/W2k9W1ZOTfH9r7cnLLKvN\nqpwAwMZVVVprM330wWbFFuKK+bKeJ2Zs9P826bo24/jYynVttAzLmaRc87CNS7ajLFvxtBe/VazH\nPH0nN2q1uGKWNTGOSHJyVe2frtnKqa2106vqhUnObK2dluRVSV5XVZ9IcnGSGyUwAAB6YgvYIh7H\nCrO3k5IOW2lmNTE2kzsmADDftqImxmYRV8wXNTHmsybGZlITY3p+q3a2zT5u5+F3Z7NsV00MAACA\nQZqXJBBwQ5IYAAAAPckLmG+SGAAAAOwqO6npxW6z33YXAAAAAGASkhgAAADAIEhiAAAAAIMgiQEA\nAAAMgiQGAAAAMAieTgIAANtkkickeDoCwD5qYgAAAACDoCYGAAAAc2uSGkuJWku7hZoYAAAAwCBI\nYgAAAACDIIkBAAAADIIkBgAAADAIkhgAAADAIHg6CQAAsCtN+tQLYH6oiQEAAAAMgiQGAAAAMAiS\nGAAAAMAgSGIAAAAAgyCJAQAAAAyCJAYAAAAwCJIYAAAAwCDs2e4CAACw81TVti+7tTazMgCwPSQx\nAABgQrNMzjAZ/wPY3SQxAABgjo1ftKthsnuslrBxHLBb6RMDAAAAGISJkhhVdXBV3WPWhQEAdgex\nBQAwjTWTGFV1fJKzkryjf39sVb1t1gUDAHYmsQVbqaquHwAYvklqYuxN8oAklyRJa+2sJHeZYZkA\ngJ1tb8QWAMAUJkliXNNau3Tss+tmURgAYFcQWwAAU5nk6STnVNWPJdlTVXdLcmKSf51tsQCAHUxs\nAQBMZZKaGM9Jcq8kX09ySpLLkzx3loUCAHY0sQUAMJVa7fnCVbUnyTtba4/YuiItW47mOcgAML+q\nKq21NXtOnIfYQlyxNeahI83W2lTlWCM+3kiRNsWkx+88lDWZvLyT2sh2jZdlXvbRNHbT79ik/6f1\n7JNZLHO9NrsM87BNm2W1uGLVmhittWuTXFdVh86kZADAriK2AAA2YpI+Ma5K8qGqemf/Oklaa+3E\n2RULANjBxBYAwFQmSWL8ZT8s1TmpkdcAAOsltgAAprJqnxjXT1R1YJK7928/2lq7ZqaluvH6tV0F\ngDk2aZ8YI9NvW2whrtga89DXwLR9YizNu5x52a5JzENZk/nqE2PURo6PebCbfsf0iaFPjFFr1sSo\nqoUkJyf5bP/R0VX19NbaP25eEQGA3UJsAQBMa5JHrP5Okse01h7eWnt4ksckeekkC6+qo6rq3VV1\nTlV9uKpu1Na1qhaq6rKqOqsfXrC+TQAABmaq2EJcAQBM0ifGntbax5betNY+3j8ebRLXJHlea+3s\nqrp5kvdX1Ttba+eOTfePrbXjJ1wmADBs08YW4goA2OUmCRjeX1V/kuT16Tre+rEkZ06y8NbaF5J8\noX99ZVWdm+QOScaDjeE2RgMA1muq2EJcAQBM0pzkJ9MFBycm+Zkk5/SfrUtVHZPk2CRnjI1qSR5U\nVWdX1elVdc/1LhsAGJQNxxbiCgDYndZ8OklV3SzJ11pr3+jf75/kwNba1ROvpKvyuZjk11trbx0b\nd4sk32itXV1Vj0vye621u49NoxdxAJhj63k6yUZjC3HFMMzDUx88nWT7y5p4Osms7KbfMU8n8XSS\nUZM0J3lXkkclubJ/f3CSdyR58IQrPyDJm5O8fjzQSJLW2hUjr99eVS+rqsNaa18ZnW7v3r3Xv15Y\nWMjCwsIkqwcAZmBxcTGLi4vTzj51bCGugJUN+YIc2N3WE1dMUhPj7Nbafdf6bIV5K90j1C5urT1v\nhWkOT/LF1lqrqvsneWNr7ZixadwxAYA5ts6aGFPFFuKKYZmHC+rdVhNjHsq2HDUxZmM3/Y6piaEm\nxqhJamJcVVXf3lp7f7+w70jy1QnX/ZAkT0nywao6q//s+UmOTpLW2iuT/GCSn6yqa5NcneTJEy4b\nABimaWMLcQXrMuQLVACWN0lNjO9M8udJLuw/OiLJD7fWJnpCyWZwxwQA5ts6a2Jsa2whrtgaQ08g\nzHNth3ku23LUxJiN3fQ7piaGmhg3GDfJBlTVTZLcI12P3x9rrV2zuUVcc/2CDQCYY+tJYvTTb1ts\nIa7YGkO+OEzmO1Ewz2VbjiTGbOym3zFJDEmMUWs+YrWqfijJQa21DyX5gSSnVtX9NrmMAMAuIbYA\nAKa1ZhIjya+01i6vqoem60n81UleMdtiAQA7mNgCAJjKJEmMb/R/H5/k/7bW/jrJAbMrEgCww4kt\nAICpTJLE+FxV/XGSH07yN1V10ITzAQAsR2wBbLsh94cBu9kkTye5WZLHJvlga+0TVXVEknu31v5u\nKwrYl0EHXAAwx9b5dJJtjS3EFVtj6BeI89x55jyXbTnz2rHn0O2m3zEde+rY8wbjBrIBgg0AmGPr\nfTrJdhJXbI2hX2jOc6Jgnsu2HEmM2dhNv2OSGJIYo1TdBAAAAAZBEgMAAAAYhImSGFV1TFU9un99\ncFUdMttiAQA7mdiCeVdVmi0AzKE1kxhV9ewkb0ryyv6jI5O8ZZaFAgB2LrEFADCtSWpi/HSShya5\nPElaax9PcrtZFgoA2NHEFgDAVPZMMM3XW2tfX6pOV1V7ksx/d6YAwLwSW8AGaObCuJ30VApYyyQ1\nMf6xqn45ycFV9d3pqn+eNttiAQA7mNgCAJhKrZWNq6r9kzwryWP6j96R5E+28gHrnucOAPNttee5\nLzPttsYW4oqtsVNqC4wfKztlu7bSZn/f/A86o/t1p9fEmMX2zcM+2+wyzMM2bZbV4opJkhg3S/K1\n1to3+vf7JzmwtXb1ppd05TIINgBgjq0zibGtsYW4YmvslAtNSYyNk8SYDUmMG5PE2P5t2iyrxRWT\nNCd5V5Kbjrw/OMnfb0bBAIBdSWwBTGzpcbceewskkyUxDmytXbn0prV2RbpgAwBgGmILAGAqkyQx\nrqqqb196U1XfkeSrsysSALDDiS0AgKlM8ojV5yZ5Y1Vd2L8/IskPz65IAMAOJ7YAAKayZseeSVJV\nN0lyj3TPcP9Ya+2aWRdsbP064AKAObaejj376bctthBXbI2d0neBjj03bqPfN/t8eTr2vDEde27/\nNm2WDT2dpF/Ag5PcOV3NjZYkrbXXbmYh11i/YAMA5tgUSYxtiy3EFVtjp1x4SmJsnCTGbEhi3Jgk\nxvZv02ZZLa5YszlJVb0+yV2SnJ3kGyOjtiyJAQDsHGILAGBak/SJ8e1J7umWBQCwScQWAMBUJnk6\nyYfTdbgFALAZxBYAu1xVTTTAuElqYtw2yUeq6n1Jvt5/1lprx8+uWADADia2AACmMkkSY2//tyWp\nkdcAANPY2/8VWwDutrNpdlLHlqxs0qeTHJPkrq21v6+qg5Psaa1dPuOyja5fs1kAmGNTPJ3kmGxT\nbCGu2Bo75cLU00k2bq3vm306naE/nWQ9Zd7sY2Q9y/R0ku2xWlyxZp8YVfXsJG9K8sr+oyOTvGXz\nigcA7CZiCwBgWpN07PnTSR6a5PIkaa19PMntZlkoAGBHE1sAAFOZJInx9dbaUqdbqao90W4VAJie\n2AIAmMokSYx/rKpfTnJwVX13uuqfp822WADADia2AACmsmbHnlW1f5JnJXlM/9E7kvzJVvaIpQMu\nAJhv6+nYc7tjC3HF1tBZI0t07DkbOvacno495+c4WMlqccVETyfZboINAJhv6306yXYSV2wNF6Ys\nkcSYDUmM6UlizM9xsJLV4oo9q8z0oVWW2Vpr99lwyQCAXUNsAQBs1IpJjCRP6P/+VP/3dUkqyY/N\ntEQAwE4ltgAANmSSPjHObq3dd+yzs1prx860ZDdcn2qfADDH1tknxrbGFuKKraGJAEs0J5kNzUmm\npznJ/BwHK1ktrpjk6SRVVQ8defOQdHdNAACmIbYAAKayWnOSJc9M8pqqumX//tIkz5hdkQCAHU5s\nMWDumgOwnSZ+OslSoNFau2ymJVp+3ap9AsAcm+bpJNsVW4grNkYSg/XSnGQ2NCeZnuYk83McrGTa\np5M8tbX2uqr6uSRt5PNK14P476yx0qOSvDbJ7fr5/7i19vvLTPf7SR6X5OokJ7TWzppgmwCAgRFb\nAAAbtVpzkoP7v7fISKCxDtckeV5r7eyqunmS91fVO1tr5y5NUFXHJblra+1uVfWAJC9P8sAp1gUA\nzD+xBQCwIaslMb6p//uR1tob17vg1toXknyhf31lVZ2b5A5Jzh2Z7PgkJ/fTnFFVh1bV4a21i9a7\nPgBg7oktAIANWe3pJMf11Tt/aaMrqapjkhyb5IyxUXdMcv7I+wuSHLnR9QEAc0lsAQBsyGo1Md6e\n5JIkN6+qK8bGtdbaIZOsoK/u+RdJfra1duVyk4wve5LlAgCDI7YAADZkxSRGa+3nk/x8Vb2ttXb8\nNAuvqgOSvDnJ61trb11mks8lOWrk/ZH9Zzeyd+/e618vLCxkYWFhmiIBAJtgcXExi4uL65pnnmIL\ncQUAzI/1xBUTP2J1vfrqoicnubi19rwVpjkuyXNaa8dV1QOT/G5r7Uadb3kUGgDMt2kesTrFOjYl\nthBXbIzHYbJeHrE6Gx6xOj2PWJ2f42AlUz1idWTmJyb5zSSHZ1/1zEmqfD4kyVOSfLCqlh5t9vwk\nR/cLeGVr7fSqOq6qPpnkqiTPWHNrAIBBE1sAANNasyZGVf1nksePPr5sq7ljAgDzbT01MbY7thBX\nbIy75qyXmhizoSbG9NTEmJ/jYCWrxRWrPZ1kyRe2M4EBAOw4YgsAYCprNidJcmZVnZrkrUn+q/+s\ntdb+cnbFAgB2MLEFADCVSZIYt0zy1SSPGftcoAEATENsAQBMZWZPJ9lM2q4CwHzbiqeTbBZxxcbo\nv4D10ifGbOgTY3r6xJif42AlG+oTo6qOqqq3VNWX+uHNVXXk5hcTANgNxBYAwLQm6djzNUneluQO\n/XBa/xkAwDTEFgDAVCZ5xOoHWmvfttZns6TaJwDMt3U+YnVbYwtxxcao+s96aU4yG5qTTE9zkvk5\nDlay0UesXlxVT62q/atqT1U9JcmXN7eIAMAuIrYAAKYySRLjmUl+KMkXklyY5ElJnjHLQgEAO5rY\nAgCYiqeTAAAb5ukku4eq/6yX5iSzoTnJ9DQnmZ/jYCUbfTrJa6vq0JH3t6qqV29mAQGA3UNsAQBM\na5LmJPdprV269Ka1dkmS+82uSADADie2AACmMkkSo6rqsJE3hyXZf3ZFAgB2OLEFADCVPRNM85Ik\n762qNyapdJ1v/cZMSwUA7GRiCwBgKhN17FlV90ryyCQtybtaax+ZdcHG1q8DLgCYY+vt2HM7Ywtx\nxcbohJH10rHnbOjYc3o69pyf42Alq8UVnk4CAGyYp5PsHi44WS9JjNmQxJieJMb8HAcr2dDTSQAA\nAADmgSQGAAAAMAiSGAAAAMAgSGIAAAAAgyCJAQAAAAyCJAYAAAAwCJIYAAAAwCBIYgAAAACDIIkB\nAAAADIIkBgAAADAIe7a7AACwW1XVRNO11mZcEgCAYVATAwAAABgESQwAAABgECQxAAAAgEGQxAAA\nAAAGQRIDAAAAGARJDAAAAGAQJDEAAACAQZDEAAAAAAZBEgMAAAAYBEkMAAAAYBAkMQAAAIBBkMQA\nAAAABkESAwAAABiEmSYxqurVVXVRVX1ohfELVXVZVZ3VDy+YZXkYlqqaaABgdxBXAAB7Zrz81yT5\ngySvXWWaf2ytHT/jcgAAwyeuAIBdbqY1MVpr/5zkkjUmcysdAFiTuAIA2O4+MVqSB1XV2VV1elXd\nc5vLAwAMl7gCAHa4WTcnWct/JDm6tXZ1VT0uyVuT3H2by7QrradvidbaDEsCAFMTVwDADretSYzW\n2hUjr99eVS+rqsNaa18Zn3bv3r3Xv15YWMjCwsKWlJHdY9JEjiQOQLK4uJjFxcXtLsYNiCsAYJjW\nE1fUrC/IquqYJKe11u69zLjDk3yxtdaq6v5J3thaO2aZ6ZoLx9max5oYW51UkMQAttpO+t2pqrTW\nZt4fhbhi+3kyGOu11vfNMTWd0f06xPPJesq82cfIepY5y3222WWYh23aLKvFFTOtiVFVpyT5riS3\nqarzk5yU5IAkaa29MskPJvnJqro2ydVJnjzL8gAAwyWuAABmXhNjM7hjMntqYuyszCUwDDvpd2er\namJsBnHFxrhrznqpiTEbamJMT02M+TkOVrJtNTFgHpMjAAAADNN2P2IVAAAAYCKSGAAAAMAgaE4C\nsAbNogAAYD6oiQEAAAAMgiQGAAAAMAiakwDE490AAGAI1MQAAAAABkESAwAAABgESQwAAABgEPSJ\nweBVlcdaTsBjQgEAgKGTxIA5MWmSQYIBAADYrTQnAQAAAAZBTQwYmPEaG2pmAAAAu4WaGAAAAMAg\nqInBuk3Sd4PaAQAAAGw2SQx2tfU8sQMAAIDtpTkJMyE5AAAAwGaTxAAAAAAGQRIDAAAAGARJDAAA\nAGAQJDEAAACAQZDEAAAAAAbBI1aZK55qAgAAwErUxAAAAAAGQRIDAAAAGATNSYAtN2mzodbajEsC\nAAAMiSQG7BD6EwEAAHY6SQyYktoEAAAAW0ufGAAAAMAgSGIAAAAAgyCJAQAAAAyCPjGAQdOhKQAA\n7B5qYgAAAACDoCYGMzMPd8jnoQwAAABsDkkMmLG1EikewQoAADAZzUkAAACAQZDEAAAAAAZBEgMA\nAAAYBEkMAAAAYBAkMQAAAIBBmGkSo6peXVUXVdWHVpnm96vqE1X1gao6dpblYb55HOp0qsq+A3YF\ncQUAMOuaGK9J8tiVRlbVcUnu2lq7W5JnJ3n5jMuzIUsXi2sNAMBM7Ki4AgBYv5kmMVpr/5zkklUm\nOT7Jyf20ZyQ5tKoOn2WZAGBaktnbS1wBAGx3nxh3THL+yPsLkhy5TWWBibhIAZhb4goA2OH2bHcB\nkoxfDbblJtq7d+/1rxcWFrKwsDC7EgEAq1pcXMzi4uJ2F2M54goAGJj1xBXV2rLn9k1TVcckOa21\ndu9lxr0iyWJr7c/79x9N8l2ttYvGpmuzLuckJr37Pg9lXa+h1yxYaZ8PYbuWyj5PZd2C34VNK8c8\n7bdkmN9/JrfZ54GddF6pqrTWZv6F3ElxxVDN2+8u82+t75tjajqj+3WI55P1lHmzj5H1LHOW+0xc\nsbLV4ortbk7ytiRPS5KqemCSS8cDDWZH++354X8AsCnEFQCww820OUlVnZLku5LcpqrOT3JSkgOS\npLX2ytba6VV1XFV9MslVSZ4xy/IAwyfhA7uXuAIAmHlzks0wL9U+d1L1nGRnXQwOuTnJPJrn5iTz\n/j8dyvef6aj2ubKtak6yGeYlrhiqef8dZv5oTjIbmpNMT3OS+TkOVrJaXDEPHXvONT+qAAAAMB+2\nu08MAAAAgImoicGOsFRjZghVo3YbtZkAAIDNIokxhzbjom8eH9sJ7A6zaI+5k9p4AgAwPc1JAAAA\ngEFQE2OHUgMDAACAnUZNDAAAAGAQ1MRgx1ELBQAAYGdSEwMAAAAYBEmMOaMWAQAAACxPc5IZ8ChA\nAAAA2HxqYgAAAACDIIkBAAAADIIkBgAAADAIkhgAAADAIEhiAAAAAIMgiQEAAAAMgiQGAAAAMAiS\nGAAAAMAgSGIAAAAAgyCJAQAAAAyCJAYAAAAwCJIYAAAAwCBIYgAAAACDIIkBAAAADIIkBgAAADAI\nkhgAAADAIEhiAAAAAIMgiQEAAAAMgiQGAAAAMAiSGAAAAMAgSGIAAAAAgyCJAQAAAAyCJAYAAAAw\nCJIYAAAAwCBIYgAAAACDIIkBAAAADIIkBgAAADAIkhgAAADAIEhiAAAAAIMw8yRGVT22qj5aVZ+o\nql9YZvwJVfWlqjqrH5456zIBAMMkrgCA3W3PLBdeVfsn+cMkj07yuST/XlVva62dOzJZS3JKa+3E\nWZYFABg2cQUAMOuaGPdP8snW2mdaa9ck+fMk3zc2TfUDAMBqxBUAsMvNOolxxyTnj7y/oP9sVEvy\nxKr6QFW9qaqOnHGZAIBhElcAwC430+Yk6QKJtZyW5A2ttWuq6tlJTk7yqPGJ9u7de/3rhYWFLCws\nbFIRAYD1WlxczOLi4lavVlwBADvQeuKKam2SeGA6VfXAJHtba4/t3/9Skutaay9eYfr9k1zcWjt0\n7PM2y3Kupmp2NVKX26ZZrm83aK3Zh5tgM79vG/l/DPE7sl2/VfNk0v/RevbVLJY5jc0ux7xs12ao\nqrTWZvoF3QlxxU4w77/DzJ+1vm+OqemM7tchnk/WU+bNPkbWs8wZXy9vahnmYZs2y2pxxaybk5yZ\n5G5VdUxV3STJDyd521jhbj/y9vgkH5lxmQCAYRJXAMAuN9PmJK21a6vqOUnekWT/JK9qrZ1bVS9M\ncmZr7bQkJ1bV8UmuTXJxkhNmWSYAYJjEFQDATJuTbBbNSZiU5iSbQ3OS6Q3hN3XWNCdR7XPeaU6y\nMfP+O8z80ZxkNjQnmZ7mJPNzHKxkO5uTAAAAAGwKSQwAAABgECQxAAAAgEGQxAAAAAAGQRIDAAAA\nGARJDAAAAGAQJDEAAACAQZDEAAAAAAZBEgMAAAAYBEkMAAAAYBAkMQAAAIBBkMQA4P+1c/exktV3\nHcffH9jluWVFm1Io7VJBhdqULRXoA4nauCyNKVWwVFO6tqZRa32IpiK1ptRERRPTpiVViSgUmwIC\ntjQx8lC7kRgXXNiFZcvDLmEbFhAMFoTW0qV8/WN+t8xe7tzdudy5M+fO+5VM7pnfOXPO73z3d858\n9zvnHEmSJKkTLGJIkiRJkqROsIghSZIkSZI6wSKGJEmSJEnqBIsYkiRJkiSpEyxiSJIkSZKkTrCI\nIUmSJEmSOsEihiRJkiRJ6gSLGJIkSZIkqRMsYkiSJEmSpE6wiCFJkiRJkjrBIoYkSZIkSeoEixiS\nJEmSJKkTLGJIkiRJkqROsIghSZIkSZI6wSKGJEmSJEnqBIsYkiRJkiSpEyxiSJIkSZKkTrCIIUmS\nJEmSOsEihiRJkiRJ6gSLGJIkSZIkqRMsYkiSJEmSpE6wiCFJkiRJkjrBIoYkSZIkSeoEixiSJEmS\nJKkTLGJIkiRJkqROsIghSZIkSZI6wSKGJEmSJEnqBIsYkiRJkiSpE0ZaxEiyLsm9SbYnOX+O+Qcm\nuarN35jktaPsj6TFs2HDhnF3oXOM2XCM1/CmIWbmFuMxDWNL6hqPSy2FSRxnIytiJNkfuBhYB5wI\n/GKSE2Yt9ivAE1V1PPAp4M9H1R9Ji2sST2iTzpgNx3gNb7nHzNxifJb72JK6yONSS2ESx9kor8Q4\nBdhRVTurajdwJXDWrGXeBVzepq8F3jHC/kiSpG4zt5AkacqNsohxNPBQ3/tdrW3OZarqOeCpJEeM\nsE+SJKm7zC0kSZpyqarRrDg5G1hXVR9q798HnFpVv9m3zFbgjKp6pL3fAZxSVf8za12j6aQkSVo0\nVZVRrn+xcgvzCkmSJt+gvGLFCLf5MHBM3/tj6P1iMnuZ1wCPJFkBHD67gAGjT4okSVInLEpuYV4h\nSVJ3jfJ2kk3A8UlWJzkAOBe4ftYy1wPr2/Q5wFdH2B9JktRt5haSJE25kV2JUVXPJfkIcAOwP3Bp\nVd2T5JPApqr6CnApcEWS7cATwHtH1R9JktRt5haSJGlkz8SQJEmSJElaTKO8neQlS7Iuyb1Jtic5\nf9z9mSRJdia5K8nmJLe1tiOS3JTk/iQ3JlnVt/xnWhzvTLJmfD1fOkn+Lslj7SFvM21DxyjJ+rb8\n/Unev9T7sVQGxOvCJLvaONuc5My+eRe0eN2bZG1f+9Qct0mOSfK1JNuS3J3kt1q742yAeWLmWJtD\nkoOS3JpkS4vXha392Na+PcmVSVa29gOTXNXaNyZ5bd+65ozjtJmGcbMQ5hV7Z14xPHOL4ZhXDM+8\nYnjLIreoqol80btMdAewGlgJbAFOGHe/JuUFPAgcMavtL4Dfb9PnAxe16XcC/9ymTwU2jrv/SxSj\n05MIFl8AAAikSURBVIE1wNaFxgg4AngAWNVeDwCrxr1vSxivTwC/O8eyJ7ZjcmU7RncAmbbjFjgS\nOKlNHwbcB5zgOFtQzBxrg2N2SPu7AtjYxs7VwHta+18Bv9amPwx8rk2fC1w5Txz3G/e+jSGWUzNu\nFhAb84q9x8i8YnFi5vl+cLzMKxYvZo6z+ePW6dxikq/EOAXYUVU7q2o3cCVw1pj7NGlmP139XcDl\nbfpy4N1t+qyZ9qq6FViV5JVL0sMxqqpbgG/Oah4mRkcCZwA3VtWTVfUkcBOwbtR9H4cB8YIXjzPo\nxeuLVbW7qnbSO2mdypQdt1X1X1W1pU0/A9wDHI3jbKB5YgaOtTlV1bfb5AH0EoUCfgq4prX3j7H+\nsXct8I42PVccTxltzyfS1IybBTKvmId5xfDMLYZjXjE884qF6XpuMclFjKOBh/re7+KFAaneQLsx\nyaYkH2ptr6yqx9r0Y8BMQnEUL47lq5emmxNnmBgd3dp3zdE+TT7SLlG8tO/yxUFxGRTHZS/Janq/\nNt2K42yf9MVsY2tyrM0hyX5JttAbSzfS+0Xtyap6vi3yMC/s+/e/O6vqOeCpJD/IlI6xOZhbDGZe\nsTCe7xfG8/1emFcMz7xi33U9t5jkIoZPHJ3f26rqZOBM4DeSnN4/s3rX+PTHcHYlcurjuw8xUu9S\nstcBJwGPAn853u5MpiSH0atM/3ZVPd0/z3E2txaza+jF7BkcawNV1fNVdRK9/ySeCvzYYq16kdbT\nJdO4z/vKvOIl8ny/zzzf74V5xfDMK4bT9dxikosYDwPH9L0/hj0rPVOtqh5tf/8b+Cd6l+481i4h\nI8mrgMfb4rNj+erWNo2GidGuOdqnahxW1ePVAH/LC5eIGa+mPfToWuCKqvpSa3aczaMvZv8wEzPH\n2t5V1VPA14C30LtkeOY7fCYm0IvLawCSrAAOr6on8HtgxtSNm31lXrFgnu+H5Pl+fuYVwzOvWLiu\n5haTXMTYBByfZHWSA+g9ROT6MfdpIiQ5JMnL2vShwFpgK734rG+LrQdmTnzXA+9vy59G71Khx5hO\nw8boRmBtklVJfgD4GeCGpe3y+LQvyhk/R2+cQS9e701yQJJjgeOB25iy4zZJgEuBr1fVp/tmOc4G\nGBQzx9rckvzQzCWwSQ6mNzbuoZdw/EJbbD3w5TbdP/bOAb7a1z5XHKfNVIybYZlXvCSe74fk+X4w\n84rhmVcMb1nkFjUBT0cd9KJ3SeN99B4ScsG4+zMpL+BYek+C3QLcPRMbek8ivhm4n97Ja1XfZy5u\ncbwTeNO492GJ4vRF4BHgu/Tu4/rAQmLUPre9vdaPe7+WMF4fBD4P3NVi8iV692TOLP+xFq97gTP6\n2qfmuAXeDjzfjsXN7bXOcTZ0zM50rA2M1xuAO1pctgIfb+3H0rtPejtwFbCytR9I7+ni2+ndE7x6\nb3Gcttc0jJsFxMS8Yt/iZF7x0mNmbjF/vMwrFidm5hXzx6zzuUXaxiVJkiRJkibaJN9OIkmSJEmS\n9H0WMSRJkiRJUidYxJAkSZIkSZ1gEUOSJEmSJHWCRQxJkiRJktQJFjEkSZIkSVInWMSQlrEkFyb5\nvXH3Y18kWZ/kVQPmXZbk7BFs82N906uTbF3sbUiStJyYW+x1m+YW0ohZxJCWtxp3B4bwy8BRA+YV\no9mXC0awTkmSljNzi/mZW0gjZhFDWmaS/GGS+5LcAvxoX/tJSTYmuTPJdUlWtfbjktycZEuS25O8\nLslPJvlK32cvTrK+Te9M8qdJNif5zyRrktyQZEeSX+37zEeT3Na2d2FrW53kniSXJLm7fe6gJOcA\nbwa+kOSOJAfNtWttHScn2ZBkU5J/SXJka9+Q5KIkt7b9f3trPyTJ1Um2tf3e2NZxEXBw248r6CUy\n+8/u22L+20iS1EXmFuYW0iSxiCEtI0lOBs4F3gi8E/gJXviV4fPAR6vqjcBW4BOt/QvAZ6vqJOAt\nwKNzrLr/14oCvlFVa4BbgMuAnwdOAz7Z+rEWOK6qTgHWACcnOb19/jjg4qr6ceBJ4OyqugbYBPxS\nVb2pqr4zVx+SrAQ+2z7zZuDvgT/p69f+VXUq8Dt9+/dh4Imqej3wR8DJQFXVHwD/V1Vrquo8eonM\n8bP7NlecJUmaFuYW5hbSpFkx7g5IWlSnA9e1L+rvJLkeIMnLgcOr6pa23OXAPyY5DDiqqr4MUFXf\nbcvvbTvXt79bgcOq6lvAt5I8m+RwYC2wNsnmttyh9BKMh4AHq+qu1n47sLpvvfNtOPR+/Xk9cHPr\n4/7AI33LXNf+3tG33rcBn277ty3JXQw2X98kSZpG5hY95hbShLCIIS0vxZ5f1oO+uPeWSTzHnldq\nHTxr/rPt7/N90zPvZ84rf1ZVl+yx0WT1rOW/B/RfVrkv96Zuq6q3Dpg3s+7vsef5ba+Z06zPz6xj\n9n5LkjRtzC1eWK+5hTQBvJ1EWl7+DXh3uxf0ZcDPAlTV/wLfnLmXEzgP2FBVzwC7kpwFkOTAJAcD\n3wBOTHJAu7/1pwdsb64v8AJuAD6Y5NC23qOTvGIv63gaePk8+1bAfcArkpzW1rsyyYnzfAbg34H3\ntOVPBN7QN293Eou5kiQNZm7xYuYW0hh5gEnLSFVtTnIVcCfwOHBb3+z1wF8nOQR4APhAaz8P+Jsk\nfwzsBs6pqp1JrgbuBh6kdwnlnJtkz184qvXjpiQnAP/RLs18GnjfHMvT9/6y1r9vA2+d697Vqtrd\nHtT1mXZp6QrgU8DXB/QN4HPA5Um2AfcC24Cn2rxLgLuS3A58fJ6+SZI0lcwt5lyvuYU0RqnyOJK0\nfCXZD1hZVc8m+WHgJuBHquq5MXdNkiR1kLmFNF5eiSFpuTsU+Nf29PEAv26SIUmSXgJzC2mMvBJD\nkiRJkiR1gg/2lCRJkiRJnWARQ5IkSZIkdYJFDEmSJEmS1AkWMSRJkiRJUidYxJAkSZIkSZ3w/zmp\nz/ZI/D4SAAAAAElFTkSuQmCC\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAABDAAAAHwCAYAAABQRJ8FAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzs3Xm8LFV5L/zf4wEBFSHgiTIfE6eor+MJxqiRaJyCgZs4ROMARiXx6lUzmIAxTlfvi75JTOKME6iJExpFwfhq4hjjcDA4EiImGECUI8gkiqLr/lG1oWn20Huf3WfX7v39fj712d21VlWvrq7d9fRTq1ZVay0AAAAAQ3aDtW4AAAAAwFIkMAAAAIDBk8AAAAAABk8CAwAAABg8CQwAAABg8CQwAAAAgMGTwGBZqur5VfXWtW7HelJV51TVr01Qb0tVtaraZWe0CwCGQnwxXVV1YlW9aMK6E8UtAGtBAoOZVlUnVNVZVfXTqjp6ibon9gmEI8fmv6yfv+jyrK2q2qeq/qGqvl9V36yq31mk7t5VdVJVXdhPz5+nzjOq6r/69Z1ZVbcZKftffdllVbWtqu49UvasqvpKVV3e13nW2Ho/WlXb+2W/OLq/VdWvVtWXq+qSqrqofz8HjJR/taquGJmurqr3j5T/Rv/aV1TVp6vq9iNlu/X78req6ntV9aqq2nWk7A39dru8qs6oqoeMLHv7/n1+r58+MrbuD46160dV9eVJtmdV7VdVp/TtalW1ZWy5R/bv5cqq+thY2W2q6n399ry4qj5UVbed7zMHWE1VdZeqOr3/bjq9qu6yQL1Fv1/nqX90/134srH5R/bzT1zlt8Iqqs5L+mP4Rf3jWqTun1XVf/cxwdur6qYj5Qse86vqPmNlV/T7x8P68jv2x8TvVlUbe90l98n+2HtmX/61qvofI2WPqi62vrS6GOqksXa/taou6N/Tf1TVk0bK5k7Wjbb7z+fZNvv0x/ZPTbrsYvFCX77g/2y/TV5TVd/p44n310j8xbBIYDDrvpjkfyb5woT1/yPJ4+eeVNcb4pFJvrH6TVs/+oPs0L8vXpnkR0lunuQxSV5dVXdYoO7LktwoyZYkhyZ5XFU9Ya6wP9g+McnhSW6S5KFJvtuX3SPJ8UkenmSvJG9I8g9VtWlu8XT70M8keXCSp1XVo0Ze+xlJ9mut3TTJMUneWlX79WVfS/Kg1treSfZP8vUkr55bsLV2h9baTVprN0myZ5Jzk7yrb9etk/xdkt9PsneS9yc5pa7t0XNskq1J7pjkNknuluQ5fdku/bru27+n5yR5Z12bTPhW/373SXKzJKckeftIux4y166+bZ+ea9dS2zPJT5P8Y5KHZX4XJ/nrdNt83N59W26b7nP/XJL3LbAegFVRVTdM913z1nTf9ScleV8/f9xS36/z+UaSR9Z1e2QelS5G2dBq+L1Uj0nyP5LcOcmdkvxGkt9boO7jkzwuyb3SHfP3SPLyucLFjvmttU+OHXcfmuSKdMfTJPlxknemO/aOW3Sf7H+4vzXJHya5aZJnJfn7qvrZfvl/SXKv1tpeSX6uX99o757/N8mWPs45IsmLquruY23Ye6T9/3ueNr4kyZnzbrWFl10wXpjgf/YZSe6Z7jPbP8n3MvJZMDCtNZPpelOSP01yfpLLk5yV5P79/OcneetIvSOSfDXJJUk+luQXRsrOSXJcuh9l30vypiS7j5Q/NMkZ/bKfTnKnKb6fTyU5eok6Jyb5iyTfSfIzI2384Ojy6RJ/z0nyzSQXJnlzkr1G1vO4vuyiJH/Wb4dfG1n22HTByUXpDi779GVbkrQkuyzQvrnlLu+36W+OlT853Zf9XPnd+vkHJXlPku39a75igc/yOq/ff54vTneg+kGSWyV5wshr/GeS3xtrw5H9Z3pZ39YHJ3lEktPH6v1hkvet4ud743TJi9uMzHtLkuMXqP/dJL848vzZST458hmdm36fn2fZ307yubHXbumSEvPV/9skL1+g7NAkP0xy6Dxlu6ULAr62wLL37T+HG/fPn5bk1JHyG/Sf29z/7rYkjxgp/50k5y6yTb+U5GHzzN8lyVOTXLnAcluS/CRd8LLk9hxbb5tbbp7yJyX52BLr2Kdfx76rtW+ZTKbVnTID8UWSB/bvoUbm/XeSB0+4/Lzfr33Z0elijn9Mcng/b58k307y/yU5ccJtdNd0J28uT/KOdEnnF02yjTISt8zTvsOT/Fu64/y5SZ4/Vn7vfn2X9OVH9/P3SPKX6eKjS/v3uEeSw5KcN7aOa16/3y9OTvfD87L+WHBokn/tX+OCJK9IcsOR5e+Q5MPpftB+J90x/hZJrhw9PqRL5G9Psusq7hufTnLMyPMnJvnMAnVPTvKskee/nC4muNE8da9zzJ+n/E1J3jTP/FslacvZJ5PcI8mFY+Xbk9xznuVuki4OPm2B9d62/4we2T/fkkVi3ZHt8K/pYs5Pjcxfctm+3vXihSzxP5vuZNFLx/bzs1ZrvzCt7jT0M6qsgeq6YD8t3Q+8PZM8KN3BZLzebZK8Lckzk2xOclqS94+dgXhMv/zPpzvr+5x+2bsmeWO6rPS+SV6b7mzxbgu06UvVdaufb3rVarzv3g/TZWjnzpg/Pt0X86ij++lX02Web5Lu4JnqutW/Ol0SY//+vR04suz/SpeZv2+uzfC+csK2fSPJfdJly1+QkTP3VfWIdAf5x6fLlh+R5KK+V8AH0gUMW5IckJEz5xN4XLqzCXvm2oTNQ/vXeEKSl1XV3fo2HJpuWz0r3ZnxX0m335yS5JZV9Qtj6x3frunX86pFPusvLdDO2yS5urU2enbqi+mCmIXU2OM79o8P7Kc7VtW51V328IKRHigfTLKpqu7Rb9/fTRcEfnue91LpPrOvjs3/QFX9MMln0wWd20bKDq6qS9IlH/44yUsXaP9RSd7dWvv+Iu9p9H3NV35gVe01T7tvnm6bjrf7knT/Iy9P8n8WaNfj0yWDzumfL7U9V9OvJPl2a+2iKawb2EEzFF/cIcmXWv9Lp/elLH7MmXu9eb9f5/HmXNsj9FHpYpOrRtaz4Dbqt9N70yXy90l31v5hI8suaxuN+X7frr3T/ch7SvWXF1TVIemOkS/v23SXdMfHpDtBdPd0P073SfIn6XrgTeLIdD/2907X0/AnSf4gXY/Aeya5f7retqmqPZN8JF0CaP90P+D/qbX27XTH20eOrPdxSd7eWvvx+AtW1e8ssl9cUlUHL9DWO6SLP+YsNxbZLcmt56k33zF/rq03TtdL8qRFXmfhBlx/n9yW5MyqOqKqNvWf71Xp9vG5Ze5dVZemS6o8LF3Ph9F1vqqqrkzy7+kSGKeNvew3q+q8qnpTVd1sZLlN6WLqp6VLVsxn3mWXsNT/7BuS3Kuq9q+qG6X7fvnghOtmZ1vrDIppeFO6L/sLk/xaxrLSGTlDkuTPk7xzpOwG6bKbh/XPz0ny+yPlv57kG/3jVyf532PrPivJfaf0nibtgfGidGcP/jXdgfI76c4QjPbA+Kck/3Nkudum66q3S5LnpjsYzpXN9QyYO5NwZkbORCfZb2TZLZkgszyy7BlJjuwffyjJM+apc890WfPrrTOT9cB44RJteO/c66YLgF62QL1XJ3lx//gO6RI3u63i53ufdD9cR+c9OQucsU93Juc96RIzt0qXHLqqL/vlfjuc2u8DW9J1231yX17pzub8OMnVGevNMfY6L0gXvFzvvSbZNclDkvzhAsvuk+5M5S/NU3ajdGeiDhuZd7t0geVhSW6Y7v/zp0mO68tflK43zeZ0Z6I+m3l6jvTt+kiS1y7QrhunCxQPX6D87Iz8ry21PUfq7VAPjHRJkvOTPHq19iuTybS6U2Ykvujb9/axeX+Xsd4I8yy36PdrX+foXNs74TvpTlp8Jt1lBi9K3wNjsW2ULpn7rVz3bPOn0/fAWGobZZEeGPO096/TH/vT9Yr5h3nqzPUIvPM8ZYdl6R4Yn1iiDc+ce90kj07ybwvU++0k/9I/3pTuxMP1ekDu4L7xkyS3G3l+6/7YVvPUfVK64+GW/nM+pa97z7F61zvmj5U/Lsl/LfAai/bAWGifTNdz5Ip0cc6VWfiYf0D/Gd1mnrJN6WLq56T/f0930m9rumP+zdMlpj40sswfJHn16P/CSNmiy45t14+NzVv0f7bf/m/vt//V6XoZ7bOa+4Zp9SY9MLie1trZ6Q4Gz09yYXWDCu0/T9X9052Vn1vup+m6C44OenPuyONv9sskySFJ/mg0m53uUof5Xmenaq19Kt2PvD9L8oHW2g/GqlznffeP575M98/Ie25dpnz0bPAh6cZLmHvPZ6Y72N18qXZV1eOrG2hpbtk7pjv7kHTbbr5xOg5K8s3W2tVLrX8Bo59fquohVfWZ6gY4uiRd0LhUG5LurMDv9D0SHpcu6LpqgborcUW6XiGjbpruzMB8np4umPp6urNab0tyXl8293m/tLV2Set6Erw23XtNuoP6E9IlYm6Y5LFJPjD+P1JVT0t3lurw+d5ra+3HrbUPJnlgVR0xT/nFufYazfFrfn8rXdfYj4/U//d0Z2heke5sx83Sda+ee18vTndAPiNdIPvedEmY74y0+Qbpztj9KN3Zj+vp9+nXJHnzyPWwc8vfO11y5OSR2Uttzx1WVZuT/P9JXtVae9tqrRdYXTMUXyz3mDPR9+uoPvY4Nd2Pv31ba/8yVmWxbbR/kvNb/8usNxq3rHgb9b0P5wajvjTduEtLxQE3S7L7AmWTGI9FbtP3ZPx2VV2WrkfgJLHI+5LcvqpumeQBSS5trX1uhW1ayPi+cdMkV4x9FnPemC7++Fi63g8f7eefN1bvesf8MUclefMCr7GghfbJ6u5A89Jce0LkvkleX/MMVNtaOz9db5fr9e5trf2kj6kPTPKUft4VrbVtrbWrW2vf6V/3gVW1Z/9d8PR08ff1LLbsBG93qf/ZV6br/bJvuhM174keGIMlgcG8Wmt/31q7d7qDXEs3mM64b/XlSa7pLn9QujMAcw4aeXxwv0zSHYxe3Frbe2S60UI/Pur6IzGPTq9Z+Ttd0FuT/FHmv8zhOu873fu6Ot0PwQsy8p77bmj7jtQ9N8lDxt737v0BYEF9t8zXpfuy3rd1gzx+Jdd2PTw3XTfacecmOXieH8BJd7b+RiPPbzFPnWsOhn3X0nen6wZ6874Np03QhrTWPpPuAHmfdGMvvGW+ev3rvGaRz3qhLrf/kWSX6gaynHPnLNBFt7V2cWvtMa21W7TW7pDuu3AuiDmrb+toIDD6+C7pElv/0Vr7aWvtH9N97r888h5+N92YJfdvrY0HIuN2yQLbrS/72Vz/oDtvsNJaO7m1dsfW2r5JnpfurM7n+7IftNae1lo7oLX2c+kSa6f3Qe/c/+8b0iXTHtbm6VI74gbp9p3xEbqPSvKe1toVI/OW2p47pKp+Jl3y4pTW2otXa73AdMxIfPHVJHfq2zXnTlngmLPM79dRb04Xi8x3e9nFttEFSQ4Ya9/oJQ/L2kZj/j5dT4GDWjeI42uydBzw3XSXH85Xdp1YpL+EYPNYnfFjxqvTXZpw69YNFPnssTb83HwNb639MN3YY49NdzJlsVjkMYvsF1cscgnJV9PFH3MWi0V+2lp7XmttS2vtwL7e+bnufp4skqCoqoPSJRrmvSx3kfe32D55l3S9Xrb1bfx8ul6bC91ad7E4Zqnyufd0g3Rjm+yX5GtV9e0kf5Pk0D5RtWmJZZey1P/sXdL1brq4P+n08v61J71EhZ1pWl07TOt3SndJxP3SZSJvmC5DfFJf9vxc28XztukOPPdP1wXtj9MN7HjDvvycJF9Ol3ndJ12XyP/Tl21Nd5C5R7qDzo3TXUu55yq/lxumy/r/S7pLCnZPcoMF6p6Ya7tX7tO/r+qfj15C8qR0Z+5vma4728kj2+QO6bK89+5f+y/SJTfmukL+QbpM+yH988259jKQLVngEpIkt0938L9tui55T+jX+6S+/BH99rx7vz1vlS6w2ZTuEoa/6Lfx7ulGjk66sw/fTRfU7JXuzMQ1r9+380kjbdgzXW+R+/av8ZB03Qrnttmh6QbUun+6g8kBuW43yj9Ld73hN6a037493ZmMG6frantpkjssUPfn0yWWNvXv47ujddMFAh/o3/OB6QKlJ/ZlR6VLmPxcvx0e0G+H2/Xlj0nXLfUX5nnd2/Wvt0e6/5nHpvtxPzfg6m/1n/EN+n3jnUm+MLaOA/vP/ufnWf/d+/c0t+zfj5TNnZWrJL/U7y8PHCl/TbpuyjeZZ70PSDcg3KZ0yZS/TRc8jw6at0e/ze83z/ILbs++fPdcOxjqbcfWu6kv//0kn+gfz3VFvWm6xNMrprFPmUym1Z0yI/FF3/ZvprtzwW7pTi58MyMDSY7VX/D7dZ66R6fvNt+3//65drDv0UtIFtxG/fTffft2TXds+XGuPV4vuo2y+CCeFyY5qn98aP987nM7ON0Z7Uem+9G6b5K79GWvTHcJ7v799/o9+223V/pLFPq2Pi/XjZuu2S9G2vC5dJfsVrrj6lkj22zPdAmcZ/br3zPJPUaWvVeuHRD9kCns47+frnft3DH3qxm53Gms7j7p4pFKF+d9JSMDgPZ1Fjzm9+XPzjyX2PTr3L1fb+sf7zZSvtgx/77p4qK5z+6u6U56PLB//pgkB/ePD0nXM+Q9/fOfTTdmy036z/lB6fbTI/rye+TaOGffdAPMfrQv2y3dybS56RnpEie3WGrZvnyxeGHR/9l0g6C+u98fd+236/mrvX+YVun/bK0bYBrelC4j+bn+y/3idD889u/Lnp/rjpvwm+m6qV/af4GN/gg8J9eOEn5Juu7wNxopf3C6s8Nzo0i/K6ufwPhY/8U9Oh22QN0TMzJC91jZ+F1Inpvu4L89/S2ZRuoelS5wWOguJH+Y7mB7ebqD6FzQtSWL34Xkxf3n8d0kf9Vv79EEw+/3670i3UHwrv38g9NdLnBRv+zfjizzyn77n50uwbNgAqOf99R0PU0uSXfmYnxU899Ml6S4vF/ng0bKDk43JsMLprTf7tO/z+/32/93Rsruk64L59zzR6b7AX5luksqHjS2rpv27+3y/nN+bq5NZlWSF/avcXm6QOVxI8v+V7pA8YqR6TV92S+kOxhf3m/Dz2fkbjLpBnn9r/49fLtvwyFjbTsu/R1TFthP5/5vX5uR0cpz7aCqV/b7yWNGyg7pP/sfjrX7MX35I9IlHa5It8+fmrFR/dNdd/zNue006fbsy8f/R9tI2dHzlJ848r/W+u012u6Dp7GPmUymHZsyW/HFXZOcnu4yuS+kP+b2Zc9O8sH+8aLfr/Os9+iMXPc/VnZNAmOCbbQ13WWDc3cheUeue7xecBtl8QTGw/vv+sv7z+8VY5/bfdId5+buUnJUP3+PdONlnN+39xNJ9hh5zxekS4b8ca4/BsZ4AuNXcu0x6ZPpjsmjYyXcMV2y5HvpjqXHji3/9SQfn9I+Xukuv7i4n16a6x7vrkhyn/7xbdIdj6/st+n1xsTKIsf8vvw6JwRG5m/J9Y+d50y6T6b7gX92rr3r3B+NlL043WUu3+//npD+7i7pTqB8vN+vLkuXaHzyyLKPzrVxzgXpTnDcYpL/haWWzSLxwgT/s/umGxPjwr7tn8oqj49iWr1pLiCHVVdV56T7AfyRtW4La6+q9kh3YLhba+3ra90eANYn8QU7oqr+OV0PxdevdVuA5ZvvuniAaXhKks9LXgAAa6GqfjHJ3dLdmhVYh6Y+iGd19w/+t6r6wDxlR/ejGJ/RT0+adnuAna8/W/aMdIORAayYuAJYiao6Kd0tQ5/ZWlvwjjHAsO2MHhjPSHeN+Pgo+nPe0Vpb8nZSrD+ttS1r3QaGwb4ArCJxxQbnmMJKtNaOWus2ADtuqj0wqurAdKMKu8YMANgh4goA2Nim3QPjr5P8SbpbGC3kYVX1K+luS/gHrbVzxytU1TFJjkmSG9/4xne/3e1uN422AgATOv3007/bWtu8k192VeKKRGwBs+zL5196zeP/54C91rAlDJn9ZMes9vabNK6YWgKjqh6a5MLW2ulVddgC1d6f5G2ttauq6vfS3QbrfuOVWmsnpLtFT7Zu3dq2bds2pVYDAJOoqm/u5NdbtbgiEVvAnC3HnnrN43OOP3wNW7J6Rt/Tthl5T6w++8mOWe3tN2lcMc1LSO6V5Ih+8L63J7lfVb11tEJr7aLW2lX909cnufsU2wMArF/iCgDY4KaWwGitHddaO7AfaOlRSf65tfbY0TpVtd/I0yPSDcoFAHAd4goAYGfcheQ6quqFSba11k5J8vSqOiLJ1UkuTnL0zm4PALB+iSuAaZrFS2xgPdspCYzW2seSfKx//NyR+cclOW5ntAEAmA3iCoCNRzKJZMq3UQUAAABYDTv9EhIAAGC2jJ4dT5whB6ZDDwwAAABg8CQwAAAAgMGTwAAAAAAGTwIDAAAAGDyDeAIAAMAUuP3r6tIDAwAAABg8CQwAAABg8CQwAAAAgMEzBgYAAMAaMD4CLI8eGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweAbxBAAAWCEDccLOowcGAAAAMHgSGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweBIYAAAAwOBJYAAAAACDJ4EBAAAADJ4EBgAAADB4EhgAAADA4ElgAAAAAIMngQEAAAAM3i5r3QAAAGB92HLsqdc8Puf4w9ewJcBGJIEBAAAA69xGSDC6hAQAAAAYPAkMAAAAYPAkMAAAAIDBMwYGAAAMzEa4lh1gufTAAAAAAAZPAgMAAAAYPJeQAAAAwE42eqlY4nKxSeiBAQAAAAyeBAYAAAAweBIYAAAAwOBNPYFRVZuq6t+q6gPzlO1WVe+oqrOr6rNVtWXa7QEA1i9xBQBsXDujB8Yzkpy5QNkTk3yvtXarJC9L8pKd0B4AYP0SVwDABjXVBEZVHZjk8CSvX6DKkUlO6h+fnOT+VVXTbBMAsD6JKwBgY5t2D4y/TvInSX66QPkBSc5Nktba1UkuTbLveKWqOqaqtlXVtu3bt0+rrQDAsK1KXJGILQBgPZpaAqOqHprkwtba6Tu6rtbaCa21ra21rZs3b16F1gEA68lqxhWJ2AIA1qNdprjueyU5oqp+PcnuSW5aVW9trT12pM75SQ5Kcl5V7ZJkryQXTbFNAMD6JK4AsuXYU695fM7xh69hS4C1MLUeGK2141prB7bWtiR5VJJ/HgsykuSUJEf1jx/e12nTahMAsD6JKwCAafbAmFdVvTDJttbaKUnekOQtVXV2kovTBSQAABMRVwDAxrFTEhittY8l+Vj/+Lkj83+Y5BE7ow0AwGwQVwCsfy4HYiV2eg8MAADYaPxYA9hx076NKgAAAMAOk8AAAAAABk8CAwAAABg8CQwAAABg8CQwAAAAgMGTwAAAAAAGz21UAQAABsatd+H69MAAAAAABk8CAwAAABg8CQwAAABg8CQwAAAAgMGTwAAAAAAGTwIDAAAAGDwJDAAAAGDwJDAAAACAwZPAAAAAAAZPAgMAAAAYPAkMAAAAYPAkMAAAAIDB22WtGwAAADCrthx76jWPzzn+8DVsCax/emAAAAAAgyeBAQAAAAyeS0gAAIAVGb08AmDa9MAAAAAABk8CAwAAABg8CQwAAABg8CQwAAAAgMGTwAAAAAAGTwIDAAAAGDwJDAAAAGDwJDAAAACAwZPAAAAAAAZPAgMAAAAYPAkMAAAAYPAkMAAAAIDBk8AAAAAABk8CAwAAABg8CQwAAABg8KaWwKiq3avqc1X1xar6alW9YJ46R1fV9qo6o5+eNK32AADrm9gCADa2Xaa47quS3K+1dkVV7ZrkU1X1wdbaZ8bqvaO19rQptgMAmA1iCwDYwKaWwGittSRX9E937ac2rdcDAGab2AIANrapjoFRVZuq6owkFyb5cGvts/NUe1hVfamqTq6qgxZYzzFVta2qtm3fvn2aTQYABkxsAQAb11QTGK21n7TW7pLkwCSHVtUdx6q8P8mW1tqdknw4yUkLrOeE1trW1trWzZs3T7PJAMCAiS0AYOOa5hgY12itXVJVH03y4CRfGZl/0Ui11yd56c5oDwCwvoktmLPl2FOveXzO8YevYUuA+fgfZTVN8y4km6tq7/7xHkkekOTfx+rsN/L0iCRnTqs9AMD6JrYAgI1tmj0w9ktyUlVtSpcoeWdr7QNV9cIk21prpyR5elUdkeTqJBcnOXqK7QEA1jexBQBsYNO8C8mXktx1nvnPHXl8XJLjptUGAGB2iC0AYGPbKWNgAAAAHWMCAKyMBAYAAIPjRz6zbHT/BiY31duoAgAA0JG4gB0jgQEAAAAMngQGAAAAMHgSGAAAAMDgGcQTAABYlwz2ChuLHhgAAADA4ElgAAAAAIMngQEAAAAMnjEwAADYYcYiAGDa9MAAAAAABk8CAwAAABg8l5AAAADAALgcb3F6YAAAAACDpwcGAAAbkjOdAOuLHhgAAADA4ElgAAAAAIMngQEAAAAMnjEwAACYCXNjWhjPAlafMWMYAgkMAAAAZoJEy2xzCQkAAAAweBIYAAAAwOC5hAQAAKLrOcDQSWAAAMAKjSY9kukkPrYce6qECkBcQgIAAACsAxIYAAAAwOC5hAQAAIB1ydg1G4seGAAAAMDgSWAAAAAzYXxQVWC2SGAAAAAAgyeBAQAAAAyeQTwBAGAdMFghsNHpgQEAALCTGKcDVk4CAwCAQfEDD4D5SGAAAADAlG059lQJ2h0kgQEAAAAMngQGAAAAMHgSGAAAAMDgTS2BUVW7V9XnquqLVfXVqnrBPHV2q6p3VNXZVfXZqtoyrfYAAOub2AIANrZdprjuq5Lcr7V2RVXtmuRTVfXB1tpnRuo8Mcn3Wmu3qqpHJXlJkt+eYpsAgPVLbAGsqdEBGM85/vA1bAlsTFPrgdE6V/RPd+2nNlbtyCQn9Y9PTnL/qqpptQkAWL/EFgCwsU11DIyq2lRVZyS5MMmHW2ufHatyQJJzk6S1dnWSS5PsO802AQDrl9gCADauaV5CktbaT5Lcpar2TvIPVXXH1tpXlrueqjomyTFJcvDBB69yKwGA9UJswY4H754SAAAgAElEQVQavQQAgIUN8ZKpnXIXktbaJUk+muTBY0XnJzkoSapqlyR7JblonuVPaK1tba1t3bx587SbCwAMnNgCmMSWY0+9ZgLWv2nehWRzf3YkVbVHkgck+fexaqckOap//PAk/9xaG7+WFQBAbMGa82MYYG1N8xKS/ZKcVFWb0iVK3tla+0BVvTDJttbaKUnekOQtVXV2kouTPGqK7QEA1jexBQzIrCdyZv39wXo0tQRGa+1LSe46z/znjjz+YZJHTKsNAMDsEFvA2vFjHhiCnTIGBgAAAMCOmOpdSAAAYCMa4uj9rF/2J2bRSnp26YEBAAAADJ4EBgAAADB4LiEBAGDmbcRBKF12sHwbcT+B9UQCAwAA1jGJCmCjcAkJAADAOrTl2FOvmdaz9d5+dh49MAAAYAD8iANYnB4YAAAAwOBJYAAAAACD5xISAAAgiQFBgWHTAwMAAAAYPAkMAAAAYPAkMAAAAIDBk8AAAAAABk8CAwAAABg8CQwAAABg8CQwAAAAgMGTwAAAAAAGTwIDAAAAGDwJDAAAAGDwJDAAAACAwZPAAAAAAAZPAgMAAAAYPAkMAAAAYPAkMAAAAIDBmyiBUVX3rqon9I83V9Utp9ssAGCWiS0AgOVaMoFRVc9L8qdJjutn7ZrkrdNsFAAwu8QWAMBKTNID4zeTHJHk+0nSWvtWkj2n2SgAYKaJLQCAZZskgfGj1lpL0pKkqm483SYBADNObAEALNskCYx3VtVrk+xdVU9O8pEkr5tuswCAGSa2AACWbZelKrTW/qKqHpDksiS3TfLc1tqHp94yAGAmiS0AgJVYNIFRVZuSfKS19qtJBBYAwA4RWwAAK7XoJSSttZ8k+WlV7bWT2gMAzDCxBQCwUkteQpLkiiRfrqoPpx8tPElaa0+fWqsAgFkmtgAAlm2SBMZ7+gkAYDWILQCAZZtkEM+TquqGSW7Tzzqrtfbj6TYLAJhVYgsAYCWWTGBU1WFJTkpyTpJKclBVHdVa+8R0mwYAzCKxBQCwEpNcQvKXSR7YWjsrSarqNkneluTu02wYADCzxBYAwLIteheS3q5zAUaStNb+I8mu02sSADDjxBYAwLJNksDYVlWvr6rD+ul1SbYttVBVHVRVH62qr1XVV6vqGfPUOayqLq2qM/rpuSt5EwDAuiK2AACWbZJLSJ6S5KlJ5m5t9skkr5pguauT/FFr7QtVtWeS06vqw621r43V+2Rr7aETtxgAWO/EFgDAsk2SwNglyd+01v4qSapqU5LdllqotXZBkgv6x5dX1ZlJDkgyHmQAABuL2AIAWLZJLiH5pyR7jDzfI8lHlvMiVbUlyV2TfHae4ntW1Rer6oNVdYcFlj+mqrZV1bbt27cv56UBgOERWwAAyzZJAmP31toVc0/6xzea9AWq6iZJ3p3kma21y8aKv5DkkNbanZO8PMl751tHa+2E1trW1trWzZs3T/rSAMAwiS0AgGWbJIHx/aq629yTqrp7kh9MsvKq2jVdgPF3rbX3jJe31i6bC2Baa6cl2bWqbjZRywGA9UpsAQAs2yRjYDwzybuq6ltJKsktkvz2UgtVVSV5Q5Iz565xnafOLZJ8p7XWqurQdAmViyZtPACwLoktAIBlWzKB0Vr7fFXdLslt+1lntdZ+PMG675XkcUm+XFVn9POeneTgfr2vSfLwJE+pqqvTnXl5VGutLfM9AADriNgCAFiJJRMYVfWIJP/YWvtKVT0nyd2q6kWttS8stlxr7VPpzqosVucVSV6xnAYDAOub2AIAWIlJxsD48/5WZfdOcv90XTdfPd1mAQAzTGwBACzbJAmMn/R/D0/yutbaqUluOL0mAQAzTmwBACzbJAmM86vqtekG1zqtqnabcDkAgPmILQCAZZskWHhkkg8leVBr7ZIk+yR51lRbBQDMMrEFALBsk9yF5Mok7xl5fkGSC6bZKABgdoktAICV0F0TAAAAGDwJDAAAAGDwJkpgVNUhVfVr/eM9qmrP6TYLAJhlYgsAYLmWTGBU1ZOTnJzktf2sA5O8d5qNAgBml9gCAFiJSXpgPDXJvZJcliStta8n+dlpNgoAmGliCwBg2SZJYFzVWvvR3JOq2iVJm16TAIAZJ7YAAJZtkgTGx6vq2Un2qKoHJHlXkvdPt1kAwAwTWwAAyzZJAuPYJNuTfDnJ7yU5LclzptkoAGCmiS0AgGXbZYI6eyR5Y2vtdUlSVZv6eVdOs2EAwMwSWwAAyzZJD4x/ShdUzNkjyUem0xwAYAMQWwAAyzZJAmP31toVc0/6xzeaXpMAgBkntgAAlm2SBMb3q+puc0+q6u5JfjC9JgEAM05sAQAs2yRjYDwzybuq6ltJKsktkvz2VFsFAMwysQUAsGxLJjBaa5+vqtsluW0/66zW2o+n2ywAYFaJLQCAlZikB0aS/GKSLX39u1VVWmtvnlqrAIBZJ7YAAJZlyQRGVb0lyc8nOSPJT/rZLYkgA9hhW4499ZrH5xx/+Bq2BNhZxBYAwEpM0gNja5Lbt9batBsDAGwIYgsAYNkmuQvJV9INrgUAsBrEFgDAsk3SA+NmSb5WVZ9LctXczNbaEVNrFQAwy8QWAMCyTZLAeP60GwEAbCjPX+sGAADrzyS3Uf14VR2S5NattY9U1Y2SbJp+0wCAWSS2AABWYskxMKrqyUlOTvLaftYBSd47zUYBALNLbAEArMQkg3g+Ncm9klyWJK21ryf52Wk2CgCYaWILAGDZJklgXNVa+9Hck6raJd292gEAVkJsAQAs2yQJjI9X1bOT7FFVD0jyriTvn26zAIAZJrYAAJZtkgTGsUm2J/lykt9LclqS50yzUQDATBNbAADLNsldSH6a5HX9BACwQ8QWAMBKLJjAqKovZ5HrUVtrd5pKiwCAmSS2AAB2xGI9MB7a/31q//ct/d/HxkBbAMDyiS0AgBVbMIHRWvtmklTVA1prdx0p+tOq+kK661cBACYitgAAdsQkg3hWVd1r5MkvT7gcAMB8xBYAwLItOYhnkicmeWNV7ZWkknwvye9OtVUAwCwTWwAAyzbJXUhOT3LnPshIa+3SqbcKAJhZYgsAYCUWuwvJY1trb62qPxybnyRprf3VlNsGAMwQsQUAsCMW64Fxo/7vnitZcVUdlOTNSW6ebmTxE1prfzNWp5L8TZJfT3JlkqNba19YyesBy7Pl2FOveXzO8YevYUuADURsAQCs2GIJjJ/v/36ttfauFaz76iR/1Fr7QlXtmeT0qvpwa+1rI3UekuTW/XSPJK/u/wIAs0dsAQCs2GIjfv96fxbjuJWsuLV2wdwZj9ba5UnOTHLAWLUjk7y5dT6TZO+q2m8lrwcADJ7YAgBYscV6YPxjulHBb1JVl43MrySttXbTSV+kqrYkuWuSz44VHZDk3JHn5/XzLhhb/pgkxyTJwQcfPOnLAgDDIrYAAFZswR4YrbVntdb2TnJqa+2mI9OeywwwbpLk3Ume2Vq7bKn6C7TlhNba1tba1s2bN69kFQDAGhNbAAA7YrFLSJIkrbUjV7ryqto1XYDxd62198xT5fwkB408P7CfBwDMKLEFALASSyYwquq3qurrVXVpVV1WVZePdftcaLlK8oYkZy5yW7RTkjy+Or+U5NLW2gUL1AUAZoDYAgBYicXGwJjz0iS/0Vo7c5nrvleSxyX5clWd0c97dpKDk6S19pokp6W7zdnZ6W519oRlvgYAsP6ILQCAZZskgfGdFQQYaa19Kt2gXIvVaUmeutx1AwDrmtgCAFi2SRIY26rqHUnem+SquZkLXHcKALAUsQUAsGyTJDBumq4L5gNH5rUkggwAYCXEFgDAsi2ZwGituXYUAFg1YgsAYCUmuQvJgVX1D1V1YT+9u6oO3BmNA5iGLceees0E7HxiCwBgJZZMYCR5U7pbku3fT+/v5wHATiPxNFPEFgDAsk2SwNjcWntTa+3qfjoxyeYptwsAmF1iCwBg2SZJYFxUVY+tqk399NgkF027YQDAzBJbAADLNsldSH43ycuTvCzdCOGfTmLwLWBwRi8tOOf4w9ewJcASxBYAwLJNcheSbyY5Yie0BYAZIZnEYsQWAMBKTHIXkpOqau+R5z9TVW+cbrMAgFkltgAAVmKSMTDu1Fq7ZO5Ja+17Se46vSYBADNObAEALNskCYwbVNXPzD2pqn0y2dgZAADzEVsAAMs2SbDwl0n+tare1T9/RJIXT69JsD7tjGv+jSsAzAixBQCwbJMM4vnmqtqW5H79rN9qrX1tus0CAGaV2AIAWImJumv2QYXAAtjw9IKB1SG2AACWa5IxMAAAAADWlAGzYAHOtAMAAAyHBAYAzDgJWQBgFriEBAAAABg8CQwAAABg8FxCwrqiGzQAAMDGJIEBACMkSgEAhsklJAAAAMDgSWAAAAAAgyeBAQAAAAyeMTBYE64xBwAAYDkkMNipRhMXwPoi8QgAwFqSwACANSAhBACwPBIYAGP8sGQh9g0AgLUjgTFwgmUAAABwFxIAAABgHdADA2acXjwAAMAs0AMDAAAAGDwJDAAAAGDwXEICsApcqgMAANMlgQFMjR/1AADAanEJCQAAADB4emCwKtbTmfaVtHU9vT8AAIBZpAcGAAAAMHhT64FRVW9M8tAkF7bW7jhP+WFJ3pfkv/pZ72mtvXBa7eG6ZqEXwtDas16MbjeA9URsAQAb2zQvITkxySuSvHmROp9srT10im0AAGbHiRFbAMCGNbVLSFprn0hy8bTWDwBsLGILANjY1noMjHtW1Rer6oNVdYc1bgsAsP6JLQBgRq1lAuMLSQ5prd05ycuTvHehilV1TFVtq6pt27dv32kNBICdwdg0q0ZsAQAzbM0SGK21y1prV/SPT0uya1XdbIG6J7TWtrbWtm7evHmnthMAWB/EFgAw29YsgVFVt6iq6h8f2rflorVqDwCwvoktAGC2TfM2qm9LcliSm1XVeUmel2TXJGmtvSbJw5M8paquTvKDJI9qrbVptYeObsoArFdiCwDY2KaWwGitPXqJ8lekuxUaAMCSxBYAsLGt9V1IAAAAAJYkgQEAAAAMngQGAAAAMHhTGwMDVsPooKPnHH/4GraEjc4AuAAAsLYkMBistfrB6IcqAADA8EhgADuNHjUAAMBKGQMDAAAAGDw9MNaRjXD22uUbAAAAzEcCA2AGbYSEJwAAG4tLSAAAAIDBk8AAAAAABk8CAwAAABg8CQzYQAySCgAArFcG8QTgOgwACgDAEOmBAcykLceeqscJAADMEAkMdpgfiQAAAEybS0gAWDMuVwEAYFJ6YAAzQU8gAACYbRIYAAAAwOC5hASmZDld48d7D+hKDwAAcF0SGMC65bIRAADYOCQwmDl6MwA7k4FIAQB2DgkMVsSZb2Al/NgHAGClJDCYGZIqwzKUz2OuHX4sAwDA+uYuJKy5LceeOpgfuzvL3HveaO+b2WHfBQBgZ9MDA3qr+YNsrX/crfXrAwAArDY9MAAAAIDBk8AAAAAABk8CAwAAABg8CQwAAABg8CQwAAAAgMGTwAAAAAAGTwIDAAAAGDwJDAAAAGDwJDAAAACAwZPAAAAAAAZPAgMAAAAYPAkMAAAAYPAkMAAAAIDBk8AAAAAABm9qCYyqemNVXVhVX1mgvKrqb6vq7Kr6UlXdbVptAQDWP7EFAGxs0+yBcWKSBy9S/pAkt+6nY5K8eoptAQDWvxMjtgCADWtqCYzW2ieSXLxIlSOTvLl1PpNk76rab1rtAQDWN7EFAGxsazkGxgFJzh15fl4/73qq6piq2lZV27Zv375TGgcArDtiCwCYYetiEM/W2gmtta2tta2bN29e6+YAAOuc2AIA1p+1TGCcn+SgkecH9vMAAFZCbAEAM2wtExinJHl8P2L4LyW5tLV2wRq2BwBY38QWADDDdpnWiqvqbUkOS3KzqjovyfOS7JokrbXXJDktya8nOTvJlUmeMK22AADrn9gCADa2qSUwWmuPXqK8JXnqtF4fAJgtYgsA2NjWxSCeAAAAwMYmgQEAAAAMngQGAAAAMHgSGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweBIYAAAAwOBJYAAAAACDJ4EBAAAADJ4EBgAAADB4EhgAAADA4ElgAAAAAIMngQEAAAAMngQGAAAAMHgSGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweBIYAAAAwOBJYAAAAACDJ4EBAAAADJ4EBgAAADB4EhgAAADA4ElgAAAAAIMngQEAAAAMngQGAAAAMHgSGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweBIYAAAAwOBJYAAAAACDJ4EBAAAADJ4EBgAAADB4EhgAAADA4ElgAAAAAIMngQEAAAAMngQGAAAAMHhTTWBU1YOr6qyqOruqjp2n/Oiq2l5VZ/TTk6bZHgBgfRNbAMDGtcu0VlxVm5K8MskDkpyX5PNVdUpr7WtjVd/RWnvatNoBAMwGsQUAbGzT7IFxaJKzW2v/2Vr7UZK3Jzlyiq8HAMw2sQUAbGDTTGAckOTckefn9fPGPayqvlRVJ1fVQfOtqKqOqaptVbVt+/bt02grADB8YgsA2MDWehDP9yfZ0lq7U5IPJzlpvkqttRNaa1tba1s3b968UxsIAKwrYgsAmFHTTGCcn2T0rMeB/bxrtNYuaq1d1T99fZK7T7E9AMD6JrYAgA1smgmMzye5dVXdsqpumORRSU4ZrVBV+408PSLJmVNsDwCwvoktAGADm9pdSFprV1fV05J8KMmmJG9srX21ql6YZFtr7ZQkT6+qI5JcneTiJEdPqz0AwPomtgCAjW1qCYwkaa2dluS0sXnPHXl8XJLjptkGAGB2iC0AYONa60E8AQAAAJYkgQEAAAAMngQGAAAAMHgSGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweBIYAAAAwOBJYAAAAACDJ4EBAAAADJ4EBgAAADB4EhgAAADA4ElgAAAAAIMngQEAAAAMngQGAAAAMHgSGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweBIYAAAAwOBJYAAAAACDJ4EBAAAADJ4EBgAAADB4EhgAAADA4ElgAAAAAIMngQEAAAAMngQGAAAAMHgSGAAAAMDgSWAAAAAAgyeBAQAAAAyeBAYAAAAweBIYAAAAwOBJYAAAAACDJ4EBAAAADJ4EBgAAADB4EhgAAADA4ElgAAAAAIMngQEAAAAMngQGAAAAMHgSGAAAAMDgTTWBUVUPrqqzqursqjp2nvLdquodfflnq2rLNNsDAKxvYgsA2LimlsCoqk1JXpnkIUlun+TRVXX7sWpPTPK91tqtkrwsyUum1R4AYH0TWwDAxjbNHhiHJjm7tfafrbUfJXl7kiPH6hyZ5KT+8clJ7l9VNcU2AQDrl9gCADawaq1NZ8VVD0/y4Nbak/rnj0tyj9ba00bqfKWvc17//Bt9ne+OreuYJMf0T++Y5CtTafRsulmS7y5Zi8S2Wi7ba3K21fLYXpNby211SGtt8858QbHFIPj/XB7ba3K21fLYXpOzrZZnrbbXRHHFLjujJTuqtXZCkhOSpKq2tda2rnGT1g3ba3K21fLYXpOzrZbH9pqcbbVyYouVsa2Wx/aanG21PLbX5Gyr5Rn69prmJSTnJzlo5PmB/bx561TVLkn2SnLRFNsEAKxfYgsA2MCmmcD4fJJbV9Utq+qGSR6V5JSxOqckOap//PAk/9ymdU0LALDeiS0AYAOb2iUkrbWrq+ppST6UZFOSN7bWvlpVL0yyrbV2SpI3JHlLVZ2d5OJ0gchSTphWm2eU7TU522p5bK/J2VbLY3tNbkNtK7HFINhWy2N7Tc62Wh7ba3K21fIMentNbRBPAAAAgNUyzUtIAAAAAP5vO/cf61Vdx3H8+RogYDCBMkfohhqzsIyAnDR1LRcqW9MWNTYz0LZW1pZ/2CJZpW3NbKuVZWkuJzqWP0gWa2uARVotUUF+XDDkgmQykq2EcCmivvvjvC8eL9/vvfdcLpzv/X5fj+3s+/l+zvme8znv+/me+97n+zlnSHgAw8zMzMzMzMxa3rAawJB0maTtkrolLa67Pa1A0m5JWyRtlPRU1k2StEbSjnydmPWSdFvGb7OkmfW2/viTdLekfZK6SnWV4yNpYW6/Q9LCRsca7prE6iZJe7J/bZQ0r7Tumxmr7ZIuLdW3/fdU0hmS1kraJmmrpK9lvftWA33Ey/2rAUljJD0haVPG6+asP1PSujz3B/Ihlkgane+7c/3U0r4axtEKndCfBsO5RXPOK6pxbjFwzi2qcW4xcG2XV0TEsFgoHta1EzgLOAnYBEyvu111L8Bu4F296n4ALM7yYuDWLM8Dfg8IuABYV3f7T0B8LgZmAl2DjQ8wCdiVrxOzPLHucztBsboJuKHBttPzOzgaODO/myM65XsKTAZmZnk88GzGxH2rWrzcvxrHS8C4LI8C1mW/eRBYkPV3AF/O8nXAHVleADzQVxzrPr9WWTqlPw0yNrtxbtEsNs4rjj1evvY3jpVzi6GJl/vX0efeVnnFcJqBcT7QHRG7IuI14H7giprb1KquAJZmeSlwZan+3ig8DkyQNLmOBp4oEfEYxVPoy6rG51JgTUT8JyJeAtYAlx3/1p9YTWLVzBXA/RFxKCKeA7opvqMd8T2NiL0RsSHLB4FngCm4bzXUR7ya6fT+FRHxcr4dlUsAHweWZ33v/tXT75YDl0gSzeNohY7oT0PIuQXOK6pybjFwzi2qcW4xcO2WVwynAYwpwD9L71+g707aKQJYLWm9pC9m3WkRsTfL/wJOy7JjWKgan06P21dzauLdPdMWcayOyGl1H6YYzXbf6keveIH7V0OSRkjaCOyjSD53Avsj4vXcpHzuR+KS6w8A76SD4jVIjk9zzi2q8bW/Ol/7++DcohrnFv1rp7xiOA1gWGMXRsRM4HLgK5IuLq+MiKBIRKwBx6dfvwDOBmYAe4Ef1tuc1iJpHPAb4PqI+G95nfvW0RrEy/2riYh4IyJmAKdT/LrxvpqbZJ3FucUgOTYD4mt/H5xbVOPcYmDaKa8YTgMYe4AzSu9Pz7qOFhF78nUfsIKiQ77YM30zX/fl5o5hoWp8OjZuEfFiXvDeBO7irWliHR8rSaMo/mEui4iHs9p9q4lG8XL/6l9E7AfWAnMopgePzFXlcz8Sl1x/CvBvOjBeFTk+TTi3qMzX/gp87W/OuUU1zi2qa4e8YjgNYDwJTMunpZ5E8UCRlTW3qVaS3iFpfE8ZmAt0UcSl54nDC4HfZnkl8Pl8avEFwIHSlLROUjU+q4C5kibmNLS5Wdf2et3H/CmK/gVFrBbkU4rPBKYBT9Ah39O8D/BXwDMR8aPSKvetBprFy/2rMUmnSpqQ5bHAJyju7V0LzM/Nevevnn43H/hj/krXLI5W6Ij+VJVzi0Hxtb8CX/sbc25RjXOLgWu7vCJa4MmoA10onrb7LMU9O0vqbk/dC8XTcjflsrUnJhT3KP0B2AE8AkzKegG3Z/y2ALPrPocTEKNfU0wfO0xxn9YXBhMf4FqKB9V0A9fUfV4nMFb3ZSw2U1y0Jpe2X5Kx2g5cXqpv++8pcCHFFM7NwMZc5rlvVY6X+1fjeJ0HPJ1x6QK+nfVnUSQK3cBDwOisH5Pvu3P9Wf3F0Uvn9KdBxMS5Rd/xcV5x7PHytb9xrJxbDE283L+OjlVb5RXKhpiZmZmZmZmZtazhdAuJmZmZmZmZmXUoD2CYmZmZmZmZWcvzAIaZmZmZmZmZtTwPYJiZmZmZmZlZy/MAhpmZmZmZmZm1PA9gmLUpSTdJuqHudgyEpEWS3tNk3T2S5jdad4zHvLFUniqpq6/tzczMOp1zi36P6dzC7DjzAIaZtYJFQMMk4zi6sf9NzMzMbJhahHMLs7bjAQyzNiJpiaRnJf0FOKdUP0PS45I2S1ohaWLWv1fSI5I2Sdog6WxJH5P0u9JnfyZpUZZ3S7pF0kZJT0maKWmVpJ2SvlT6zNclPZnHuznrpkp6RtJdkrZKWi1pbP4CMhtYlvsd28f5zZL0qKT1edzJWf8nSbdKeiLP/6KsP1nSg5K25XmvkzRb0veBsXm8Zbn7Eb3bNjR/FTMzs+HLuYVzC7NW4gEMszYhaRawAJgBzAM+Ulp9L/CNiDgP2AJ8J+uXAbdHxIeAjwJ7B3Co5yNiBvBn4B5gPnAB0JNMzAWmAednW2ZJujg/Oy2Pdy6wH/h0RCwHngKuiogZEfFKk/MbBfwUmB8Rs4C7ge+VNhkZEecD15fO7zrgpYiYDnwLmAUQEYuBV/J4VzVr2wBiYWZm1racWzi3MGs1I+tugJkNmYuAFRHxPwBJK/P1FGBCRDya2y0FHpI0HpgSESsAIuLV3L6/46zM1y3AuIg4CByUdEjSBGBuLk/nduMo/oE/DzwXERuzfj0wtcL5nQN8AFiTbRzB25Oihxvs90LgJ3l+XZI297H/Y2mbmZlZO3JucfR+nVuY1cgDGGbW2+u8fXbWmF7rD+Xrm6Vyz/uRgIBbIuLO8ockTe21/RtAlamUArZGxJwm63v2/QaDu7YdS9vMzMysOecWzi3MhoRvITFrH48BV+a9n+OBTwJExAHgpZ57N4GrgUfz140XJF0JIGm0pJOBfwDT8/0E4JKK7VgFXCtpXO53iqR39/OZg8D4frbZDpwqaU7ud5Skc/v5zF+Bz+b204EPltYdzqmjZmZm1phzi6M5tzCrkWdgmLWJiNgg6QFgE7APeLK0eiFwRyYRu4Brsv5q4E5J3wUOA5+JiF2SHgS6gOd4a7rmQNuxWtL7gb/ldMyXgc9R/PLQzD3ZvleAOY3uVY2I1/KhXLfl1NWRwI+BrX3s9+fAUknbgL/ntgdy3S+BzZI2AEsqnKKZmVlHcG7RkHMLsxopIupug5nZcSFpBDAqIl6VdDbwCHBORLxWc9PMzMxsGHJuYS1Jgk8AAABnSURBVFYvz8Aws3Z2MrA2p3MKuM4JhpmZmR0D5xZmNfIMDDMzMzMzMzNreX6Ip5mZmZmZmZm1PA9gmJmZmZmZmVnL8wCGmZmZmZmZmbU8D2CYmZmZmZmZWcvzAIaZmZmZmZmZtbz/Aw14DwPQxm80AAAAAElFTkSuQmCC\n", "text/plain": [ - "" + "
" ] }, - "metadata": {}, + "metadata": { + "needs_background": "light" + }, "output_type": "display_data" } ], "source": [ + "%matplotlib inline\n", + "import matplotlib.pyplot as py\n", + "\n", "best_model_accuracy = 0\n", "optimum_slope = 0\n", "\n", @@ -376,7 +366,7 @@ " y = abs(doc_scores[:k, np.newaxis])\n", " x = doc_leng[:k, np.newaxis]\n", "\n", - " py.subplot(1, 2, it+1).bar(x, y, linewidth=10.)\n", + " py.subplot(1, 2, it+1).bar(x, y, width=20, linewidth=0)\n", " py.title(\"slope = \" + str(slope) + \" Model accuracy = \" + str(model_accuracy))\n", " py.ylim([0, 4.5])\n", " py.xlim([0, 3200])\n", @@ -394,27 +384,34 @@ "metadata": {}, "source": [ "The above histogram plot helps us visualize the effect of `slope`. For top k documents we have document length on the x axis and their respective scores of belonging to a specific class on y axis. \n", - "As we decrease the slope the density of bins is shifted from low document length (around ~250-500) to over ~500 document length. This suggests that the positive biasness which was seen at `slope=1` (or when regular tfidf was used) for short documents is now reduced. We get the optimum slope or the max model accuracy when slope is 0.2." + "As we decrease the slope the density of bins is shifted from low document length (around ~250-500) to over ~500 document length. This suggests that the positive biasness which was seen at `slope=1` (or when regular tfidf was used) for short documents is now reduced. We get the optimum slope or the max model accuracy when slope is 0.2.\n", + "\n", + "# Conclusion\n", + "\n", + "Using pivoted document normalization improved the classification accuracy significantly:\n", + "\n", + "- Before (slope=1, identical to default cosine normalization): 0.9682\n", + "- After (slope=0.2): 0.9771" ] } ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/sklearn_api.ipynb b/docs/notebooks/sklearn_api.ipynb index b0e036747c..d7a144a33f 100644 --- a/docs/notebooks/sklearn_api.ipynb +++ b/docs/notebooks/sklearn_api.ipynb @@ -58,15 +58,7 @@ "cell_type": "code", "execution_count": 1, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using TensorFlow backend.\n" - ] - } - ], + "outputs": [], "source": [ "from gensim.sklearn_api import LdaTransformer" ] @@ -81,9 +73,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "from gensim.corpora import Dictionary\n", @@ -117,15 +107,15 @@ { "data": { "text/plain": [ - "array([[ 0.85275316, 0.14724687],\n", - " [ 0.12390183, 0.87609816],\n", - " [ 0.46129951, 0.53870052],\n", - " [ 0.84924179, 0.15075824],\n", - " [ 0.49180096, 0.50819904],\n", - " [ 0.40086922, 0.59913075],\n", - " [ 0.28454426, 0.71545571],\n", - " [ 0.88776201, 0.11223802],\n", - " [ 0.84210372, 0.15789627]], dtype=float32)" + "array([[0.84165996, 0.15834005],\n", + " [0.716593 , 0.28340697],\n", + " [0.11434125, 0.88565874],\n", + " [0.80545014, 0.19454984],\n", + " [0.39609504, 0.603905 ],\n", + " [0.80124027, 0.19875973],\n", + " [0.19269218, 0.80730784],\n", + " [0.8466452 , 0.15335481],\n", + " [0.67057097, 0.32942903]], dtype=float32)" ] }, "execution_count": 3, @@ -158,9 +148,7 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "import numpy as np\n", @@ -173,9 +161,7 @@ { "cell_type": "code", "execution_count": 5, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "rand = np.random.mtrand.RandomState(1) # set seed for getting same result\n", @@ -193,9 +179,7 @@ { "cell_type": "code", "execution_count": 6, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "data_texts = [_.split() for _ in data.data]\n", @@ -213,9 +197,7 @@ { "cell_type": "code", "execution_count": 7, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "obj = LdaTransformer(id2word=id2word, num_topics=5, iterations=20)\n", @@ -233,10 +215,8 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": true - }, + "execution_count": 8, + "metadata": {}, "outputs": [], "source": [ "from sklearn.model_selection import GridSearchCV" @@ -251,16 +231,16 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 9, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "{'iterations': 20, 'num_topics': 2}" + "{'iterations': 20, 'num_topics': 3}" ] }, - "execution_count": 10, + "execution_count": 9, "metadata": {}, "output_type": "execute_result" } @@ -285,16 +265,16 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "{'iterations': 20, 'num_topics': 2}" + "{'iterations': 50, 'num_topics': 2}" ] }, - "execution_count": 11, + "execution_count": 10, "metadata": {}, "output_type": "execute_result" } @@ -326,10 +306,8 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": true - }, + "execution_count": 11, + "metadata": {}, "outputs": [], "source": [ "from sklearn.pipeline import Pipeline\n", @@ -337,18 +315,17 @@ "\n", "def print_features_pipe(clf, vocab, n=10):\n", " ''' Better printing for sorted list '''\n", + " # FIXME: this function is broken\n", " coef = clf.named_steps['classifier'].coef_[0]\n", - " print coef\n", - " print 'Positive features: %s' % (' '.join(['%s:%.2f' % (vocab[j], coef[j]) for j in np.argsort(coef)[::-1][:n] if coef[j] > 0]))\n", - " print 'Negative features: %s' % (' '.join(['%s:%.2f' % (vocab[j], coef[j]) for j in np.argsort(coef)[:n] if coef[j] < 0]))" + " print(coef)\n", + " print('Positive features: %s' % (' '.join(['%s:%.2f' % (vocab[j], coef[j]) for j in np.argsort(coef)[::-1][:n] if coef[j] > 0])))\n", + " print('Negative features: %s' % (' '.join(['%s:%.2f' % (vocab[j], coef[j]) for j in np.argsort(coef)[:n] if coef[j] < 0])))" ] }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": true - }, + "execution_count": 12, + "metadata": {}, "outputs": [], "source": [ "id2word = Dictionary([_.split() for _ in data.data])\n", @@ -357,19 +334,22 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 14, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "[ 0.3032212 0.53114732 -0.3556002 0.05528797 -0.23462074 0.10164825\n", - " -0.34895972 -0.07528751 -0.31437197 -0.24760965 -0.27430636 -0.05328458\n", - " 0.1792989 -0.11535102 0.98473296]\n", - "Positive features: >Pat:0.98 considered,:0.53 Fame.:0.30 internet...:0.18 comp.org.eff.talk.:0.10 Keach:0.06\n", - "Negative features: Fame,:-0.36 01101001B:-0.35 circuitry:-0.31 hanging:-0.27 red@redpoll.neoucom.edu:-0.25 comp.org.eff.talk,:-0.23 dome.:-0.12 *best*:-0.08 trawling:-0.05\n", - "0.648489932886\n" + "0.6459731543624161\n" ] } ], @@ -378,7 +358,7 @@ "clf = linear_model.LogisticRegression(penalty='l2', C=0.1) # l2 penalty used\n", "pipe = Pipeline([('features', model,), ('classifier', clf)])\n", "pipe.fit(corpus, data.target)\n", - "print_features_pipe(pipe, id2word.values())\n", + "# print_features_pipe(pipe, id2word.values())\n", "\n", "print(pipe.score(corpus, data.target))" ] @@ -399,10 +379,8 @@ }, { "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": true - }, + "execution_count": 15, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import LsiTransformer" @@ -417,19 +395,22 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 18, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "[ 0.13655775 0.00381287 0.02643593 -0.08499907 -0.02387209 0.6004697\n", - " 1.07090198 0.03926809 0.43769831 0.54886088 -0.20186911 -0.21785685\n", - " 1.30488175 0.08663351 0.17558704]\n", - "Positive features: internet...:1.30 01101001B:1.07 comp.org.eff.talk.:0.60 red@redpoll.neoucom.edu:0.55 circuitry:0.44 >Pat:0.18 Fame.:0.14 dome.:0.09 *best*:0.04 Fame,:0.03\n", - "Negative features: trawling:-0.22 hanging:-0.20 Keach:-0.08 comp.org.eff.talk,:-0.02\n", - "0.865771812081\n" + "0.8657718120805369\n" ] } ], @@ -438,7 +419,7 @@ "clf = linear_model.LogisticRegression(penalty='l2', C=0.1) # l2 penalty used\n", "pipe = Pipeline([('features', model,), ('classifier', clf)])\n", "pipe.fit(corpus, data.target)\n", - "print_features_pipe(pipe, id2word.values())\n", + "# print_features_pipe(pipe, id2word.values())\n", "\n", "print(pipe.score(corpus, data.target))" ] @@ -459,10 +440,8 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": true - }, + "execution_count": 19, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import RpTransformer" @@ -477,17 +456,22 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 20, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "[-0.01217523 0.0109422 ]\n", - "Positive features: considered,:0.01\n", - "Negative features: Fame.:-0.01\n", - "0.604865771812\n" + "0.5461409395973155\n" ] } ], @@ -497,7 +481,7 @@ "clf = linear_model.LogisticRegression(penalty='l2', C=0.1) # l2 penalty used\n", "pipe = Pipeline([('features', model,), ('classifier', clf)])\n", "pipe.fit(corpus, data.target)\n", - "print_features_pipe(pipe, id2word.values())\n", + "# print_features_pipe(pipe, id2word.values())\n", "\n", "print(pipe.score(corpus, data.target))" ] @@ -518,10 +502,8 @@ }, { "cell_type": "code", - "execution_count": 15, - "metadata": { - "collapsed": true - }, + "execution_count": 21, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import LdaSeqTransformer" @@ -536,24 +518,23 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "/home/chinmaya/GSOC/Gensim/gensim/gensim/models/ldaseqmodel.py:217: RuntimeWarning: divide by zero encountered in double_scalars\n", - " convergence = np.fabs((bound - old_bound) / old_bound)\n" + "/home/misha/git/gensim/gensim/models/ldaseqmodel.py:293: RuntimeWarning: divide by zero encountered in double_scalars\n", + " convergence = np.fabs((bound - old_bound) / old_bound)\n", + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "[-0.04877324 0.04877324]\n", - "Positive features: NLCS:0.05\n", - "Negative features: What:-0.05\n", "1.0\n" ] } @@ -568,7 +549,7 @@ "clf = linear_model.LogisticRegression(penalty='l2', C=0.1) # l2 penalty used\n", "pipe = Pipeline([('features', model,), ('classifier', clf)])\n", "pipe.fit(corpus_ldaseq, test_target)\n", - "print_features_pipe(pipe, id2word_ldaseq.values())\n", + "# print_features_pipe(pipe, id2word_ldaseq.values())\n", "\n", "print(pipe.score(corpus_ldaseq, test_target))" ] @@ -591,10 +572,8 @@ }, { "cell_type": "code", - "execution_count": 17, - "metadata": { - "collapsed": true - }, + "execution_count": 23, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import W2VTransformer" @@ -609,14 +588,22 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 24, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0.7\n" + "0.9\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" ] } ], @@ -669,10 +656,8 @@ }, { "cell_type": "code", - "execution_count": 19, - "metadata": { - "collapsed": true - }, + "execution_count": 25, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import AuthorTopicTransformer" @@ -687,14 +672,14 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 26, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "[1 0 0]\n" + "[1 1 0]\n" ] } ], @@ -748,10 +733,8 @@ }, { "cell_type": "code", - "execution_count": 21, - "metadata": { - "collapsed": true - }, + "execution_count": 27, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import D2VTransformer" @@ -766,7 +749,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -775,6 +758,14 @@ "text": [ "1.0\n" ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] } ], "source": [ @@ -816,10 +807,8 @@ }, { "cell_type": "code", - "execution_count": 23, - "metadata": { - "collapsed": true - }, + "execution_count": 29, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import Text2BowTransformer" @@ -834,14 +823,22 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 30, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "0.947147651007\n" + "0.9723154362416108\n" ] } ], @@ -872,10 +869,8 @@ }, { "cell_type": "code", - "execution_count": 25, - "metadata": { - "collapsed": true - }, + "execution_count": 31, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import TfIdfTransformer" @@ -890,14 +885,22 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 32, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "0.578859060403\n" + "0.735738255033557\n" ] } ], @@ -929,10 +932,8 @@ }, { "cell_type": "code", - "execution_count": 27, - "metadata": { - "collapsed": true - }, + "execution_count": 33, + "metadata": {}, "outputs": [], "source": [ "from gensim.sklearn_api import HdpTransformer" @@ -947,14 +948,22 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 34, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/misha/envs/gensim/lib/python3.7/site-packages/sklearn/linear_model/logistic.py:433: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", + " FutureWarning)\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "0.848154362416\n" + "0.8271812080536913\n" ] } ], @@ -971,30 +980,28 @@ { "cell_type": "code", "execution_count": null, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [] } ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/soft_cosine_benchmark.ipynb b/docs/notebooks/soft_cosine_benchmark.ipynb index 9421b84c17..ca1f38fdb5 100644 --- a/docs/notebooks/soft_cosine_benchmark.ipynb +++ b/docs/notebooks/soft_cosine_benchmark.ipynb @@ -18,7 +18,7 @@ "name": "stdout", "output_type": "stream", "text": [ - "d429fedf094e00c4bb5c27589d5befb53b2e4b13\r\n" + "de0cc02fd88d996551c9145ba991159c53071aba\r\n" ] } ], @@ -162,7 +162,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": { "scrolled": true }, @@ -191,13 +191,13 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": {}, "outputs": [ { "data": { "application/vnd.jupyter.widget-view+json": { - "model_id": "4aef903a70e24247ad3c889237ed4c48", + "model_id": "2bef78e151094fe8835f008ff443d21e", "version_major": 2, "version_minor": 0 }, @@ -214,6 +214,20 @@ "text": [ "\n" ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "06c6867d55c04682bf62282e56fd8be9", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "HBox(children=(IntProgress(value=0, max=600), HTML(value='')))" + ] + }, + "metadata": {}, + "output_type": "display_data" } ], "source": [ @@ -244,7 +258,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -261,304 +275,9 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "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", - " \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", - " \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", - " \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", - " \n", - "
durationmatrix_nonzeroconsumption_speed
dictionary_sizenonzero_limitsymmetricpositive_definite
100001FalseFalse00:00:00.4355332000022.96 Kword pairs / s
True00:00:00.4926062000020.30 Kword pairs / s
TrueFalse00:00:00.1855631000253.90 Kword pairs / s
True00:00:00.2404711000241.59 Kword pairs / s
10FalseFalse00:00:02.68783611000037.21 Kword pairs / s
True00:00:00.61549220000162.49 Kword pairs / s
TrueFalse00:00:00.50118810118199.53 Kword pairs / s
True00:00:01.3805861001072.44 Kword pairs / s
100FalseFalse00:00:25.262807101000039.58 Kword pairs / s
True00:00:01.13252420000883.02 Kword pairs / s
TrueFalse00:00:03.59566620198278.13 Kword pairs / s
True00:00:11.8189121010084.61 Kword pairs / s
20100001FalseFalse00:01:31.786585402000021.90 Kword pairs / s
True00:01:40.954580402000019.91 Kword pairs / s
TrueFalse00:00:39.050064201000251.48 Kword pairs / s
True00:00:49.238437201000240.82 Kword pairs / s
10FalseFalse00:09:35.4703732211000034.93 Kword pairs / s
True00:02:02.9203344020000163.52 Kword pairs / s
TrueFalse00:01:39.5766932010118201.88 Kword pairs / s
True00:04:35.646501201001072.92 Kword pairs / s
100FalseFalse01:42:01.74756820301000032.88 Kword pairs / s
True00:03:36.4207784020000928.75 Kword pairs / s
TrueFalse00:10:58.4340602020198305.30 Kword pairs / s
True00:39:40.319479201010084.44 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size nonzero_limit symmetric positive_definite \n", - "10000 1 False False 00:00:00.435533 \n", - " True 00:00:00.492606 \n", - " True False 00:00:00.185563 \n", - " True 00:00:00.240471 \n", - " 10 False False 00:00:02.687836 \n", - " True 00:00:00.615492 \n", - " True False 00:00:00.501188 \n", - " True 00:00:01.380586 \n", - " 100 False False 00:00:25.262807 \n", - " True 00:00:01.132524 \n", - " True False 00:00:03.595666 \n", - " True 00:00:11.818912 \n", - "2010000 1 False False 00:01:31.786585 \n", - " True 00:01:40.954580 \n", - " True False 00:00:39.050064 \n", - " True 00:00:49.238437 \n", - " 10 False False 00:09:35.470373 \n", - " True 00:02:02.920334 \n", - " True False 00:01:39.576693 \n", - " True 00:04:35.646501 \n", - " 100 False False 01:42:01.747568 \n", - " True 00:03:36.420778 \n", - " True False 00:10:58.434060 \n", - " True 00:39:40.319479 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size nonzero_limit symmetric positive_definite \n", - "10000 1 False False 20000 \n", - " True 20000 \n", - " True False 10002 \n", - " True 10002 \n", - " 10 False False 110000 \n", - " True 20000 \n", - " True False 10118 \n", - " True 10010 \n", - " 100 False False 1010000 \n", - " True 20000 \n", - " True False 20198 \n", - " True 10100 \n", - "2010000 1 False False 4020000 \n", - " True 4020000 \n", - " True False 2010002 \n", - " True 2010002 \n", - " 10 False False 22110000 \n", - " True 4020000 \n", - " True False 2010118 \n", - " True 2010010 \n", - " 100 False False 203010000 \n", - " True 4020000 \n", - " True False 2020198 \n", - " True 2010100 \n", - "\n", - " consumption_speed \n", - "dictionary_size nonzero_limit symmetric positive_definite \n", - "10000 1 False False 22.96 Kword pairs / s \n", - " True 20.30 Kword pairs / s \n", - " True False 53.90 Kword pairs / s \n", - " True 41.59 Kword pairs / s \n", - " 10 False False 37.21 Kword pairs / s \n", - " True 162.49 Kword pairs / s \n", - " True False 199.53 Kword pairs / s \n", - " True 72.44 Kword pairs / s \n", - " 100 False False 39.58 Kword pairs / s \n", - " True 883.02 Kword pairs / s \n", - " True False 278.13 Kword pairs / s \n", - " True 84.61 Kword pairs / s \n", - "2010000 1 False False 21.90 Kword pairs / s \n", - " True 19.91 Kword pairs / s \n", - " True False 51.48 Kword pairs / s \n", - " True 40.82 Kword pairs / s \n", - " 10 False False 34.93 Kword pairs / s \n", - " True 163.52 Kword pairs / s \n", - " True False 201.88 Kword pairs / s \n", - " True 72.92 Kword pairs / s \n", - " 100 False False 32.88 Kword pairs / s \n", - " True 928.75 Kword pairs / s \n", - " True False 305.30 Kword pairs / s \n", - " True 84.44 Kword pairs / s " - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.mean()).loc[\n", " [10000, len(full_dictionary)], :, :].loc[\n", @@ -567,304 +286,9 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "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", - " \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", - " \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", - " \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", - " \n", - "
durationmatrix_nonzeroconsumption_speed
dictionary_sizenonzero_limitsymmetricpositive_definite
100001FalseFalse00:00:00.00533400.28 Kword pairs / s
True00:00:00.00407200.17 Kword pairs / s
TrueFalse00:00:00.00312400.90 Kword pairs / s
True00:00:00.00179700.31 Kword pairs / s
10FalseFalse00:00:00.01198600.17 Kword pairs / s
True00:00:00.00597201.59 Kword pairs / s
TrueFalse00:00:00.00286901.15 Kword pairs / s
True00:00:00.01141100.60 Kword pairs / s
100FalseFalse00:00:00.11111800.17 Kword pairs / s
True00:00:00.00761105.94 Kword pairs / s
TrueFalse00:00:00.03087502.38 Kword pairs / s
True00:00:00.05019800.36 Kword pairs / s
20100001FalseFalse00:00:00.76730500.18 Kword pairs / s
True00:00:00.17243200.03 Kword pairs / s
TrueFalse00:00:00.34623900.46 Kword pairs / s
True00:00:00.17707500.15 Kword pairs / s
10FalseFalse00:00:05.15665500.31 Kword pairs / s
True00:00:00.63167600.83 Kword pairs / s
TrueFalse00:00:01.21606702.41 Kword pairs / s
True00:00:00.54777300.14 Kword pairs / s
100FalseFalse00:04:10.37103501.24 Kword pairs / s
True00:00:00.63441602.73 Kword pairs / s
TrueFalse00:00:06.58676703.05 Kword pairs / s
True00:00:09.03093200.32 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size nonzero_limit symmetric positive_definite \n", - "10000 1 False False 00:00:00.005334 \n", - " True 00:00:00.004072 \n", - " True False 00:00:00.003124 \n", - " True 00:00:00.001797 \n", - " 10 False False 00:00:00.011986 \n", - " True 00:00:00.005972 \n", - " True False 00:00:00.002869 \n", - " True 00:00:00.011411 \n", - " 100 False False 00:00:00.111118 \n", - " True 00:00:00.007611 \n", - " True False 00:00:00.030875 \n", - " True 00:00:00.050198 \n", - "2010000 1 False False 00:00:00.767305 \n", - " True 00:00:00.172432 \n", - " True False 00:00:00.346239 \n", - " True 00:00:00.177075 \n", - " 10 False False 00:00:05.156655 \n", - " True 00:00:00.631676 \n", - " True False 00:00:01.216067 \n", - " True 00:00:00.547773 \n", - " 100 False False 00:04:10.371035 \n", - " True 00:00:00.634416 \n", - " True False 00:00:06.586767 \n", - " True 00:00:09.030932 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size nonzero_limit symmetric positive_definite \n", - "10000 1 False False 0 \n", - " True 0 \n", - " True False 0 \n", - " True 0 \n", - " 10 False False 0 \n", - " True 0 \n", - " True False 0 \n", - " True 0 \n", - " 100 False False 0 \n", - " True 0 \n", - " True False 0 \n", - " True 0 \n", - "2010000 1 False False 0 \n", - " True 0 \n", - " True False 0 \n", - " True 0 \n", - " 10 False False 0 \n", - " True 0 \n", - " True False 0 \n", - " True 0 \n", - " 100 False False 0 \n", - " True 0 \n", - " True False 0 \n", - " True 0 \n", - "\n", - " consumption_speed \n", - "dictionary_size nonzero_limit symmetric positive_definite \n", - "10000 1 False False 0.28 Kword pairs / s \n", - " True 0.17 Kword pairs / s \n", - " True False 0.90 Kword pairs / s \n", - " True 0.31 Kword pairs / s \n", - " 10 False False 0.17 Kword pairs / s \n", - " True 1.59 Kword pairs / s \n", - " True False 1.15 Kword pairs / s \n", - " True 0.60 Kword pairs / s \n", - " 100 False False 0.17 Kword pairs / s \n", - " True 5.94 Kword pairs / s \n", - " True False 2.38 Kword pairs / s \n", - " True 0.36 Kword pairs / s \n", - "2010000 1 False False 0.18 Kword pairs / s \n", - " True 0.03 Kword pairs / s \n", - " True False 0.46 Kword pairs / s \n", - " True 0.15 Kword pairs / s \n", - " 10 False False 0.31 Kword pairs / s \n", - " True 0.83 Kword pairs / s \n", - " True False 2.41 Kword pairs / s \n", - " True 0.14 Kword pairs / s \n", - " 100 False False 1.24 Kword pairs / s \n", - " True 2.73 Kword pairs / s \n", - " True False 3.05 Kword pairs / s \n", - " True 0.32 Kword pairs / s " - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.apply(lambda x: (x - x.mean()).std())).loc[\n", " [10000, len(full_dictionary)], :, :].loc[\n", @@ -882,7 +306,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -911,7 +335,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -932,7 +356,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -951,106 +375,9 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": null, "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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
production_durationproduction_speed
dictionary_sizenonzero_limit
1000100:00:00.002973336.41 Kword pairs / s
1000:00:00.0053721861.64 Kword pairs / s
10000:00:00.0267523738.79 Kword pairs / s
100000:00:00.2902653449.16 Kword pairs / s
2010000100:00:06.318446318.12 Kword pairs / s
1000:00:10.7836111863.96 Kword pairs / s
10000:00:53.1086443785.04 Kword pairs / s
100000:09:45.1037413437.36 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " production_duration production_speed\n", - "dictionary_size nonzero_limit \n", - "1000 1 00:00:00.002973 336.41 Kword pairs / s\n", - " 10 00:00:00.005372 1861.64 Kword pairs / s\n", - " 100 00:00:00.026752 3738.79 Kword pairs / s\n", - " 1000 00:00:00.290265 3449.16 Kword pairs / s\n", - "2010000 1 00:00:06.318446 318.12 Kword pairs / s\n", - " 10 00:00:10.783611 1863.96 Kword pairs / s\n", - " 100 00:00:53.108644 3785.04 Kword pairs / s\n", - " 1000 00:09:45.103741 3437.36 Kword pairs / s" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.mean()).loc[\n", " [1000, len(full_dictionary)], :, :].loc[\n", @@ -1059,106 +386,9 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
production_durationproduction_speed
dictionary_sizenonzero_limit
1000100:00:00.0000171.93 Kword pairs / s
1000:00:00.00006221.50 Kword pairs / s
10000:00:00.00040856.66 Kword pairs / s
100000:00:00.010500123.82 Kword pairs / s
2010000100:00:00.0234951.18 Kword pairs / s
1000:00:00.0355876.16 Kword pairs / s
10000:00:00.53576537.76 Kword pairs / s
100000:00:15.03781689.56 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " production_duration production_speed\n", - "dictionary_size nonzero_limit \n", - "1000 1 00:00:00.000017 1.93 Kword pairs / s\n", - " 10 00:00:00.000062 21.50 Kword pairs / s\n", - " 100 00:00:00.000408 56.66 Kword pairs / s\n", - " 1000 00:00:00.010500 123.82 Kword pairs / s\n", - "2010000 1 00:00:00.023495 1.18 Kword pairs / s\n", - " 10 00:00:00.035587 6.16 Kword pairs / s\n", - " 100 00:00:00.535765 37.76 Kword pairs / s\n", - " 1000 00:00:15.037816 89.56 Kword pairs / s" - ] - }, - "execution_count": 14, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.apply(lambda x: (x - x.mean()).std())).loc[\n", " [1000, len(full_dictionary)], :, :].loc[\n", @@ -1175,7 +405,7 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1205,7 +435,7 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1229,7 +459,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1248,138 +478,11 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": null, "metadata": { "scrolled": false }, - "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", - " \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", - "
production_durationproduction_speedprocessing_speed
dictionary_sizenonzero_limit
1000100:00:00.055994178.61 word pairs / s178.61 Kword pairs / s
1000:00:00.0560971782.70 word pairs / s178.27 Kword pairs / s
10000:00:00.05621217791.65 word pairs / s177.92 Kword pairs / s
1000000100:01:20.6180700.12 word pairs / s124.05 Kword pairs / s
1000:01:20.0482381.25 word pairs / s124.92 Kword pairs / s
10000:01:20.06499912.49 word pairs / s124.90 Kword pairs / s
2010000100:02:44.0693990.06 word pairs / s122.51 Kword pairs / s
1000:02:43.9146010.61 word pairs / s122.63 Kword pairs / s
10000:02:43.8924086.10 word pairs / s122.64 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " production_duration production_speed \\\n", - "dictionary_size nonzero_limit \n", - "1000 1 00:00:00.055994 178.61 word pairs / s \n", - " 10 00:00:00.056097 1782.70 word pairs / s \n", - " 100 00:00:00.056212 17791.65 word pairs / s \n", - "1000000 1 00:01:20.618070 0.12 word pairs / s \n", - " 10 00:01:20.048238 1.25 word pairs / s \n", - " 100 00:01:20.064999 12.49 word pairs / s \n", - "2010000 1 00:02:44.069399 0.06 word pairs / s \n", - " 10 00:02:43.914601 0.61 word pairs / s \n", - " 100 00:02:43.892408 6.10 word pairs / s \n", - "\n", - " processing_speed \n", - "dictionary_size nonzero_limit \n", - "1000 1 178.61 Kword pairs / s \n", - " 10 178.27 Kword pairs / s \n", - " 100 177.92 Kword pairs / s \n", - "1000000 1 124.05 Kword pairs / s \n", - " 10 124.92 Kword pairs / s \n", - " 100 124.90 Kword pairs / s \n", - "2010000 1 122.51 Kword pairs / s \n", - " 10 122.63 Kword pairs / s \n", - " 100 122.64 Kword pairs / s " - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.mean()).loc[\n", " [1000, 1000000, len(full_dictionary)], :].loc[\n", @@ -1388,138 +491,11 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": null, "metadata": { "scrolled": false }, - "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", - " \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", - "
production_durationproduction_speedprocessing_speed
dictionary_sizenonzero_limit
1000100:00:00.0006732.16 word pairs / s2.16 Kword pairs / s
1000:00:00.00040913.06 word pairs / s1.31 Kword pairs / s
10000:00:00.000621196.80 word pairs / s1.97 Kword pairs / s
1000000100:00:00.8106610.00 word pairs / s1.23 Kword pairs / s
1000:00:00.1100130.00 word pairs / s0.17 Kword pairs / s
10000:00:00.1649590.03 word pairs / s0.26 Kword pairs / s
2010000100:00:01.1592730.00 word pairs / s0.85 Kword pairs / s
1000:00:00.4290110.00 word pairs / s0.32 Kword pairs / s
10000:00:00.4336870.02 word pairs / s0.32 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " production_duration production_speed \\\n", - "dictionary_size nonzero_limit \n", - "1000 1 00:00:00.000673 2.16 word pairs / s \n", - " 10 00:00:00.000409 13.06 word pairs / s \n", - " 100 00:00:00.000621 196.80 word pairs / s \n", - "1000000 1 00:00:00.810661 0.00 word pairs / s \n", - " 10 00:00:00.110013 0.00 word pairs / s \n", - " 100 00:00:00.164959 0.03 word pairs / s \n", - "2010000 1 00:00:01.159273 0.00 word pairs / s \n", - " 10 00:00:00.429011 0.00 word pairs / s \n", - " 100 00:00:00.433687 0.02 word pairs / s \n", - "\n", - " processing_speed \n", - "dictionary_size nonzero_limit \n", - "1000 1 2.16 Kword pairs / s \n", - " 10 1.31 Kword pairs / s \n", - " 100 1.97 Kword pairs / s \n", - "1000000 1 1.23 Kword pairs / s \n", - " 10 0.17 Kword pairs / s \n", - " 100 0.26 Kword pairs / s \n", - "2010000 1 0.85 Kword pairs / s \n", - " 10 0.32 Kword pairs / s \n", - " 100 0.32 Kword pairs / s " - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.apply(lambda x: (x - x.mean()).std())).loc[\n", " [1000, 1000000, len(full_dictionary)], :].loc[\n", @@ -1538,7 +514,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1577,31 +553,9 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "842bb1a60f814110a8f20eb44a973397", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "HBox(children=(IntProgress(value=0, max=5), HTML(value='')))" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], + "outputs": [], "source": [ "models = []\n", "for dictionary in tqdm(dictionaries, desc=\"models\"):\n", @@ -1639,7 +593,7 @@ }, { "cell_type": "code", - "execution_count": 22, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -1658,209 +612,9 @@ }, { "cell_type": "code", - "execution_count": 23, + "execution_count": null, "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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
constructor_durationproduction_durationproduction_speedprocessing_speed
dictionary_sizenonzero_limitannoy_n_trees
10000001000:00:00.00000700:00:19.9629770.05 Kword pairs / s50094.22 Kword pairs / s
100:00:30.26879700:00:00.09701110.32 Kword pairs / s10320061.76 Kword pairs / s
10000:06:23.41598200:00:00.1608706.24 Kword pairs / s6236688.27 Kword pairs / s
100000:00:00.00000800:00:22.8683724.37 Kword pairs / s43729.34 Kword pairs / s
100:00:31.15487600:00:00.156238641.91 Kword pairs / s6419086.99 Kword pairs / s
10000:06:23.29057200:00:01.29744577.13 Kword pairs / s771277.71 Kword pairs / s
20100001000:00:00.00000700:01:55.3032160.01 Kword pairs / s17432.79 Kword pairs / s
100:01:34.00419600:00:00.1904635.25 Kword pairs / s10561607.14 Kword pairs / s
10000:23:29.79600600:00:00.3395002.96 Kword pairs / s5954865.50 Kword pairs / s
100000:00:00.00000700:02:11.9268610.76 Kword pairs / s15236.46 Kword pairs / s
100:01:35.81341400:00:00.301120332.38 Kword pairs / s6680879.02 Kword pairs / s
10000:23:05.15539900:00:03.03152733.42 Kword pairs / s671683.05 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " constructor_duration \\\n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 00:00:00.000007 \n", - " 1 00:00:30.268797 \n", - " 100 00:06:23.415982 \n", - " 100 0 00:00:00.000008 \n", - " 1 00:00:31.154876 \n", - " 100 00:06:23.290572 \n", - "2010000 1 0 00:00:00.000007 \n", - " 1 00:01:34.004196 \n", - " 100 00:23:29.796006 \n", - " 100 0 00:00:00.000007 \n", - " 1 00:01:35.813414 \n", - " 100 00:23:05.155399 \n", - "\n", - " production_duration \\\n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 00:00:19.962977 \n", - " 1 00:00:00.097011 \n", - " 100 00:00:00.160870 \n", - " 100 0 00:00:22.868372 \n", - " 1 00:00:00.156238 \n", - " 100 00:00:01.297445 \n", - "2010000 1 0 00:01:55.303216 \n", - " 1 00:00:00.190463 \n", - " 100 00:00:00.339500 \n", - " 100 0 00:02:11.926861 \n", - " 1 00:00:00.301120 \n", - " 100 00:00:03.031527 \n", - "\n", - " production_speed \\\n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 0.05 Kword pairs / s \n", - " 1 10.32 Kword pairs / s \n", - " 100 6.24 Kword pairs / s \n", - " 100 0 4.37 Kword pairs / s \n", - " 1 641.91 Kword pairs / s \n", - " 100 77.13 Kword pairs / s \n", - "2010000 1 0 0.01 Kword pairs / s \n", - " 1 5.25 Kword pairs / s \n", - " 100 2.96 Kword pairs / s \n", - " 100 0 0.76 Kword pairs / s \n", - " 1 332.38 Kword pairs / s \n", - " 100 33.42 Kword pairs / s \n", - "\n", - " processing_speed \n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 50094.22 Kword pairs / s \n", - " 1 10320061.76 Kword pairs / s \n", - " 100 6236688.27 Kword pairs / s \n", - " 100 0 43729.34 Kword pairs / s \n", - " 1 6419086.99 Kword pairs / s \n", - " 100 771277.71 Kword pairs / s \n", - "2010000 1 0 17432.79 Kword pairs / s \n", - " 1 10561607.14 Kword pairs / s \n", - " 100 5954865.50 Kword pairs / s \n", - " 100 0 15236.46 Kword pairs / s \n", - " 1 6680879.02 Kword pairs / s \n", - " 100 671683.05 Kword pairs / s " - ] - }, - "execution_count": 23, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.mean()).loc[\n", " [1000000, len(full_dictionary)], [1, 100], [0, 1, 100]].loc[\n", @@ -1869,209 +623,9 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": null, "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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
constructor_durationproduction_durationproduction_speedprocessing_speed
dictionary_sizenonzero_limitannoy_n_trees
10000001000:00:00.00000200:00:00.1156440.00 Kword pairs / s286.27 Kword pairs / s
100:00:01.85409700:00:00.0035170.37 Kword pairs / s367959.55 Kword pairs / s
10000:00:04.70203500:00:00.0104440.35 Kword pairs / s350506.05 Kword pairs / s
100000:00:00.00000200:00:00.1048720.02 Kword pairs / s198.86 Kword pairs / s
100:00:01.16367800:00:00.00893936.14 Kword pairs / s361441.71 Kword pairs / s
10000:00:06.81856800:00:00.0369792.07 Kword pairs / s20741.69 Kword pairs / s
20100001000:00:00.00000100:00:00.6531770.00 Kword pairs / s97.50 Kword pairs / s
100:00:04.67720900:00:00.0056790.16 Kword pairs / s311832.91 Kword pairs / s
10000:01:38.56268400:00:00.0298870.22 Kword pairs / s434681.25 Kword pairs / s
100000:00:00.00000100:00:00.9796130.01 Kword pairs / s111.85 Kword pairs / s
100:00:03.20747400:00:00.00947910.18 Kword pairs / s204614.80 Kword pairs / s
10000:00:55.11959500:00:00.4195313.46 Kword pairs / s69543.35 Kword pairs / s
\n", - "
" - ], - "text/plain": [ - " constructor_duration \\\n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 00:00:00.000002 \n", - " 1 00:00:01.854097 \n", - " 100 00:00:04.702035 \n", - " 100 0 00:00:00.000002 \n", - " 1 00:00:01.163678 \n", - " 100 00:00:06.818568 \n", - "2010000 1 0 00:00:00.000001 \n", - " 1 00:00:04.677209 \n", - " 100 00:01:38.562684 \n", - " 100 0 00:00:00.000001 \n", - " 1 00:00:03.207474 \n", - " 100 00:00:55.119595 \n", - "\n", - " production_duration \\\n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 00:00:00.115644 \n", - " 1 00:00:00.003517 \n", - " 100 00:00:00.010444 \n", - " 100 0 00:00:00.104872 \n", - " 1 00:00:00.008939 \n", - " 100 00:00:00.036979 \n", - "2010000 1 0 00:00:00.653177 \n", - " 1 00:00:00.005679 \n", - " 100 00:00:00.029887 \n", - " 100 0 00:00:00.979613 \n", - " 1 00:00:00.009479 \n", - " 100 00:00:00.419531 \n", - "\n", - " production_speed \\\n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 0.00 Kword pairs / s \n", - " 1 0.37 Kword pairs / s \n", - " 100 0.35 Kword pairs / s \n", - " 100 0 0.02 Kword pairs / s \n", - " 1 36.14 Kword pairs / s \n", - " 100 2.07 Kword pairs / s \n", - "2010000 1 0 0.00 Kword pairs / s \n", - " 1 0.16 Kword pairs / s \n", - " 100 0.22 Kword pairs / s \n", - " 100 0 0.01 Kword pairs / s \n", - " 1 10.18 Kword pairs / s \n", - " 100 3.46 Kword pairs / s \n", - "\n", - " processing_speed \n", - "dictionary_size nonzero_limit annoy_n_trees \n", - "1000000 1 0 286.27 Kword pairs / s \n", - " 1 367959.55 Kword pairs / s \n", - " 100 350506.05 Kword pairs / s \n", - " 100 0 198.86 Kword pairs / s \n", - " 1 361441.71 Kword pairs / s \n", - " 100 20741.69 Kword pairs / s \n", - "2010000 1 0 97.50 Kword pairs / s \n", - " 1 311832.91 Kword pairs / s \n", - " 100 434681.25 Kword pairs / s \n", - " 100 0 111.85 Kword pairs / s \n", - " 1 204614.80 Kword pairs / s \n", - " 100 69543.35 Kword pairs / s " - ] - }, - "execution_count": 24, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.apply(lambda x: (x - x.mean()).std())).loc[\n", " [1000000, len(full_dictionary)], [1, 100], [0, 1, 100]].loc[\n", @@ -2096,7 +650,7 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2132,7 +686,7 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2164,102 +718,9 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "110675d5552847819754f0dc5b1c19e1", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "HBox(children=(IntProgress(value=0, max=2), HTML(value='')))" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "744e400d597440f79b5923dafb1974fc", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "HBox(children=(IntProgress(value=0, max=2), HTML(value='')))" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "0f84efc0c79a4628a9543736fc5f0c9a", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "HBox(children=(IntProgress(value=0, max=2), HTML(value='')))" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "8a185a8e530e4481b90056222f5f0a1c", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "HBox(children=(IntProgress(value=0, max=6), HTML(value='')))" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/mnt/storage/home/novotny/.virtualenvs/gensim/lib/python3.4/site-packages/gensim/matutils.py:738: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], + "outputs": [], "source": [ "seed(RANDOM_SEED)\n", "dictionary_sizes = [1000, 100000]\n", @@ -2308,7 +769,7 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2327,7 +788,7 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2344,263 +805,9 @@ }, { "cell_type": "code", - "execution_count": 30, + "execution_count": null, "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", - " \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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
durationcorpus_nonzeromatrix_nonzerospeed
dictionary_sizecorpus_sizenonzero_limitnormalized
10001001False00:00:00.0073833.01000.01.23 Kdoc pairs / s
True00:00:00.0090283.01000.01.01 Kdoc pairs / s
100False00:00:00.0076573.084944.01.19 Kdoc pairs / s
True00:00:00.0082383.084944.01.10 Kdoc pairs / s
10001False00:00:00.41436426.01000.01.39 Kdoc pairs / s
True00:00:00.47378926.01000.01.22 Kdoc pairs / s
100False00:00:00.43083326.084944.01.35 Kdoc pairs / s
True00:00:00.45347726.084944.01.27 Kdoc pairs / s
1000001001False00:00:05.236376423.0101868.01.29 Kdoc pairs / s
True00:00:05.623463423.0101868.01.20 Kdoc pairs / s
100False00:00:05.083829423.08202884.01.33 Kdoc pairs / s
True00:00:05.576003423.08202884.01.21 Kdoc pairs / s
10001False00:08:59.2853475162.0101868.01.26 Kdoc pairs / s
True00:09:57.6932195162.0101868.01.14 Kdoc pairs / s
100False00:09:23.2134505162.08202884.01.21 Kdoc pairs / s
True00:10:10.6124585162.08202884.01.12 Kdoc pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 00:00:00.007383 \n", - " True 00:00:00.009028 \n", - " 100 False 00:00:00.007657 \n", - " True 00:00:00.008238 \n", - " 1000 1 False 00:00:00.414364 \n", - " True 00:00:00.473789 \n", - " 100 False 00:00:00.430833 \n", - " True 00:00:00.453477 \n", - "100000 100 1 False 00:00:05.236376 \n", - " True 00:00:05.623463 \n", - " 100 False 00:00:05.083829 \n", - " True 00:00:05.576003 \n", - " 1000 1 False 00:08:59.285347 \n", - " True 00:09:57.693219 \n", - " 100 False 00:09:23.213450 \n", - " True 00:10:10.612458 \n", - "\n", - " corpus_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 3.0 \n", - " True 3.0 \n", - " 100 False 3.0 \n", - " True 3.0 \n", - " 1000 1 False 26.0 \n", - " True 26.0 \n", - " 100 False 26.0 \n", - " True 26.0 \n", - "100000 100 1 False 423.0 \n", - " True 423.0 \n", - " 100 False 423.0 \n", - " True 423.0 \n", - " 1000 1 False 5162.0 \n", - " True 5162.0 \n", - " 100 False 5162.0 \n", - " True 5162.0 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 1000.0 \n", - " True 1000.0 \n", - " 100 False 84944.0 \n", - " True 84944.0 \n", - " 1000 1 False 1000.0 \n", - " True 1000.0 \n", - " 100 False 84944.0 \n", - " True 84944.0 \n", - "100000 100 1 False 101868.0 \n", - " True 101868.0 \n", - " 100 False 8202884.0 \n", - " True 8202884.0 \n", - " 1000 1 False 101868.0 \n", - " True 101868.0 \n", - " 100 False 8202884.0 \n", - " True 8202884.0 \n", - "\n", - " speed \n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 1.23 Kdoc pairs / s \n", - " True 1.01 Kdoc pairs / s \n", - " 100 False 1.19 Kdoc pairs / s \n", - " True 1.10 Kdoc pairs / s \n", - " 1000 1 False 1.39 Kdoc pairs / s \n", - " True 1.22 Kdoc pairs / s \n", - " 100 False 1.35 Kdoc pairs / s \n", - " True 1.27 Kdoc pairs / s \n", - "100000 100 1 False 1.29 Kdoc pairs / s \n", - " True 1.20 Kdoc pairs / s \n", - " 100 False 1.33 Kdoc pairs / s \n", - " True 1.21 Kdoc pairs / s \n", - " 1000 1 False 1.26 Kdoc pairs / s \n", - " True 1.14 Kdoc pairs / s \n", - " 100 False 1.21 Kdoc pairs / s \n", - " True 1.12 Kdoc pairs / s " - ] - }, - "execution_count": 30, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.mean()).loc[\n", " [1000, 100000], :, [1, 100], :].loc[\n", @@ -2609,263 +816,9 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": null, "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", - " \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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
durationcorpus_nonzeromatrix_nonzerospeed
dictionary_sizecorpus_sizenonzero_limitnormalized
10001001False00:00:00.0008710.00.00.13 Kdoc pairs / s
True00:00:00.0013150.00.00.14 Kdoc pairs / s
100False00:00:00.0008930.00.00.12 Kdoc pairs / s
True00:00:00.0006310.00.00.08 Kdoc pairs / s
10001False00:00:00.0144600.00.00.05 Kdoc pairs / s
True00:00:00.0252500.00.00.07 Kdoc pairs / s
100False00:00:00.0390880.00.00.11 Kdoc pairs / s
True00:00:00.0236020.00.00.06 Kdoc pairs / s
1000001001False00:00:00.2763590.00.00.07 Kdoc pairs / s
True00:00:00.2788060.00.00.06 Kdoc pairs / s
100False00:00:00.2867810.00.00.07 Kdoc pairs / s
True00:00:00.3133970.00.00.06 Kdoc pairs / s
10001False00:00:14.3211010.00.00.03 Kdoc pairs / s
True00:00:23.5261040.00.00.05 Kdoc pairs / s
100False00:00:05.8995270.00.00.01 Kdoc pairs / s
True00:00:24.4544220.00.00.05 Kdoc pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 00:00:00.000871 \n", - " True 00:00:00.001315 \n", - " 100 False 00:00:00.000893 \n", - " True 00:00:00.000631 \n", - " 1000 1 False 00:00:00.014460 \n", - " True 00:00:00.025250 \n", - " 100 False 00:00:00.039088 \n", - " True 00:00:00.023602 \n", - "100000 100 1 False 00:00:00.276359 \n", - " True 00:00:00.278806 \n", - " 100 False 00:00:00.286781 \n", - " True 00:00:00.313397 \n", - " 1000 1 False 00:00:14.321101 \n", - " True 00:00:23.526104 \n", - " 100 False 00:00:05.899527 \n", - " True 00:00:24.454422 \n", - "\n", - " corpus_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "100000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "100000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "\n", - " speed \n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 0.13 Kdoc pairs / s \n", - " True 0.14 Kdoc pairs / s \n", - " 100 False 0.12 Kdoc pairs / s \n", - " True 0.08 Kdoc pairs / s \n", - " 1000 1 False 0.05 Kdoc pairs / s \n", - " True 0.07 Kdoc pairs / s \n", - " 100 False 0.11 Kdoc pairs / s \n", - " True 0.06 Kdoc pairs / s \n", - "100000 100 1 False 0.07 Kdoc pairs / s \n", - " True 0.06 Kdoc pairs / s \n", - " 100 False 0.07 Kdoc pairs / s \n", - " True 0.06 Kdoc pairs / s \n", - " 1000 1 False 0.03 Kdoc pairs / s \n", - " True 0.05 Kdoc pairs / s \n", - " 100 False 0.01 Kdoc pairs / s \n", - " True 0.05 Kdoc pairs / s " - ] - }, - "execution_count": 31, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.apply(lambda x: (x - x.mean()).std())).loc[\n", " [1000, 100000], :, [1, 100], :].loc[\n", @@ -2882,7 +835,7 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2912,7 +865,7 @@ }, { "cell_type": "code", - "execution_count": 33, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2929,7 +882,7 @@ }, { "cell_type": "code", - "execution_count": 34, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -2946,263 +899,9 @@ }, { "cell_type": "code", - "execution_count": 35, + "execution_count": null, "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", - " \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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
durationcorpus_nonzeromatrix_nonzerospeed
dictionary_sizecorpus_sizenonzero_limitnormalized
10001001False00:00:00.0093633.01000.01117.12 Kdoc pairs / s
True00:00:00.0109483.01000.0954.13 Kdoc pairs / s
100False00:00:00.0141283.084944.0728.91 Kdoc pairs / s
True00:00:00.0181643.084944.0551.78 Kdoc pairs / s
10001False00:00:00.07209126.01000.013872.12 Kdoc pairs / s
True00:00:00.07928426.01000.012615.36 Kdoc pairs / s
100False00:00:00.16248326.084944.06188.43 Kdoc pairs / s
True00:00:00.20308126.084944.04924.48 Kdoc pairs / s
1000001001False00:00:00.278253423.0101868.036.05 Kdoc pairs / s
True00:00:00.298519423.0101868.033.56 Kdoc pairs / s
100False00:00:36.326167423.08202884.00.28 Kdoc pairs / s
True00:00:36.928802423.08202884.00.27 Kdoc pairs / s
10001False00:00:07.4033015162.0101868.0135.08 Kdoc pairs / s
True00:00:07.7949435162.0101868.0128.29 Kdoc pairs / s
100False00:05:55.6747125162.08202884.02.81 Kdoc pairs / s
True00:06:05.5613985162.08202884.02.74 Kdoc pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 00:00:00.009363 \n", - " True 00:00:00.010948 \n", - " 100 False 00:00:00.014128 \n", - " True 00:00:00.018164 \n", - " 1000 1 False 00:00:00.072091 \n", - " True 00:00:00.079284 \n", - " 100 False 00:00:00.162483 \n", - " True 00:00:00.203081 \n", - "100000 100 1 False 00:00:00.278253 \n", - " True 00:00:00.298519 \n", - " 100 False 00:00:36.326167 \n", - " True 00:00:36.928802 \n", - " 1000 1 False 00:00:07.403301 \n", - " True 00:00:07.794943 \n", - " 100 False 00:05:55.674712 \n", - " True 00:06:05.561398 \n", - "\n", - " corpus_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 3.0 \n", - " True 3.0 \n", - " 100 False 3.0 \n", - " True 3.0 \n", - " 1000 1 False 26.0 \n", - " True 26.0 \n", - " 100 False 26.0 \n", - " True 26.0 \n", - "100000 100 1 False 423.0 \n", - " True 423.0 \n", - " 100 False 423.0 \n", - " True 423.0 \n", - " 1000 1 False 5162.0 \n", - " True 5162.0 \n", - " 100 False 5162.0 \n", - " True 5162.0 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 1000.0 \n", - " True 1000.0 \n", - " 100 False 84944.0 \n", - " True 84944.0 \n", - " 1000 1 False 1000.0 \n", - " True 1000.0 \n", - " 100 False 84944.0 \n", - " True 84944.0 \n", - "100000 100 1 False 101868.0 \n", - " True 101868.0 \n", - " 100 False 8202884.0 \n", - " True 8202884.0 \n", - " 1000 1 False 101868.0 \n", - " True 101868.0 \n", - " 100 False 8202884.0 \n", - " True 8202884.0 \n", - "\n", - " speed \n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 1117.12 Kdoc pairs / s \n", - " True 954.13 Kdoc pairs / s \n", - " 100 False 728.91 Kdoc pairs / s \n", - " True 551.78 Kdoc pairs / s \n", - " 1000 1 False 13872.12 Kdoc pairs / s \n", - " True 12615.36 Kdoc pairs / s \n", - " 100 False 6188.43 Kdoc pairs / s \n", - " True 4924.48 Kdoc pairs / s \n", - "100000 100 1 False 36.05 Kdoc pairs / s \n", - " True 33.56 Kdoc pairs / s \n", - " 100 False 0.28 Kdoc pairs / s \n", - " True 0.27 Kdoc pairs / s \n", - " 1000 1 False 135.08 Kdoc pairs / s \n", - " True 128.29 Kdoc pairs / s \n", - " 100 False 2.81 Kdoc pairs / s \n", - " True 2.74 Kdoc pairs / s " - ] - }, - "execution_count": 35, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.mean()).loc[\n", " [1000, 100000], :, [1, 100], :].loc[\n", @@ -3211,263 +910,9 @@ }, { "cell_type": "code", - "execution_count": 36, + "execution_count": null, "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", - " \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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
durationcorpus_nonzeromatrix_nonzerospeed
dictionary_sizecorpus_sizenonzero_limitnormalized
10001001False00:00:00.0021200.00.0242.09 Kdoc pairs / s
True00:00:00.0023870.00.0207.64 Kdoc pairs / s
100False00:00:00.0025310.00.0130.94 Kdoc pairs / s
True00:00:00.0009110.00.027.68 Kdoc pairs / s
10001False00:00:00.0005870.00.0112.92 Kdoc pairs / s
True00:00:00.0011910.00.0187.31 Kdoc pairs / s
100False00:00:00.0119440.00.0513.79 Kdoc pairs / s
True00:00:00.0017930.00.043.54 Kdoc pairs / s
1000001001False00:00:00.0161560.00.02.06 Kdoc pairs / s
True00:00:00.0134510.00.01.47 Kdoc pairs / s
100False00:00:01.3397870.00.00.01 Kdoc pairs / s
True00:00:01.6173400.00.00.01 Kdoc pairs / s
10001False00:00:00.0389610.00.00.71 Kdoc pairs / s
True00:00:00.0241540.00.00.40 Kdoc pairs / s
100False00:00:07.6048050.00.00.06 Kdoc pairs / s
True00:00:14.7995190.00.00.10 Kdoc pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 00:00:00.002120 \n", - " True 00:00:00.002387 \n", - " 100 False 00:00:00.002531 \n", - " True 00:00:00.000911 \n", - " 1000 1 False 00:00:00.000587 \n", - " True 00:00:00.001191 \n", - " 100 False 00:00:00.011944 \n", - " True 00:00:00.001793 \n", - "100000 100 1 False 00:00:00.016156 \n", - " True 00:00:00.013451 \n", - " 100 False 00:00:01.339787 \n", - " True 00:00:01.617340 \n", - " 1000 1 False 00:00:00.038961 \n", - " True 00:00:00.024154 \n", - " 100 False 00:00:07.604805 \n", - " True 00:00:14.799519 \n", - "\n", - " corpus_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "100000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "100000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "\n", - " speed \n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 242.09 Kdoc pairs / s \n", - " True 207.64 Kdoc pairs / s \n", - " 100 False 130.94 Kdoc pairs / s \n", - " True 27.68 Kdoc pairs / s \n", - " 1000 1 False 112.92 Kdoc pairs / s \n", - " True 187.31 Kdoc pairs / s \n", - " 100 False 513.79 Kdoc pairs / s \n", - " True 43.54 Kdoc pairs / s \n", - "100000 100 1 False 2.06 Kdoc pairs / s \n", - " True 1.47 Kdoc pairs / s \n", - " 100 False 0.01 Kdoc pairs / s \n", - " True 0.01 Kdoc pairs / s \n", - " 1000 1 False 0.71 Kdoc pairs / s \n", - " True 0.40 Kdoc pairs / s \n", - " 100 False 0.06 Kdoc pairs / s \n", - " True 0.10 Kdoc pairs / s " - ] - }, - "execution_count": 36, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.apply(lambda x: (x - x.mean()).std())).loc[\n", " [1000, 100000], :, [1, 100], :].loc[\n", @@ -3484,7 +929,7 @@ }, { "cell_type": "code", - "execution_count": 37, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -3514,39 +959,9 @@ }, { "cell_type": "code", - "execution_count": 38, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "84e1344be5d944fa98368e6b3994944a", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "HBox(children=(IntProgress(value=0, max=2), HTML(value='')))" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/mnt/storage/home/novotny/.virtualenvs/gensim/lib/python3.4/site-packages/gensim/matutils.py:738: FutureWarning: Conversion of the second argument of issubdtype from `int` to `np.signedinteger` is deprecated. In future, it will be treated as `np.int64 == np.dtype(int).type`.\n", - " if np.issubdtype(vec.dtype, np.int):\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], + "outputs": [], "source": [ "nonzero_limits = [1000]\n", "dense_matrices = []\n", @@ -3561,7 +976,7 @@ }, { "cell_type": "code", - "execution_count": 39, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -3571,7 +986,7 @@ }, { "cell_type": "code", - "execution_count": 40, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -3588,633 +1003,9 @@ }, { "cell_type": "code", - "execution_count": 41, + "execution_count": null, "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", - " \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", - " \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", - " \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", - " \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", - " \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", - " \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", - " \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", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
durationcorpus_nonzeromatrix_nonzerospeed
dictionary_sizecorpus_sizenonzero_limitnormalized
10001001False00:00:00.0014033.01000.06.69 Kdoc pairs / s
True00:00:00.0053133.01000.01.70 Kdoc pairs / s
10False00:00:00.0015653.08634.05.80 Kdoc pairs / s
True00:00:00.0053073.08634.01.70 Kdoc pairs / s
100False00:00:00.0031723.084944.03.05 Kdoc pairs / s
True00:00:00.0084613.084944.01.07 Kdoc pairs / s
1000False00:00:00.0213773.0838588.00.42 Kdoc pairs / s
True00:00:00.0552343.0838588.00.16 Kdoc pairs / s
10001False00:00:00.00137626.01000.0418.61 Kdoc pairs / s
True00:00:00.00501926.01000.0114.78 Kdoc pairs / s
10False00:00:00.00151126.08634.0381.50 Kdoc pairs / s
True00:00:00.00520826.08634.0110.60 Kdoc pairs / s
100False00:00:00.00353926.084944.0164.03 Kdoc pairs / s
True00:00:00.00850226.084944.067.81 Kdoc pairs / s
1000False00:00:00.02154826.0838588.026.73 Kdoc pairs / s
True00:00:00.05442526.0838588.010.59 Kdoc pairs / s
1000001False00:00:00.0199152914.01000.0391443.20 Kdoc pairs / s
True00:00:00.0261182914.01000.0298377.75 Kdoc pairs / s
10False00:00:00.0201522914.08634.0386722.55 Kdoc pairs / s
True00:00:00.0269982914.08634.0288567.14 Kdoc pairs / s
100False00:00:00.0283452914.084944.0274905.36 Kdoc pairs / s
True00:00:00.0410692914.084944.0189709.57 Kdoc pairs / s
1000False00:00:00.0899782914.0838588.086598.15 Kdoc pairs / s
True00:00:00.1856112914.0838588.041971.58 Kdoc pairs / s
1000001001False00:00:00.003345423.0101868.02013.92 Kdoc pairs / s
True00:00:00.008857423.0101868.0760.13 Kdoc pairs / s
10False00:00:00.032639423.0814154.0206.66 Kdoc pairs / s
True00:00:00.080591423.0814154.083.46 Kdoc pairs / s
100False00:00:00.488467423.08202884.013.77 Kdoc pairs / s
True00:00:01.454507423.08202884.04.62 Kdoc pairs / s
1000False00:00:04.973667423.089912542.01.35 Kdoc pairs / s
True00:00:15.035711423.089912542.00.45 Kdoc pairs / s
10001False00:00:00.0101415162.0101868.067139.73 Kdoc pairs / s
True00:00:00.0166855162.0101868.040798.02 Kdoc pairs / s
10False00:00:00.0413925162.0814154.016444.18 Kdoc pairs / s
True00:00:00.0916865162.0814154.07425.08 Kdoc pairs / s
100False00:00:00.5089165162.08202884.01338.94 Kdoc pairs / s
True00:00:01.4975565162.08202884.0454.49 Kdoc pairs / s
1000False00:00:05.1014895162.089912542.0133.44 Kdoc pairs / s
True00:00:15.3254155162.089912542.044.42 Kdoc pairs / s
1000001False00:00:37.145526525310.0101868.0192578.80 Kdoc pairs / s
True00:00:45.729004525310.0101868.0156431.36 Kdoc pairs / s
10False00:00:44.981806525310.0814154.0159029.88 Kdoc pairs / s
True00:00:54.245450525310.0814154.0131871.88 Kdoc pairs / s
100False00:01:15.925860525310.08202884.094216.21 Kdoc pairs / s
True00:01:29.232076525310.08202884.080177.08 Kdoc pairs / s
1000False00:03:17.140191525310.089912542.036286.25 Kdoc pairs / s
True00:04:05.865666525310.089912542.029097.14 Kdoc pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 00:00:00.001403 \n", - " True 00:00:00.005313 \n", - " 10 False 00:00:00.001565 \n", - " True 00:00:00.005307 \n", - " 100 False 00:00:00.003172 \n", - " True 00:00:00.008461 \n", - " 1000 False 00:00:00.021377 \n", - " True 00:00:00.055234 \n", - " 1000 1 False 00:00:00.001376 \n", - " True 00:00:00.005019 \n", - " 10 False 00:00:00.001511 \n", - " True 00:00:00.005208 \n", - " 100 False 00:00:00.003539 \n", - " True 00:00:00.008502 \n", - " 1000 False 00:00:00.021548 \n", - " True 00:00:00.054425 \n", - " 100000 1 False 00:00:00.019915 \n", - " True 00:00:00.026118 \n", - " 10 False 00:00:00.020152 \n", - " True 00:00:00.026998 \n", - " 100 False 00:00:00.028345 \n", - " True 00:00:00.041069 \n", - " 1000 False 00:00:00.089978 \n", - " True 00:00:00.185611 \n", - "100000 100 1 False 00:00:00.003345 \n", - " True 00:00:00.008857 \n", - " 10 False 00:00:00.032639 \n", - " True 00:00:00.080591 \n", - " 100 False 00:00:00.488467 \n", - " True 00:00:01.454507 \n", - " 1000 False 00:00:04.973667 \n", - " True 00:00:15.035711 \n", - " 1000 1 False 00:00:00.010141 \n", - " True 00:00:00.016685 \n", - " 10 False 00:00:00.041392 \n", - " True 00:00:00.091686 \n", - " 100 False 00:00:00.508916 \n", - " True 00:00:01.497556 \n", - " 1000 False 00:00:05.101489 \n", - " True 00:00:15.325415 \n", - " 100000 1 False 00:00:37.145526 \n", - " True 00:00:45.729004 \n", - " 10 False 00:00:44.981806 \n", - " True 00:00:54.245450 \n", - " 100 False 00:01:15.925860 \n", - " True 00:01:29.232076 \n", - " 1000 False 00:03:17.140191 \n", - " True 00:04:05.865666 \n", - "\n", - " corpus_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 3.0 \n", - " True 3.0 \n", - " 10 False 3.0 \n", - " True 3.0 \n", - " 100 False 3.0 \n", - " True 3.0 \n", - " 1000 False 3.0 \n", - " True 3.0 \n", - " 1000 1 False 26.0 \n", - " True 26.0 \n", - " 10 False 26.0 \n", - " True 26.0 \n", - " 100 False 26.0 \n", - " True 26.0 \n", - " 1000 False 26.0 \n", - " True 26.0 \n", - " 100000 1 False 2914.0 \n", - " True 2914.0 \n", - " 10 False 2914.0 \n", - " True 2914.0 \n", - " 100 False 2914.0 \n", - " True 2914.0 \n", - " 1000 False 2914.0 \n", - " True 2914.0 \n", - "100000 100 1 False 423.0 \n", - " True 423.0 \n", - " 10 False 423.0 \n", - " True 423.0 \n", - " 100 False 423.0 \n", - " True 423.0 \n", - " 1000 False 423.0 \n", - " True 423.0 \n", - " 1000 1 False 5162.0 \n", - " True 5162.0 \n", - " 10 False 5162.0 \n", - " True 5162.0 \n", - " 100 False 5162.0 \n", - " True 5162.0 \n", - " 1000 False 5162.0 \n", - " True 5162.0 \n", - " 100000 1 False 525310.0 \n", - " True 525310.0 \n", - " 10 False 525310.0 \n", - " True 525310.0 \n", - " 100 False 525310.0 \n", - " True 525310.0 \n", - " 1000 False 525310.0 \n", - " True 525310.0 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 1000.0 \n", - " True 1000.0 \n", - " 10 False 8634.0 \n", - " True 8634.0 \n", - " 100 False 84944.0 \n", - " True 84944.0 \n", - " 1000 False 838588.0 \n", - " True 838588.0 \n", - " 1000 1 False 1000.0 \n", - " True 1000.0 \n", - " 10 False 8634.0 \n", - " True 8634.0 \n", - " 100 False 84944.0 \n", - " True 84944.0 \n", - " 1000 False 838588.0 \n", - " True 838588.0 \n", - " 100000 1 False 1000.0 \n", - " True 1000.0 \n", - " 10 False 8634.0 \n", - " True 8634.0 \n", - " 100 False 84944.0 \n", - " True 84944.0 \n", - " 1000 False 838588.0 \n", - " True 838588.0 \n", - "100000 100 1 False 101868.0 \n", - " True 101868.0 \n", - " 10 False 814154.0 \n", - " True 814154.0 \n", - " 100 False 8202884.0 \n", - " True 8202884.0 \n", - " 1000 False 89912542.0 \n", - " True 89912542.0 \n", - " 1000 1 False 101868.0 \n", - " True 101868.0 \n", - " 10 False 814154.0 \n", - " True 814154.0 \n", - " 100 False 8202884.0 \n", - " True 8202884.0 \n", - " 1000 False 89912542.0 \n", - " True 89912542.0 \n", - " 100000 1 False 101868.0 \n", - " True 101868.0 \n", - " 10 False 814154.0 \n", - " True 814154.0 \n", - " 100 False 8202884.0 \n", - " True 8202884.0 \n", - " 1000 False 89912542.0 \n", - " True 89912542.0 \n", - "\n", - " speed \n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 6.69 Kdoc pairs / s \n", - " True 1.70 Kdoc pairs / s \n", - " 10 False 5.80 Kdoc pairs / s \n", - " True 1.70 Kdoc pairs / s \n", - " 100 False 3.05 Kdoc pairs / s \n", - " True 1.07 Kdoc pairs / s \n", - " 1000 False 0.42 Kdoc pairs / s \n", - " True 0.16 Kdoc pairs / s \n", - " 1000 1 False 418.61 Kdoc pairs / s \n", - " True 114.78 Kdoc pairs / s \n", - " 10 False 381.50 Kdoc pairs / s \n", - " True 110.60 Kdoc pairs / s \n", - " 100 False 164.03 Kdoc pairs / s \n", - " True 67.81 Kdoc pairs / s \n", - " 1000 False 26.73 Kdoc pairs / s \n", - " True 10.59 Kdoc pairs / s \n", - " 100000 1 False 391443.20 Kdoc pairs / s \n", - " True 298377.75 Kdoc pairs / s \n", - " 10 False 386722.55 Kdoc pairs / s \n", - " True 288567.14 Kdoc pairs / s \n", - " 100 False 274905.36 Kdoc pairs / s \n", - " True 189709.57 Kdoc pairs / s \n", - " 1000 False 86598.15 Kdoc pairs / s \n", - " True 41971.58 Kdoc pairs / s \n", - "100000 100 1 False 2013.92 Kdoc pairs / s \n", - " True 760.13 Kdoc pairs / s \n", - " 10 False 206.66 Kdoc pairs / s \n", - " True 83.46 Kdoc pairs / s \n", - " 100 False 13.77 Kdoc pairs / s \n", - " True 4.62 Kdoc pairs / s \n", - " 1000 False 1.35 Kdoc pairs / s \n", - " True 0.45 Kdoc pairs / s \n", - " 1000 1 False 67139.73 Kdoc pairs / s \n", - " True 40798.02 Kdoc pairs / s \n", - " 10 False 16444.18 Kdoc pairs / s \n", - " True 7425.08 Kdoc pairs / s \n", - " 100 False 1338.94 Kdoc pairs / s \n", - " True 454.49 Kdoc pairs / s \n", - " 1000 False 133.44 Kdoc pairs / s \n", - " True 44.42 Kdoc pairs / s \n", - " 100000 1 False 192578.80 Kdoc pairs / s \n", - " True 156431.36 Kdoc pairs / s \n", - " 10 False 159029.88 Kdoc pairs / s \n", - " True 131871.88 Kdoc pairs / s \n", - " 100 False 94216.21 Kdoc pairs / s \n", - " True 80177.08 Kdoc pairs / s \n", - " 1000 False 36286.25 Kdoc pairs / s \n", - " True 29097.14 Kdoc pairs / s " - ] - }, - "execution_count": 41, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.mean()).loc[\n", " [1000, 100000], :, [1, 10, 100, 1000], :].loc[\n", @@ -4223,357 +1014,9 @@ }, { "cell_type": "code", - "execution_count": 42, + "execution_count": null, "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", - " \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", - " \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", - " \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", - " \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", - "
durationcorpus_nonzeromatrix_nonzerospeed
dictionary_sizecorpus_sizenonzero_limitnormalized
10001001False00:00:00.0002920.00.01.48 Kdoc pairs / s
True00:00:00.0002250.00.00.08 Kdoc pairs / s
100False00:00:00.0007470.00.01.02 Kdoc pairs / s
True00:00:00.0004880.00.00.07 Kdoc pairs / s
10001False00:00:00.0000270.00.08.10 Kdoc pairs / s
True00:00:00.0000690.00.01.56 Kdoc pairs / s
100False00:00:00.0003090.00.016.26 Kdoc pairs / s
True00:00:00.0002680.00.02.24 Kdoc pairs / s
1000001False00:00:00.0005760.00.011256.03 Kdoc pairs / s
True00:00:00.0005740.00.06512.19 Kdoc pairs / s
100False00:00:00.0005620.00.05233.50 Kdoc pairs / s
True00:00:00.0006090.00.02743.63 Kdoc pairs / s
1000001001False00:00:00.0001520.00.098.97 Kdoc pairs / s
True00:00:00.0003220.00.028.10 Kdoc pairs / s
100False00:00:00.0049970.00.00.14 Kdoc pairs / s
True00:00:00.0222060.00.00.07 Kdoc pairs / s
10001False00:00:00.0002100.00.01420.00 Kdoc pairs / s
True00:00:00.0001920.00.0467.23 Kdoc pairs / s
100False00:00:00.0190220.00.045.91 Kdoc pairs / s
True00:00:00.0044310.00.01.35 Kdoc pairs / s
1000001False00:00:00.0244660.00.0126.77 Kdoc pairs / s
True00:00:00.0624470.00.0213.64 Kdoc pairs / s
100False00:00:00.0876920.00.0108.55 Kdoc pairs / s
True00:00:01.0658890.00.0968.80 Kdoc pairs / s
\n", - "
" - ], - "text/plain": [ - " duration \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 00:00:00.000292 \n", - " True 00:00:00.000225 \n", - " 100 False 00:00:00.000747 \n", - " True 00:00:00.000488 \n", - " 1000 1 False 00:00:00.000027 \n", - " True 00:00:00.000069 \n", - " 100 False 00:00:00.000309 \n", - " True 00:00:00.000268 \n", - " 100000 1 False 00:00:00.000576 \n", - " True 00:00:00.000574 \n", - " 100 False 00:00:00.000562 \n", - " True 00:00:00.000609 \n", - "100000 100 1 False 00:00:00.000152 \n", - " True 00:00:00.000322 \n", - " 100 False 00:00:00.004997 \n", - " True 00:00:00.022206 \n", - " 1000 1 False 00:00:00.000210 \n", - " True 00:00:00.000192 \n", - " 100 False 00:00:00.019022 \n", - " True 00:00:00.004431 \n", - " 100000 1 False 00:00:00.024466 \n", - " True 00:00:00.062447 \n", - " 100 False 00:00:00.087692 \n", - " True 00:00:01.065889 \n", - "\n", - " corpus_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 100000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "100000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 100000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "\n", - " matrix_nonzero \\\n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 100000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "100000 100 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 1000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - " 100000 1 False 0.0 \n", - " True 0.0 \n", - " 100 False 0.0 \n", - " True 0.0 \n", - "\n", - " speed \n", - "dictionary_size corpus_size nonzero_limit normalized \n", - "1000 100 1 False 1.48 Kdoc pairs / s \n", - " True 0.08 Kdoc pairs / s \n", - " 100 False 1.02 Kdoc pairs / s \n", - " True 0.07 Kdoc pairs / s \n", - " 1000 1 False 8.10 Kdoc pairs / s \n", - " True 1.56 Kdoc pairs / s \n", - " 100 False 16.26 Kdoc pairs / s \n", - " True 2.24 Kdoc pairs / s \n", - " 100000 1 False 11256.03 Kdoc pairs / s \n", - " True 6512.19 Kdoc pairs / s \n", - " 100 False 5233.50 Kdoc pairs / s \n", - " True 2743.63 Kdoc pairs / s \n", - "100000 100 1 False 98.97 Kdoc pairs / s \n", - " True 28.10 Kdoc pairs / s \n", - " 100 False 0.14 Kdoc pairs / s \n", - " True 0.07 Kdoc pairs / s \n", - " 1000 1 False 1420.00 Kdoc pairs / s \n", - " True 467.23 Kdoc pairs / s \n", - " 100 False 45.91 Kdoc pairs / s \n", - " True 1.35 Kdoc pairs / s \n", - " 100000 1 False 126.77 Kdoc pairs / s \n", - " True 213.64 Kdoc pairs / s \n", - " 100 False 108.55 Kdoc pairs / s \n", - " True 968.80 Kdoc pairs / s " - ] - }, - "execution_count": 42, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "display(df.apply(lambda x: (x - x.mean()).std())).loc[\n", " [1000, 100000], :, [1, 100], :].loc[\n", @@ -4597,7 +1040,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.4.2" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/soft_cosine_tutorial.ipynb b/docs/notebooks/soft_cosine_tutorial.ipynb index 957899c089..ce5ddf5f11 100644 --- a/docs/notebooks/soft_cosine_tutorial.ipynb +++ b/docs/notebooks/soft_cosine_tutorial.ipynb @@ -88,9 +88,11 @@ "name": "stderr", "output_type": "stream", "text": [ - "2018-09-11 22:02:01,041 : INFO : 'pattern' package not found; tag filters are not available for English\n", - "2018-09-11 22:02:01,044 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2018-09-11 22:02:01,045 : INFO : built Dictionary(14 unique tokens: ['speaks', 'illinois', 'greets', 'juice', 'chicago']...) from 3 documents (total 15 corpus positions)\n" + "[nltk_data] Downloading package stopwords to /home/misha/nltk_data...\n", + "[nltk_data] Unzipping corpora/stopwords.zip.\n", + "2019-06-17 10:46:35,031 : INFO : 'pattern' package not found; tag filters are not available for English\n", + "2019-06-17 10:46:35,036 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 10:46:35,037 : INFO : built Dictionary(14 unique tokens: ['illinois', 'media', 'obama', 'speaks', 'chicago']...) from 3 documents (total 15 corpus positions)\n" ] } ], @@ -133,19 +135,22 @@ "name": "stderr", "output_type": "stream", "text": [ - "2018-09-11 22:02:01,236 : INFO : loading projection weights from /home/novotny/gensim-data/glove-wiki-gigaword-50/glove-wiki-gigaword-50.gz\n", - "2018-09-11 22:02:26,984 : INFO : loaded (400000, 50) matrix from /home/novotny/gensim-data/glove-wiki-gigaword-50/glove-wiki-gigaword-50.gz\n", - "2018-09-11 22:02:26,985 : INFO : constructing a sparse term similarity matrix using \n", - "2018-09-11 22:02:26,986 : INFO : iterating over columns in dictionary order\n", - "2018-09-11 22:02:27,273 : INFO : constructed a sparse term similarity matrix with 11.224490% density\n" + "2019-06-17 10:46:35,428 : INFO : loading projection weights from /home/misha/gensim-data/glove-wiki-gigaword-50/glove-wiki-gigaword-50.gz\n", + "2019-06-17 10:46:35,429 : WARNING : this function is deprecated, use smart_open.open instead\n", + "2019-06-17 10:47:07,511 : INFO : loaded (400000, 50) matrix from /home/misha/gensim-data/glove-wiki-gigaword-50/glove-wiki-gigaword-50.gz\n", + "2019-06-17 10:47:07,512 : INFO : constructing a sparse term similarity matrix using \n", + "2019-06-17 10:47:07,512 : INFO : iterating over columns in dictionary order\n", + "2019-06-17 10:47:07,514 : INFO : PROGRESS: at 7.14% columns (1 / 14, 7.142857% density, 7.142857% projected density)\n", + "2019-06-17 10:47:07,516 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 10:47:08,055 : INFO : constructed a sparse term similarity matrix with 11.224490% density\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 27.8 s, sys: 2.43 s, total: 30.3 s\n", - "Wall time: 26.2 s\n" + "CPU times: user 30.4 s, sys: 1.27 s, total: 31.7 s\n", + "Wall time: 33 s\n" ] } ], @@ -231,15 +236,21 @@ "metadata": {}, "outputs": [ { - "name": "stdout", + "name": "stderr", "output_type": "stream", "text": [ - "[nltk_data] Downloading package stopwords to\n", - "[nltk_data] /home/novotny/nltk_data...\n", + "[nltk_data] Downloading package stopwords to /home/misha/nltk_data...\n", "[nltk_data] Package stopwords is already up-to-date!\n", + "2019-06-17 10:47:08,404 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ "Number of documents: 3\n", - "CPU times: user 2min 37s, sys: 1.62 s, total: 2min 39s\n", - "Wall time: 2min 39s\n" + "CPU times: user 2min 46s, sys: 2.34 s, total: 2min 48s\n", + "Wall time: 2min 52s\n" ] } ], @@ -290,42 +301,1343 @@ "cell_type": "code", "execution_count": 8, "metadata": { - "scrolled": false + "scrolled": true }, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "2018-09-11 22:06:07,973 : INFO : built Dictionary(462807 unique tokens: ['pples', 'adib', 'strangers', 'kolayaalee', 'softpoint']...) from 2274338 documents (total 40096354 corpus positions)\n", - "2018-09-11 22:06:09,432 : INFO : collecting all words and their counts\n", - "2018-09-11 22:06:17,564 : INFO : collected 462807 word types from a corpus of 40096354 raw words and 2274338 sentences\n", - "2018-09-11 22:06:17,565 : INFO : Loading a fresh vocabulary\n", - "2018-09-11 22:06:18,002 : INFO : effective_min_count=5 retains 104360 unique words (22% of original 462807, drops 358447)\n", - "2018-09-11 22:06:18,003 : INFO : effective_min_count=5 leaves 39565168 word corpus (98% of original 40096354, drops 531186)\n", - "2018-09-11 22:06:18,454 : INFO : deleting the raw counts dictionary of 462807 items\n", - "2018-09-11 22:06:18,474 : INFO : sample=0.001 downsamples 22 most-common words\n", - "2018-09-11 22:06:18,475 : INFO : downsampling leaves estimated 38552993 word corpus (97.4% of prior 39565168)\n", - "2018-09-11 22:06:18,907 : INFO : estimated required memory for 104360 words and 300 dimensions: 302644000 bytes\n", - "2018-09-11 22:06:18,908 : INFO : resetting layer weights\n", - "2018-09-11 22:06:21,082 : INFO : training model with 32 workers on 104360 vocabulary and 300 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2018-09-11 22:06:53,894 : INFO : EPOCH - 1 : training on 40096354 raw words (38515351 effective words) took 32.8s, 1174692 effective words/s\n", - "2018-09-11 22:07:27,121 : INFO : EPOCH - 2 : training on 40096354 raw words (38515107 effective words) took 33.2s, 1159858 effective words/s\n", - "2018-09-11 22:08:00,122 : INFO : EPOCH - 3 : training on 40096354 raw words (38514587 effective words) took 33.0s, 1167509 effective words/s\n", - "2018-09-11 22:08:32,976 : INFO : EPOCH - 4 : training on 40096354 raw words (38515500 effective words) took 32.8s, 1172993 effective words/s\n", - "2018-09-11 22:09:06,211 : INFO : EPOCH - 5 : training on 40096354 raw words (38515593 effective words) took 33.2s, 1159566 effective words/s\n", - "2018-09-11 22:09:06,212 : INFO : training on a 200481770 raw words (192576138 effective words) took 165.1s, 1166216 effective words/s\n", - "2018-09-11 22:09:06,637 : INFO : constructing a sparse term similarity matrix using \n", - "2018-09-11 22:09:06,657 : INFO : iterating over columns in tf-idf order\n", - "2018-09-11 22:25:34,416 : INFO : constructed a sparse term similarity matrix with 0.003654% density\n" + "2019-06-17 10:50:00,986 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 10:50:01,293 : INFO : adding document #10000 to Dictionary(20088 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:01,574 : INFO : adding document #20000 to Dictionary(29692 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:01,932 : INFO : adding document #30000 to Dictionary(37971 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:02,293 : INFO : adding document #40000 to Dictionary(43930 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:02,551 : INFO : adding document #50000 to Dictionary(49340 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:02,817 : INFO : adding document #60000 to Dictionary(54734 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:03,084 : INFO : adding document #70000 to Dictionary(59734 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:03,377 : INFO : adding document #80000 to Dictionary(64698 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:03,659 : INFO : adding document #90000 to Dictionary(68921 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:03,984 : INFO : adding document #100000 to Dictionary(74025 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:04,273 : INFO : adding document #110000 to Dictionary(78063 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:04,598 : INFO : adding document #120000 to Dictionary(81932 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:04,892 : INFO : adding document #130000 to Dictionary(85850 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:05,170 : INFO : adding document #140000 to Dictionary(89489 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:05,443 : INFO : adding document #150000 to Dictionary(93441 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:05,701 : INFO : adding document #160000 to Dictionary(97166 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:05,962 : INFO : adding document #170000 to Dictionary(100281 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:06,209 : INFO : adding document #180000 to Dictionary(103372 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:06,486 : INFO : adding document #190000 to Dictionary(106627 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:06,770 : INFO : adding document #200000 to Dictionary(110902 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:07,089 : INFO : adding document #210000 to Dictionary(113686 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:07,357 : INFO : adding document #220000 to Dictionary(117110 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:07,666 : INFO : adding document #230000 to Dictionary(119961 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:07,961 : INFO : adding document #240000 to Dictionary(123182 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:08,227 : INFO : adding document #250000 to Dictionary(125952 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:08,510 : INFO : adding document #260000 to Dictionary(128806 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:08,828 : INFO : adding document #270000 to Dictionary(131361 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:09,112 : INFO : adding document #280000 to Dictionary(133942 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:09,392 : INFO : adding document #290000 to Dictionary(136306 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:09,689 : INFO : adding document #300000 to Dictionary(138957 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:09,989 : INFO : adding document #310000 to Dictionary(141490 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:10,319 : INFO : adding document #320000 to Dictionary(144071 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:10,580 : INFO : adding document #330000 to Dictionary(146510 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:10,827 : INFO : adding document #340000 to Dictionary(149053 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:11,119 : INFO : adding document #350000 to Dictionary(151463 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:11,487 : INFO : adding document #360000 to Dictionary(153612 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:11,797 : INFO : adding document #370000 to Dictionary(156234 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:12,126 : INFO : adding document #380000 to Dictionary(158845 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:12,392 : INFO : adding document #390000 to Dictionary(161029 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:12,717 : INFO : adding document #400000 to Dictionary(163444 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:13,110 : INFO : adding document #410000 to Dictionary(165551 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:13,569 : INFO : adding document #420000 to Dictionary(167864 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:14,207 : INFO : adding document #430000 to Dictionary(169982 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:14,963 : INFO : adding document #440000 to Dictionary(172106 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:15,724 : INFO : adding document #450000 to Dictionary(174128 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:16,110 : INFO : adding document #460000 to Dictionary(176267 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:16,749 : INFO : adding document #470000 to Dictionary(178429 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:17,291 : INFO : adding document #480000 to Dictionary(180738 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:17,956 : INFO : adding document #490000 to Dictionary(182982 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:18,424 : INFO : adding document #500000 to Dictionary(184754 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:19,046 : INFO : adding document #510000 to Dictionary(187327 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:19,455 : INFO : adding document #520000 to Dictionary(189327 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:19,995 : INFO : adding document #530000 to Dictionary(191219 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:20,551 : INFO : adding document #540000 to Dictionary(193182 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n" ] }, { - "name": "stdout", + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:50:21,125 : INFO : adding document #550000 to Dictionary(195951 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:21,644 : INFO : adding document #560000 to Dictionary(197956 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:22,189 : INFO : adding document #570000 to Dictionary(200145 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:22,809 : INFO : adding document #580000 to Dictionary(201859 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:23,466 : INFO : adding document #590000 to Dictionary(203724 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:24,117 : INFO : adding document #600000 to Dictionary(205607 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:24,644 : INFO : adding document #610000 to Dictionary(207387 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:25,229 : INFO : adding document #620000 to Dictionary(209246 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:25,780 : INFO : adding document #630000 to Dictionary(211094 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:26,056 : INFO : adding document #640000 to Dictionary(212963 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:26,314 : INFO : adding document #650000 to Dictionary(214666 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:26,660 : INFO : adding document #660000 to Dictionary(216409 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:26,952 : INFO : adding document #670000 to Dictionary(218264 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:27,225 : INFO : adding document #680000 to Dictionary(220129 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:27,618 : INFO : adding document #690000 to Dictionary(222075 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:28,144 : INFO : adding document #700000 to Dictionary(223880 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:28,760 : INFO : adding document #710000 to Dictionary(225982 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:29,288 : INFO : adding document #720000 to Dictionary(227672 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:29,819 : INFO : adding document #730000 to Dictionary(229371 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:30,570 : INFO : adding document #740000 to Dictionary(231078 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:31,233 : INFO : adding document #750000 to Dictionary(232982 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:31,972 : INFO : adding document #760000 to Dictionary(234746 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:32,476 : INFO : adding document #770000 to Dictionary(236494 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:33,055 : INFO : adding document #780000 to Dictionary(238199 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:33,593 : INFO : adding document #790000 to Dictionary(240021 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:34,145 : INFO : adding document #800000 to Dictionary(242280 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:34,758 : INFO : adding document #810000 to Dictionary(244318 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:35,601 : INFO : adding document #820000 to Dictionary(246133 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:36,147 : INFO : adding document #830000 to Dictionary(247703 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:36,686 : INFO : adding document #840000 to Dictionary(249458 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:37,216 : INFO : adding document #850000 to Dictionary(251278 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:37,675 : INFO : adding document #860000 to Dictionary(252971 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:38,398 : INFO : adding document #870000 to Dictionary(254789 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:38,917 : INFO : adding document #880000 to Dictionary(256483 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:39,484 : INFO : adding document #890000 to Dictionary(258416 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:40,080 : INFO : adding document #900000 to Dictionary(260098 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:40,603 : INFO : adding document #910000 to Dictionary(261700 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:41,161 : INFO : adding document #920000 to Dictionary(263313 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:41,707 : INFO : adding document #930000 to Dictionary(264839 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:42,398 : INFO : adding document #940000 to Dictionary(266327 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:43,193 : INFO : adding document #950000 to Dictionary(267891 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:44,024 : INFO : adding document #960000 to Dictionary(270437 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:44,668 : INFO : adding document #970000 to Dictionary(272420 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:45,208 : INFO : adding document #980000 to Dictionary(274058 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:45,724 : INFO : adding document #990000 to Dictionary(275579 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:46,258 : INFO : adding document #1000000 to Dictionary(277402 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:46,788 : INFO : adding document #1010000 to Dictionary(279035 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:47,518 : INFO : adding document #1020000 to Dictionary(280584 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:48,141 : INFO : adding document #1030000 to Dictionary(282206 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:48,681 : INFO : adding document #1040000 to Dictionary(283570 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:49,336 : INFO : adding document #1050000 to Dictionary(285112 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:49,846 : INFO : adding document #1060000 to Dictionary(286666 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:50,356 : INFO : adding document #1070000 to Dictionary(288122 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:50,829 : INFO : adding document #1080000 to Dictionary(289489 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:51,293 : INFO : adding document #1090000 to Dictionary(291139 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:50:52,177 : INFO : adding document #1100000 to Dictionary(293838 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:52,927 : INFO : adding document #1110000 to Dictionary(295273 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:53,529 : INFO : adding document #1120000 to Dictionary(296816 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:54,091 : INFO : adding document #1130000 to Dictionary(298552 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:54,500 : INFO : adding document #1140000 to Dictionary(299628 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:55,158 : INFO : adding document #1150000 to Dictionary(301139 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:55,844 : INFO : adding document #1160000 to Dictionary(302566 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:56,385 : INFO : adding document #1170000 to Dictionary(304039 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:56,643 : INFO : adding document #1180000 to Dictionary(305503 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:56,880 : INFO : adding document #1190000 to Dictionary(307005 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:57,132 : INFO : adding document #1200000 to Dictionary(308842 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:57,397 : INFO : adding document #1210000 to Dictionary(310414 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:57,665 : INFO : adding document #1220000 to Dictionary(312012 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:57,908 : INFO : adding document #1230000 to Dictionary(313850 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:58,171 : INFO : adding document #1240000 to Dictionary(315829 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:58,457 : INFO : adding document #1250000 to Dictionary(317188 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:58,747 : INFO : adding document #1260000 to Dictionary(318577 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:58,984 : INFO : adding document #1270000 to Dictionary(320245 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:59,268 : INFO : adding document #1280000 to Dictionary(321715 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:59,528 : INFO : adding document #1290000 to Dictionary(323216 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:50:59,857 : INFO : adding document #1300000 to Dictionary(324767 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:00,133 : INFO : adding document #1310000 to Dictionary(326386 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:00,597 : INFO : adding document #1320000 to Dictionary(329383 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:00,849 : INFO : adding document #1330000 to Dictionary(330810 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:01,155 : INFO : adding document #1340000 to Dictionary(332299 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:01,471 : INFO : adding document #1350000 to Dictionary(333664 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:01,787 : INFO : adding document #1360000 to Dictionary(335153 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:02,059 : INFO : adding document #1370000 to Dictionary(336962 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:02,341 : INFO : adding document #1380000 to Dictionary(338540 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:02,595 : INFO : adding document #1390000 to Dictionary(339974 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:02,829 : INFO : adding document #1400000 to Dictionary(341332 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:03,090 : INFO : adding document #1410000 to Dictionary(342864 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:03,329 : INFO : adding document #1420000 to Dictionary(344362 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:03,575 : INFO : adding document #1430000 to Dictionary(345627 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:03,861 : INFO : adding document #1440000 to Dictionary(346909 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:04,214 : INFO : adding document #1450000 to Dictionary(348275 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:04,506 : INFO : adding document #1460000 to Dictionary(349755 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:04,838 : INFO : adding document #1470000 to Dictionary(351025 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:05,113 : INFO : adding document #1480000 to Dictionary(352258 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:05,383 : INFO : adding document #1490000 to Dictionary(353503 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:05,642 : INFO : adding document #1500000 to Dictionary(354943 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:05,906 : INFO : adding document #1510000 to Dictionary(356295 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:06,157 : INFO : adding document #1520000 to Dictionary(357459 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:06,624 : INFO : adding document #1530000 to Dictionary(358666 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:06,895 : INFO : adding document #1540000 to Dictionary(359986 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:07,170 : INFO : adding document #1550000 to Dictionary(361326 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:07,442 : INFO : adding document #1560000 to Dictionary(362609 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:07,727 : INFO : adding document #1570000 to Dictionary(363808 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:08,005 : INFO : adding document #1580000 to Dictionary(365172 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:08,301 : INFO : adding document #1590000 to Dictionary(366433 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:08,578 : INFO : adding document #1600000 to Dictionary(367968 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:08,834 : INFO : adding document #1610000 to Dictionary(369421 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:09,105 : INFO : adding document #1620000 to Dictionary(371631 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:09,361 : INFO : adding document #1630000 to Dictionary(372956 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:51:09,616 : INFO : adding document #1640000 to Dictionary(374282 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:09,885 : INFO : adding document #1650000 to Dictionary(375746 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:10,223 : INFO : adding document #1660000 to Dictionary(377073 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:10,535 : INFO : adding document #1670000 to Dictionary(378393 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:10,805 : INFO : adding document #1680000 to Dictionary(379812 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:11,088 : INFO : adding document #1690000 to Dictionary(380895 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:11,452 : INFO : adding document #1700000 to Dictionary(384739 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:11,720 : INFO : adding document #1710000 to Dictionary(386066 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:12,000 : INFO : adding document #1720000 to Dictionary(387270 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:12,248 : INFO : adding document #1730000 to Dictionary(388385 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:12,513 : INFO : adding document #1740000 to Dictionary(389687 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:12,785 : INFO : adding document #1750000 to Dictionary(390955 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:13,104 : INFO : adding document #1760000 to Dictionary(392540 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:13,369 : INFO : adding document #1770000 to Dictionary(393838 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:13,660 : INFO : adding document #1780000 to Dictionary(395032 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:13,935 : INFO : adding document #1790000 to Dictionary(396178 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:14,242 : INFO : adding document #1800000 to Dictionary(401637 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:14,502 : INFO : adding document #1810000 to Dictionary(402961 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:14,766 : INFO : adding document #1820000 to Dictionary(404423 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:15,022 : INFO : adding document #1830000 to Dictionary(405685 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:15,292 : INFO : adding document #1840000 to Dictionary(406830 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:15,599 : INFO : adding document #1850000 to Dictionary(408042 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:15,860 : INFO : adding document #1860000 to Dictionary(409402 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:16,165 : INFO : adding document #1870000 to Dictionary(410413 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:16,411 : INFO : adding document #1880000 to Dictionary(411819 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:16,663 : INFO : adding document #1890000 to Dictionary(412945 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:16,927 : INFO : adding document #1900000 to Dictionary(414272 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:17,185 : INFO : adding document #1910000 to Dictionary(415361 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:17,457 : INFO : adding document #1920000 to Dictionary(416731 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:17,718 : INFO : adding document #1930000 to Dictionary(419310 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:17,976 : INFO : adding document #1940000 to Dictionary(421794 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:18,244 : INFO : adding document #1950000 to Dictionary(423125 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:18,510 : INFO : adding document #1960000 to Dictionary(424191 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:18,753 : INFO : adding document #1970000 to Dictionary(425372 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:19,010 : INFO : adding document #1980000 to Dictionary(426641 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:19,259 : INFO : adding document #1990000 to Dictionary(427732 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:19,533 : INFO : adding document #2000000 to Dictionary(428904 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:19,782 : INFO : adding document #2010000 to Dictionary(429960 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:20,059 : INFO : adding document #2020000 to Dictionary(431271 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:20,363 : INFO : adding document #2030000 to Dictionary(432825 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:20,644 : INFO : adding document #2040000 to Dictionary(433994 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:20,960 : INFO : adding document #2050000 to Dictionary(436053 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:21,246 : INFO : adding document #2060000 to Dictionary(437115 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:21,514 : INFO : adding document #2070000 to Dictionary(438236 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:21,800 : INFO : adding document #2080000 to Dictionary(439512 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:22,088 : INFO : adding document #2090000 to Dictionary(440671 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:22,338 : INFO : adding document #2100000 to Dictionary(442053 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:22,606 : INFO : adding document #2110000 to Dictionary(443098 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:22,880 : INFO : adding document #2120000 to Dictionary(444469 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:23,158 : INFO : adding document #2130000 to Dictionary(445737 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:23,462 : INFO : adding document #2140000 to Dictionary(447128 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:23,718 : INFO : adding document #2150000 to Dictionary(448352 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:24,030 : INFO : adding document #2160000 to Dictionary(449397 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:24,353 : INFO : adding document #2170000 to Dictionary(450649 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n" + ] + }, + { + "name": "stderr", "output_type": "stream", "text": [ - "CPU times: user 4h 38min 32s, sys: 4h 24min 33s, total: 9h 3min 5s\n", - "Wall time: 20min 43s\n" + "2019-06-17 10:51:24,664 : INFO : adding document #2180000 to Dictionary(451840 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:24,940 : INFO : adding document #2190000 to Dictionary(453020 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:25,245 : INFO : adding document #2200000 to Dictionary(454160 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:25,496 : INFO : adding document #2210000 to Dictionary(455302 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:25,781 : INFO : adding document #2220000 to Dictionary(456657 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:26,053 : INFO : adding document #2230000 to Dictionary(457752 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:26,316 : INFO : adding document #2240000 to Dictionary(458938 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:26,583 : INFO : adding document #2250000 to Dictionary(460343 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:26,833 : INFO : adding document #2260000 to Dictionary(461426 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:27,081 : INFO : adding document #2270000 to Dictionary(462407 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...)\n", + "2019-06-17 10:51:27,184 : INFO : built Dictionary(462807 unique tokens: ['blocks', 'cnn', 'facebook', 'minsitry', 'thailand']...) from 2274338 documents (total 40096354 corpus positions)\n", + "2019-06-17 10:51:28,291 : INFO : collecting all words and their counts\n", + "2019-06-17 10:51:28,292 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", + "2019-06-17 10:51:28,326 : INFO : PROGRESS: at sentence #10000, processed 172808 words, keeping 20088 word types\n", + "2019-06-17 10:51:28,368 : INFO : PROGRESS: at sentence #20000, processed 345955 words, keeping 29692 word types\n", + "2019-06-17 10:51:28,426 : INFO : PROGRESS: at sentence #30000, processed 541552 words, keeping 37971 word types\n", + "2019-06-17 10:51:28,462 : INFO : PROGRESS: at sentence #40000, processed 705233 words, keeping 43930 word types\n", + "2019-06-17 10:51:28,500 : INFO : PROGRESS: at sentence #50000, processed 868029 words, keeping 49340 word types\n", + "2019-06-17 10:51:28,546 : INFO : PROGRESS: at sentence #60000, processed 1051114 words, keeping 54734 word types\n", + "2019-06-17 10:51:28,586 : INFO : PROGRESS: at sentence #70000, processed 1229423 words, keeping 59734 word types\n", + "2019-06-17 10:51:28,631 : INFO : PROGRESS: at sentence #80000, processed 1420566 words, keeping 64698 word types\n", + "2019-06-17 10:51:28,671 : INFO : PROGRESS: at sentence #90000, processed 1587554 words, keeping 68921 word types\n", + "2019-06-17 10:51:28,723 : INFO : PROGRESS: at sentence #100000, processed 1763790 words, keeping 74025 word types\n", + "2019-06-17 10:51:28,770 : INFO : PROGRESS: at sentence #110000, processed 1938499 words, keeping 78063 word types\n", + "2019-06-17 10:51:28,819 : INFO : PROGRESS: at sentence #120000, processed 2124701 words, keeping 81932 word types\n", + "2019-06-17 10:51:28,867 : INFO : PROGRESS: at sentence #130000, processed 2298491 words, keeping 85850 word types\n", + "2019-06-17 10:51:28,916 : INFO : PROGRESS: at sentence #140000, processed 2485247 words, keeping 89489 word types\n", + "2019-06-17 10:51:28,959 : INFO : PROGRESS: at sentence #150000, processed 2659752 words, keeping 93441 word types\n", + "2019-06-17 10:51:29,010 : INFO : PROGRESS: at sentence #160000, processed 2832892 words, keeping 97166 word types\n", + "2019-06-17 10:51:29,063 : INFO : PROGRESS: at sentence #170000, processed 3005814 words, keeping 100281 word types\n", + "2019-06-17 10:51:29,117 : INFO : PROGRESS: at sentence #180000, processed 3169805 words, keeping 103372 word types\n", + "2019-06-17 10:51:29,164 : INFO : PROGRESS: at sentence #190000, processed 3347859 words, keeping 106627 word types\n", + "2019-06-17 10:51:29,210 : INFO : PROGRESS: at sentence #200000, processed 3527666 words, keeping 110902 word types\n", + "2019-06-17 10:51:29,258 : INFO : PROGRESS: at sentence #210000, processed 3703354 words, keeping 113686 word types\n", + "2019-06-17 10:51:29,315 : INFO : PROGRESS: at sentence #220000, processed 3881882 words, keeping 117110 word types\n", + "2019-06-17 10:51:29,404 : INFO : PROGRESS: at sentence #230000, processed 4050419 words, keeping 119961 word types\n", + "2019-06-17 10:51:29,460 : INFO : PROGRESS: at sentence #240000, processed 4232284 words, keeping 123182 word types\n", + "2019-06-17 10:51:29,516 : INFO : PROGRESS: at sentence #250000, processed 4400084 words, keeping 125952 word types\n", + "2019-06-17 10:51:29,576 : INFO : PROGRESS: at sentence #260000, processed 4582320 words, keeping 128806 word types\n", + "2019-06-17 10:51:29,654 : INFO : PROGRESS: at sentence #270000, processed 4750501 words, keeping 131361 word types\n", + "2019-06-17 10:51:29,722 : INFO : PROGRESS: at sentence #280000, processed 4922559 words, keeping 133942 word types\n", + "2019-06-17 10:51:29,780 : INFO : PROGRESS: at sentence #290000, processed 5090547 words, keeping 136306 word types\n", + "2019-06-17 10:51:29,842 : INFO : PROGRESS: at sentence #300000, processed 5263679 words, keeping 138957 word types\n", + "2019-06-17 10:51:29,900 : INFO : PROGRESS: at sentence #310000, processed 5446459 words, keeping 141490 word types\n", + "2019-06-17 10:51:29,950 : INFO : PROGRESS: at sentence #320000, processed 5623621 words, keeping 144071 word types\n", + "2019-06-17 10:51:30,002 : INFO : PROGRESS: at sentence #330000, processed 5792646 words, keeping 146510 word types\n", + "2019-06-17 10:51:30,058 : INFO : PROGRESS: at sentence #340000, processed 5958987 words, keeping 149053 word types\n", + "2019-06-17 10:51:30,114 : INFO : PROGRESS: at sentence #350000, processed 6151645 words, keeping 151463 word types\n", + "2019-06-17 10:51:30,164 : INFO : PROGRESS: at sentence #360000, processed 6327069 words, keeping 153612 word types\n", + "2019-06-17 10:51:30,216 : INFO : PROGRESS: at sentence #370000, processed 6496792 words, keeping 156234 word types\n", + "2019-06-17 10:51:30,277 : INFO : PROGRESS: at sentence #380000, processed 6704748 words, keeping 158845 word types\n", + "2019-06-17 10:51:30,322 : INFO : PROGRESS: at sentence #390000, processed 6879316 words, keeping 161029 word types\n", + "2019-06-17 10:51:30,366 : INFO : PROGRESS: at sentence #400000, processed 7045482 words, keeping 163444 word types\n", + "2019-06-17 10:51:30,419 : INFO : PROGRESS: at sentence #410000, processed 7230856 words, keeping 165551 word types\n", + "2019-06-17 10:51:30,469 : INFO : PROGRESS: at sentence #420000, processed 7407466 words, keeping 167864 word types\n", + "2019-06-17 10:51:30,521 : INFO : PROGRESS: at sentence #430000, processed 7589188 words, keeping 169982 word types\n", + "2019-06-17 10:51:30,593 : INFO : PROGRESS: at sentence #440000, processed 7773096 words, keeping 172106 word types\n", + "2019-06-17 10:51:30,645 : INFO : PROGRESS: at sentence #450000, processed 7932149 words, keeping 174128 word types\n", + "2019-06-17 10:51:30,710 : INFO : PROGRESS: at sentence #460000, processed 8098234 words, keeping 176267 word types\n", + "2019-06-17 10:51:30,767 : INFO : PROGRESS: at sentence #470000, processed 8272686 words, keeping 178429 word types\n", + "2019-06-17 10:51:30,819 : INFO : PROGRESS: at sentence #480000, processed 8450596 words, keeping 180738 word types\n", + "2019-06-17 10:51:30,870 : INFO : PROGRESS: at sentence #490000, processed 8626881 words, keeping 182982 word types\n", + "2019-06-17 10:51:30,928 : INFO : PROGRESS: at sentence #500000, processed 8803988 words, keeping 184754 word types\n", + "2019-06-17 10:51:30,983 : INFO : PROGRESS: at sentence #510000, processed 8988004 words, keeping 187327 word types\n", + "2019-06-17 10:51:31,052 : INFO : PROGRESS: at sentence #520000, processed 9169435 words, keeping 189327 word types\n", + "2019-06-17 10:51:31,114 : INFO : PROGRESS: at sentence #530000, processed 9338537 words, keeping 191219 word types\n", + "2019-06-17 10:51:31,175 : INFO : PROGRESS: at sentence #540000, processed 9513704 words, keeping 193182 word types\n", + "2019-06-17 10:51:31,270 : INFO : PROGRESS: at sentence #550000, processed 9700882 words, keeping 195951 word types\n", + "2019-06-17 10:51:31,332 : INFO : PROGRESS: at sentence #560000, processed 9892043 words, keeping 197956 word types\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:51:31,385 : INFO : PROGRESS: at sentence #570000, processed 10082223 words, keeping 200145 word types\n", + "2019-06-17 10:51:31,430 : INFO : PROGRESS: at sentence #580000, processed 10249508 words, keeping 201859 word types\n", + "2019-06-17 10:51:31,481 : INFO : PROGRESS: at sentence #590000, processed 10413550 words, keeping 203724 word types\n", + "2019-06-17 10:51:31,553 : INFO : PROGRESS: at sentence #600000, processed 10583886 words, keeping 205607 word types\n", + "2019-06-17 10:51:31,607 : INFO : PROGRESS: at sentence #610000, processed 10761502 words, keeping 207387 word types\n", + "2019-06-17 10:51:31,653 : INFO : PROGRESS: at sentence #620000, processed 10937476 words, keeping 209246 word types\n", + "2019-06-17 10:51:31,693 : INFO : PROGRESS: at sentence #630000, processed 11103087 words, keeping 211094 word types\n", + "2019-06-17 10:51:31,734 : INFO : PROGRESS: at sentence #640000, processed 11271558 words, keeping 212963 word types\n", + "2019-06-17 10:51:31,774 : INFO : PROGRESS: at sentence #650000, processed 11438866 words, keeping 214666 word types\n", + "2019-06-17 10:51:31,824 : INFO : PROGRESS: at sentence #660000, processed 11616418 words, keeping 216409 word types\n", + "2019-06-17 10:51:31,900 : INFO : PROGRESS: at sentence #670000, processed 11798489 words, keeping 218264 word types\n", + "2019-06-17 10:51:31,953 : INFO : PROGRESS: at sentence #680000, processed 11970418 words, keeping 220129 word types\n", + "2019-06-17 10:51:32,022 : INFO : PROGRESS: at sentence #690000, processed 12175811 words, keeping 222075 word types\n", + "2019-06-17 10:51:32,076 : INFO : PROGRESS: at sentence #700000, processed 12343559 words, keeping 223880 word types\n", + "2019-06-17 10:51:32,164 : INFO : PROGRESS: at sentence #710000, processed 12565565 words, keeping 225982 word types\n", + "2019-06-17 10:51:32,219 : INFO : PROGRESS: at sentence #720000, processed 12736259 words, keeping 227672 word types\n", + "2019-06-17 10:51:32,269 : INFO : PROGRESS: at sentence #730000, processed 12910946 words, keeping 229371 word types\n", + "2019-06-17 10:51:32,315 : INFO : PROGRESS: at sentence #740000, processed 13086533 words, keeping 231078 word types\n", + "2019-06-17 10:51:32,359 : INFO : PROGRESS: at sentence #750000, processed 13252162 words, keeping 232982 word types\n", + "2019-06-17 10:51:32,414 : INFO : PROGRESS: at sentence #760000, processed 13430188 words, keeping 234746 word types\n", + "2019-06-17 10:51:32,457 : INFO : PROGRESS: at sentence #770000, processed 13599380 words, keeping 236494 word types\n", + "2019-06-17 10:51:32,501 : INFO : PROGRESS: at sentence #780000, processed 13761922 words, keeping 238199 word types\n", + "2019-06-17 10:51:32,554 : INFO : PROGRESS: at sentence #790000, processed 13939964 words, keeping 240021 word types\n", + "2019-06-17 10:51:32,607 : INFO : PROGRESS: at sentence #800000, processed 14171975 words, keeping 242280 word types\n", + "2019-06-17 10:51:32,653 : INFO : PROGRESS: at sentence #810000, processed 14355425 words, keeping 244318 word types\n", + "2019-06-17 10:51:32,701 : INFO : PROGRESS: at sentence #820000, processed 14535275 words, keeping 246133 word types\n", + "2019-06-17 10:51:32,760 : INFO : PROGRESS: at sentence #830000, processed 14712909 words, keeping 247703 word types\n", + "2019-06-17 10:51:32,816 : INFO : PROGRESS: at sentence #840000, processed 14884617 words, keeping 249458 word types\n", + "2019-06-17 10:51:32,864 : INFO : PROGRESS: at sentence #850000, processed 15062312 words, keeping 251278 word types\n", + "2019-06-17 10:51:32,912 : INFO : PROGRESS: at sentence #860000, processed 15240611 words, keeping 252971 word types\n", + "2019-06-17 10:51:32,961 : INFO : PROGRESS: at sentence #870000, processed 15425624 words, keeping 254789 word types\n", + "2019-06-17 10:51:33,006 : INFO : PROGRESS: at sentence #880000, processed 15599153 words, keeping 256483 word types\n", + "2019-06-17 10:51:33,072 : INFO : PROGRESS: at sentence #890000, processed 15766709 words, keeping 258416 word types\n", + "2019-06-17 10:51:33,125 : INFO : PROGRESS: at sentence #900000, processed 15946022 words, keeping 260098 word types\n", + "2019-06-17 10:51:33,176 : INFO : PROGRESS: at sentence #910000, processed 16109571 words, keeping 261700 word types\n", + "2019-06-17 10:51:33,231 : INFO : PROGRESS: at sentence #920000, processed 16285569 words, keeping 263313 word types\n", + "2019-06-17 10:51:33,279 : INFO : PROGRESS: at sentence #930000, processed 16459265 words, keeping 264839 word types\n", + "2019-06-17 10:51:33,322 : INFO : PROGRESS: at sentence #940000, processed 16630795 words, keeping 266327 word types\n", + "2019-06-17 10:51:33,365 : INFO : PROGRESS: at sentence #950000, processed 16809469 words, keeping 267891 word types\n", + "2019-06-17 10:51:33,415 : INFO : PROGRESS: at sentence #960000, processed 16991225 words, keeping 270437 word types\n", + "2019-06-17 10:51:33,472 : INFO : PROGRESS: at sentence #970000, processed 17166201 words, keeping 272420 word types\n", + "2019-06-17 10:51:33,538 : INFO : PROGRESS: at sentence #980000, processed 17337011 words, keeping 274058 word types\n", + "2019-06-17 10:51:33,604 : INFO : PROGRESS: at sentence #990000, processed 17518793 words, keeping 275579 word types\n", + "2019-06-17 10:51:33,656 : INFO : PROGRESS: at sentence #1000000, processed 17695697 words, keeping 277402 word types\n", + "2019-06-17 10:51:33,704 : INFO : PROGRESS: at sentence #1010000, processed 17875525 words, keeping 279035 word types\n", + "2019-06-17 10:51:33,748 : INFO : PROGRESS: at sentence #1020000, processed 18055144 words, keeping 280584 word types\n", + "2019-06-17 10:51:33,791 : INFO : PROGRESS: at sentence #1030000, processed 18231637 words, keeping 282206 word types\n", + "2019-06-17 10:51:33,837 : INFO : PROGRESS: at sentence #1040000, processed 18398878 words, keeping 283570 word types\n", + "2019-06-17 10:51:33,885 : INFO : PROGRESS: at sentence #1050000, processed 18584353 words, keeping 285112 word types\n", + "2019-06-17 10:51:33,933 : INFO : PROGRESS: at sentence #1060000, processed 18750269 words, keeping 286666 word types\n", + "2019-06-17 10:51:33,991 : INFO : PROGRESS: at sentence #1070000, processed 18929960 words, keeping 288122 word types\n", + "2019-06-17 10:51:34,052 : INFO : PROGRESS: at sentence #1080000, processed 19102851 words, keeping 289489 word types\n", + "2019-06-17 10:51:34,102 : INFO : PROGRESS: at sentence #1090000, processed 19278476 words, keeping 291139 word types\n", + "2019-06-17 10:51:34,151 : INFO : PROGRESS: at sentence #1100000, processed 19463665 words, keeping 293838 word types\n", + "2019-06-17 10:51:34,192 : INFO : PROGRESS: at sentence #1110000, processed 19635307 words, keeping 295273 word types\n", + "2019-06-17 10:51:34,236 : INFO : PROGRESS: at sentence #1120000, processed 19812865 words, keeping 296816 word types\n", + "2019-06-17 10:51:34,290 : INFO : PROGRESS: at sentence #1130000, processed 19983578 words, keeping 298552 word types\n", + "2019-06-17 10:51:34,324 : INFO : PROGRESS: at sentence #1140000, processed 20106292 words, keeping 299628 word types\n", + "2019-06-17 10:51:34,369 : INFO : PROGRESS: at sentence #1150000, processed 20281010 words, keeping 301139 word types\n", + "2019-06-17 10:51:34,423 : INFO : PROGRESS: at sentence #1160000, processed 20463992 words, keeping 302566 word types\n", + "2019-06-17 10:51:34,475 : INFO : PROGRESS: at sentence #1170000, processed 20639845 words, keeping 304039 word types\n", + "2019-06-17 10:51:34,550 : INFO : PROGRESS: at sentence #1180000, processed 20809920 words, keeping 305503 word types\n", + "2019-06-17 10:51:34,611 : INFO : PROGRESS: at sentence #1190000, processed 20984247 words, keeping 307005 word types\n", + "2019-06-17 10:51:34,685 : INFO : PROGRESS: at sentence #1200000, processed 21163937 words, keeping 308842 word types\n", + "2019-06-17 10:51:34,743 : INFO : PROGRESS: at sentence #1210000, processed 21353983 words, keeping 310414 word types\n", + "2019-06-17 10:51:34,804 : INFO : PROGRESS: at sentence #1220000, processed 21534830 words, keeping 312012 word types\n", + "2019-06-17 10:51:34,861 : INFO : PROGRESS: at sentence #1230000, processed 21709272 words, keeping 313850 word types\n", + "2019-06-17 10:51:34,921 : INFO : PROGRESS: at sentence #1240000, processed 21894484 words, keeping 315829 word types\n", + "2019-06-17 10:51:34,973 : INFO : PROGRESS: at sentence #1250000, processed 22068690 words, keeping 317188 word types\n", + "2019-06-17 10:51:35,037 : INFO : PROGRESS: at sentence #1260000, processed 22244101 words, keeping 318577 word types\n", + "2019-06-17 10:51:35,103 : INFO : PROGRESS: at sentence #1270000, processed 22407248 words, keeping 320245 word types\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:51:35,159 : INFO : PROGRESS: at sentence #1280000, processed 22594585 words, keeping 321715 word types\n", + "2019-06-17 10:51:35,207 : INFO : PROGRESS: at sentence #1290000, processed 22771530 words, keeping 323216 word types\n", + "2019-06-17 10:51:35,258 : INFO : PROGRESS: at sentence #1300000, processed 22963365 words, keeping 324767 word types\n", + "2019-06-17 10:51:35,304 : INFO : PROGRESS: at sentence #1310000, processed 23129072 words, keeping 326386 word types\n", + "2019-06-17 10:51:35,374 : INFO : PROGRESS: at sentence #1320000, processed 23362428 words, keeping 329383 word types\n", + "2019-06-17 10:51:35,423 : INFO : PROGRESS: at sentence #1330000, processed 23523119 words, keeping 330810 word types\n", + "2019-06-17 10:51:35,472 : INFO : PROGRESS: at sentence #1340000, processed 23697659 words, keeping 332299 word types\n", + "2019-06-17 10:51:35,522 : INFO : PROGRESS: at sentence #1350000, processed 23867127 words, keeping 333664 word types\n", + "2019-06-17 10:51:35,591 : INFO : PROGRESS: at sentence #1360000, processed 24046933 words, keeping 335153 word types\n", + "2019-06-17 10:51:35,646 : INFO : PROGRESS: at sentence #1370000, processed 24206322 words, keeping 336962 word types\n", + "2019-06-17 10:51:35,693 : INFO : PROGRESS: at sentence #1380000, processed 24383841 words, keeping 338540 word types\n", + "2019-06-17 10:51:35,738 : INFO : PROGRESS: at sentence #1390000, processed 24567114 words, keeping 339974 word types\n", + "2019-06-17 10:51:35,780 : INFO : PROGRESS: at sentence #1400000, processed 24733374 words, keeping 341332 word types\n", + "2019-06-17 10:51:35,826 : INFO : PROGRESS: at sentence #1410000, processed 24911546 words, keeping 342864 word types\n", + "2019-06-17 10:51:35,872 : INFO : PROGRESS: at sentence #1420000, processed 25081231 words, keeping 344362 word types\n", + "2019-06-17 10:51:35,912 : INFO : PROGRESS: at sentence #1430000, processed 25241099 words, keeping 345627 word types\n", + "2019-06-17 10:51:35,960 : INFO : PROGRESS: at sentence #1440000, processed 25416659 words, keeping 346909 word types\n", + "2019-06-17 10:51:36,011 : INFO : PROGRESS: at sentence #1450000, processed 25584691 words, keeping 348275 word types\n", + "2019-06-17 10:51:36,087 : INFO : PROGRESS: at sentence #1460000, processed 25763232 words, keeping 349755 word types\n", + "2019-06-17 10:51:36,137 : INFO : PROGRESS: at sentence #1470000, processed 25943095 words, keeping 351025 word types\n", + "2019-06-17 10:51:36,181 : INFO : PROGRESS: at sentence #1480000, processed 26119119 words, keeping 352258 word types\n", + "2019-06-17 10:51:36,222 : INFO : PROGRESS: at sentence #1490000, processed 26285945 words, keeping 353503 word types\n", + "2019-06-17 10:51:36,265 : INFO : PROGRESS: at sentence #1500000, processed 26454584 words, keeping 354943 word types\n", + "2019-06-17 10:51:36,310 : INFO : PROGRESS: at sentence #1510000, processed 26637032 words, keeping 356295 word types\n", + "2019-06-17 10:51:36,350 : INFO : PROGRESS: at sentence #1520000, processed 26799446 words, keeping 357459 word types\n", + "2019-06-17 10:51:36,394 : INFO : PROGRESS: at sentence #1530000, processed 26978249 words, keeping 358666 word types\n", + "2019-06-17 10:51:36,443 : INFO : PROGRESS: at sentence #1540000, processed 27153165 words, keeping 359986 word types\n", + "2019-06-17 10:51:36,499 : INFO : PROGRESS: at sentence #1550000, processed 27328146 words, keeping 361326 word types\n", + "2019-06-17 10:51:36,564 : INFO : PROGRESS: at sentence #1560000, processed 27519824 words, keeping 362609 word types\n", + "2019-06-17 10:51:36,617 : INFO : PROGRESS: at sentence #1570000, processed 27694120 words, keeping 363808 word types\n", + "2019-06-17 10:51:36,677 : INFO : PROGRESS: at sentence #1580000, processed 27882692 words, keeping 365172 word types\n", + "2019-06-17 10:51:36,734 : INFO : PROGRESS: at sentence #1590000, processed 28078298 words, keeping 366433 word types\n", + "2019-06-17 10:51:36,782 : INFO : PROGRESS: at sentence #1600000, processed 28259932 words, keeping 367968 word types\n", + "2019-06-17 10:51:36,823 : INFO : PROGRESS: at sentence #1610000, processed 28425483 words, keeping 369421 word types\n", + "2019-06-17 10:51:36,867 : INFO : PROGRESS: at sentence #1620000, processed 28595513 words, keeping 371631 word types\n", + "2019-06-17 10:51:36,912 : INFO : PROGRESS: at sentence #1630000, processed 28769505 words, keeping 372956 word types\n", + "2019-06-17 10:51:36,958 : INFO : PROGRESS: at sentence #1640000, processed 28939090 words, keeping 374282 word types\n", + "2019-06-17 10:51:37,014 : INFO : PROGRESS: at sentence #1650000, processed 29125521 words, keeping 375746 word types\n", + "2019-06-17 10:51:37,071 : INFO : PROGRESS: at sentence #1660000, processed 29299976 words, keeping 377073 word types\n", + "2019-06-17 10:51:37,117 : INFO : PROGRESS: at sentence #1670000, processed 29475570 words, keeping 378393 word types\n", + "2019-06-17 10:51:37,180 : INFO : PROGRESS: at sentence #1680000, processed 29645432 words, keeping 379812 word types\n", + "2019-06-17 10:51:37,259 : INFO : PROGRESS: at sentence #1690000, processed 29818315 words, keeping 380895 word types\n", + "2019-06-17 10:51:37,361 : INFO : PROGRESS: at sentence #1700000, processed 30005971 words, keeping 384739 word types\n", + "2019-06-17 10:51:37,431 : INFO : PROGRESS: at sentence #1710000, processed 30176935 words, keeping 386066 word types\n", + "2019-06-17 10:51:37,488 : INFO : PROGRESS: at sentence #1720000, processed 30353224 words, keeping 387270 word types\n", + "2019-06-17 10:51:37,553 : INFO : PROGRESS: at sentence #1730000, processed 30524099 words, keeping 388385 word types\n", + "2019-06-17 10:51:37,612 : INFO : PROGRESS: at sentence #1740000, processed 30694784 words, keeping 389687 word types\n", + "2019-06-17 10:51:37,672 : INFO : PROGRESS: at sentence #1750000, processed 30865134 words, keeping 390955 word types\n", + "2019-06-17 10:51:37,728 : INFO : PROGRESS: at sentence #1760000, processed 31036964 words, keeping 392540 word types\n", + "2019-06-17 10:51:37,786 : INFO : PROGRESS: at sentence #1770000, processed 31209787 words, keeping 393838 word types\n", + "2019-06-17 10:51:37,840 : INFO : PROGRESS: at sentence #1780000, processed 31381693 words, keeping 395032 word types\n", + "2019-06-17 10:51:37,890 : INFO : PROGRESS: at sentence #1790000, processed 31554124 words, keeping 396178 word types\n", + "2019-06-17 10:51:37,962 : INFO : PROGRESS: at sentence #1800000, processed 31729616 words, keeping 401637 word types\n", + "2019-06-17 10:51:38,018 : INFO : PROGRESS: at sentence #1810000, processed 31902990 words, keeping 402961 word types\n", + "2019-06-17 10:51:38,076 : INFO : PROGRESS: at sentence #1820000, processed 32081329 words, keeping 404423 word types\n", + "2019-06-17 10:51:38,130 : INFO : PROGRESS: at sentence #1830000, processed 32252980 words, keeping 405685 word types\n", + "2019-06-17 10:51:38,182 : INFO : PROGRESS: at sentence #1840000, processed 32421414 words, keeping 406830 word types\n", + "2019-06-17 10:51:38,231 : INFO : PROGRESS: at sentence #1850000, processed 32585345 words, keeping 408042 word types\n", + "2019-06-17 10:51:38,277 : INFO : PROGRESS: at sentence #1860000, processed 32748405 words, keeping 409402 word types\n", + "2019-06-17 10:51:38,325 : INFO : PROGRESS: at sentence #1870000, processed 32926235 words, keeping 410413 word types\n", + "2019-06-17 10:51:38,369 : INFO : PROGRESS: at sentence #1880000, processed 33090777 words, keeping 411819 word types\n", + "2019-06-17 10:51:38,415 : INFO : PROGRESS: at sentence #1890000, processed 33269427 words, keeping 412945 word types\n", + "2019-06-17 10:51:38,463 : INFO : PROGRESS: at sentence #1900000, processed 33450367 words, keeping 414272 word types\n", + "2019-06-17 10:51:38,508 : INFO : PROGRESS: at sentence #1910000, processed 33618588 words, keeping 415361 word types\n", + "2019-06-17 10:51:38,568 : INFO : PROGRESS: at sentence #1920000, processed 33803241 words, keeping 416731 word types\n", + "2019-06-17 10:51:38,628 : INFO : PROGRESS: at sentence #1930000, processed 33985967 words, keeping 419310 word types\n", + "2019-06-17 10:51:38,684 : INFO : PROGRESS: at sentence #1940000, processed 34169107 words, keeping 421794 word types\n", + "2019-06-17 10:51:38,740 : INFO : PROGRESS: at sentence #1950000, processed 34356523 words, keeping 423125 word types\n", + "2019-06-17 10:51:38,794 : INFO : PROGRESS: at sentence #1960000, processed 34532003 words, keeping 424191 word types\n", + "2019-06-17 10:51:38,848 : INFO : PROGRESS: at sentence #1970000, processed 34704604 words, keeping 425372 word types\n", + "2019-06-17 10:51:38,918 : INFO : PROGRESS: at sentence #1980000, processed 34886895 words, keeping 426641 word types\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:51:38,999 : INFO : PROGRESS: at sentence #1990000, processed 35059892 words, keeping 427732 word types\n", + "2019-06-17 10:51:39,080 : INFO : PROGRESS: at sentence #2000000, processed 35237154 words, keeping 428904 word types\n", + "2019-06-17 10:51:39,136 : INFO : PROGRESS: at sentence #2010000, processed 35409658 words, keeping 429960 word types\n", + "2019-06-17 10:51:39,206 : INFO : PROGRESS: at sentence #2020000, processed 35599655 words, keeping 431271 word types\n", + "2019-06-17 10:51:39,260 : INFO : PROGRESS: at sentence #2030000, processed 35788909 words, keeping 432825 word types\n", + "2019-06-17 10:51:39,309 : INFO : PROGRESS: at sentence #2040000, processed 35960123 words, keeping 433994 word types\n", + "2019-06-17 10:51:39,355 : INFO : PROGRESS: at sentence #2050000, processed 36145529 words, keeping 436053 word types\n", + "2019-06-17 10:51:39,399 : INFO : PROGRESS: at sentence #2060000, processed 36317031 words, keeping 437115 word types\n", + "2019-06-17 10:51:39,453 : INFO : PROGRESS: at sentence #2070000, processed 36494774 words, keeping 438236 word types\n", + "2019-06-17 10:51:39,508 : INFO : PROGRESS: at sentence #2080000, processed 36675860 words, keeping 439512 word types\n", + "2019-06-17 10:51:39,567 : INFO : PROGRESS: at sentence #2090000, processed 36852776 words, keeping 440671 word types\n", + "2019-06-17 10:51:39,616 : INFO : PROGRESS: at sentence #2100000, processed 37026875 words, keeping 442053 word types\n", + "2019-06-17 10:51:39,676 : INFO : PROGRESS: at sentence #2110000, processed 37193537 words, keeping 443098 word types\n", + "2019-06-17 10:51:39,727 : INFO : PROGRESS: at sentence #2120000, processed 37376099 words, keeping 444469 word types\n", + "2019-06-17 10:51:39,773 : INFO : PROGRESS: at sentence #2130000, processed 37548033 words, keeping 445737 word types\n", + "2019-06-17 10:51:39,818 : INFO : PROGRESS: at sentence #2140000, processed 37717063 words, keeping 447128 word types\n", + "2019-06-17 10:51:39,860 : INFO : PROGRESS: at sentence #2150000, processed 37884639 words, keeping 448352 word types\n", + "2019-06-17 10:51:39,901 : INFO : PROGRESS: at sentence #2160000, processed 38049158 words, keeping 449397 word types\n", + "2019-06-17 10:51:39,962 : INFO : PROGRESS: at sentence #2170000, processed 38241528 words, keeping 450649 word types\n", + "2019-06-17 10:51:40,010 : INFO : PROGRESS: at sentence #2180000, processed 38413267 words, keeping 451840 word types\n", + "2019-06-17 10:51:40,064 : INFO : PROGRESS: at sentence #2190000, processed 38599896 words, keeping 453020 word types\n", + "2019-06-17 10:51:40,110 : INFO : PROGRESS: at sentence #2200000, processed 38774142 words, keeping 454160 word types\n", + "2019-06-17 10:51:40,163 : INFO : PROGRESS: at sentence #2210000, processed 38952307 words, keeping 455302 word types\n", + "2019-06-17 10:51:40,272 : INFO : PROGRESS: at sentence #2220000, processed 39148420 words, keeping 456657 word types\n", + "2019-06-17 10:51:40,346 : INFO : PROGRESS: at sentence #2230000, processed 39323321 words, keeping 457752 word types\n", + "2019-06-17 10:51:40,427 : INFO : PROGRESS: at sentence #2240000, processed 39503997 words, keeping 458938 word types\n", + "2019-06-17 10:51:40,505 : INFO : PROGRESS: at sentence #2250000, processed 39687270 words, keeping 460343 word types\n", + "2019-06-17 10:51:40,564 : INFO : PROGRESS: at sentence #2260000, processed 39858294 words, keeping 461426 word types\n", + "2019-06-17 10:51:40,606 : INFO : PROGRESS: at sentence #2270000, processed 40024958 words, keeping 462407 word types\n", + "2019-06-17 10:51:40,625 : INFO : collected 462807 word types from a corpus of 40096354 raw words and 2274338 sentences\n", + "2019-06-17 10:51:40,626 : INFO : Loading a fresh vocabulary\n", + "2019-06-17 10:51:41,060 : INFO : effective_min_count=5 retains 104360 unique words (22% of original 462807, drops 358447)\n", + "2019-06-17 10:51:41,062 : INFO : effective_min_count=5 leaves 39565168 word corpus (98% of original 40096354, drops 531186)\n", + "2019-06-17 10:51:41,484 : INFO : deleting the raw counts dictionary of 462807 items\n", + "2019-06-17 10:51:41,497 : INFO : sample=0.001 downsamples 22 most-common words\n", + "2019-06-17 10:51:41,499 : INFO : downsampling leaves estimated 38552993 word corpus (97.4% of prior 39565168)\n", + "2019-06-17 10:51:42,069 : INFO : estimated required memory for 104360 words and 300 dimensions: 302644000 bytes\n", + "2019-06-17 10:51:42,070 : INFO : resetting layer weights\n", + "2019-06-17 10:51:43,769 : INFO : training model with 8 workers on 104360 vocabulary and 300 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", + "2019-06-17 10:51:44,788 : INFO : EPOCH 1 - PROGRESS: at 1.63% examples, 629426 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:45,791 : INFO : EPOCH 1 - PROGRESS: at 3.48% examples, 671688 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:46,810 : INFO : EPOCH 1 - PROGRESS: at 5.50% examples, 704903 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:51:47,826 : INFO : EPOCH 1 - PROGRESS: at 7.32% examples, 700768 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:48,834 : INFO : EPOCH 1 - PROGRESS: at 9.23% examples, 705042 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:49,851 : INFO : EPOCH 1 - PROGRESS: at 11.28% examples, 716345 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:50,859 : INFO : EPOCH 1 - PROGRESS: at 13.22% examples, 717217 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:51,878 : INFO : EPOCH 1 - PROGRESS: at 15.08% examples, 714515 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:51:52,881 : INFO : EPOCH 1 - PROGRESS: at 16.78% examples, 711713 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:51:53,887 : INFO : EPOCH 1 - PROGRESS: at 18.89% examples, 721792 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:51:54,911 : INFO : EPOCH 1 - PROGRESS: at 20.92% examples, 723424 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:55,919 : INFO : EPOCH 1 - PROGRESS: at 22.61% examples, 717704 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:51:56,929 : INFO : EPOCH 1 - PROGRESS: at 24.19% examples, 709976 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:57,948 : INFO : EPOCH 1 - PROGRESS: at 26.13% examples, 712215 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:51:58,969 : INFO : EPOCH 1 - PROGRESS: at 27.91% examples, 708533 words/s, in_qsize 14, out_qsize 3\n", + "2019-06-17 10:51:59,980 : INFO : EPOCH 1 - PROGRESS: at 29.62% examples, 704586 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:00,988 : INFO : EPOCH 1 - PROGRESS: at 31.07% examples, 699187 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:01,991 : INFO : EPOCH 1 - PROGRESS: at 32.86% examples, 697935 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:02,996 : INFO : EPOCH 1 - PROGRESS: at 34.62% examples, 695841 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:04,013 : INFO : EPOCH 1 - PROGRESS: at 35.83% examples, 685167 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:05,028 : INFO : EPOCH 1 - PROGRESS: at 37.49% examples, 682621 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:06,058 : INFO : EPOCH 1 - PROGRESS: at 39.61% examples, 687586 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:07,072 : INFO : EPOCH 1 - PROGRESS: at 41.83% examples, 693884 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:52:08,091 : INFO : EPOCH 1 - PROGRESS: at 44.05% examples, 700216 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:52:09,099 : INFO : EPOCH 1 - PROGRESS: at 46.20% examples, 705258 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:10,107 : INFO : EPOCH 1 - PROGRESS: at 48.39% examples, 710246 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:11,114 : INFO : EPOCH 1 - PROGRESS: at 50.66% examples, 713816 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:12,134 : INFO : EPOCH 1 - PROGRESS: at 52.58% examples, 714089 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:52:13,138 : INFO : EPOCH 1 - PROGRESS: at 54.44% examples, 715129 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:52:14,150 : INFO : EPOCH 1 - PROGRESS: at 56.54% examples, 717816 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:15,153 : INFO : EPOCH 1 - PROGRESS: at 58.33% examples, 718355 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:16,173 : INFO : EPOCH 1 - PROGRESS: at 60.32% examples, 718736 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:52:17,182 : INFO : EPOCH 1 - PROGRESS: at 62.13% examples, 717686 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:18,184 : INFO : EPOCH 1 - PROGRESS: at 64.02% examples, 717119 words/s, in_qsize 14, out_qsize 1\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:52:19,198 : INFO : EPOCH 1 - PROGRESS: at 65.63% examples, 713917 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:52:20,209 : INFO : EPOCH 1 - PROGRESS: at 67.31% examples, 711748 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:21,249 : INFO : EPOCH 1 - PROGRESS: at 69.30% examples, 712944 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:52:22,277 : INFO : EPOCH 1 - PROGRESS: at 71.13% examples, 712527 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:52:23,291 : INFO : EPOCH 1 - PROGRESS: at 72.92% examples, 711716 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:52:24,293 : INFO : EPOCH 1 - PROGRESS: at 74.81% examples, 712079 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:25,294 : INFO : EPOCH 1 - PROGRESS: at 76.79% examples, 712915 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:26,297 : INFO : EPOCH 1 - PROGRESS: at 78.81% examples, 713783 words/s, in_qsize 13, out_qsize 1\n", + "2019-06-17 10:52:27,308 : INFO : EPOCH 1 - PROGRESS: at 80.55% examples, 712396 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:28,309 : INFO : EPOCH 1 - PROGRESS: at 82.41% examples, 711885 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:29,334 : INFO : EPOCH 1 - PROGRESS: at 84.14% examples, 710181 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:30,337 : INFO : EPOCH 1 - PROGRESS: at 85.70% examples, 708296 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:31,370 : INFO : EPOCH 1 - PROGRESS: at 87.45% examples, 707222 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:32,386 : INFO : EPOCH 1 - PROGRESS: at 88.74% examples, 702886 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:33,388 : INFO : EPOCH 1 - PROGRESS: at 90.08% examples, 699462 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:34,406 : INFO : EPOCH 1 - PROGRESS: at 91.90% examples, 699223 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:35,416 : INFO : EPOCH 1 - PROGRESS: at 93.74% examples, 699073 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:36,423 : INFO : EPOCH 1 - PROGRESS: at 95.85% examples, 700983 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:37,430 : INFO : EPOCH 1 - PROGRESS: at 97.83% examples, 702422 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:38,412 : INFO : worker thread finished; awaiting finish of 7 more threads\n", + "2019-06-17 10:52:38,437 : INFO : EPOCH 1 - PROGRESS: at 99.84% examples, 703642 words/s, in_qsize 6, out_qsize 1\n", + "2019-06-17 10:52:38,445 : INFO : worker thread finished; awaiting finish of 6 more threads\n", + "2019-06-17 10:52:38,451 : INFO : worker thread finished; awaiting finish of 5 more threads\n", + "2019-06-17 10:52:38,452 : INFO : worker thread finished; awaiting finish of 4 more threads\n", + "2019-06-17 10:52:38,475 : INFO : worker thread finished; awaiting finish of 3 more threads\n", + "2019-06-17 10:52:38,492 : INFO : worker thread finished; awaiting finish of 2 more threads\n", + "2019-06-17 10:52:38,502 : INFO : worker thread finished; awaiting finish of 1 more threads\n", + "2019-06-17 10:52:38,503 : INFO : worker thread finished; awaiting finish of 0 more threads\n", + "2019-06-17 10:52:38,504 : INFO : EPOCH - 1 : training on 40096354 raw words (38515047 effective words) took 54.7s, 703815 effective words/s\n", + "2019-06-17 10:52:39,533 : INFO : EPOCH 2 - PROGRESS: at 1.98% examples, 743818 words/s, in_qsize 15, out_qsize 2\n", + "2019-06-17 10:52:40,552 : INFO : EPOCH 2 - PROGRESS: at 4.04% examples, 766222 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:41,557 : INFO : EPOCH 2 - PROGRESS: at 5.84% examples, 742810 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:42,579 : INFO : EPOCH 2 - PROGRESS: at 7.48% examples, 711704 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:43,582 : INFO : EPOCH 2 - PROGRESS: at 9.38% examples, 714319 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:44,590 : INFO : EPOCH 2 - PROGRESS: at 11.35% examples, 720497 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:52:45,608 : INFO : EPOCH 2 - PROGRESS: at 13.28% examples, 719869 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:46,608 : INFO : EPOCH 2 - PROGRESS: at 15.06% examples, 713763 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:52:47,651 : INFO : EPOCH 2 - PROGRESS: at 16.82% examples, 711100 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:48,660 : INFO : EPOCH 2 - PROGRESS: at 18.40% examples, 700163 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:49,664 : INFO : EPOCH 2 - PROGRESS: at 20.44% examples, 705901 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:50,697 : INFO : EPOCH 2 - PROGRESS: at 22.36% examples, 708147 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:51,705 : INFO : EPOCH 2 - PROGRESS: at 24.01% examples, 702723 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:52,727 : INFO : EPOCH 2 - PROGRESS: at 25.96% examples, 705322 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:53,744 : INFO : EPOCH 2 - PROGRESS: at 27.81% examples, 704183 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:52:54,745 : INFO : EPOCH 2 - PROGRESS: at 29.73% examples, 705687 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:52:55,758 : INFO : EPOCH 2 - PROGRESS: at 31.49% examples, 707214 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:56,766 : INFO : EPOCH 2 - PROGRESS: at 33.27% examples, 705341 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:57,802 : INFO : EPOCH 2 - PROGRESS: at 35.22% examples, 705867 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:58,831 : INFO : EPOCH 2 - PROGRESS: at 37.14% examples, 706821 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:52:59,860 : INFO : EPOCH 2 - PROGRESS: at 38.65% examples, 700627 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:53:00,886 : INFO : EPOCH 2 - PROGRESS: at 40.50% examples, 699736 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:01,907 : INFO : EPOCH 2 - PROGRESS: at 42.43% examples, 700712 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:02,912 : INFO : EPOCH 2 - PROGRESS: at 44.19% examples, 700063 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:03,924 : INFO : EPOCH 2 - PROGRESS: at 45.98% examples, 699335 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:53:04,943 : INFO : EPOCH 2 - PROGRESS: at 48.00% examples, 701406 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:05,957 : INFO : EPOCH 2 - PROGRESS: at 50.01% examples, 702296 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:06,969 : INFO : EPOCH 2 - PROGRESS: at 51.86% examples, 701841 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:07,974 : INFO : EPOCH 2 - PROGRESS: at 53.51% examples, 700313 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:08,983 : INFO : EPOCH 2 - PROGRESS: at 55.10% examples, 697569 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:09,991 : INFO : EPOCH 2 - PROGRESS: at 56.90% examples, 697144 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:11,007 : INFO : EPOCH 2 - PROGRESS: at 58.76% examples, 698625 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:12,016 : INFO : EPOCH 2 - PROGRESS: at 60.19% examples, 693518 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:13,022 : INFO : EPOCH 2 - PROGRESS: at 61.83% examples, 691648 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:14,034 : INFO : EPOCH 2 - PROGRESS: at 63.97% examples, 694068 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:15,046 : INFO : EPOCH 2 - PROGRESS: at 65.61% examples, 691909 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:16,061 : INFO : EPOCH 2 - PROGRESS: at 67.67% examples, 694154 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:17,072 : INFO : EPOCH 2 - PROGRESS: at 69.31% examples, 693060 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:18,073 : INFO : EPOCH 2 - PROGRESS: at 71.18% examples, 693900 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:19,081 : INFO : EPOCH 2 - PROGRESS: at 73.24% examples, 696287 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:53:20,088 : INFO : EPOCH 2 - PROGRESS: at 75.20% examples, 697380 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:21,102 : INFO : EPOCH 2 - PROGRESS: at 77.19% examples, 698316 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:22,111 : INFO : EPOCH 2 - PROGRESS: at 79.20% examples, 699414 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:23,112 : INFO : EPOCH 2 - PROGRESS: at 80.97% examples, 698745 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:24,128 : INFO : EPOCH 2 - PROGRESS: at 82.61% examples, 696434 words/s, in_qsize 14, out_qsize 1\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:53:25,138 : INFO : EPOCH 2 - PROGRESS: at 84.71% examples, 698816 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:26,152 : INFO : EPOCH 2 - PROGRESS: at 86.55% examples, 699089 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:27,162 : INFO : EPOCH 2 - PROGRESS: at 88.20% examples, 697750 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:28,198 : INFO : EPOCH 2 - PROGRESS: at 89.88% examples, 696676 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:53:29,235 : INFO : EPOCH 2 - PROGRESS: at 91.43% examples, 694317 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:30,254 : INFO : EPOCH 2 - PROGRESS: at 93.32% examples, 694702 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:53:31,258 : INFO : EPOCH 2 - PROGRESS: at 95.38% examples, 696182 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:32,283 : INFO : EPOCH 2 - PROGRESS: at 97.30% examples, 696781 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:33,287 : INFO : EPOCH 2 - PROGRESS: at 99.01% examples, 696552 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:33,701 : INFO : worker thread finished; awaiting finish of 7 more threads\n", + "2019-06-17 10:53:33,731 : INFO : worker thread finished; awaiting finish of 6 more threads\n", + "2019-06-17 10:53:33,744 : INFO : worker thread finished; awaiting finish of 5 more threads\n", + "2019-06-17 10:53:33,757 : INFO : worker thread finished; awaiting finish of 4 more threads\n", + "2019-06-17 10:53:33,758 : INFO : worker thread finished; awaiting finish of 3 more threads\n", + "2019-06-17 10:53:33,798 : INFO : worker thread finished; awaiting finish of 2 more threads\n", + "2019-06-17 10:53:33,808 : INFO : worker thread finished; awaiting finish of 1 more threads\n", + "2019-06-17 10:53:33,811 : INFO : worker thread finished; awaiting finish of 0 more threads\n", + "2019-06-17 10:53:33,813 : INFO : EPOCH - 2 : training on 40096354 raw words (38515452 effective words) took 55.3s, 696512 effective words/s\n", + "2019-06-17 10:53:34,835 : INFO : EPOCH 3 - PROGRESS: at 1.47% examples, 569709 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:53:35,842 : INFO : EPOCH 3 - PROGRESS: at 3.03% examples, 574857 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:36,853 : INFO : EPOCH 3 - PROGRESS: at 4.60% examples, 584979 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:37,870 : INFO : EPOCH 3 - PROGRESS: at 6.24% examples, 598728 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:38,905 : INFO : EPOCH 3 - PROGRESS: at 7.80% examples, 591714 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:39,911 : INFO : EPOCH 3 - PROGRESS: at 9.38% examples, 594562 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:40,916 : INFO : EPOCH 3 - PROGRESS: at 11.07% examples, 600923 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:41,931 : INFO : EPOCH 3 - PROGRESS: at 12.48% examples, 590749 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:42,933 : INFO : EPOCH 3 - PROGRESS: at 14.26% examples, 601636 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:43,959 : INFO : EPOCH 3 - PROGRESS: at 16.31% examples, 618310 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:44,975 : INFO : EPOCH 3 - PROGRESS: at 18.20% examples, 630072 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:45,985 : INFO : EPOCH 3 - PROGRESS: at 20.18% examples, 639284 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:46,998 : INFO : EPOCH 3 - PROGRESS: at 22.16% examples, 647522 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:53:48,006 : INFO : EPOCH 3 - PROGRESS: at 24.08% examples, 655535 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:49,026 : INFO : EPOCH 3 - PROGRESS: at 26.11% examples, 663143 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:50,081 : INFO : EPOCH 3 - PROGRESS: at 27.97% examples, 663192 words/s, in_qsize 15, out_qsize 3\n", + "2019-06-17 10:53:51,088 : INFO : EPOCH 3 - PROGRESS: at 29.56% examples, 659476 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:52,094 : INFO : EPOCH 3 - PROGRESS: at 30.54% examples, 644963 words/s, in_qsize 12, out_qsize 3\n", + "2019-06-17 10:53:53,102 : INFO : EPOCH 3 - PROGRESS: at 31.44% examples, 631545 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:54,129 : INFO : EPOCH 3 - PROGRESS: at 32.29% examples, 615584 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:55,143 : INFO : EPOCH 3 - PROGRESS: at 33.21% examples, 602926 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:56,190 : INFO : EPOCH 3 - PROGRESS: at 34.34% examples, 592680 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:53:57,333 : INFO : EPOCH 3 - PROGRESS: at 35.42% examples, 582742 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:58,372 : INFO : EPOCH 3 - PROGRESS: at 36.40% examples, 573697 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:53:59,391 : INFO : EPOCH 3 - PROGRESS: at 37.37% examples, 565420 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:00,411 : INFO : EPOCH 3 - PROGRESS: at 38.34% examples, 558146 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:01,523 : INFO : EPOCH 3 - PROGRESS: at 39.62% examples, 553340 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:54:02,587 : INFO : EPOCH 3 - PROGRESS: at 40.76% examples, 547535 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:03,625 : INFO : EPOCH 3 - PROGRESS: at 41.80% examples, 541989 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:04,710 : INFO : EPOCH 3 - PROGRESS: at 42.91% examples, 536589 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:05,751 : INFO : EPOCH 3 - PROGRESS: at 43.78% examples, 529868 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:54:06,778 : INFO : EPOCH 3 - PROGRESS: at 44.86% examples, 526130 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:07,780 : INFO : EPOCH 3 - PROGRESS: at 45.84% examples, 521599 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:08,798 : INFO : EPOCH 3 - PROGRESS: at 46.79% examples, 516854 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:09,807 : INFO : EPOCH 3 - PROGRESS: at 47.65% examples, 511436 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:54:10,847 : INFO : EPOCH 3 - PROGRESS: at 48.77% examples, 508913 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:11,884 : INFO : EPOCH 3 - PROGRESS: at 49.83% examples, 505127 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:12,911 : INFO : EPOCH 3 - PROGRESS: at 50.77% examples, 500151 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:54:13,991 : INFO : EPOCH 3 - PROGRESS: at 51.76% examples, 496225 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:15,004 : INFO : EPOCH 3 - PROGRESS: at 52.77% examples, 493521 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:16,011 : INFO : EPOCH 3 - PROGRESS: at 53.56% examples, 489475 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:17,029 : INFO : EPOCH 3 - PROGRESS: at 54.54% examples, 486789 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:18,060 : INFO : EPOCH 3 - PROGRESS: at 55.45% examples, 483259 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:19,136 : INFO : EPOCH 3 - PROGRESS: at 56.36% examples, 479609 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:20,227 : INFO : EPOCH 3 - PROGRESS: at 57.28% examples, 476189 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:21,336 : INFO : EPOCH 3 - PROGRESS: at 58.32% examples, 474319 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:22,348 : INFO : EPOCH 3 - PROGRESS: at 59.33% examples, 472140 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:23,398 : INFO : EPOCH 3 - PROGRESS: at 60.40% examples, 470491 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:24,387 : INFO : EPOCH 3 - PROGRESS: at 61.35% examples, 468217 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:25,468 : INFO : EPOCH 3 - PROGRESS: at 62.26% examples, 465105 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:26,488 : INFO : EPOCH 3 - PROGRESS: at 63.27% examples, 463180 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:27,499 : INFO : EPOCH 3 - PROGRESS: at 64.42% examples, 462684 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:28,501 : INFO : EPOCH 3 - PROGRESS: at 65.41% examples, 461049 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:29,523 : INFO : EPOCH 3 - PROGRESS: at 66.82% examples, 462042 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:54:30,613 : INFO : EPOCH 3 - PROGRESS: at 68.24% examples, 462810 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:31,643 : INFO : EPOCH 3 - PROGRESS: at 69.33% examples, 462169 words/s, in_qsize 13, out_qsize 2\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:54:32,665 : INFO : EPOCH 3 - PROGRESS: at 70.76% examples, 463907 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:33,669 : INFO : EPOCH 3 - PROGRESS: at 72.26% examples, 465559 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:34,675 : INFO : EPOCH 3 - PROGRESS: at 73.91% examples, 468254 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:35,704 : INFO : EPOCH 3 - PROGRESS: at 75.48% examples, 470220 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:36,751 : INFO : EPOCH 3 - PROGRESS: at 76.81% examples, 470460 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:37,846 : INFO : EPOCH 3 - PROGRESS: at 77.93% examples, 468989 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:38,852 : INFO : EPOCH 3 - PROGRESS: at 78.68% examples, 466013 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:40,054 : INFO : EPOCH 3 - PROGRESS: at 79.66% examples, 463130 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:54:41,195 : INFO : EPOCH 3 - PROGRESS: at 80.47% examples, 459836 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:54:42,210 : INFO : EPOCH 3 - PROGRESS: at 81.23% examples, 457071 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:54:43,296 : INFO : EPOCH 3 - PROGRESS: at 82.19% examples, 455038 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:44,329 : INFO : EPOCH 3 - PROGRESS: at 82.99% examples, 452586 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:45,346 : INFO : EPOCH 3 - PROGRESS: at 83.96% examples, 451382 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:46,348 : INFO : EPOCH 3 - PROGRESS: at 85.05% examples, 451076 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:47,352 : INFO : EPOCH 3 - PROGRESS: at 85.81% examples, 449135 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:48,378 : INFO : EPOCH 3 - PROGRESS: at 86.86% examples, 448361 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:49,448 : INFO : EPOCH 3 - PROGRESS: at 87.71% examples, 446307 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:50,476 : INFO : EPOCH 3 - PROGRESS: at 88.75% examples, 445705 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:51,485 : INFO : EPOCH 3 - PROGRESS: at 89.67% examples, 444602 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:52,567 : INFO : EPOCH 3 - PROGRESS: at 90.57% examples, 442967 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:53,572 : INFO : EPOCH 3 - PROGRESS: at 91.52% examples, 442067 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:54:54,574 : INFO : EPOCH 3 - PROGRESS: at 92.48% examples, 441087 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:55,596 : INFO : EPOCH 3 - PROGRESS: at 93.38% examples, 439792 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:54:56,639 : INFO : EPOCH 3 - PROGRESS: at 94.26% examples, 438183 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:57,664 : INFO : EPOCH 3 - PROGRESS: at 95.24% examples, 437283 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:54:58,684 : INFO : EPOCH 3 - PROGRESS: at 96.00% examples, 435529 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:54:59,729 : INFO : EPOCH 3 - PROGRESS: at 96.93% examples, 434457 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:55:00,737 : INFO : EPOCH 3 - PROGRESS: at 97.68% examples, 432933 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:01,781 : INFO : EPOCH 3 - PROGRESS: at 98.62% examples, 431940 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:02,787 : INFO : EPOCH 3 - PROGRESS: at 99.68% examples, 431667 words/s, in_qsize 12, out_qsize 0\n", + "2019-06-17 10:55:02,870 : INFO : worker thread finished; awaiting finish of 7 more threads\n", + "2019-06-17 10:55:02,872 : INFO : worker thread finished; awaiting finish of 6 more threads\n", + "2019-06-17 10:55:02,888 : INFO : worker thread finished; awaiting finish of 5 more threads\n", + "2019-06-17 10:55:02,929 : INFO : worker thread finished; awaiting finish of 4 more threads\n", + "2019-06-17 10:55:02,943 : INFO : worker thread finished; awaiting finish of 3 more threads\n", + "2019-06-17 10:55:02,946 : INFO : worker thread finished; awaiting finish of 2 more threads\n", + "2019-06-17 10:55:02,947 : INFO : worker thread finished; awaiting finish of 1 more threads\n", + "2019-06-17 10:55:02,988 : INFO : worker thread finished; awaiting finish of 0 more threads\n", + "2019-06-17 10:55:02,990 : INFO : EPOCH - 3 : training on 40096354 raw words (38515901 effective words) took 89.2s, 431960 effective words/s\n", + "2019-06-17 10:55:04,189 : INFO : EPOCH 4 - PROGRESS: at 0.55% examples, 201524 words/s, in_qsize 15, out_qsize 6\n", + "2019-06-17 10:55:05,191 : INFO : EPOCH 4 - PROGRESS: at 1.45% examples, 276436 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:55:06,191 : INFO : EPOCH 4 - PROGRESS: at 2.86% examples, 361369 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:07,200 : INFO : EPOCH 4 - PROGRESS: at 4.14% examples, 394044 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:08,222 : INFO : EPOCH 4 - PROGRESS: at 5.54% examples, 422101 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:09,227 : INFO : EPOCH 4 - PROGRESS: at 6.90% examples, 438933 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:10,275 : INFO : EPOCH 4 - PROGRESS: at 8.50% examples, 459153 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:11,298 : INFO : EPOCH 4 - PROGRESS: at 9.60% examples, 454336 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:12,320 : INFO : EPOCH 4 - PROGRESS: at 10.23% examples, 429798 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:55:13,350 : INFO : EPOCH 4 - PROGRESS: at 10.98% examples, 413646 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:14,437 : INFO : EPOCH 4 - PROGRESS: at 11.79% examples, 401941 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:55:15,534 : INFO : EPOCH 4 - PROGRESS: at 12.78% examples, 395727 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:55:16,584 : INFO : EPOCH 4 - PROGRESS: at 13.58% examples, 388342 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:17,586 : INFO : EPOCH 4 - PROGRESS: at 14.47% examples, 384689 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:55:18,677 : INFO : EPOCH 4 - PROGRESS: at 15.49% examples, 382972 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:55:19,733 : INFO : EPOCH 4 - PROGRESS: at 16.33% examples, 378814 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:55:20,741 : INFO : EPOCH 4 - PROGRESS: at 17.14% examples, 375680 words/s, in_qsize 15, out_qsize 4\n", + "2019-06-17 10:55:21,797 : INFO : EPOCH 4 - PROGRESS: at 18.23% examples, 377089 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:22,853 : INFO : EPOCH 4 - PROGRESS: at 19.14% examples, 375417 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:23,928 : INFO : EPOCH 4 - PROGRESS: at 20.01% examples, 371224 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:55:24,932 : INFO : EPOCH 4 - PROGRESS: at 20.94% examples, 369941 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:25,947 : INFO : EPOCH 4 - PROGRESS: at 21.90% examples, 369881 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:26,977 : INFO : EPOCH 4 - PROGRESS: at 22.76% examples, 368320 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:27,990 : INFO : EPOCH 4 - PROGRESS: at 23.67% examples, 367206 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:29,022 : INFO : EPOCH 4 - PROGRESS: at 24.49% examples, 365526 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:30,052 : INFO : EPOCH 4 - PROGRESS: at 25.43% examples, 365329 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:31,088 : INFO : EPOCH 4 - PROGRESS: at 26.37% examples, 364140 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:32,220 : INFO : EPOCH 4 - PROGRESS: at 27.34% examples, 362842 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:55:33,341 : INFO : EPOCH 4 - PROGRESS: at 28.27% examples, 360802 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:34,395 : INFO : EPOCH 4 - PROGRESS: at 29.24% examples, 360409 words/s, in_qsize 15, out_qsize 3\n", + "2019-06-17 10:55:35,429 : INFO : EPOCH 4 - PROGRESS: at 30.23% examples, 360807 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:55:36,453 : INFO : EPOCH 4 - PROGRESS: at 31.07% examples, 361458 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:55:37,500 : INFO : EPOCH 4 - PROGRESS: at 32.64% examples, 367406 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:55:38,550 : INFO : EPOCH 4 - PROGRESS: at 33.93% examples, 370310 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:39,590 : INFO : EPOCH 4 - PROGRESS: at 35.28% examples, 374278 words/s, in_qsize 14, out_qsize 1\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:55:40,639 : INFO : EPOCH 4 - PROGRESS: at 36.08% examples, 372243 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:41,721 : INFO : EPOCH 4 - PROGRESS: at 36.84% examples, 369503 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:55:42,821 : INFO : EPOCH 4 - PROGRESS: at 37.61% examples, 366729 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:43,826 : INFO : EPOCH 4 - PROGRESS: at 38.42% examples, 365442 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:44,891 : INFO : EPOCH 4 - PROGRESS: at 39.06% examples, 361881 words/s, in_qsize 15, out_qsize 2\n", + "2019-06-17 10:55:45,908 : INFO : EPOCH 4 - PROGRESS: at 39.74% examples, 359282 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:46,946 : INFO : EPOCH 4 - PROGRESS: at 40.51% examples, 357338 words/s, in_qsize 11, out_qsize 4\n", + "2019-06-17 10:55:47,952 : INFO : EPOCH 4 - PROGRESS: at 41.26% examples, 355736 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:49,007 : INFO : EPOCH 4 - PROGRESS: at 41.88% examples, 352781 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:50,014 : INFO : EPOCH 4 - PROGRESS: at 42.69% examples, 351935 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:55:51,058 : INFO : EPOCH 4 - PROGRESS: at 43.61% examples, 351648 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:52,109 : INFO : EPOCH 4 - PROGRESS: at 44.35% examples, 350093 words/s, in_qsize 15, out_qsize 2\n", + "2019-06-17 10:55:53,120 : INFO : EPOCH 4 - PROGRESS: at 45.26% examples, 349951 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:55:54,167 : INFO : EPOCH 4 - PROGRESS: at 46.15% examples, 349545 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:55:55,208 : INFO : EPOCH 4 - PROGRESS: at 46.97% examples, 348461 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:56,247 : INFO : EPOCH 4 - PROGRESS: at 47.74% examples, 347238 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:57,356 : INFO : EPOCH 4 - PROGRESS: at 48.54% examples, 345922 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:55:58,375 : INFO : EPOCH 4 - PROGRESS: at 49.42% examples, 345633 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:55:59,379 : INFO : EPOCH 4 - PROGRESS: at 50.43% examples, 345394 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:00,409 : INFO : EPOCH 4 - PROGRESS: at 51.12% examples, 343851 words/s, in_qsize 11, out_qsize 4\n", + "2019-06-17 10:56:01,512 : INFO : EPOCH 4 - PROGRESS: at 52.09% examples, 343573 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:56:02,534 : INFO : EPOCH 4 - PROGRESS: at 52.95% examples, 343471 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:56:03,552 : INFO : EPOCH 4 - PROGRESS: at 53.78% examples, 343083 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:56:04,570 : INFO : EPOCH 4 - PROGRESS: at 54.87% examples, 344402 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:05,600 : INFO : EPOCH 4 - PROGRESS: at 56.23% examples, 347009 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:06,603 : INFO : EPOCH 4 - PROGRESS: at 57.20% examples, 347726 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:07,641 : INFO : EPOCH 4 - PROGRESS: at 57.95% examples, 347312 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:08,673 : INFO : EPOCH 4 - PROGRESS: at 58.61% examples, 345497 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:09,726 : INFO : EPOCH 4 - PROGRESS: at 59.43% examples, 344643 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:10,768 : INFO : EPOCH 4 - PROGRESS: at 60.20% examples, 343544 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:56:11,793 : INFO : EPOCH 4 - PROGRESS: at 60.91% examples, 342472 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:56:12,793 : INFO : EPOCH 4 - PROGRESS: at 61.79% examples, 342371 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:13,880 : INFO : EPOCH 4 - PROGRESS: at 62.72% examples, 341846 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:14,904 : INFO : EPOCH 4 - PROGRESS: at 63.64% examples, 341774 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:15,925 : INFO : EPOCH 4 - PROGRESS: at 64.54% examples, 341852 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:17,008 : INFO : EPOCH 4 - PROGRESS: at 65.50% examples, 341723 words/s, in_qsize 15, out_qsize 2\n", + "2019-06-17 10:56:18,081 : INFO : EPOCH 4 - PROGRESS: at 66.33% examples, 341092 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:56:19,117 : INFO : EPOCH 4 - PROGRESS: at 67.32% examples, 341244 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:20,221 : INFO : EPOCH 4 - PROGRESS: at 68.20% examples, 340835 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:56:21,242 : INFO : EPOCH 4 - PROGRESS: at 69.13% examples, 341040 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:22,352 : INFO : EPOCH 4 - PROGRESS: at 69.93% examples, 340604 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:56:23,434 : INFO : EPOCH 4 - PROGRESS: at 70.74% examples, 339836 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:24,441 : INFO : EPOCH 4 - PROGRESS: at 71.61% examples, 339626 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:25,460 : INFO : EPOCH 4 - PROGRESS: at 72.53% examples, 339727 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:26,460 : INFO : EPOCH 4 - PROGRESS: at 73.18% examples, 338644 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:56:27,472 : INFO : EPOCH 4 - PROGRESS: at 74.12% examples, 338784 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:28,547 : INFO : EPOCH 4 - PROGRESS: at 74.98% examples, 338547 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:29,631 : INFO : EPOCH 4 - PROGRESS: at 76.15% examples, 339315 words/s, in_qsize 15, out_qsize 5\n", + "2019-06-17 10:56:30,644 : INFO : EPOCH 4 - PROGRESS: at 77.55% examples, 341382 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:31,776 : INFO : EPOCH 4 - PROGRESS: at 79.24% examples, 344217 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:56:32,801 : INFO : EPOCH 4 - PROGRESS: at 80.11% examples, 344020 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:33,816 : INFO : EPOCH 4 - PROGRESS: at 80.75% examples, 342835 words/s, in_qsize 16, out_qsize 5\n", + "2019-06-17 10:56:34,879 : INFO : EPOCH 4 - PROGRESS: at 81.53% examples, 341863 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:35,912 : INFO : EPOCH 4 - PROGRESS: at 82.39% examples, 341686 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:56:37,009 : INFO : EPOCH 4 - PROGRESS: at 83.13% examples, 340545 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:56:38,066 : INFO : EPOCH 4 - PROGRESS: at 83.84% examples, 339581 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:39,075 : INFO : EPOCH 4 - PROGRESS: at 84.53% examples, 338808 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:40,278 : INFO : EPOCH 4 - PROGRESS: at 85.19% examples, 337289 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:56:41,310 : INFO : EPOCH 4 - PROGRESS: at 85.91% examples, 336780 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:42,326 : INFO : EPOCH 4 - PROGRESS: at 86.57% examples, 335844 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:43,360 : INFO : EPOCH 4 - PROGRESS: at 87.43% examples, 335721 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:44,525 : INFO : EPOCH 4 - PROGRESS: at 88.20% examples, 334787 words/s, in_qsize 16, out_qsize 2\n", + "2019-06-17 10:56:45,527 : INFO : EPOCH 4 - PROGRESS: at 89.08% examples, 334976 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:46,528 : INFO : EPOCH 4 - PROGRESS: at 89.80% examples, 334500 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:56:47,542 : INFO : EPOCH 4 - PROGRESS: at 90.62% examples, 334275 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:48,567 : INFO : EPOCH 4 - PROGRESS: at 91.43% examples, 334024 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:56:49,592 : INFO : EPOCH 4 - PROGRESS: at 92.28% examples, 333860 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:50,605 : INFO : EPOCH 4 - PROGRESS: at 93.23% examples, 334101 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:51,705 : INFO : EPOCH 4 - PROGRESS: at 94.16% examples, 333894 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:52,719 : INFO : EPOCH 4 - PROGRESS: at 95.07% examples, 333953 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:53,794 : INFO : EPOCH 4 - PROGRESS: at 95.91% examples, 333656 words/s, in_qsize 15, out_qsize 2\n", + "2019-06-17 10:56:54,827 : INFO : EPOCH 4 - PROGRESS: at 96.97% examples, 334331 words/s, in_qsize 15, out_qsize 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:56:55,829 : INFO : EPOCH 4 - PROGRESS: at 98.02% examples, 335089 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:56,835 : INFO : EPOCH 4 - PROGRESS: at 99.18% examples, 336150 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:56:57,231 : INFO : worker thread finished; awaiting finish of 7 more threads\n", + "2019-06-17 10:56:57,274 : INFO : worker thread finished; awaiting finish of 6 more threads\n", + "2019-06-17 10:56:57,288 : INFO : worker thread finished; awaiting finish of 5 more threads\n", + "2019-06-17 10:56:57,301 : INFO : worker thread finished; awaiting finish of 4 more threads\n", + "2019-06-17 10:56:57,324 : INFO : worker thread finished; awaiting finish of 3 more threads\n", + "2019-06-17 10:56:57,343 : INFO : worker thread finished; awaiting finish of 2 more threads\n", + "2019-06-17 10:56:57,353 : INFO : worker thread finished; awaiting finish of 1 more threads\n", + "2019-06-17 10:56:57,402 : INFO : worker thread finished; awaiting finish of 0 more threads\n", + "2019-06-17 10:56:57,403 : INFO : EPOCH - 4 : training on 40096354 raw words (38514699 effective words) took 114.3s, 337073 effective words/s\n", + "2019-06-17 10:56:58,502 : INFO : EPOCH 5 - PROGRESS: at 1.32% examples, 517134 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:56:59,514 : INFO : EPOCH 5 - PROGRESS: at 2.27% examples, 428308 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:00,514 : INFO : EPOCH 5 - PROGRESS: at 2.97% examples, 378483 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:01,612 : INFO : EPOCH 5 - PROGRESS: at 3.72% examples, 349274 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:02,631 : INFO : EPOCH 5 - PROGRESS: at 4.52% examples, 339670 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:03,697 : INFO : EPOCH 5 - PROGRESS: at 5.29% examples, 330675 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:57:04,778 : INFO : EPOCH 5 - PROGRESS: at 6.19% examples, 330231 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:05,833 : INFO : EPOCH 5 - PROGRESS: at 7.00% examples, 325158 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:06,936 : INFO : EPOCH 5 - PROGRESS: at 8.00% examples, 326764 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:07,936 : INFO : EPOCH 5 - PROGRESS: at 8.86% examples, 327551 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:08,978 : INFO : EPOCH 5 - PROGRESS: at 9.62% examples, 323732 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:10,016 : INFO : EPOCH 5 - PROGRESS: at 10.50% examples, 323629 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:11,105 : INFO : EPOCH 5 - PROGRESS: at 11.35% examples, 321713 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:12,281 : INFO : EPOCH 5 - PROGRESS: at 12.34% examples, 320966 words/s, in_qsize 15, out_qsize 2\n", + "2019-06-17 10:57:13,329 : INFO : EPOCH 5 - PROGRESS: at 13.14% examples, 318332 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:14,440 : INFO : EPOCH 5 - PROGRESS: at 13.95% examples, 316701 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:15,474 : INFO : EPOCH 5 - PROGRESS: at 14.87% examples, 317168 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:16,505 : INFO : EPOCH 5 - PROGRESS: at 15.67% examples, 316587 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:17,557 : INFO : EPOCH 5 - PROGRESS: at 16.46% examples, 316260 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:18,560 : INFO : EPOCH 5 - PROGRESS: at 17.38% examples, 318062 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:19,628 : INFO : EPOCH 5 - PROGRESS: at 18.25% examples, 318362 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:20,666 : INFO : EPOCH 5 - PROGRESS: at 19.08% examples, 318216 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:57:21,706 : INFO : EPOCH 5 - PROGRESS: at 20.22% examples, 321559 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:22,713 : INFO : EPOCH 5 - PROGRESS: at 21.20% examples, 323916 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:23,764 : INFO : EPOCH 5 - PROGRESS: at 22.31% examples, 327371 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:24,811 : INFO : EPOCH 5 - PROGRESS: at 23.77% examples, 335522 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:57:25,845 : INFO : EPOCH 5 - PROGRESS: at 24.82% examples, 338475 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:26,862 : INFO : EPOCH 5 - PROGRESS: at 25.72% examples, 338436 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:57:27,879 : INFO : EPOCH 5 - PROGRESS: at 26.57% examples, 337520 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:28,993 : INFO : EPOCH 5 - PROGRESS: at 27.55% examples, 337471 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:30,064 : INFO : EPOCH 5 - PROGRESS: at 28.39% examples, 335803 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:31,114 : INFO : EPOCH 5 - PROGRESS: at 29.53% examples, 338435 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:32,120 : INFO : EPOCH 5 - PROGRESS: at 30.43% examples, 339292 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:33,142 : INFO : EPOCH 5 - PROGRESS: at 31.17% examples, 338908 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:34,183 : INFO : EPOCH 5 - PROGRESS: at 32.07% examples, 338186 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:35,185 : INFO : EPOCH 5 - PROGRESS: at 32.84% examples, 337013 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:36,193 : INFO : EPOCH 5 - PROGRESS: at 33.67% examples, 336421 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:37,272 : INFO : EPOCH 5 - PROGRESS: at 34.55% examples, 335470 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:38,318 : INFO : EPOCH 5 - PROGRESS: at 35.31% examples, 334467 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:39,373 : INFO : EPOCH 5 - PROGRESS: at 36.15% examples, 334055 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:57:40,453 : INFO : EPOCH 5 - PROGRESS: at 37.09% examples, 333906 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:41,455 : INFO : EPOCH 5 - PROGRESS: at 37.84% examples, 333040 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:42,514 : INFO : EPOCH 5 - PROGRESS: at 38.77% examples, 333281 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:43,548 : INFO : EPOCH 5 - PROGRESS: at 39.55% examples, 332238 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:44,672 : INFO : EPOCH 5 - PROGRESS: at 40.58% examples, 332458 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:45,695 : INFO : EPOCH 5 - PROGRESS: at 41.70% examples, 334139 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:46,754 : INFO : EPOCH 5 - PROGRESS: at 42.72% examples, 335159 words/s, in_qsize 15, out_qsize 3\n", + "2019-06-17 10:57:47,794 : INFO : EPOCH 5 - PROGRESS: at 43.86% examples, 336932 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:57:48,845 : INFO : EPOCH 5 - PROGRESS: at 45.06% examples, 339161 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:49,855 : INFO : EPOCH 5 - PROGRESS: at 46.67% examples, 344349 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:50,902 : INFO : EPOCH 5 - PROGRESS: at 47.50% examples, 343529 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:57:51,946 : INFO : EPOCH 5 - PROGRESS: at 48.27% examples, 342540 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:52,957 : INFO : EPOCH 5 - PROGRESS: at 49.00% examples, 341309 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:53,960 : INFO : EPOCH 5 - PROGRESS: at 50.03% examples, 341512 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:54,962 : INFO : EPOCH 5 - PROGRESS: at 50.89% examples, 341026 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:57:56,017 : INFO : EPOCH 5 - PROGRESS: at 51.85% examples, 341262 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:57:57,039 : INFO : EPOCH 5 - PROGRESS: at 52.79% examples, 341507 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:58,121 : INFO : EPOCH 5 - PROGRESS: at 53.72% examples, 341585 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:57:59,234 : INFO : EPOCH 5 - PROGRESS: at 54.70% examples, 341619 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:00,239 : INFO : EPOCH 5 - PROGRESS: at 55.67% examples, 341954 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:58:01,315 : INFO : EPOCH 5 - PROGRESS: at 56.49% examples, 341295 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:58:02,320 : INFO : EPOCH 5 - PROGRESS: at 57.37% examples, 341479 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:58:03,339 : INFO : EPOCH 5 - PROGRESS: at 58.15% examples, 341415 words/s, in_qsize 15, out_qsize 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:58:04,363 : INFO : EPOCH 5 - PROGRESS: at 59.13% examples, 341498 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:05,397 : INFO : EPOCH 5 - PROGRESS: at 59.99% examples, 341079 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:06,407 : INFO : EPOCH 5 - PROGRESS: at 60.77% examples, 340374 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:07,520 : INFO : EPOCH 5 - PROGRESS: at 61.81% examples, 340782 words/s, in_qsize 15, out_qsize 1\n", + "2019-06-17 10:58:08,514 : INFO : EPOCH 5 - PROGRESS: at 62.52% examples, 339592 words/s, in_qsize 16, out_qsize 1\n", + "2019-06-17 10:58:09,515 : INFO : EPOCH 5 - PROGRESS: at 63.37% examples, 339258 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:10,517 : INFO : EPOCH 5 - PROGRESS: at 64.34% examples, 339726 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:58:11,527 : INFO : EPOCH 5 - PROGRESS: at 65.38% examples, 340404 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:58:12,596 : INFO : EPOCH 5 - PROGRESS: at 66.59% examples, 341673 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:13,635 : INFO : EPOCH 5 - PROGRESS: at 67.98% examples, 343826 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:58:14,653 : INFO : EPOCH 5 - PROGRESS: at 69.52% examples, 347464 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:58:15,672 : INFO : EPOCH 5 - PROGRESS: at 70.43% examples, 347597 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:16,687 : INFO : EPOCH 5 - PROGRESS: at 71.39% examples, 347611 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:17,873 : INFO : EPOCH 5 - PROGRESS: at 72.28% examples, 346778 words/s, in_qsize 16, out_qsize 0\n", + "2019-06-17 10:58:18,911 : INFO : EPOCH 5 - PROGRESS: at 73.17% examples, 346597 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:58:19,927 : INFO : EPOCH 5 - PROGRESS: at 74.01% examples, 346163 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:20,979 : INFO : EPOCH 5 - PROGRESS: at 74.98% examples, 346381 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:58:22,053 : INFO : EPOCH 5 - PROGRESS: at 75.70% examples, 345162 words/s, in_qsize 13, out_qsize 2\n", + "2019-06-17 10:58:23,056 : INFO : EPOCH 5 - PROGRESS: at 76.57% examples, 344923 words/s, in_qsize 14, out_qsize 1\n", + "2019-06-17 10:58:24,062 : INFO : EPOCH 5 - PROGRESS: at 77.36% examples, 344333 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:25,067 : INFO : EPOCH 5 - PROGRESS: at 78.23% examples, 344100 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:26,069 : INFO : EPOCH 5 - PROGRESS: at 79.08% examples, 343839 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:27,113 : INFO : EPOCH 5 - PROGRESS: at 79.88% examples, 343254 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:28,191 : INFO : EPOCH 5 - PROGRESS: at 80.77% examples, 342874 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:29,265 : INFO : EPOCH 5 - PROGRESS: at 81.77% examples, 342716 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:30,408 : INFO : EPOCH 5 - PROGRESS: at 82.68% examples, 342214 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:31,449 : INFO : EPOCH 5 - PROGRESS: at 83.57% examples, 342099 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:32,482 : INFO : EPOCH 5 - PROGRESS: at 84.55% examples, 342319 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:33,522 : INFO : EPOCH 5 - PROGRESS: at 85.43% examples, 342321 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:34,557 : INFO : EPOCH 5 - PROGRESS: at 86.21% examples, 341906 words/s, in_qsize 16, out_qsize 3\n", + "2019-06-17 10:58:35,553 : INFO : EPOCH 5 - PROGRESS: at 87.33% examples, 342759 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:36,556 : INFO : EPOCH 5 - PROGRESS: at 88.55% examples, 344124 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:37,648 : INFO : EPOCH 5 - PROGRESS: at 90.31% examples, 347331 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:38,667 : INFO : EPOCH 5 - PROGRESS: at 91.43% examples, 348096 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:39,701 : INFO : EPOCH 5 - PROGRESS: at 92.17% examples, 347382 words/s, in_qsize 12, out_qsize 3\n", + "2019-06-17 10:58:40,732 : INFO : EPOCH 5 - PROGRESS: at 92.93% examples, 346701 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:41,870 : INFO : EPOCH 5 - PROGRESS: at 93.65% examples, 345580 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:42,917 : INFO : EPOCH 5 - PROGRESS: at 94.46% examples, 344967 words/s, in_qsize 15, out_qsize 2\n", + "2019-06-17 10:58:43,950 : INFO : EPOCH 5 - PROGRESS: at 95.33% examples, 344760 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:44,957 : INFO : EPOCH 5 - PROGRESS: at 96.22% examples, 344740 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:45,960 : INFO : EPOCH 5 - PROGRESS: at 96.96% examples, 344194 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:47,034 : INFO : EPOCH 5 - PROGRESS: at 97.60% examples, 343260 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:48,097 : INFO : EPOCH 5 - PROGRESS: at 98.31% examples, 342474 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:49,098 : INFO : EPOCH 5 - PROGRESS: at 99.12% examples, 342214 words/s, in_qsize 15, out_qsize 0\n", + "2019-06-17 10:58:49,770 : INFO : worker thread finished; awaiting finish of 7 more threads\n", + "2019-06-17 10:58:49,796 : INFO : worker thread finished; awaiting finish of 6 more threads\n", + "2019-06-17 10:58:49,810 : INFO : worker thread finished; awaiting finish of 5 more threads\n", + "2019-06-17 10:58:49,812 : INFO : worker thread finished; awaiting finish of 4 more threads\n", + "2019-06-17 10:58:49,827 : INFO : worker thread finished; awaiting finish of 3 more threads\n", + "2019-06-17 10:58:49,842 : INFO : worker thread finished; awaiting finish of 2 more threads\n", + "2019-06-17 10:58:49,853 : INFO : worker thread finished; awaiting finish of 1 more threads\n", + "2019-06-17 10:58:49,886 : INFO : worker thread finished; awaiting finish of 0 more threads\n", + "2019-06-17 10:58:49,888 : INFO : EPOCH - 5 : training on 40096354 raw words (38515769 effective words) took 112.4s, 342702 effective words/s\n", + "2019-06-17 10:58:49,891 : INFO : training on a 200481770 raw words (192576868 effective words) took 426.1s, 451930 effective words/s\n", + "2019-06-17 10:58:50,191 : INFO : constructing a sparse term similarity matrix using \n", + "2019-06-17 10:58:50,251 : INFO : iterating over columns in tf-idf order\n", + "2019-06-17 10:58:54,722 : INFO : PROGRESS: at 0.00% columns (1 / 462807, 0.000216% density, 0.000216% projected density)\n", + "2019-06-17 10:58:55,477 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 10:58:56,617 : INFO : PROGRESS: at 0.22% columns (1001 / 462807, 0.000216% density, 0.000345% projected density)\n", + "2019-06-17 10:58:56,733 : INFO : PROGRESS: at 0.43% columns (2001 / 462807, 0.000216% density, 0.000302% projected density)\n", + "2019-06-17 10:58:57,066 : INFO : PROGRESS: at 0.65% columns (3001 / 462807, 0.000217% density, 0.000345% projected density)\n", + "2019-06-17 10:58:57,162 : INFO : PROGRESS: at 0.86% columns (4001 / 462807, 0.000217% density, 0.000324% projected density)\n", + "2019-06-17 10:58:57,421 : INFO : PROGRESS: at 1.08% columns (5001 / 462807, 0.000217% density, 0.000337% projected density)\n", + "2019-06-17 10:58:57,646 : INFO : PROGRESS: at 1.30% columns (6001 / 462807, 0.000218% density, 0.000338% projected density)\n", + "2019-06-17 10:58:57,834 : INFO : PROGRESS: at 1.51% columns (7001 / 462807, 0.000218% density, 0.000339% projected density)\n", + "2019-06-17 10:58:58,107 : INFO : PROGRESS: at 1.73% columns (8001 / 462807, 0.000218% density, 0.000345% projected density)\n", + "2019-06-17 10:58:58,163 : INFO : PROGRESS: at 1.94% columns (9001 / 462807, 0.000218% density, 0.000335% projected density)\n", + "2019-06-17 10:58:58,522 : INFO : PROGRESS: at 2.16% columns (10001 / 462807, 0.000219% density, 0.000349% projected density)\n", + "2019-06-17 10:58:58,616 : INFO : PROGRESS: at 2.38% columns (11001 / 462807, 0.000219% density, 0.000337% projected density)\n", + "2019-06-17 10:58:58,834 : INFO : PROGRESS: at 2.59% columns (12001 / 462807, 0.000219% density, 0.000345% projected density)\n", + "2019-06-17 10:58:58,983 : INFO : PROGRESS: at 2.81% columns (13001 / 462807, 0.000220% density, 0.000342% projected density)\n", + "2019-06-17 10:58:59,086 : INFO : PROGRESS: at 3.03% columns (14001 / 462807, 0.000220% density, 0.000336% projected density)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:58:59,536 : INFO : PROGRESS: at 3.24% columns (15001 / 462807, 0.000221% density, 0.000354% projected density)\n", + "2019-06-17 10:58:59,556 : INFO : PROGRESS: at 3.46% columns (16001 / 462807, 0.000221% density, 0.000345% projected density)\n", + "2019-06-17 10:58:59,923 : INFO : PROGRESS: at 3.67% columns (17001 / 462807, 0.000221% density, 0.000359% projected density)\n", + "2019-06-17 10:59:00,094 : INFO : PROGRESS: at 3.89% columns (18001 / 462807, 0.000222% density, 0.000358% projected density)\n", + "2019-06-17 10:59:00,175 : INFO : PROGRESS: at 4.11% columns (19001 / 462807, 0.000222% density, 0.000352% projected density)\n", + "2019-06-17 10:59:00,349 : INFO : PROGRESS: at 4.32% columns (20001 / 462807, 0.000222% density, 0.000352% projected density)\n", + "2019-06-17 10:59:00,563 : INFO : PROGRESS: at 4.54% columns (21001 / 462807, 0.000222% density, 0.000352% projected density)\n", + "2019-06-17 10:59:00,680 : INFO : PROGRESS: at 4.75% columns (22001 / 462807, 0.000223% density, 0.000351% projected density)\n", + "2019-06-17 10:59:00,771 : INFO : PROGRESS: at 4.97% columns (23001 / 462807, 0.000223% density, 0.000347% projected density)\n", + "2019-06-17 10:59:01,060 : INFO : PROGRESS: at 5.19% columns (24001 / 462807, 0.000223% density, 0.000353% projected density)\n", + "2019-06-17 10:59:01,265 : INFO : PROGRESS: at 5.40% columns (25001 / 462807, 0.000224% density, 0.000354% projected density)\n", + "2019-06-17 10:59:01,380 : INFO : PROGRESS: at 5.62% columns (26001 / 462807, 0.000224% density, 0.000350% projected density)\n", + "2019-06-17 10:59:01,652 : INFO : PROGRESS: at 5.83% columns (27001 / 462807, 0.000224% density, 0.000350% projected density)\n", + "2019-06-17 10:59:01,857 : INFO : PROGRESS: at 6.05% columns (28001 / 462807, 0.000224% density, 0.000351% projected density)\n", + "2019-06-17 10:59:01,966 : INFO : PROGRESS: at 6.27% columns (29001 / 462807, 0.000225% density, 0.000351% projected density)\n", + "2019-06-17 10:59:01,987 : INFO : PROGRESS: at 6.48% columns (30001 / 462807, 0.000225% density, 0.000346% projected density)\n", + "2019-06-17 10:59:02,217 : INFO : PROGRESS: at 6.70% columns (31001 / 462807, 0.000225% density, 0.000348% projected density)\n", + "2019-06-17 10:59:02,417 : INFO : PROGRESS: at 6.91% columns (32001 / 462807, 0.000225% density, 0.000348% projected density)\n", + "2019-06-17 10:59:02,459 : INFO : PROGRESS: at 7.13% columns (33001 / 462807, 0.000225% density, 0.000346% projected density)\n", + "2019-06-17 10:59:02,715 : INFO : PROGRESS: at 7.35% columns (34001 / 462807, 0.000226% density, 0.000347% projected density)\n", + "2019-06-17 10:59:03,203 : INFO : PROGRESS: at 7.56% columns (35001 / 462807, 0.000226% density, 0.000353% projected density)\n", + "2019-06-17 10:59:03,930 : INFO : PROGRESS: at 7.78% columns (36001 / 462807, 0.000227% density, 0.000361% projected density)\n", + "2019-06-17 10:59:04,040 : INFO : PROGRESS: at 7.99% columns (37001 / 462807, 0.000227% density, 0.000358% projected density)\n", + "2019-06-17 10:59:04,389 : INFO : PROGRESS: at 8.21% columns (38001 / 462807, 0.000228% density, 0.000360% projected density)\n", + "2019-06-17 10:59:04,661 : INFO : PROGRESS: at 8.43% columns (39001 / 462807, 0.000228% density, 0.000359% projected density)\n", + "2019-06-17 10:59:04,809 : INFO : PROGRESS: at 8.64% columns (40001 / 462807, 0.000228% density, 0.000357% projected density)\n", + "2019-06-17 10:59:05,134 : INFO : PROGRESS: at 8.86% columns (41001 / 462807, 0.000229% density, 0.000360% projected density)\n", + "2019-06-17 10:59:05,273 : INFO : PROGRESS: at 9.08% columns (42001 / 462807, 0.000229% density, 0.000360% projected density)\n", + "2019-06-17 10:59:05,404 : INFO : PROGRESS: at 9.29% columns (43001 / 462807, 0.000229% density, 0.000360% projected density)\n", + "2019-06-17 10:59:05,498 : INFO : PROGRESS: at 9.51% columns (44001 / 462807, 0.000230% density, 0.000358% projected density)\n", + "2019-06-17 10:59:05,742 : INFO : PROGRESS: at 9.72% columns (45001 / 462807, 0.000230% density, 0.000358% projected density)\n", + "2019-06-17 10:59:06,067 : INFO : PROGRESS: at 9.94% columns (46001 / 462807, 0.000230% density, 0.000360% projected density)\n", + "2019-06-17 10:59:06,149 : INFO : PROGRESS: at 10.16% columns (47001 / 462807, 0.000230% density, 0.000357% projected density)\n", + "2019-06-17 10:59:06,484 : INFO : PROGRESS: at 10.37% columns (48001 / 462807, 0.000231% density, 0.000358% projected density)\n", + "2019-06-17 10:59:06,546 : INFO : PROGRESS: at 10.59% columns (49001 / 462807, 0.000231% density, 0.000355% projected density)\n", + "2019-06-17 10:59:06,811 : INFO : PROGRESS: at 10.80% columns (50001 / 462807, 0.000231% density, 0.000355% projected density)\n", + "2019-06-17 10:59:06,971 : INFO : PROGRESS: at 11.02% columns (51001 / 462807, 0.000231% density, 0.000353% projected density)\n", + "2019-06-17 10:59:07,205 : INFO : PROGRESS: at 11.24% columns (52001 / 462807, 0.000231% density, 0.000353% projected density)\n", + "2019-06-17 10:59:07,402 : INFO : PROGRESS: at 11.45% columns (53001 / 462807, 0.000232% density, 0.000352% projected density)\n", + "2019-06-17 10:59:07,533 : INFO : PROGRESS: at 11.67% columns (54001 / 462807, 0.000232% density, 0.000351% projected density)\n", + "2019-06-17 10:59:07,703 : INFO : PROGRESS: at 11.88% columns (55001 / 462807, 0.000232% density, 0.000351% projected density)\n", + "2019-06-17 10:59:08,451 : INFO : PROGRESS: at 12.10% columns (56001 / 462807, 0.000233% density, 0.000357% projected density)\n", + "2019-06-17 10:59:08,651 : INFO : PROGRESS: at 12.32% columns (57001 / 462807, 0.000233% density, 0.000356% projected density)\n", + "2019-06-17 10:59:08,757 : INFO : PROGRESS: at 12.53% columns (58001 / 462807, 0.000233% density, 0.000355% projected density)\n", + "2019-06-17 10:59:09,003 : INFO : PROGRESS: at 12.75% columns (59001 / 462807, 0.000234% density, 0.000357% projected density)\n", + "2019-06-17 10:59:10,126 : INFO : PROGRESS: at 12.96% columns (60001 / 462807, 0.000236% density, 0.000372% projected density)\n", + "2019-06-17 10:59:10,365 : INFO : PROGRESS: at 13.18% columns (61001 / 462807, 0.000237% density, 0.000373% projected density)\n", + "2019-06-17 10:59:10,888 : INFO : PROGRESS: at 13.40% columns (62001 / 462807, 0.000238% density, 0.000377% projected density)\n", + "2019-06-17 10:59:11,244 : INFO : PROGRESS: at 13.61% columns (63001 / 462807, 0.000238% density, 0.000378% projected density)\n", + "2019-06-17 10:59:11,497 : INFO : PROGRESS: at 13.83% columns (64001 / 462807, 0.000238% density, 0.000378% projected density)\n", + "2019-06-17 10:59:11,647 : INFO : PROGRESS: at 14.04% columns (65001 / 462807, 0.000239% density, 0.000376% projected density)\n", + "2019-06-17 10:59:11,923 : INFO : PROGRESS: at 14.26% columns (66001 / 462807, 0.000239% density, 0.000376% projected density)\n", + "2019-06-17 10:59:12,017 : INFO : PROGRESS: at 14.48% columns (67001 / 462807, 0.000239% density, 0.000374% projected density)\n", + "2019-06-17 10:59:12,267 : INFO : PROGRESS: at 14.69% columns (68001 / 462807, 0.000239% density, 0.000375% projected density)\n", + "2019-06-17 10:59:12,459 : INFO : PROGRESS: at 14.91% columns (69001 / 462807, 0.000240% density, 0.000375% projected density)\n", + "2019-06-17 10:59:12,616 : INFO : PROGRESS: at 15.13% columns (70001 / 462807, 0.000240% density, 0.000374% projected density)\n", + "2019-06-17 10:59:12,818 : INFO : PROGRESS: at 15.34% columns (71001 / 462807, 0.000240% density, 0.000374% projected density)\n", + "2019-06-17 10:59:13,243 : INFO : PROGRESS: at 15.56% columns (72001 / 462807, 0.000241% density, 0.000375% projected density)\n", + "2019-06-17 10:59:13,401 : INFO : PROGRESS: at 15.77% columns (73001 / 462807, 0.000241% density, 0.000374% projected density)\n", + "2019-06-17 10:59:13,500 : INFO : PROGRESS: at 15.99% columns (74001 / 462807, 0.000241% density, 0.000373% projected density)\n", + "2019-06-17 10:59:13,918 : INFO : PROGRESS: at 16.21% columns (75001 / 462807, 0.000242% density, 0.000376% projected density)\n", + "2019-06-17 10:59:14,143 : INFO : PROGRESS: at 16.42% columns (76001 / 462807, 0.000242% density, 0.000376% projected density)\n", + "2019-06-17 10:59:14,262 : INFO : PROGRESS: at 16.64% columns (77001 / 462807, 0.000243% density, 0.000375% projected density)\n", + "2019-06-17 10:59:14,382 : INFO : PROGRESS: at 16.85% columns (78001 / 462807, 0.000243% density, 0.000374% projected density)\n", + "2019-06-17 10:59:14,553 : INFO : PROGRESS: at 17.07% columns (79001 / 462807, 0.000243% density, 0.000373% projected density)\n", + "2019-06-17 10:59:14,721 : INFO : PROGRESS: at 17.29% columns (80001 / 462807, 0.000243% density, 0.000372% projected density)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:59:14,945 : INFO : PROGRESS: at 17.50% columns (81001 / 462807, 0.000243% density, 0.000372% projected density)\n", + "2019-06-17 10:59:15,083 : INFO : PROGRESS: at 17.72% columns (82001 / 462807, 0.000244% density, 0.000371% projected density)\n", + "2019-06-17 10:59:15,156 : INFO : PROGRESS: at 17.93% columns (83001 / 462807, 0.000244% density, 0.000370% projected density)\n", + "2019-06-17 10:59:15,193 : INFO : PROGRESS: at 18.15% columns (84001 / 462807, 0.000244% density, 0.000368% projected density)\n", + "2019-06-17 10:59:15,392 : INFO : PROGRESS: at 18.37% columns (85001 / 462807, 0.000244% density, 0.000369% projected density)\n", + "2019-06-17 10:59:15,548 : INFO : PROGRESS: at 18.58% columns (86001 / 462807, 0.000245% density, 0.000370% projected density)\n", + "2019-06-17 10:59:15,651 : INFO : PROGRESS: at 18.80% columns (87001 / 462807, 0.000245% density, 0.000369% projected density)\n", + "2019-06-17 10:59:15,730 : INFO : PROGRESS: at 19.01% columns (88001 / 462807, 0.000245% density, 0.000367% projected density)\n", + "2019-06-17 10:59:15,784 : INFO : PROGRESS: at 19.23% columns (89001 / 462807, 0.000245% density, 0.000366% projected density)\n", + "2019-06-17 10:59:15,806 : INFO : PROGRESS: at 19.45% columns (90001 / 462807, 0.000245% density, 0.000364% projected density)\n", + "2019-06-17 10:59:15,887 : INFO : PROGRESS: at 19.66% columns (91001 / 462807, 0.000245% density, 0.000364% projected density)\n", + "2019-06-17 10:59:16,141 : INFO : PROGRESS: at 19.88% columns (92001 / 462807, 0.000246% density, 0.000364% projected density)\n", + "2019-06-17 10:59:16,260 : INFO : PROGRESS: at 20.09% columns (93001 / 462807, 0.000246% density, 0.000363% projected density)\n", + "2019-06-17 10:59:16,368 : INFO : PROGRESS: at 20.31% columns (94001 / 462807, 0.000246% density, 0.000362% projected density)\n", + "2019-06-17 10:59:16,484 : INFO : PROGRESS: at 20.53% columns (95001 / 462807, 0.000246% density, 0.000361% projected density)\n", + "2019-06-17 10:59:16,661 : INFO : PROGRESS: at 20.74% columns (96001 / 462807, 0.000246% density, 0.000361% projected density)\n", + "2019-06-17 10:59:16,821 : INFO : PROGRESS: at 20.96% columns (97001 / 462807, 0.000246% density, 0.000361% projected density)\n", + "2019-06-17 10:59:16,932 : INFO : PROGRESS: at 21.18% columns (98001 / 462807, 0.000247% density, 0.000360% projected density)\n", + "2019-06-17 10:59:17,160 : INFO : PROGRESS: at 21.39% columns (99001 / 462807, 0.000247% density, 0.000361% projected density)\n", + "2019-06-17 10:59:17,299 : INFO : PROGRESS: at 21.61% columns (100001 / 462807, 0.000247% density, 0.000360% projected density)\n", + "2019-06-17 10:59:17,645 : INFO : PROGRESS: at 21.82% columns (101001 / 462807, 0.000248% density, 0.000361% projected density)\n", + "2019-06-17 10:59:17,776 : INFO : PROGRESS: at 22.04% columns (102001 / 462807, 0.000248% density, 0.000361% projected density)\n", + "2019-06-17 10:59:17,821 : INFO : PROGRESS: at 22.26% columns (103001 / 462807, 0.000248% density, 0.000360% projected density)\n", + "2019-06-17 10:59:18,199 : INFO : PROGRESS: at 22.47% columns (104001 / 462807, 0.000249% density, 0.000362% projected density)\n", + "2019-06-17 10:59:18,548 : INFO : PROGRESS: at 22.69% columns (105001 / 462807, 0.000249% density, 0.000363% projected density)\n", + "2019-06-17 10:59:18,683 : INFO : PROGRESS: at 22.90% columns (106001 / 462807, 0.000250% density, 0.000363% projected density)\n", + "2019-06-17 10:59:18,821 : INFO : PROGRESS: at 23.12% columns (107001 / 462807, 0.000250% density, 0.000362% projected density)\n", + "2019-06-17 10:59:19,052 : INFO : PROGRESS: at 23.34% columns (108001 / 462807, 0.000250% density, 0.000362% projected density)\n", + "2019-06-17 10:59:19,218 : INFO : PROGRESS: at 23.55% columns (109001 / 462807, 0.000250% density, 0.000362% projected density)\n", + "2019-06-17 10:59:19,584 : INFO : PROGRESS: at 23.77% columns (110001 / 462807, 0.000251% density, 0.000363% projected density)\n", + "2019-06-17 10:59:19,954 : INFO : PROGRESS: at 23.98% columns (111001 / 462807, 0.000251% density, 0.000363% projected density)\n", + "2019-06-17 10:59:20,135 : INFO : PROGRESS: at 24.20% columns (112001 / 462807, 0.000252% density, 0.000363% projected density)\n", + "2019-06-17 10:59:20,230 : INFO : PROGRESS: at 24.42% columns (113001 / 462807, 0.000252% density, 0.000362% projected density)\n", + "2019-06-17 10:59:20,396 : INFO : PROGRESS: at 24.63% columns (114001 / 462807, 0.000252% density, 0.000361% projected density)\n", + "2019-06-17 10:59:20,861 : INFO : PROGRESS: at 24.85% columns (115001 / 462807, 0.000252% density, 0.000362% projected density)\n", + "2019-06-17 10:59:21,263 : INFO : PROGRESS: at 25.06% columns (116001 / 462807, 0.000253% density, 0.000363% projected density)\n", + "2019-06-17 10:59:21,485 : INFO : PROGRESS: at 25.28% columns (117001 / 462807, 0.000253% density, 0.000363% projected density)\n", + "2019-06-17 10:59:21,512 : INFO : PROGRESS: at 25.50% columns (118001 / 462807, 0.000253% density, 0.000361% projected density)\n", + "2019-06-17 10:59:21,748 : INFO : PROGRESS: at 25.71% columns (119001 / 462807, 0.000253% density, 0.000362% projected density)\n", + "2019-06-17 10:59:22,043 : INFO : PROGRESS: at 25.93% columns (120001 / 462807, 0.000254% density, 0.000362% projected density)\n", + "2019-06-17 10:59:22,147 : INFO : PROGRESS: at 26.15% columns (121001 / 462807, 0.000254% density, 0.000361% projected density)\n", + "2019-06-17 10:59:22,427 : INFO : PROGRESS: at 26.36% columns (122001 / 462807, 0.000254% density, 0.000361% projected density)\n", + "2019-06-17 10:59:22,577 : INFO : PROGRESS: at 26.58% columns (123001 / 462807, 0.000255% density, 0.000361% projected density)\n", + "2019-06-17 10:59:23,060 : INFO : PROGRESS: at 26.79% columns (124001 / 462807, 0.000255% density, 0.000362% projected density)\n", + "2019-06-17 10:59:23,915 : INFO : PROGRESS: at 27.01% columns (125001 / 462807, 0.000257% density, 0.000366% projected density)\n", + "2019-06-17 10:59:24,056 : INFO : PROGRESS: at 27.23% columns (126001 / 462807, 0.000257% density, 0.000367% projected density)\n", + "2019-06-17 10:59:24,498 : INFO : PROGRESS: at 27.44% columns (127001 / 462807, 0.000258% density, 0.000368% projected density)\n", + "2019-06-17 10:59:24,761 : INFO : PROGRESS: at 27.66% columns (128001 / 462807, 0.000258% density, 0.000368% projected density)\n", + "2019-06-17 10:59:24,871 : INFO : PROGRESS: at 27.87% columns (129001 / 462807, 0.000258% density, 0.000367% projected density)\n", + "2019-06-17 10:59:25,078 : INFO : PROGRESS: at 28.09% columns (130001 / 462807, 0.000258% density, 0.000367% projected density)\n", + "2019-06-17 10:59:25,161 : INFO : PROGRESS: at 28.31% columns (131001 / 462807, 0.000258% density, 0.000366% projected density)\n", + "2019-06-17 10:59:25,258 : INFO : PROGRESS: at 28.52% columns (132001 / 462807, 0.000259% density, 0.000365% projected density)\n", + "2019-06-17 10:59:25,297 : INFO : PROGRESS: at 28.74% columns (133001 / 462807, 0.000259% density, 0.000364% projected density)\n", + "2019-06-17 10:59:25,555 : INFO : PROGRESS: at 28.95% columns (134001 / 462807, 0.000259% density, 0.000365% projected density)\n", + "2019-06-17 10:59:25,672 : INFO : PROGRESS: at 29.17% columns (135001 / 462807, 0.000259% density, 0.000365% projected density)\n", + "2019-06-17 10:59:25,735 : INFO : PROGRESS: at 29.39% columns (136001 / 462807, 0.000260% density, 0.000364% projected density)\n", + "2019-06-17 10:59:25,908 : INFO : PROGRESS: at 29.60% columns (137001 / 462807, 0.000260% density, 0.000364% projected density)\n", + "2019-06-17 10:59:26,178 : INFO : PROGRESS: at 29.82% columns (138001 / 462807, 0.000260% density, 0.000365% projected density)\n", + "2019-06-17 10:59:26,423 : INFO : PROGRESS: at 30.03% columns (139001 / 462807, 0.000261% density, 0.000365% projected density)\n", + "2019-06-17 10:59:26,683 : INFO : PROGRESS: at 30.25% columns (140001 / 462807, 0.000261% density, 0.000365% projected density)\n", + "2019-06-17 10:59:26,860 : INFO : PROGRESS: at 30.47% columns (141001 / 462807, 0.000262% density, 0.000366% projected density)\n", + "2019-06-17 10:59:26,932 : INFO : PROGRESS: at 30.68% columns (142001 / 462807, 0.000262% density, 0.000366% projected density)\n", + "2019-06-17 10:59:26,996 : INFO : PROGRESS: at 30.90% columns (143001 / 462807, 0.000262% density, 0.000365% projected density)\n", + "2019-06-17 10:59:27,128 : INFO : PROGRESS: at 31.11% columns (144001 / 462807, 0.000262% density, 0.000365% projected density)\n", + "2019-06-17 10:59:27,159 : INFO : PROGRESS: at 31.33% columns (145001 / 462807, 0.000262% density, 0.000364% projected density)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:59:27,252 : INFO : PROGRESS: at 31.55% columns (146001 / 462807, 0.000263% density, 0.000363% projected density)\n", + "2019-06-17 10:59:27,328 : INFO : PROGRESS: at 31.76% columns (147001 / 462807, 0.000263% density, 0.000363% projected density)\n", + "2019-06-17 10:59:27,399 : INFO : PROGRESS: at 31.98% columns (148001 / 462807, 0.000263% density, 0.000363% projected density)\n", + "2019-06-17 10:59:27,498 : INFO : PROGRESS: at 32.20% columns (149001 / 462807, 0.000263% density, 0.000363% projected density)\n", + "2019-06-17 10:59:27,727 : INFO : PROGRESS: at 32.41% columns (150001 / 462807, 0.000264% density, 0.000364% projected density)\n", + "2019-06-17 10:59:27,858 : INFO : PROGRESS: at 32.63% columns (151001 / 462807, 0.000264% density, 0.000364% projected density)\n", + "2019-06-17 10:59:27,938 : INFO : PROGRESS: at 32.84% columns (152001 / 462807, 0.000264% density, 0.000363% projected density)\n", + "2019-06-17 10:59:28,166 : INFO : PROGRESS: at 33.06% columns (153001 / 462807, 0.000265% density, 0.000364% projected density)\n", + "2019-06-17 10:59:28,255 : INFO : PROGRESS: at 33.28% columns (154001 / 462807, 0.000265% density, 0.000363% projected density)\n", + "2019-06-17 10:59:28,481 : INFO : PROGRESS: at 33.49% columns (155001 / 462807, 0.000266% density, 0.000364% projected density)\n", + "2019-06-17 10:59:28,519 : INFO : PROGRESS: at 33.71% columns (156001 / 462807, 0.000266% density, 0.000363% projected density)\n", + "2019-06-17 10:59:28,682 : INFO : PROGRESS: at 33.92% columns (157001 / 462807, 0.000266% density, 0.000364% projected density)\n", + "2019-06-17 10:59:28,716 : INFO : PROGRESS: at 34.14% columns (158001 / 462807, 0.000266% density, 0.000363% projected density)\n", + "2019-06-17 10:59:28,772 : INFO : PROGRESS: at 34.36% columns (159001 / 462807, 0.000266% density, 0.000362% projected density)\n", + "2019-06-17 10:59:28,874 : INFO : PROGRESS: at 34.57% columns (160001 / 462807, 0.000266% density, 0.000362% projected density)\n", + "2019-06-17 10:59:28,914 : INFO : PROGRESS: at 34.79% columns (161001 / 462807, 0.000267% density, 0.000361% projected density)\n", + "2019-06-17 10:59:28,986 : INFO : PROGRESS: at 35.00% columns (162001 / 462807, 0.000267% density, 0.000361% projected density)\n", + "2019-06-17 10:59:29,095 : INFO : PROGRESS: at 35.22% columns (163001 / 462807, 0.000267% density, 0.000360% projected density)\n", + "2019-06-17 10:59:29,181 : INFO : PROGRESS: at 35.44% columns (164001 / 462807, 0.000267% density, 0.000360% projected density)\n", + "2019-06-17 10:59:29,309 : INFO : PROGRESS: at 35.65% columns (165001 / 462807, 0.000268% density, 0.000361% projected density)\n", + "2019-06-17 10:59:29,371 : INFO : PROGRESS: at 35.87% columns (166001 / 462807, 0.000268% density, 0.000360% projected density)\n", + "2019-06-17 10:59:29,447 : INFO : PROGRESS: at 36.08% columns (167001 / 462807, 0.000268% density, 0.000360% projected density)\n", + "2019-06-17 10:59:29,671 : INFO : PROGRESS: at 36.30% columns (168001 / 462807, 0.000268% density, 0.000360% projected density)\n", + "2019-06-17 10:59:29,850 : INFO : PROGRESS: at 36.52% columns (169001 / 462807, 0.000269% density, 0.000361% projected density)\n", + "2019-06-17 10:59:29,914 : INFO : PROGRESS: at 36.73% columns (170001 / 462807, 0.000269% density, 0.000360% projected density)\n", + "2019-06-17 10:59:30,043 : INFO : PROGRESS: at 36.95% columns (171001 / 462807, 0.000269% density, 0.000360% projected density)\n", + "2019-06-17 10:59:30,171 : INFO : PROGRESS: at 37.16% columns (172001 / 462807, 0.000269% density, 0.000360% projected density)\n", + "2019-06-17 10:59:30,366 : INFO : PROGRESS: at 37.38% columns (173001 / 462807, 0.000270% density, 0.000360% projected density)\n", + "2019-06-17 10:59:30,447 : INFO : PROGRESS: at 37.60% columns (174001 / 462807, 0.000270% density, 0.000360% projected density)\n", + "2019-06-17 10:59:30,510 : INFO : PROGRESS: at 37.81% columns (175001 / 462807, 0.000270% density, 0.000359% projected density)\n", + "2019-06-17 10:59:30,631 : INFO : PROGRESS: at 38.03% columns (176001 / 462807, 0.000270% density, 0.000359% projected density)\n", + "2019-06-17 10:59:30,855 : INFO : PROGRESS: at 38.25% columns (177001 / 462807, 0.000271% density, 0.000359% projected density)\n", + "2019-06-17 10:59:30,962 : INFO : PROGRESS: at 38.46% columns (178001 / 462807, 0.000271% density, 0.000359% projected density)\n", + "2019-06-17 10:59:31,022 : INFO : PROGRESS: at 38.68% columns (179001 / 462807, 0.000271% density, 0.000359% projected density)\n", + "2019-06-17 10:59:31,093 : INFO : PROGRESS: at 38.89% columns (180001 / 462807, 0.000271% density, 0.000358% projected density)\n", + "2019-06-17 10:59:31,228 : INFO : PROGRESS: at 39.11% columns (181001 / 462807, 0.000272% density, 0.000358% projected density)\n", + "2019-06-17 10:59:31,326 : INFO : PROGRESS: at 39.33% columns (182001 / 462807, 0.000272% density, 0.000358% projected density)\n", + "2019-06-17 10:59:31,526 : INFO : PROGRESS: at 39.54% columns (183001 / 462807, 0.000272% density, 0.000358% projected density)\n", + "2019-06-17 10:59:31,644 : INFO : PROGRESS: at 39.76% columns (184001 / 462807, 0.000273% density, 0.000358% projected density)\n", + "2019-06-17 10:59:31,761 : INFO : PROGRESS: at 39.97% columns (185001 / 462807, 0.000273% density, 0.000358% projected density)\n", + "2019-06-17 10:59:31,816 : INFO : PROGRESS: at 40.19% columns (186001 / 462807, 0.000273% density, 0.000358% projected density)\n", + "2019-06-17 10:59:31,950 : INFO : PROGRESS: at 40.41% columns (187001 / 462807, 0.000273% density, 0.000358% projected density)\n", + "2019-06-17 10:59:32,150 : INFO : PROGRESS: at 40.62% columns (188001 / 462807, 0.000274% density, 0.000358% projected density)\n", + "2019-06-17 10:59:32,298 : INFO : PROGRESS: at 40.84% columns (189001 / 462807, 0.000274% density, 0.000358% projected density)\n", + "2019-06-17 10:59:33,642 : INFO : PROGRESS: at 41.05% columns (190001 / 462807, 0.000277% density, 0.000365% projected density)\n", + "2019-06-17 10:59:34,498 : INFO : PROGRESS: at 41.27% columns (191001 / 462807, 0.000280% density, 0.000370% projected density)\n", + "2019-06-17 10:59:34,582 : INFO : PROGRESS: at 41.49% columns (192001 / 462807, 0.000280% density, 0.000370% projected density)\n", + "2019-06-17 10:59:34,713 : INFO : PROGRESS: at 41.70% columns (193001 / 462807, 0.000280% density, 0.000370% projected density)\n", + "2019-06-17 10:59:34,764 : INFO : PROGRESS: at 41.92% columns (194001 / 462807, 0.000280% density, 0.000369% projected density)\n", + "2019-06-17 10:59:34,848 : INFO : PROGRESS: at 42.13% columns (195001 / 462807, 0.000280% density, 0.000369% projected density)\n", + "2019-06-17 10:59:34,912 : INFO : PROGRESS: at 42.35% columns (196001 / 462807, 0.000281% density, 0.000368% projected density)\n", + "2019-06-17 10:59:35,077 : INFO : PROGRESS: at 42.57% columns (197001 / 462807, 0.000281% density, 0.000369% projected density)\n", + "2019-06-17 10:59:35,164 : INFO : PROGRESS: at 42.78% columns (198001 / 462807, 0.000281% density, 0.000369% projected density)\n", + "2019-06-17 10:59:35,226 : INFO : PROGRESS: at 43.00% columns (199001 / 462807, 0.000281% density, 0.000368% projected density)\n", + "2019-06-17 10:59:35,382 : INFO : PROGRESS: at 43.21% columns (200001 / 462807, 0.000282% density, 0.000368% projected density)\n", + "2019-06-17 10:59:35,644 : INFO : PROGRESS: at 43.43% columns (201001 / 462807, 0.000282% density, 0.000368% projected density)\n", + "2019-06-17 10:59:35,677 : INFO : PROGRESS: at 43.65% columns (202001 / 462807, 0.000282% density, 0.000367% projected density)\n", + "2019-06-17 10:59:35,732 : INFO : PROGRESS: at 43.86% columns (203001 / 462807, 0.000282% density, 0.000367% projected density)\n", + "2019-06-17 10:59:35,769 : INFO : PROGRESS: at 44.08% columns (204001 / 462807, 0.000282% density, 0.000367% projected density)\n", + "2019-06-17 10:59:35,802 : INFO : PROGRESS: at 44.30% columns (205001 / 462807, 0.000282% density, 0.000366% projected density)\n", + "2019-06-17 10:59:35,882 : INFO : PROGRESS: at 44.51% columns (206001 / 462807, 0.000283% density, 0.000366% projected density)\n", + "2019-06-17 10:59:36,004 : INFO : PROGRESS: at 44.73% columns (207001 / 462807, 0.000283% density, 0.000366% projected density)\n", + "2019-06-17 10:59:36,188 : INFO : PROGRESS: at 44.94% columns (208001 / 462807, 0.000283% density, 0.000366% projected density)\n", + "2019-06-17 10:59:36,242 : INFO : PROGRESS: at 45.16% columns (209001 / 462807, 0.000283% density, 0.000365% projected density)\n", + "2019-06-17 10:59:36,277 : INFO : PROGRESS: at 45.38% columns (210001 / 462807, 0.000283% density, 0.000365% projected density)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:59:36,331 : INFO : PROGRESS: at 45.59% columns (211001 / 462807, 0.000284% density, 0.000364% projected density)\n", + "2019-06-17 10:59:36,391 : INFO : PROGRESS: at 45.81% columns (212001 / 462807, 0.000284% density, 0.000364% projected density)\n", + "2019-06-17 10:59:36,453 : INFO : PROGRESS: at 46.02% columns (213001 / 462807, 0.000284% density, 0.000363% projected density)\n", + "2019-06-17 10:59:36,556 : INFO : PROGRESS: at 46.24% columns (214001 / 462807, 0.000284% density, 0.000363% projected density)\n", + "2019-06-17 10:59:36,711 : INFO : PROGRESS: at 46.46% columns (215001 / 462807, 0.000284% density, 0.000363% projected density)\n", + "2019-06-17 10:59:36,781 : INFO : PROGRESS: at 46.67% columns (216001 / 462807, 0.000284% density, 0.000363% projected density)\n", + "2019-06-17 10:59:36,945 : INFO : PROGRESS: at 46.89% columns (217001 / 462807, 0.000285% density, 0.000363% projected density)\n", + "2019-06-17 10:59:36,997 : INFO : PROGRESS: at 47.10% columns (218001 / 462807, 0.000285% density, 0.000363% projected density)\n", + "2019-06-17 10:59:37,030 : INFO : PROGRESS: at 47.32% columns (219001 / 462807, 0.000285% density, 0.000362% projected density)\n", + "2019-06-17 10:59:37,195 : INFO : PROGRESS: at 47.54% columns (220001 / 462807, 0.000286% density, 0.000363% projected density)\n", + "2019-06-17 10:59:37,746 : INFO : PROGRESS: at 47.75% columns (221001 / 462807, 0.000288% density, 0.000366% projected density)\n", + "2019-06-17 10:59:37,868 : INFO : PROGRESS: at 47.97% columns (222001 / 462807, 0.000288% density, 0.000366% projected density)\n", + "2019-06-17 10:59:39,728 : INFO : PROGRESS: at 48.18% columns (223001 / 462807, 0.000292% density, 0.000374% projected density)\n", + "2019-06-17 10:59:40,099 : INFO : PROGRESS: at 48.40% columns (224001 / 462807, 0.000293% density, 0.000375% projected density)\n", + "2019-06-17 10:59:40,476 : INFO : PROGRESS: at 48.62% columns (225001 / 462807, 0.000293% density, 0.000375% projected density)\n", + "2019-06-17 10:59:40,592 : INFO : PROGRESS: at 48.83% columns (226001 / 462807, 0.000293% density, 0.000374% projected density)\n", + "2019-06-17 10:59:40,792 : INFO : PROGRESS: at 49.05% columns (227001 / 462807, 0.000294% density, 0.000374% projected density)\n", + "2019-06-17 10:59:40,932 : INFO : PROGRESS: at 49.26% columns (228001 / 462807, 0.000294% density, 0.000374% projected density)\n", + "2019-06-17 10:59:41,100 : INFO : PROGRESS: at 49.48% columns (229001 / 462807, 0.000294% density, 0.000374% projected density)\n", + "2019-06-17 10:59:41,306 : INFO : PROGRESS: at 49.70% columns (230001 / 462807, 0.000294% density, 0.000373% projected density)\n", + "2019-06-17 10:59:41,517 : INFO : PROGRESS: at 49.91% columns (231001 / 462807, 0.000294% density, 0.000373% projected density)\n", + "2019-06-17 10:59:41,684 : INFO : PROGRESS: at 50.13% columns (232001 / 462807, 0.000295% density, 0.000373% projected density)\n", + "2019-06-17 10:59:41,811 : INFO : PROGRESS: at 50.35% columns (233001 / 462807, 0.000295% density, 0.000373% projected density)\n", + "2019-06-17 10:59:42,098 : INFO : PROGRESS: at 50.56% columns (234001 / 462807, 0.000295% density, 0.000373% projected density)\n", + "2019-06-17 10:59:42,215 : INFO : PROGRESS: at 50.78% columns (235001 / 462807, 0.000296% density, 0.000373% projected density)\n", + "2019-06-17 10:59:42,282 : INFO : PROGRESS: at 50.99% columns (236001 / 462807, 0.000296% density, 0.000372% projected density)\n", + "2019-06-17 10:59:42,367 : INFO : PROGRESS: at 51.21% columns (237001 / 462807, 0.000296% density, 0.000372% projected density)\n", + "2019-06-17 10:59:42,501 : INFO : PROGRESS: at 51.43% columns (238001 / 462807, 0.000296% density, 0.000372% projected density)\n", + "2019-06-17 10:59:42,552 : INFO : PROGRESS: at 51.64% columns (239001 / 462807, 0.000296% density, 0.000371% projected density)\n", + "2019-06-17 10:59:42,680 : INFO : PROGRESS: at 51.86% columns (240001 / 462807, 0.000296% density, 0.000371% projected density)\n", + "2019-06-17 10:59:42,945 : INFO : PROGRESS: at 52.07% columns (241001 / 462807, 0.000297% density, 0.000371% projected density)\n", + "2019-06-17 10:59:43,157 : INFO : PROGRESS: at 52.29% columns (242001 / 462807, 0.000297% density, 0.000370% projected density)\n", + "2019-06-17 10:59:43,231 : INFO : PROGRESS: at 52.51% columns (243001 / 462807, 0.000297% density, 0.000370% projected density)\n", + "2019-06-17 10:59:43,559 : INFO : PROGRESS: at 52.72% columns (244001 / 462807, 0.000297% density, 0.000370% projected density)\n", + "2019-06-17 10:59:43,730 : INFO : PROGRESS: at 52.94% columns (245001 / 462807, 0.000297% density, 0.000370% projected density)\n", + "2019-06-17 10:59:44,273 : INFO : PROGRESS: at 53.15% columns (246001 / 462807, 0.000299% density, 0.000371% projected density)\n", + "2019-06-17 10:59:44,444 : INFO : PROGRESS: at 53.37% columns (247001 / 462807, 0.000299% density, 0.000371% projected density)\n", + "2019-06-17 10:59:44,648 : INFO : PROGRESS: at 53.59% columns (248001 / 462807, 0.000299% density, 0.000371% projected density)\n", + "2019-06-17 10:59:44,723 : INFO : PROGRESS: at 53.80% columns (249001 / 462807, 0.000299% density, 0.000370% projected density)\n", + "2019-06-17 10:59:45,199 : INFO : PROGRESS: at 54.02% columns (250001 / 462807, 0.000300% density, 0.000371% projected density)\n", + "2019-06-17 10:59:45,362 : INFO : PROGRESS: at 54.23% columns (251001 / 462807, 0.000300% density, 0.000371% projected density)\n", + "2019-06-17 10:59:45,431 : INFO : PROGRESS: at 54.45% columns (252001 / 462807, 0.000300% density, 0.000371% projected density)\n", + "2019-06-17 10:59:45,491 : INFO : PROGRESS: at 54.67% columns (253001 / 462807, 0.000300% density, 0.000370% projected density)\n", + "2019-06-17 10:59:45,825 : INFO : PROGRESS: at 54.88% columns (254001 / 462807, 0.000301% density, 0.000370% projected density)\n", + "2019-06-17 10:59:47,182 : INFO : PROGRESS: at 55.10% columns (255001 / 462807, 0.000302% density, 0.000373% projected density)\n", + "2019-06-17 10:59:47,431 : INFO : PROGRESS: at 55.31% columns (256001 / 462807, 0.000303% density, 0.000372% projected density)\n", + "2019-06-17 10:59:47,470 : INFO : PROGRESS: at 55.53% columns (257001 / 462807, 0.000303% density, 0.000372% projected density)\n", + "2019-06-17 10:59:47,718 : INFO : PROGRESS: at 55.75% columns (258001 / 462807, 0.000303% density, 0.000372% projected density)\n", + "2019-06-17 10:59:47,986 : INFO : PROGRESS: at 55.96% columns (259001 / 462807, 0.000303% density, 0.000372% projected density)\n", + "2019-06-17 10:59:48,056 : INFO : PROGRESS: at 56.18% columns (260001 / 462807, 0.000303% density, 0.000371% projected density)\n", + "2019-06-17 10:59:48,230 : INFO : PROGRESS: at 56.40% columns (261001 / 462807, 0.000304% density, 0.000371% projected density)\n", + "2019-06-17 10:59:48,825 : INFO : PROGRESS: at 56.61% columns (262001 / 462807, 0.000305% density, 0.000373% projected density)\n", + "2019-06-17 10:59:49,559 : INFO : PROGRESS: at 56.83% columns (263001 / 462807, 0.000306% density, 0.000375% projected density)\n", + "2019-06-17 10:59:50,540 : INFO : PROGRESS: at 57.04% columns (264001 / 462807, 0.000308% density, 0.000377% projected density)\n", + "2019-06-17 10:59:51,456 : INFO : PROGRESS: at 57.26% columns (265001 / 462807, 0.000309% density, 0.000379% projected density)\n", + "2019-06-17 10:59:51,951 : INFO : PROGRESS: at 57.48% columns (266001 / 462807, 0.000310% density, 0.000380% projected density)\n", + "2019-06-17 10:59:52,872 : INFO : PROGRESS: at 57.69% columns (267001 / 462807, 0.000312% density, 0.000382% projected density)\n", + "2019-06-17 10:59:53,873 : INFO : PROGRESS: at 57.91% columns (268001 / 462807, 0.000313% density, 0.000384% projected density)\n", + "2019-06-17 10:59:54,380 : INFO : PROGRESS: at 58.12% columns (269001 / 462807, 0.000314% density, 0.000385% projected density)\n", + "2019-06-17 10:59:55,470 : INFO : PROGRESS: at 58.34% columns (270001 / 462807, 0.000316% density, 0.000387% projected density)\n", + "2019-06-17 10:59:55,917 : INFO : PROGRESS: at 58.56% columns (271001 / 462807, 0.000316% density, 0.000387% projected density)\n", + "2019-06-17 10:59:56,580 : INFO : PROGRESS: at 58.77% columns (272001 / 462807, 0.000317% density, 0.000388% projected density)\n", + "2019-06-17 10:59:57,230 : INFO : PROGRESS: at 58.99% columns (273001 / 462807, 0.000319% density, 0.000390% projected density)\n", + "2019-06-17 10:59:57,820 : INFO : PROGRESS: at 59.20% columns (274001 / 462807, 0.000319% density, 0.000391% projected density)\n", + "2019-06-17 10:59:58,372 : INFO : PROGRESS: at 59.42% columns (275001 / 462807, 0.000320% density, 0.000392% projected density)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 10:59:59,075 : INFO : PROGRESS: at 59.64% columns (276001 / 462807, 0.000321% density, 0.000393% projected density)\n", + "2019-06-17 10:59:59,593 : INFO : PROGRESS: at 59.85% columns (277001 / 462807, 0.000322% density, 0.000393% projected density)\n", + "2019-06-17 11:00:00,401 : INFO : PROGRESS: at 60.07% columns (278001 / 462807, 0.000323% density, 0.000395% projected density)\n", + "2019-06-17 11:00:01,359 : INFO : PROGRESS: at 60.28% columns (279001 / 462807, 0.000325% density, 0.000396% projected density)\n", + "2019-06-17 11:00:02,584 : INFO : PROGRESS: at 60.50% columns (280001 / 462807, 0.000327% density, 0.000399% projected density)\n" + ] + }, + { + "ename": "TypeError", + "evalue": "cannot unpack non-iterable numpy.float32 object", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/similarities/termsim.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, source, dictionary, tfidf, symmetric, positive_definite, nonzero_limit, dtype)\u001b[0m\n\u001b[1;32m 232\u001b[0m most_similar = [\n\u001b[1;32m 233\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mdictionary\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtoken2id\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mterm\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msimilarity\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 234\u001b[0;31m \u001b[0;32mfor\u001b[0m \u001b[0mterm\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msimilarity\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mindex\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmost_similar\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mt1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnum_rows\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 235\u001b[0m if term in dictionary.token2id]\n\u001b[1;32m 236\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/similarities/termsim.py\u001b[0m in \u001b[0;36m\u001b[0;34m(.0)\u001b[0m\n\u001b[1;32m 231\u001b[0m \u001b[0mnum_rows\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mnonzero_limit\u001b[0m \u001b[0;34m-\u001b[0m \u001b[0mnum_nonzero\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 232\u001b[0m most_similar = [\n\u001b[0;32m--> 233\u001b[0;31m \u001b[0;34m(\u001b[0m\u001b[0mdictionary\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtoken2id\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mterm\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msimilarity\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 234\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mterm\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msimilarity\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mindex\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmost_similar\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mt1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnum_rows\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 235\u001b[0m if term in dictionary.token2id]\n", + "\u001b[0;32m~/git/gensim/gensim/models/keyedvectors.py\u001b[0m in \u001b[0;36mmost_similar\u001b[0;34m(self, t1, topn)\u001b[0m\n\u001b[1;32m 1418\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1419\u001b[0m \u001b[0mmost_similar\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mkeyedvectors\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mmost_similar\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpositive\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mt1\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtopn\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtopn\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1420\u001b[0;31m \u001b[0;32mfor\u001b[0m \u001b[0mt2\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msimilarity\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mmost_similar\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1421\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msimilarity\u001b[0m \u001b[0;34m>\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mthreshold\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1422\u001b[0m \u001b[0;32myield\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mt2\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msimilarity\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mexponent\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mTypeError\u001b[0m: cannot unpack non-iterable numpy.float32 object" ] } ], @@ -358,7 +1670,15 @@ "cell_type": "code", "execution_count": 9, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:04,683 : WARNING : this function is deprecated, use smart_open.open instead\n" + ] + } + ], "source": [ "datasets = api.load(\"semeval-2016-2017-task3-subtaskBC\")" ] @@ -377,6 +1697,26 @@ "cell_type": "code", "execution_count": 10, "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Requirement already satisfied: wmd in /home/misha/envs/gensim/lib/python3.7/site-packages (1.3.1)\n", + "Requirement already satisfied: numpy in /home/misha/git/gensim/.eggs/numpy-1.15.4-py3.7-linux-x86_64.egg (from wmd) (1.15.4)\n", + "\u001b[33mYou are using pip version 19.0.1, however version 19.1.1 is available.\n", + "You should consider upgrading via the 'pip install --upgrade pip' command.\u001b[0m\n" + ] + } + ], + "source": [ + "!pip install wmd" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "from math import isnan\n", @@ -480,17 +1820,4427 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": { - "scrolled": true + "scrolled": false }, "outputs": [ { - "name": "stdout", + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:13,689 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:13,822 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:14,044 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:14,270 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:14,795 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:14,757 : INFO : Vocabulary size: 35 500\n", + "2019-06-17 11:00:14,907 : INFO : WCD\n", + "2019-06-17 11:00:14,927 : INFO : 0.0\n", + "2019-06-17 11:00:14,919 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:14,950 : INFO : First K WMD\n", + "2019-06-17 11:00:15,013 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,186 : INFO : Vocabulary size: 19 500\n", + "2019-06-17 11:00:15,209 : INFO : WCD\n", + "2019-06-17 11:00:15,184 : INFO : [(-19.50642204284668, 6), (-18.93822479248047, 4), (-19.099836349487305, 7), (-18.120803833007812, 5), (-18.768550872802734, 3), (-17.821372985839844, 9), (-16.620975494384766, 2), (-17.2498722076416, 8), (-0.0, 1), (-16.496601104736328, 0)]\n", + "2019-06-17 11:00:15,234 : INFO : 0.3\n", + "2019-06-17 11:00:15,236 : INFO : 0.0\n", + "2019-06-17 11:00:15,274 : INFO : First K WMD\n", + "2019-06-17 11:00:15,283 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,292 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,254 : INFO : P&P\n", + "2019-06-17 11:00:15,348 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:15,474 : INFO : Vocabulary size: 22 500\n", + "2019-06-17 11:00:15,482 : INFO : WCD\n", + "2019-06-17 11:00:15,459 : INFO : [(-22.284854888916016, 2), (-20.642396926879883, 1), (-19.43754768371582, 7), (-19.818540573120117, 0), (-20.160484313964844, 9), (-18.545433044433594, 4), (-19.263004302978516, 5), (-19.687625885009766, 3), (-18.807912826538086, 8), (-18.607440948486328, 6)]\n", + "2019-06-17 11:00:15,513 : INFO : 0.0\n", + "2019-06-17 11:00:15,519 : INFO : 0.2\n", + "2019-06-17 11:00:15,527 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,535 : INFO : First K WMD\n", + "2019-06-17 11:00:15,502 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,545 : INFO : P&P\n", + "2019-06-17 11:00:15,575 : INFO : [(-19.88299560546875, 4), (-19.570404052734375, 2), (-19.015090942382812, 7), (-19.5378360748291, 6), (-19.245037078857422, 9), (-18.205718994140625, 0), (-18.70973014831543, 8), (-0.0, 1), (-18.25179100036621, 5), (-18.702421188354492, 3)]\n", + "2019-06-17 11:00:15,584 : INFO : 0.0\n", + "2019-06-17 11:00:15,583 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:15,625 : INFO : P&P\n", + "2019-06-17 11:00:15,696 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,670 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,676 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:15,813 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:15,814 : INFO : WCD\n", + "2019-06-17 11:00:15,846 : INFO : 0.0\n", + "2019-06-17 11:00:15,874 : INFO : First K WMD\n", + "2019-06-17 11:00:15,906 : INFO : Vocabulary size: 35 500\n", + "2019-06-17 11:00:15,914 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:15,915 : INFO : WCD\n", + "2019-06-17 11:00:15,899 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:16,087 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:16,064 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:15,953 : INFO : [(-18.63705062866211, 4), (-18.16960334777832, 9), (-17.212848663330078, 1), (-17.97890853881836, 8), (-17.71758270263672, 2), (-14.772705078125, 7), (-17.19535255432129, 5), (-16.690874099731445, 3), (-16.197166442871094, 6), (-16.350788116455078, 0)]\n", + "2019-06-17 11:00:15,975 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:16,415 : INFO : built Dictionary(58 unique tokens: ['american', 'bachelor', 'bayt', 'com', 'cv']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:00:16,422 : INFO : 0.0\n", + "2019-06-17 11:00:16,446 : INFO : First K WMD\n", + "2019-06-17 11:00:16,414 : INFO : 0.5\n", + "2019-06-17 11:00:16,414 : INFO : built Dictionary(31 unique tokens: ['days', 'embassy', 'get', 'greece', 'idea']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:16,450 : INFO : P&P\n", + "2019-06-17 11:00:16,480 : INFO : [(-21.315460205078125, 9), (-19.83448600769043, 8), (-17.198699951171875, 2), (-16.903573989868164, 0), (-16.132722854614258, 3), (-16.038570404052734, 7), (-14.74287223815918, 5), (-0.0, 1), (-15.953986167907715, 4), (-12.188965797424316, 6)]\n", + "2019-06-17 11:00:16,495 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:16,466 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:16,508 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:16,491 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:16,512 : INFO : built Dictionary(28 unique tokens: ['anyone', 'attention', 'btw', 'good', 'issued']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:16,522 : INFO : 0.1\n", + "2019-06-17 11:00:16,537 : INFO : P&P\n", + "2019-06-17 11:00:16,552 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:16,561 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:16,544 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:16,571 : INFO : built Dictionary(26 unique tokens: ['anyone', 'doha', 'embassy', 'hi', 'swiss']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:16,590 : INFO : Vocabulary size: 10 500\n", + "2019-06-17 11:00:16,611 : INFO : WCD\n", + "2019-06-17 11:00:16,626 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:16,671 : INFO : built Dictionary(53 unique tokens: ['around', 'bundle', 'car', 'card', 'care']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:16,674 : INFO : 0.0\n", + "2019-06-17 11:00:16,680 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:16,692 : INFO : First K WMD\n", + "2019-06-17 11:00:16,727 : INFO : [(-20.971342086791992, 7), (-20.006893157958984, 5), (-19.6937255859375, 8), (-19.63027572631836, 4), (-19.275415420532227, 6), (-18.86374855041504, 9), (-19.516380310058594, 0), (-18.209640502929688, 1), (-19.462051391601562, 3), (-17.854942321777344, 2)]\n", + "2019-06-17 11:00:16,763 : INFO : 0.0\n", + "2019-06-17 11:00:16,767 : INFO : P&P\n", + "2019-06-17 11:00:16,772 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:16,799 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:16,785 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:16,802 : INFO : WCD\n", + "2019-06-17 11:00:16,826 : INFO : built Dictionary(35 unique tokens: ['almost', 'also', 'applied', 'back', 'bayt']...) from 2 documents (total 78 corpus positions)\n", + "2019-06-17 11:00:16,845 : INFO : 0.0\n", + "2019-06-17 11:00:16,856 : INFO : First K WMD\n", + "2019-06-17 11:00:16,863 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:16,889 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:16,890 : INFO : built Dictionary(56 unique tokens: ['advice', 'airport', 'alone', 'arrive', 'beth']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:00:16,890 : INFO : Vocabulary size: 7 500\n", + "2019-06-17 11:00:16,923 : INFO : [(-19.77895736694336, 3), (-18.3629093170166, 6), (-18.59762191772461, 2), (-17.96289825439453, 7), (-17.25493621826172, 5), (-16.75144386291504, 8), (-14.48732852935791, 1), (-17.926095962524414, 9), (-13.503809928894043, 0), (-11.997895240783691, 4)]\n", + "2019-06-17 11:00:16,934 : INFO : 0.1\n", + "2019-06-17 11:00:16,920 : INFO : WCD\n", + "2019-06-17 11:00:16,940 : INFO : P&P\n", + "2019-06-17 11:00:16,945 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:16,947 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:16,954 : INFO : 0.0\n", + "2019-06-17 11:00:16,927 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:16,967 : INFO : built Dictionary(70 unique tokens: ['actually', 'anybody', 'anyone', 'applied', 'come']...) from 2 documents (total 90 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:16,974 : INFO : First K WMD\n", + "2019-06-17 11:00:16,997 : INFO : [(-18.612998962402344, 7), (-17.614749908447266, 0), (-17.181663513183594, 6), (-16.649444580078125, 8), (-16.556007385253906, 9), (-12.592411041259766, 3), (-16.570131301879883, 5), (-11.052681922912598, 2), (-16.47679328918457, 4), (-16.522056579589844, 1)]\n", + "2019-06-17 11:00:17,027 : INFO : 0.0\n", + "2019-06-17 11:00:17,045 : INFO : P&P\n", + "2019-06-17 11:00:17,053 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:17,093 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,121 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:17,113 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,136 : INFO : WCD\n", + "2019-06-17 11:00:17,131 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,158 : INFO : Vocabulary size: 24 500\n", + "2019-06-17 11:00:17,170 : INFO : built Dictionary(35 unique tokens: ['abu', 'airport', 'apply', 'architect', 'arrival']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:17,173 : INFO : 0.0\n", + "2019-06-17 11:00:17,194 : INFO : First K WMD\n", + "2019-06-17 11:00:17,177 : INFO : WCD\n", + "2019-06-17 11:00:17,203 : INFO : 0.0\n", + "2019-06-17 11:00:17,212 : INFO : [(-20.11184310913086, 6), (-19.872629165649414, 8), (-18.20384407043457, 3), (-19.25678062438965, 9), (-19.32880401611328, 7), (-0.0, 0), (-18.057579040527344, 2), (-17.955053329467773, 5), (-18.148595809936523, 4), (-17.65687370300293, 1)]\n", + "2019-06-17 11:00:17,217 : INFO : First K WMD\n", + "2019-06-17 11:00:17,222 : INFO : 0.0\n", + "2019-06-17 11:00:17,230 : INFO : P&P\n", + "2019-06-17 11:00:17,232 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,242 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,227 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:17,258 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:17,263 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,274 : INFO : built Dictionary(52 unique tokens: ['advice', 'al', 'also', 'anyone', 'checked']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:17,271 : INFO : [(-19.990562438964844, 5), (-19.76280403137207, 8), (-18.714017868041992, 7), (-18.305086135864258, 3), (-18.21134376525879, 9), (-16.144176483154297, 4), (-14.203519821166992, 1), (-16.05072021484375, 0), (-17.27656364440918, 6), (-16.997817993164062, 2)]\n", + "2019-06-17 11:00:17,313 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,312 : INFO : 0.1\n", + "2019-06-17 11:00:17,326 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:17,341 : INFO : P&P\n", + "2019-06-17 11:00:17,353 : INFO : Vocabulary size: 3 500\n", + "2019-06-17 11:00:17,343 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,369 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:17,376 : INFO : built Dictionary(40 unique tokens: ['aravind', 'doha', 'experience', 'hi', 'job']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:17,360 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:17,377 : INFO : WCD\n", + "2019-06-17 11:00:17,393 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:17,378 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,402 : INFO : 0.0\n", + "2019-06-17 11:00:17,416 : INFO : First K WMD\n", + "2019-06-17 11:00:17,404 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,385 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,435 : INFO : built Dictionary(45 unique tokens: ['abroad', 'anyone', 'bank', 'blamed', 'brazilian']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:17,441 : INFO : built Dictionary(57 unique tokens: ['appreciate', 'arabic', 'born', 'comments', 'dubai']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:17,434 : INFO : [(-21.66366195678711, 3), (-21.585311889648438, 2), (-20.517797470092773, 5), (-20.95993995666504, 6), (-21.518665313720703, 9), (-19.70362663269043, 7), (-18.033660888671875, 0), (-19.783864974975586, 1), (-20.32853126525879, 4), (-19.783138275146484, 8)]\n", + "2019-06-17 11:00:17,456 : INFO : 0.0\n", + "2019-06-17 11:00:17,490 : INFO : P&P\n", + "2019-06-17 11:00:17,506 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:17,546 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,507 : INFO : Vocabulary size: 21 500\n", + "2019-06-17 11:00:17,565 : INFO : WCD\n", + "2019-06-17 11:00:17,579 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,573 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,569 : INFO : 0.0\n", + "2019-06-17 11:00:17,601 : INFO : built Dictionary(52 unique tokens: ['along', 'appointement', 'company', 'congratulated', 'contacts']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:00:17,579 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:17,603 : INFO : First K WMD\n", + "2019-06-17 11:00:17,611 : INFO : WCD\n", + "2019-06-17 11:00:17,617 : INFO : 0.0\n", + "2019-06-17 11:00:17,629 : INFO : First K WMD\n", + "2019-06-17 11:00:17,608 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,669 : INFO : [(-20.792640686035156, 9), (-20.70882797241211, 0), (-19.472810745239258, 4), (-19.24982452392578, 1), (-20.015117645263672, 7), (-19.24006462097168, 5), (-19.447006225585938, 8), (-17.57625961303711, 2), (-19.106557846069336, 3), (-19.90739631652832, 6)]\n", + "2019-06-17 11:00:17,665 : INFO : built Dictionary(67 unique tokens: ['already', 'arabic', 'chef', 'doha', 'end']...) from 2 documents (total 75 corpus positions)\n", + "2019-06-17 11:00:17,681 : INFO : 0.1\n", + "2019-06-17 11:00:17,695 : INFO : P&P\n", + "2019-06-17 11:00:17,698 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:17,714 : INFO : [(-21.044832229614258, 6), (-21.012939453125, 8), (-20.935142517089844, 9), (-20.39023780822754, 4), (-20.131868362426758, 7), (-20.312881469726562, 1), (-20.340091705322266, 3), (-20.13840675354004, 2), (-18.799840927124023, 0), (-19.298742294311523, 5)]\n", + "2019-06-17 11:00:17,758 : INFO : 0.1\n", + "2019-06-17 11:00:17,775 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,780 : INFO : P&P\n", + "2019-06-17 11:00:17,812 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:17,796 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:17,776 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:17,822 : INFO : built Dictionary(58 unique tokens: ['advice', 'also', 'anyone', 'appreciated', 'arrive']...) from 2 documents (total 71 corpus positions)\n", + "2019-06-17 11:00:17,762 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,819 : INFO : WCD\n", + "2019-06-17 11:00:17,832 : INFO : 0.0\n", + "2019-06-17 11:00:17,858 : INFO : First K WMD\n", + "2019-06-17 11:00:17,898 : INFO : Vocabulary size: 23 500\n", + "2019-06-17 11:00:17,883 : INFO : [(-19.59184455871582, 1), (-19.18979263305664, 3), (-19.05352783203125, 5), (-18.789079666137695, 2), (-17.056068420410156, 8), (-17.228107452392578, 4), (-16.887685775756836, 0), (-17.025480270385742, 6), (-14.934661865234375, 7), (-16.47694206237793, 9)]\n", + "2019-06-17 11:00:17,914 : INFO : WCD\n", + "2019-06-17 11:00:17,917 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:17,919 : INFO : 0.1\n", + "2019-06-17 11:00:17,935 : INFO : 0.0\n", + "2019-06-17 11:00:17,944 : INFO : First K WMD\n", + "2019-06-17 11:00:17,949 : INFO : P&P\n", + "2019-06-17 11:00:17,976 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:18,002 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,004 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:18,011 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:18,032 : INFO : [(-21.09128189086914, 8), (-19.800609588623047, 3), (-19.8898983001709, 7), (-19.483251571655273, 1), (-19.76327896118164, 4), (-19.22492027282715, 6), (-19.699356079101562, 2), (-0.0, 0), (-18.392732620239258, 9), (-18.335771560668945, 5)]\n", + "2019-06-17 11:00:18,037 : INFO : built Dictionary(48 unique tokens: ['agencies', 'agent', 'better', 'doha', 'hi']...) from 2 documents (total 57 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:18,065 : INFO : 0.1\n", + "2019-06-17 11:00:18,102 : INFO : Vocabulary size: 16 500\n", + "2019-06-17 11:00:18,111 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,147 : INFO : P&P\n", + "2019-06-17 11:00:18,150 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:18,143 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:18,169 : INFO : built Dictionary(63 unique tokens: ['accepted', 'advice', 'anyone', 'appreciated', 'april']...) from 2 documents (total 77 corpus positions)\n", + "2019-06-17 11:00:18,174 : INFO : WCD\n", + "2019-06-17 11:00:18,182 : INFO : 0.0\n", + "2019-06-17 11:00:18,221 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,204 : INFO : First K WMD\n", + "2019-06-17 11:00:18,268 : INFO : [(-20.066619873046875, 4), (-19.894027709960938, 5), (-19.66065788269043, 2), (-19.0922908782959, 1), (-19.50944709777832, 7), (-18.448623657226562, 3), (-14.045564651489258, 0), (-18.474266052246094, 8), (-18.948467254638672, 9), (-18.842411041259766, 6)]\n", + "2019-06-17 11:00:18,260 : INFO : Vocabulary size: 29 500\n", + "2019-06-17 11:00:18,279 : INFO : WCD\n", + "2019-06-17 11:00:18,281 : INFO : 0.0\n", + "2019-06-17 11:00:18,290 : INFO : P&P\n", + "2019-06-17 11:00:18,288 : INFO : 0.0\n", + "2019-06-17 11:00:18,299 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:18,315 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,347 : INFO : First K WMD\n", + "2019-06-17 11:00:18,404 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,410 : INFO : [(-20.723052978515625, 6), (-19.34109878540039, 8), (-20.61148452758789, 5), (-18.90216636657715, 7), (-16.943523406982422, 4), (-17.999187469482422, 2), (-17.958593368530273, 9), (-18.163028717041016, 3), (-18.593242645263672, 1), (-0.0, 0)]\n", + "2019-06-17 11:00:18,426 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:18,431 : INFO : 0.1\n", + "2019-06-17 11:00:18,446 : INFO : P&P\n", + "2019-06-17 11:00:18,445 : INFO : WCD\n", + "2019-06-17 11:00:18,465 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,458 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:18,468 : INFO : 0.0\n", + "2019-06-17 11:00:18,506 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,501 : INFO : First K WMD\n", + "2019-06-17 11:00:18,520 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:18,548 : INFO : [(-19.778383255004883, 3), (-19.669401168823242, 6), (-19.37554168701172, 1), (-19.62013816833496, 5), (-19.08390235900879, 8), (-17.030838012695312, 2), (-17.24604034423828, 7), (-18.489704132080078, 9), (-17.38992691040039, 0), (-18.608549118041992, 4)]\n", + "2019-06-17 11:00:18,567 : INFO : 0.0\n", + "2019-06-17 11:00:18,580 : INFO : P&P\n", + "2019-06-17 11:00:18,552 : INFO : built Dictionary(57 unique tokens: ['ad', 'amount', 'anyone', 'data', 'entry']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:18,633 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,547 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:18,646 : INFO : WCD\n", + "2019-06-17 11:00:18,663 : INFO : 0.0\n", + "2019-06-17 11:00:18,677 : INFO : First K WMD\n", + "2019-06-17 11:00:18,603 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:18,703 : INFO : [(-19.669340133666992, 4), (-19.222414016723633, 7), (-19.051572799682617, 3), (-19.058101654052734, 2), (-18.74559211730957, 6), (-18.956188201904297, 8), (-17.73834800720215, 9), (-14.42180061340332, 0), (-18.00208282470703, 1), (-18.716665267944336, 5)]\n", + "2019-06-17 11:00:18,695 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,718 : INFO : 0.0\n", + "2019-06-17 11:00:18,754 : INFO : P&P\n", + "2019-06-17 11:00:18,785 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:18,776 : INFO : Vocabulary size: 5 500\n", + "2019-06-17 11:00:18,810 : INFO : WCD\n", + "2019-06-17 11:00:18,814 : INFO : 0.0\n", + "2019-06-17 11:00:18,797 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:18,826 : INFO : built Dictionary(57 unique tokens: ['agency', 'application', 'apply', 'applying', 'bayt']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:00:18,828 : INFO : First K WMD\n", + "2019-06-17 11:00:18,837 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,853 : INFO : [(-21.06051254272461, 9), (-19.226543426513672, 8), (-18.44504165649414, 7), (-18.96554946899414, 5), (-18.861547470092773, 2), (-17.53408432006836, 0), (-15.307819366455078, 3), (-17.408960342407227, 1), (-18.556110382080078, 4), (-16.743637084960938, 6)]\n", + "2019-06-17 11:00:18,861 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:18,874 : INFO : 0.0\n", + "2019-06-17 11:00:18,895 : INFO : P&P\n", + "2019-06-17 11:00:18,914 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:18,920 : INFO : built Dictionary(46 unique tokens: ['account', 'advice', 'already', 'anyone', 'applying']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:18,909 : INFO : Vocabulary size: 16 500\n", + "2019-06-17 11:00:18,930 : INFO : WCD\n", + "2019-06-17 11:00:18,968 : INFO : 0.0\n", + "2019-06-17 11:00:18,937 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:18,946 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:18,989 : INFO : Vocabulary size: 20 500\n", + "2019-06-17 11:00:18,976 : INFO : First K WMD\n", + "2019-06-17 11:00:19,019 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,035 : INFO : [(-22.022193908691406, 7), (-20.422021865844727, 8), (-18.208757400512695, 6), (-17.778650283813477, 5), (-19.247949600219727, 9), (-18.15403175354004, 3), (-14.78189468383789, 1), (-0.0, 0), (-16.134225845336914, 4), (-16.84610366821289, 2)]\n", + "2019-06-17 11:00:19,005 : INFO : WCD\n", + "2019-06-17 11:00:19,048 : INFO : 0.0\n", + "2019-06-17 11:00:19,045 : INFO : built Dictionary(34 unique tokens: ['advise', 'application', 'bank', 'consecutive', 'documents']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:19,046 : INFO : 0.0\n", + "2019-06-17 11:00:19,076 : INFO : P&P\n", + "2019-06-17 11:00:19,066 : INFO : First K WMD\n", + "2019-06-17 11:00:19,097 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,087 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,096 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,156 : INFO : built Dictionary(40 unique tokens: ['application', 'applied', 'b', 'certificate', 'counter']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:19,135 : INFO : [(-20.61992645263672, 9), (-17.73233985900879, 3), (-19.079103469848633, 6), (-16.099700927734375, 2), (-15.8208646774292, 4), (-18.733854293823242, 7), (-15.518646240234375, 0), (-15.60511302947998, 5), (-16.02710723876953, 8), (-15.451652526855469, 1)]\n", + "2019-06-17 11:00:19,176 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:19,197 : INFO : 0.1\n", + "2019-06-17 11:00:19,207 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,204 : INFO : WCD\n", + "2019-06-17 11:00:19,209 : INFO : P&P\n", + "2019-06-17 11:00:19,235 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,234 : INFO : 0.0\n", + "2019-06-17 11:00:19,214 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,245 : INFO : built Dictionary(41 unique tokens: ['apply', 'approval', 'approve', 'daughter', 'days']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:19,256 : INFO : First K WMD\n", + "2019-06-17 11:00:19,294 : INFO : [(-21.622915267944336, 7), (-19.682754516601562, 6), (-20.263898849487305, 2), (-19.36916160583496, 1), (-19.36738395690918, 3), (-20.001909255981445, 8), (-18.81780433654785, 5), (-19.211259841918945, 4), (-19.300949096679688, 9), (-17.754709243774414, 0)]\n", + "2019-06-17 11:00:19,316 : INFO : Vocabulary size: 7 500\n", + "2019-06-17 11:00:19,320 : INFO : 0.0\n", + "2019-06-17 11:00:19,322 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,336 : INFO : P&P\n", + "2019-06-17 11:00:19,354 : INFO : WCD\n", + "2019-06-17 11:00:19,348 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,361 : INFO : 0.0\n", + "2019-06-17 11:00:19,383 : INFO : First K WMD\n", + "2019-06-17 11:00:19,348 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:19,388 : INFO : built Dictionary(34 unique tokens: ['applied', 'applying', 'ask', 'certificate', 'change']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:19,405 : INFO : [(-22.74655532836914, 8), (-22.712932586669922, 9), (-22.07628059387207, 5), (-21.98308563232422, 2), (-19.768983840942383, 4), (-21.54038429260254, 6), (-21.95960235595703, 0), (-18.395387649536133, 3), (-21.559354782104492, 7), (-19.146608352661133, 1)]\n", + "2019-06-17 11:00:19,390 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,407 : INFO : 0.0\n", + "2019-06-17 11:00:19,427 : INFO : Vocabulary size: 27 500\n", + "2019-06-17 11:00:19,432 : INFO : P&P\n", + "2019-06-17 11:00:19,439 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,440 : INFO : WCD\n", + "2019-06-17 11:00:19,457 : INFO : 0.0\n", + "2019-06-17 11:00:19,462 : INFO : First K WMD\n", + "2019-06-17 11:00:19,454 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,473 : INFO : built Dictionary(37 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:19,513 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,518 : INFO : Vocabulary size: 9 500\n", + "2019-06-17 11:00:19,535 : INFO : [(-21.225101470947266, 1), (-20.257780075073242, 3), (-19.359134674072266, 2), (-18.866626739501953, 6), (-18.411348342895508, 9), (-19.22258758544922, 8), (-18.70754623413086, 4), (-18.66252899169922, 7), (-18.42574691772461, 0), (-17.901491165161133, 5)]\n", + "2019-06-17 11:00:19,530 : INFO : WCD\n", + "2019-06-17 11:00:19,563 : INFO : 0.0\n", + "2019-06-17 11:00:19,545 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,559 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,572 : INFO : First K WMD\n", + "2019-06-17 11:00:19,567 : INFO : built Dictionary(25 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:19,553 : INFO : 0.1\n", + "2019-06-17 11:00:19,600 : INFO : [(-21.82332992553711, 8), (-21.059734344482422, 2), (-20.882959365844727, 9), (-20.135671615600586, 1), (-18.970979690551758, 4), (-19.042600631713867, 5), (-17.663551330566406, 0), (-19.046167373657227, 6), (-17.20755958557129, 7), (-18.62795639038086, 3)]\n", + "2019-06-17 11:00:19,607 : INFO : 0.0\n", + "2019-06-17 11:00:19,613 : INFO : P&P\n", + "2019-06-17 11:00:19,606 : INFO : P&P\n", + "2019-06-17 11:00:19,629 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,622 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,632 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:19,653 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,661 : INFO : built Dictionary(35 unique tokens: ['answer', 'apply', 'applying', 'arrive', 'asap']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:19,695 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,710 : INFO : Vocabulary size: 24 500\n", + "2019-06-17 11:00:19,711 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,716 : INFO : WCD\n", + "2019-06-17 11:00:19,701 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:19,724 : INFO : built Dictionary(43 unique tokens: ['africa', 'asia', 'believes', 'completely', 'countries']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:19,720 : INFO : Vocabulary size: 16 500\n", + "2019-06-17 11:00:19,733 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,729 : INFO : 0.0\n", + "2019-06-17 11:00:19,730 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,739 : INFO : First K WMD\n", + "2019-06-17 11:00:19,763 : INFO : built Dictionary(51 unique tokens: ['accept', 'accepted', 'advance', 'advise', 'application']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:19,756 : INFO : WCD\n", + "2019-06-17 11:00:19,793 : INFO : 0.0\n", + "2019-06-17 11:00:19,818 : INFO : [(-20.964574813842773, 1), (-19.85633659362793, 9), (-19.008264541625977, 6), (-18.324031829833984, 3), (-19.506528854370117, 7), (-18.817325592041016, 8), (-18.594560623168945, 5), (-0.0, 0), (-18.11375617980957, 4), (-19.20870018005371, 2)]\n", + "2019-06-17 11:00:19,816 : INFO : First K WMD\n", + "2019-06-17 11:00:19,820 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,845 : INFO : built Dictionary(22 unique tokens: ['bads', 'become', 'common', 'could', 'details']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:19,833 : INFO : 0.1\n", + "2019-06-17 11:00:19,857 : INFO : P&P\n", + "2019-06-17 11:00:19,847 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,870 : INFO : [(-20.884735107421875, 9), (-20.2757511138916, 8), (-19.506959915161133, 6), (-19.68661880493164, 5), (-18.931859970092773, 4), (-17.352336883544922, 1), (-18.628686904907227, 7), (-16.856956481933594, 0), (-17.290552139282227, 2), (-15.988212585449219, 3)]\n", + "2019-06-17 11:00:19,869 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,886 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:19,868 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,887 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:19,890 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:19,889 : INFO : 0.1\n", + "2019-06-17 11:00:19,928 : INFO : built Dictionary(33 unique tokens: ['common', 'country', 'guys', 'lot', 'need']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:19,916 : INFO : built Dictionary(27 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:19,927 : INFO : P&P\n", + "2019-06-17 11:00:19,945 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:19,957 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:19,995 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,024 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,016 : INFO : Vocabulary size: 5 500\n", + "2019-06-17 11:00:20,021 : INFO : built Dictionary(28 unique tokens: ['boy', 'dark', 'fare', 'girl', 'married']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:20,060 : INFO : WCD\n", + "2019-06-17 11:00:20,059 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,083 : INFO : 0.0\n", + "2019-06-17 11:00:20,087 : INFO : built Dictionary(38 unique tokens: ['confusion', 'enjoy', 'first', 'fourth', 'interviews']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:20,106 : INFO : First K WMD\n", + "2019-06-17 11:00:20,113 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,137 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:20,138 : INFO : [(-20.12354278564453, 4), (-19.330928802490234, 3), (-19.68625259399414, 9), (-19.320236206054688, 5), (-18.498048782348633, 1), (-18.70110321044922, 6), (-18.4248046875, 0), (-19.288490295410156, 7), (-18.523818969726562, 2), (-18.072237014770508, 8)]\n", + "2019-06-17 11:00:20,148 : INFO : WCD\n", + "2019-06-17 11:00:20,157 : INFO : 0.0\n", + "2019-06-17 11:00:20,182 : INFO : 0.0\n", + "2019-06-17 11:00:20,182 : INFO : P&P\n", + "2019-06-17 11:00:20,184 : INFO : First K WMD\n", + "2019-06-17 11:00:20,201 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:20,188 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,232 : INFO : built Dictionary(31 unique tokens: ['beatiful', 'beautiful', 'egyptians', 'girls', 'heard']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:20,264 : INFO : [(-20.386171340942383, 9), (-18.01150894165039, 7), (-16.592327117919922, 8), (-16.407611846923828, 6), (-17.911773681640625, 1), (-12.767983436584473, 2), (-15.204957962036133, 0), (-13.164169311523438, 4), (-14.287120819091797, 5), (-15.469461441040039, 3)]\n", + "2019-06-17 11:00:20,295 : INFO : Vocabulary size: 23 500\n", + "2019-06-17 11:00:20,284 : INFO : 0.1\n", + "2019-06-17 11:00:20,294 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:20,305 : INFO : WCD\n", + "2019-06-17 11:00:20,311 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,310 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,306 : INFO : P&P\n", + "2019-06-17 11:00:20,319 : INFO : 0.0\n", + "2019-06-17 11:00:20,334 : INFO : First K WMD\n", + "2019-06-17 11:00:20,327 : INFO : built Dictionary(36 unique tokens: ['around', 'closed', 'expired', 'garvey', 'got']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:20,330 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:20,361 : INFO : [(-19.928001403808594, 4), (-19.701377868652344, 9), (-19.740556716918945, 5), (-19.489063262939453, 8), (-14.717412948608398, 3), (-19.454524993896484, 1), (-18.943920135498047, 7), (-18.111894607543945, 6), (-17.66033935546875, 2), (-0.0, 0)]\n", + "2019-06-17 11:00:20,369 : INFO : 0.0\n", + "2019-06-17 11:00:20,379 : INFO : P&P\n", + "2019-06-17 11:00:20,374 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,384 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:20,406 : INFO : built Dictionary(32 unique tokens: ['accepted', 'already', 'church', 'cousin', 'like']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:20,431 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,396 : INFO : Vocabulary size: 10 500\n", + "2019-06-17 11:00:20,469 : INFO : WCD\n", + "2019-06-17 11:00:20,486 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,488 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,522 : INFO : 0.0\n", + "2019-06-17 11:00:20,554 : INFO : First K WMD\n", + "2019-06-17 11:00:20,581 : INFO : [(-20.013511657714844, 7), (-19.239303588867188, 1), (-18.320966720581055, 5), (-18.22110939025879, 4), (-18.58061408996582, 0), (-16.569042205810547, 8), (-18.305482864379883, 9), (-17.526578903198242, 2), (-17.708402633666992, 6), (-15.194838523864746, 3)]\n", + "2019-06-17 11:00:20,589 : INFO : 0.0\n", + "2019-06-17 11:00:20,445 : INFO : built Dictionary(30 unique tokens: ['comments', 'erotic', 'exotic', 'fill', 'indian']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:20,601 : INFO : P&P\n", + "2019-06-17 11:00:20,614 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:20,611 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,631 : INFO : built Dictionary(49 unique tokens: ['born', 'care', 'concerned', 'countries', 'doesnt']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:20,609 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,662 : INFO : Vocabulary size: 18 500\n", + "2019-06-17 11:00:20,675 : INFO : WCD\n", + "2019-06-17 11:00:20,697 : INFO : 0.0\n", + "2019-06-17 11:00:20,706 : INFO : First K WMD\n", + "2019-06-17 11:00:20,731 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,767 : INFO : [(-18.810142517089844, 5), (-18.789100646972656, 4), (-16.503429412841797, 7), (-16.736772537231445, 9), (-16.01210594177246, 8), (-16.422739028930664, 3), (-16.188203811645508, 1), (-16.56192970275879, 2), (-16.532358169555664, 6), (-0.0, 0)]\n", + "2019-06-17 11:00:20,790 : INFO : 0.0\n", + "2019-06-17 11:00:20,806 : INFO : P&P\n", + "2019-06-17 11:00:20,808 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:20,798 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:20,804 : INFO : Vocabulary size: 10 500\n", + "2019-06-17 11:00:20,822 : INFO : WCD\n", + "2019-06-17 11:00:20,843 : INFO : 0.0\n", + "2019-06-17 11:00:20,846 : INFO : First K WMD\n", + "2019-06-17 11:00:20,854 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,859 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,899 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,934 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:20,926 : INFO : built Dictionary(39 unique tokens: ['also', 'back', 'breaking', 'cons', 'expected']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:20,967 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:20,953 : INFO : WCD\n", + "2019-06-17 11:00:20,980 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:20,978 : INFO : 0.0\n", + "2019-06-17 11:00:20,991 : INFO : built Dictionary(41 unique tokens: ['advise', 'appreciated', 'asking', 'certificate', 'conditions']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:20,916 : INFO : [(-21.67673110961914, 5), (-21.479244232177734, 9), (-21.578922271728516, 1), (-21.346134185791016, 3), (-20.572608947753906, 0), (-21.335363388061523, 7), (-20.747163772583008, 4), (-19.958662033081055, 6), (-21.19645118713379, 2), (-19.6876163482666, 8)]\n", + "2019-06-17 11:00:20,997 : INFO : First K WMD\n", + "2019-06-17 11:00:21,028 : INFO : [(-20.87758445739746, 7), (-19.972414016723633, 1), (-19.854808807373047, 8), (-18.431907653808594, 4), (-18.72998809814453, 9), (-14.937641143798828, 6), (-18.18296241760254, 3), (-0.0, 0), (-14.82392406463623, 5), (-16.290706634521484, 2)]\n", + "2019-06-17 11:00:21,014 : INFO : 0.1\n", + "2019-06-17 11:00:21,041 : INFO : 0.0\n", + "2019-06-17 11:00:21,031 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,044 : INFO : P&P\n", + "2019-06-17 11:00:21,066 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,059 : INFO : built Dictionary(17 unique tokens: ['cancel', 'cancellation', 'even', 'guys', 'passport']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:00:21,058 : INFO : P&P\n", + "2019-06-17 11:00:21,077 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:21,082 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:21,088 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,118 : INFO : built Dictionary(38 unique tokens: ['care', 'days', 'delivery', 'expecting', 'hired']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:21,121 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,227 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,265 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:21,264 : INFO : built Dictionary(24 unique tokens: ['agency', 'bring', 'ethiopia', 'help', 'hiring']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:21,274 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,270 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,280 : INFO : WCD\n", + "2019-06-17 11:00:21,271 : INFO : Vocabulary size: 19 500\n", + "2019-06-17 11:00:21,291 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,294 : INFO : 0.0\n", + "2019-06-17 11:00:21,292 : INFO : WCD\n", + "2019-06-17 11:00:21,305 : INFO : built Dictionary(35 unique tokens: ['able', 'advance', 'anyone', 'approval', 'b']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:21,313 : INFO : First K WMD\n", + "2019-06-17 11:00:21,319 : INFO : 0.0\n", + "2019-06-17 11:00:21,333 : INFO : First K WMD\n", + "2019-06-17 11:00:21,377 : INFO : [(-19.667552947998047, 2), (-19.66010284423828, 6), (-18.77987289428711, 1), (-18.70496368408203, 8), (-19.54026222229004, 3), (-18.396299362182617, 9), (-17.53272247314453, 4), (-18.696979522705078, 7), (-17.450464248657227, 5), (-19.26309585571289, 0)]\n", + "2019-06-17 11:00:21,385 : INFO : [(-19.03515625, 2), (-17.79197120666504, 9), (-17.12276840209961, 5), (-17.395830154418945, 8), (-16.71596908569336, 4), (-0.0, 0), (-16.52887725830078, 6), (-16.414045333862305, 1), (-15.892051696777344, 3), (-16.633621215820312, 7)]\n", + "2019-06-17 11:00:21,390 : INFO : 0.1\n", + "2019-06-17 11:00:21,413 : INFO : P&P\n", + "2019-06-17 11:00:21,420 : INFO : 0.1\n", + "2019-06-17 11:00:21,425 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:21,412 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,439 : INFO : P&P\n", + "2019-06-17 11:00:21,455 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,440 : INFO : built Dictionary(34 unique tokens: ['advice', 'anyone', 'could', 'currently', 'doha']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:21,450 : INFO : stopped by early_stop condition\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:21,472 : INFO : Vocabulary size: 16 500\n", + "2019-06-17 11:00:21,475 : INFO : WCD\n", + "2019-06-17 11:00:21,478 : INFO : 0.0\n", + "2019-06-17 11:00:21,478 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,494 : INFO : built Dictionary(45 unique tokens: ['able', 'accommodation', 'apartment', 'considering', 'cost']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:21,481 : INFO : First K WMD\n", + "2019-06-17 11:00:21,523 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,536 : INFO : [(-18.4628963470459, 1), (-16.511249542236328, 4), (-18.106136322021484, 8), (-15.929932594299316, 7), (-15.801773071289062, 5), (-12.384505271911621, 0), (-16.102802276611328, 2), (-15.169452667236328, 3), (-13.54975700378418, 9), (-15.740694999694824, 6)]\n", + "2019-06-17 11:00:21,557 : INFO : 0.0\n", + "2019-06-17 11:00:21,550 : INFO : Vocabulary size: 24 500\n", + "2019-06-17 11:00:21,565 : INFO : P&P\n", + "2019-06-17 11:00:21,573 : INFO : WCD\n", + "2019-06-17 11:00:21,578 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,598 : INFO : 0.0\n", + "2019-06-17 11:00:21,583 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:21,629 : INFO : First K WMD\n", + "2019-06-17 11:00:21,608 : INFO : built Dictionary(40 unique tokens: ['baby', 'begining', 'cannot', 'case', 'change']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:21,671 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,688 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,711 : INFO : [(-19.250457763671875, 3), (-18.85906410217285, 4), (-18.769018173217773, 8), (-17.918420791625977, 2), (-18.744565963745117, 9), (-18.29644203186035, 7), (-17.58534049987793, 5), (-17.727991104125977, 1), (-0.0, 0), (-17.380163192749023, 6)]\n", + "2019-06-17 11:00:21,727 : INFO : 0.1\n", + "2019-06-17 11:00:21,714 : INFO : built Dictionary(30 unique tokens: ['alternative', 'ban', 'change', 'employee', 'employer']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:21,705 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,744 : INFO : P&P\n", + "2019-06-17 11:00:21,734 : INFO : built Dictionary(51 unique tokens: ['allowances', 'better', 'dear', 'engineer', 'experience']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:00:21,722 : INFO : Vocabulary size: 7 500\n", + "2019-06-17 11:00:21,730 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,751 : INFO : WCD\n", + "2019-06-17 11:00:21,763 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:21,755 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:21,772 : INFO : 0.0\n", + "2019-06-17 11:00:21,802 : INFO : First K WMD\n", + "2019-06-17 11:00:21,861 : INFO : [(-21.039222717285156, 8), (-20.15747833251953, 9), (-17.522485733032227, 1), (-16.2148380279541, 0), (-19.940343856811523, 7), (-17.510330200195312, 2), (-13.029369354248047, 5), (-13.951584815979004, 4), (-13.90832805633545, 3), (-16.406095504760742, 6)]\n", + "2019-06-17 11:00:21,852 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:21,875 : INFO : WCD\n", + "2019-06-17 11:00:21,882 : INFO : 0.0\n", + "2019-06-17 11:00:21,899 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,863 : INFO : 0.0\n", + "2019-06-17 11:00:21,892 : INFO : First K WMD\n", + "2019-06-17 11:00:21,911 : INFO : P&P\n", + "2019-06-17 11:00:21,912 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:21,935 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:21,945 : INFO : built Dictionary(35 unique tokens: ['abt', 'accept', 'accommodation', 'air', 'company']...) from 2 documents (total 80 corpus positions)\n", + "2019-06-17 11:00:21,942 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:21,968 : INFO : [(-21.430776596069336, 7), (-20.564456939697266, 8), (-20.104063034057617, 6), (-20.141925811767578, 9), (-16.082399368286133, 3), (-19.606534957885742, 5), (-16.55998992919922, 0), (-18.965049743652344, 4), (-16.65601921081543, 1), (-15.463759422302246, 2)]\n", + "2019-06-17 11:00:22,036 : INFO : 0.1\n", + "2019-06-17 11:00:22,034 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,048 : INFO : Vocabulary size: 20 500\n", + "2019-06-17 11:00:22,086 : INFO : P&P\n", + "2019-06-17 11:00:22,072 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,097 : INFO : WCD\n", + "2019-06-17 11:00:22,116 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:22,121 : INFO : 0.0\n", + "2019-06-17 11:00:22,116 : INFO : built Dictionary(41 unique tokens: ['approx', 'engineer', 'experience', 'good', 'hi']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:22,134 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,141 : INFO : First K WMD\n", + "2019-06-17 11:00:22,143 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,188 : INFO : [(-19.72854995727539, 3), (-19.402931213378906, 7), (-19.092586517333984, 5), (-19.142333984375, 8), (-18.676002502441406, 0), (-18.122026443481445, 9), (-19.085140228271484, 6), (-16.499950408935547, 4), (-17.093196868896484, 2), (-17.905433654785156, 1)]\n", + "2019-06-17 11:00:22,204 : INFO : 0.1\n", + "2019-06-17 11:00:22,184 : INFO : Vocabulary size: 31 500\n", + "2019-06-17 11:00:22,195 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,224 : INFO : P&P\n", + "2019-06-17 11:00:22,222 : INFO : WCD\n", + "2019-06-17 11:00:22,224 : INFO : built Dictionary(63 unique tokens: ['accomodation', 'advance', 'allowance', 'australia', 'basic']...) from 2 documents (total 82 corpus positions)\n", + "2019-06-17 11:00:22,236 : INFO : 0.0\n", + "2019-06-17 11:00:22,230 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:22,242 : INFO : First K WMD\n", + "2019-06-17 11:00:22,290 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,303 : INFO : [(-20.056838989257812, 6), (-19.226882934570312, 1), (-18.571245193481445, 9), (-16.567798614501953, 5), (-16.235095977783203, 7), (-17.919570922851562, 3), (-15.500161170959473, 8), (-16.03974723815918, 0), (-0.0, 4), (-16.14720916748047, 2)]\n", + "2019-06-17 11:00:22,301 : INFO : Vocabulary size: 19 500\n", + "2019-06-17 11:00:22,325 : INFO : 0.1\n", + "2019-06-17 11:00:22,321 : INFO : WCD\n", + "2019-06-17 11:00:22,343 : INFO : 0.0\n", + "2019-06-17 11:00:22,341 : INFO : P&P\n", + "2019-06-17 11:00:22,358 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:22,367 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,378 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,386 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,355 : INFO : First K WMD\n", + "2019-06-17 11:00:22,417 : INFO : built Dictionary(33 unique tokens: ['becuase', 'capable', 'children', 'company', 'current']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:00:22,422 : INFO : Vocabulary size: 32 500\n", + "2019-06-17 11:00:22,445 : INFO : WCD\n", + "2019-06-17 11:00:22,452 : INFO : 0.0\n", + "2019-06-17 11:00:22,461 : INFO : First K WMD\n", + "2019-06-17 11:00:22,448 : INFO : [(-21.482257843017578, 8), (-19.855825424194336, 7), (-19.809064865112305, 9), (-17.341535568237305, 3), (-19.41337776184082, 6), (-17.812976837158203, 5), (-16.061477661132812, 1), (-14.578228950500488, 0), (-11.360544204711914, 2), (-19.014596939086914, 4)]\n", + "2019-06-17 11:00:22,448 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,472 : INFO : built Dictionary(36 unique tokens: ['also', 'around', 'asked', 'company', 'current']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:22,471 : INFO : 0.1\n", + "2019-06-17 11:00:22,489 : INFO : P&P\n", + "2019-06-17 11:00:22,486 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,493 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,495 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,497 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,536 : INFO : built Dictionary(15 unique tokens: ['change', 'family', 'husband', 'new', 'sponsor']...) from 2 documents (total 29 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:22,535 : INFO : built Dictionary(61 unique tokens: ['airport', 'alcohol', 'apartment', 'cafeteria', 'close']...) from 2 documents (total 76 corpus positions)\n", + "2019-06-17 11:00:22,558 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,521 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:22,607 : INFO : [(-22.983196258544922, 2), (-20.509382247924805, 4), (-20.981613159179688, 6), (-20.342670440673828, 7), (-19.96017074584961, 9), (-19.425537109375, 5), (-20.297460556030273, 0), (-19.357925415039062, 8), (-19.886138916015625, 3), (-19.932920455932617, 1)]\n", + "2019-06-17 11:00:22,617 : INFO : built Dictionary(16 unique tokens: ['advise', 'change', 'company', 'even', 'husband']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:00:22,616 : INFO : 0.1\n", + "2019-06-17 11:00:22,654 : INFO : P&P\n", + "2019-06-17 11:00:22,665 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,682 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:22,703 : INFO : built Dictionary(18 unique tokens: ['away', 'exit', 'get', 'go', 'going']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:00:22,733 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,729 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:22,738 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,752 : INFO : built Dictionary(24 unique tokens: ['anyone', 'changing', 'could', 'guide', 'husband']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:22,754 : INFO : WCD\n", + "2019-06-17 11:00:22,779 : INFO : 0.0\n", + "2019-06-17 11:00:22,784 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,798 : INFO : First K WMD\n", + "2019-06-17 11:00:22,801 : INFO : built Dictionary(25 unique tokens: ['advise', 'anyone', 'appreciated', 'change', 'changing']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:22,773 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:22,799 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,816 : INFO : WCD\n", + "2019-06-17 11:00:22,817 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,829 : INFO : built Dictionary(29 unique tokens: ['advance', 'confused', 'dates', 'dear', 'doha']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:22,828 : INFO : [(-22.046415328979492, 9), (-20.95157241821289, 1), (-20.582632064819336, 0), (-20.551929473876953, 6), (-19.506080627441406, 3), (-20.08598518371582, 7), (-19.04819107055664, 5), (-15.837325096130371, 4), (-17.99116325378418, 8), (-19.36410903930664, 2)]\n", + "2019-06-17 11:00:22,837 : INFO : built Dictionary(58 unique tokens: ['accomodation', 'advice', 'air', 'back', 'choice']...) from 2 documents (total 82 corpus positions)\n", + "2019-06-17 11:00:22,840 : INFO : 0.0\n", + "2019-06-17 11:00:22,854 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,856 : INFO : 0.0\n", + "2019-06-17 11:00:22,865 : INFO : built Dictionary(29 unique tokens: ['advance', 'amount', 'business', 'company', 'day']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:22,854 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,869 : INFO : First K WMD\n", + "2019-06-17 11:00:22,873 : INFO : P&P\n", + "2019-06-17 11:00:22,878 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:22,883 : INFO : [(-21.64759063720703, 8), (-20.698009490966797, 6), (-20.19049644470215, 3), (-20.217205047607422, 7), (-20.401790618896484, 2), (-20.058513641357422, 0), (-19.606748580932617, 1), (-19.6198787689209, 9), (-19.903806686401367, 5), (-20.314977645874023, 4)]\n", + "2019-06-17 11:00:22,902 : INFO : built Dictionary(30 unique tokens: ['advise', 'already', 'anyone', 'appreciate', 'company']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:22,897 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:22,900 : INFO : 0.0\n", + "2019-06-17 11:00:22,932 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:22,951 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:22,939 : INFO : P&P\n", + "2019-06-17 11:00:22,970 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:23,010 : INFO : Vocabulary size: 10 500\n", + "2019-06-17 11:00:23,040 : INFO : WCD\n", + "2019-06-17 11:00:23,035 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,059 : INFO : 0.0\n", + "2019-06-17 11:00:23,074 : INFO : First K WMD\n", + "2019-06-17 11:00:23,096 : INFO : Vocabulary size: 32 500\n", + "2019-06-17 11:00:23,095 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,068 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:23,125 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:23,133 : INFO : built Dictionary(44 unique tokens: ['accept', 'accomodation', 'air', 'basically', 'decent']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:23,126 : INFO : WCD\n", + "2019-06-17 11:00:23,118 : INFO : [(-20.45170021057129, 6), (-19.22339630126953, 7), (-19.231740951538086, 1), (-18.897192001342773, 9), (-18.976207733154297, 8), (-15.086923599243164, 4), (-19.05516815185547, 2), (-18.404979705810547, 3), (-18.666227340698242, 5), (-17.626728057861328, 0)]\n", + "2019-06-17 11:00:23,144 : INFO : 0.0\n", + "2019-06-17 11:00:23,158 : INFO : First K WMD\n", + "2019-06-17 11:00:23,152 : INFO : 0.1\n", + "2019-06-17 11:00:23,162 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,198 : INFO : P&P\n", + "2019-06-17 11:00:23,221 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:23,232 : INFO : [(-20.24945068359375, 7), (-19.241369247436523, 4), (-18.42218589782715, 2), (-18.234771728515625, 9), (-18.983125686645508, 8), (-17.934825897216797, 3), (-17.387073516845703, 5), (-16.71825408935547, 1), (-0.0, 0), (-18.127037048339844, 6)]\n", + "2019-06-17 11:00:23,247 : INFO : 0.1\n", + "2019-06-17 11:00:23,220 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,256 : INFO : P&P\n", + "2019-06-17 11:00:23,270 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:23,288 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:23,292 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:23,301 : INFO : built Dictionary(51 unique tokens: ['adjusment', 'allowance', 'bad', 'bank', 'basic']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:00:23,321 : INFO : WCD\n", + "2019-06-17 11:00:23,328 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,343 : INFO : 0.0\n", + "2019-06-17 11:00:23,357 : INFO : First K WMD\n", + "2019-06-17 11:00:23,362 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:23,379 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:23,383 : INFO : built Dictionary(45 unique tokens: ['anyone', 'center', 'enough', 'filipino', 'getting']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:23,474 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,468 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,495 : INFO : [(-19.615846633911133, 8), (-19.122394561767578, 1), (-19.068479537963867, 9), (-17.899232864379883, 3), (-17.1294002532959, 6), (-14.97187614440918, 0), (-15.362873077392578, 4), (-15.59569263458252, 2), (-16.632450103759766, 7), (-15.283309936523438, 5)]\n", + "2019-06-17 11:00:23,481 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:23,522 : INFO : 0.1\n", + "2019-06-17 11:00:23,534 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:23,525 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:23,541 : INFO : P&P\n", + "2019-06-17 11:00:23,551 : INFO : built Dictionary(50 unique tokens: ['assume', 'bank', 'benifits', 'best', 'edge']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:23,550 : INFO : WCD\n", + "2019-06-17 11:00:23,562 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:23,576 : INFO : 0.0\n", + "2019-06-17 11:00:23,590 : INFO : First K WMD\n", + "2019-06-17 11:00:23,583 : INFO : creating matrix with 10 documents and 462807 features\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:23,637 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:23,662 : INFO : [(-20.357885360717773, 1), (-19.780426025390625, 7), (-19.14809799194336, 8), (-18.854463577270508, 9), (-19.412431716918945, 4), (-18.396207809448242, 6), (-0.0, 0), (-18.080116271972656, 5), (-14.599279403686523, 2), (-18.860294342041016, 3)]\n", + "2019-06-17 11:00:23,679 : INFO : 0.1\n", + "2019-06-17 11:00:23,685 : INFO : P&P\n", + "2019-06-17 11:00:23,692 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:23,695 : INFO : Vocabulary size: 19 500\n", + "2019-06-17 11:00:23,709 : INFO : WCD\n", + "2019-06-17 11:00:23,717 : INFO : 0.0\n", + "2019-06-17 11:00:23,714 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,736 : INFO : First K WMD\n", + "2019-06-17 11:00:23,736 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:23,780 : INFO : built Dictionary(38 unique tokens: ['best', 'craftsmanship', 'doha', 'kind', 'looking']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:23,791 : INFO : Vocabulary size: 21 500\n", + "2019-06-17 11:00:23,832 : INFO : [(-19.677589416503906, 7), (-18.47458267211914, 3), (-17.61203384399414, 9), (-18.383403778076172, 8), (-16.384395599365234, 5), (-17.225461959838867, 6), (-13.274375915527344, 2), (-15.138846397399902, 4), (-17.881616592407227, 0), (-13.639961242675781, 1)]\n", + "2019-06-17 11:00:23,824 : INFO : WCD\n", + "2019-06-17 11:00:23,850 : INFO : 0.0\n", + "2019-06-17 11:00:23,869 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:23,856 : INFO : 0.1\n", + "2019-06-17 11:00:23,876 : INFO : First K WMD\n", + "2019-06-17 11:00:23,920 : INFO : P&P\n", + "2019-06-17 11:00:23,882 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,974 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:23,894 : INFO : built Dictionary(37 unique tokens: ['abaya', 'anyone', 'black', 'casual', 'cloaks']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:23,981 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,004 : INFO : [(-20.820114135742188, 7), (-20.19756317138672, 1), (-19.597253799438477, 3), (-19.890138626098633, 8), (-20.00615119934082, 6), (-19.59061622619629, 2), (-19.46162223815918, 4), (-18.416481018066406, 5), (-19.87225341796875, 9), (-0.0, 0)]\n", + "2019-06-17 11:00:24,018 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,058 : INFO : built Dictionary(43 unique tokens: ['advance', 'blouse', 'churidar', 'dress', 'dresses']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:24,051 : INFO : 0.1\n", + "2019-06-17 11:00:24,070 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:24,108 : INFO : WCD\n", + "2019-06-17 11:00:24,119 : INFO : P&P\n", + "2019-06-17 11:00:24,116 : INFO : 0.0\n", + "2019-06-17 11:00:24,135 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,142 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,150 : INFO : First K WMD\n", + "2019-06-17 11:00:24,208 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,198 : INFO : [(-19.877304077148438, 8), (-19.085084915161133, 7), (-18.657848358154297, 3), (-19.042797088623047, 2), (-18.211782455444336, 6), (-17.016071319580078, 5), (-18.421659469604492, 9), (-17.998512268066406, 4), (-13.507487297058105, 1), (-16.135478973388672, 0)]\n", + "2019-06-17 11:00:24,238 : INFO : 0.1\n", + "2019-06-17 11:00:24,230 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,249 : INFO : built Dictionary(31 unique tokens: ['beating', 'car', 'considered', 'cross', 'detect']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:24,215 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,250 : INFO : P&P\n", + "2019-06-17 11:00:24,279 : INFO : built Dictionary(33 unique tokens: ['anyone', 'clothes', 'decent', 'doha', 'indian']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:24,277 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,258 : INFO : Vocabulary size: 34 500\n", + "2019-06-17 11:00:24,297 : INFO : WCD\n", + "2019-06-17 11:00:24,310 : INFO : 0.0\n", + "2019-06-17 11:00:24,341 : INFO : First K WMD\n", + "2019-06-17 11:00:24,320 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,338 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,337 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,359 : INFO : built Dictionary(42 unique tokens: ['brand', 'design', 'designer', 'doha', 'dress']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:24,351 : INFO : built Dictionary(36 unique tokens: ['ask', 'car', 'dated', 'didin', 'driving']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:24,413 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:24,412 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:24,443 : INFO : WCD\n", + "2019-06-17 11:00:24,436 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,454 : INFO : 0.0\n", + "2019-06-17 11:00:24,442 : INFO : [(-20.2683048248291, 7), (-19.58823585510254, 9), (-18.286088943481445, 5), (-18.73045539855957, 4), (-17.102840423583984, 1), (-18.136104583740234, 3), (-16.952558517456055, 2), (-0.0, 0), (-17.65007972717285, 6), (-16.91690444946289, 8)]\n", + "2019-06-17 11:00:24,462 : INFO : First K WMD\n", + "2019-06-17 11:00:24,448 : INFO : built Dictionary(35 unique tokens: ['ago', 'anyone', 'around', 'broke', 'bt']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:24,481 : INFO : 0.1\n", + "2019-06-17 11:00:24,485 : INFO : P&P\n", + "2019-06-17 11:00:24,500 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,497 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,518 : INFO : built Dictionary(53 unique tokens: ['advice', 'buy', 'buying', 'clothes', 'comments']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:24,522 : INFO : [(-20.28169059753418, 6), (-20.092449188232422, 2), (-20.0845890045166, 9), (-18.82201385498047, 0), (-18.483827590942383, 1), (-19.605558395385742, 8), (-17.517024993896484, 5), (-18.1574649810791, 4), (-18.211830139160156, 3), (-17.6107120513916, 7)]\n", + "2019-06-17 11:00:24,516 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,527 : INFO : 0.0\n", + "2019-06-17 11:00:24,532 : INFO : P&P\n", + "2019-06-17 11:00:24,535 : INFO : built Dictionary(23 unique tokens: ['always', 'beating', 'cameras', 'car', 'friend']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:24,542 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,573 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,566 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,581 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,582 : INFO : built Dictionary(15 unique tokens: ['anyone', 'jumping', 'know', 'light', 'penalty']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:00:24,596 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,595 : INFO : Vocabulary size: 9 500\n", + "2019-06-17 11:00:24,603 : INFO : built Dictionary(41 unique tokens: ['advise', 'already', 'blinking', 'cid', 'drive']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:24,605 : INFO : WCD\n", + "2019-06-17 11:00:24,623 : INFO : 0.0\n", + "2019-06-17 11:00:24,630 : INFO : First K WMD\n", + "2019-06-17 11:00:24,657 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,644 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:24,655 : INFO : [(-19.60178565979004, 4), (-17.11741828918457, 5), (-19.558208465576172, 8), (-17.10744285583496, 6), (-16.72115135192871, 9), (-12.865962028503418, 3), (-17.641164779663086, 7), (-14.12519359588623, 2), (-0.0, 0), (-15.129334449768066, 1)]\n", + "2019-06-17 11:00:24,673 : INFO : built Dictionary(46 unique tokens: ['also', 'anyone', 'area', 'around', 'best']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:24,667 : INFO : WCD\n", + "2019-06-17 11:00:24,675 : INFO : 0.0\n", + "2019-06-17 11:00:24,682 : INFO : 0.0\n", + "2019-06-17 11:00:24,689 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:24,686 : INFO : P&P\n", + "2019-06-17 11:00:24,703 : INFO : built Dictionary(47 unique tokens: ['advice', 'al', 'anybody', 'anyone', 'around']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:24,711 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,714 : INFO : First K WMD\n", + "2019-06-17 11:00:24,720 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,737 : INFO : [(-22.86701011657715, 6), (-20.402727127075195, 7), (-20.48593521118164, 8), (-18.18132781982422, 2), (-19.93043327331543, 4), (-20.44795799255371, 9), (-16.477418899536133, 3), (-14.835026741027832, 1), (-16.64773941040039, 0), (-18.959447860717773, 5)]\n", + "2019-06-17 11:00:24,741 : INFO : 0.0\n", + "2019-06-17 11:00:24,753 : INFO : P&P\n", + "2019-06-17 11:00:24,756 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,751 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,768 : INFO : Vocabulary size: 19 500\n", + "2019-06-17 11:00:24,781 : INFO : built Dictionary(38 unique tokens: ['buy', 'covers', 'curtains', 'cushions', 'greetings']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:24,779 : INFO : WCD\n", + "2019-06-17 11:00:24,794 : INFO : 0.0\n", + "2019-06-17 11:00:24,806 : INFO : First K WMD\n", + "2019-06-17 11:00:24,802 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,814 : INFO : Vocabulary size: 5 500\n", + "2019-06-17 11:00:24,759 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,832 : INFO : WCD\n", + "2019-06-17 11:00:24,832 : INFO : built Dictionary(35 unique tokens: ['already', 'anyone', 'discussion', 'fined', 'god']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:24,836 : INFO : [(-20.62563133239746, 3), (-19.602008819580078, 9), (-19.610998153686523, 1), (-19.522390365600586, 6), (-18.27522850036621, 8), (-19.052762985229492, 7), (-18.87635612487793, 5), (-18.857219696044922, 2), (-0.0, 0), (-18.253019332885742, 4)]\n", + "2019-06-17 11:00:24,846 : INFO : 0.0\n", + "2019-06-17 11:00:24,846 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,867 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,855 : INFO : 0.0\n", + "2019-06-17 11:00:24,864 : INFO : built Dictionary(40 unique tokens: ['advise', 'also', 'bombay', 'buy', 'doha']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:24,858 : INFO : First K WMD\n", + "2019-06-17 11:00:24,870 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:24,877 : INFO : P&P\n", + "2019-06-17 11:00:24,906 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:24,888 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,903 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:24,924 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,934 : INFO : [(-22.541810989379883, 4), (-22.24071502685547, 9), (-21.51754379272461, 7), (-22.111560821533203, 0), (-20.859777450561523, 3), (-20.45640754699707, 2), (-19.84976577758789, 6), (-20.50175666809082, 8), (-19.71261978149414, 5), (-19.719711303710938, 1)]\n", + "2019-06-17 11:00:24,920 : INFO : built Dictionary(34 unique tokens: ['always', 'around', 'camera', 'car', 'department']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:24,953 : INFO : built Dictionary(61 unique tokens: ['belly', 'benefits', 'called', 'come', 'cool']...) from 2 documents (total 71 corpus positions)\n", + "2019-06-17 11:00:24,958 : INFO : 0.0\n", + "2019-06-17 11:00:24,975 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:24,983 : INFO : P&P\n", + "2019-06-17 11:00:25,010 : INFO : built Dictionary(44 unique tokens: ['abt', 'approx', 'around', 'average', 'colleague']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:25,035 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,045 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:25,065 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,021 : INFO : Vocabulary size: 2 500\n", + "2019-06-17 11:00:25,093 : INFO : WCD\n", + "2019-06-17 11:00:25,111 : INFO : 0.0\n", + "2019-06-17 11:00:25,142 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:25,135 : INFO : First K WMD\n", + "2019-06-17 11:00:25,157 : INFO : [(-23.72178840637207, 7), (-23.49480628967285, 1), (-23.435033798217773, 4), (-23.4432430267334, 2), (-22.612407684326172, 5), (-22.263782501220703, 3), (-20.57079315185547, 6), (-22.94523048400879, 9), (-22.279651641845703, 0), (-21.54509735107422, 8)]\n", + "2019-06-17 11:00:25,181 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:25,179 : INFO : Vocabulary size: 9 500\n", + "2019-06-17 11:00:25,202 : INFO : WCD\n", + "2019-06-17 11:00:25,174 : INFO : 0.0\n", + "2019-06-17 11:00:25,237 : INFO : P&P\n", + "2019-06-17 11:00:25,247 : INFO : 0.0\n", + "2019-06-17 11:00:25,249 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:25,261 : INFO : First K WMD\n", + "2019-06-17 11:00:25,312 : INFO : [(-20.907976150512695, 6), (-20.65557098388672, 7), (-20.209787368774414, 2), (-19.42686653137207, 8), (-20.1729679107666, 5), (-19.85382843017578, 9), (-19.46387481689453, 4), (-17.561071395874023, 1), (-18.731647491455078, 3), (-16.913681030273438, 0)]\n", + "2019-06-17 11:00:25,322 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,324 : INFO : 0.0\n", + "2019-06-17 11:00:25,345 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,354 : INFO : P&P\n", + "2019-06-17 11:00:25,359 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:25,484 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:25,496 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,511 : INFO : WCD\n", + "2019-06-17 11:00:25,524 : INFO : 0.0\n", + "2019-06-17 11:00:25,513 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,535 : INFO : First K WMD\n", + "2019-06-17 11:00:25,573 : INFO : [(-18.27536392211914, 8), (-15.975988388061523, 4), (-17.401443481445312, 7), (-15.573257446289062, 3), (-15.129974365234375, 2), (-0.0, 5), (-14.290162086486816, 0), (-15.054178237915039, 9), (-14.32775592803955, 1), (-14.90622329711914, 6)]\n", + "2019-06-17 11:00:25,571 : INFO : Vocabulary size: 8 500\n", + "2019-06-17 11:00:25,588 : INFO : WCD\n", + "2019-06-17 11:00:25,598 : INFO : 0.0\n", + "2019-06-17 11:00:25,587 : INFO : 0.0\n", + "2019-06-17 11:00:25,611 : INFO : P&P\n", + "2019-06-17 11:00:25,619 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:25,613 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,603 : INFO : First K WMD\n", + "2019-06-17 11:00:25,684 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:25,728 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,715 : INFO : WCD\n", + "2019-06-17 11:00:25,722 : INFO : [(-20.551462173461914, 4), (-20.480745315551758, 6), (-20.408477783203125, 8), (-19.62327766418457, 1), (-20.389354705810547, 9), (-19.718387603759766, 7), (-19.19757652282715, 2), (-18.760740280151367, 3), (-17.99998664855957, 0), (-19.891403198242188, 5)]\n", + "2019-06-17 11:00:25,785 : INFO : 0.0\n", + "2019-06-17 11:00:25,788 : INFO : First K WMD\n", + "2019-06-17 11:00:25,800 : INFO : [(-20.81613540649414, 6), (-20.19727325439453, 2), (-20.517271041870117, 7), (-19.849313735961914, 8), (-20.178733825683594, 0), (-18.20035171508789, 9), (-20.421390533447266, 4), (-18.042539596557617, 5), (-18.46993637084961, 3), (-19.27248191833496, 1)]\n", + "2019-06-17 11:00:25,789 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:25,822 : INFO : 0.0\n", + "2019-06-17 11:00:25,830 : INFO : P&P\n", + "2019-06-17 11:00:25,846 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:25,825 : INFO : 0.1\n", + "2019-06-17 11:00:25,852 : INFO : P&P\n", + "2019-06-17 11:00:25,857 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:25,945 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:25,953 : INFO : WCD\n", + "2019-06-17 11:00:25,963 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,009 : INFO : Vocabulary size: 7 500\n", + "2019-06-17 11:00:25,985 : INFO : 0.0\n", + "2019-06-17 11:00:26,022 : INFO : First K WMD\n", + "2019-06-17 11:00:26,011 : INFO : WCD\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:26,017 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,075 : INFO : [(-20.992015838623047, 9), (-20.75328826904297, 7), (-19.498641967773438, 8), (-19.870206832885742, 4), (-19.648998260498047, 5), (-17.791488647460938, 0), (-0.0, 2), (-17.486867904663086, 6), (-18.01848793029785, 1), (-18.784202575683594, 3)]\n", + "2019-06-17 11:00:26,038 : INFO : 0.0\n", + "2019-06-17 11:00:26,087 : INFO : First K WMD\n", + "2019-06-17 11:00:26,087 : INFO : 0.0\n", + "2019-06-17 11:00:26,105 : INFO : [(-18.782733917236328, 6), (-18.279544830322266, 7), (-18.260786056518555, 4), (-16.14962387084961, 8), (-18.257122039794922, 2), (-16.6293888092041, 0), (-17.138071060180664, 5), (-15.686863899230957, 3), (-15.035643577575684, 1), (-17.576824188232422, 9)]\n", + "2019-06-17 11:00:26,107 : INFO : P&P\n", + "2019-06-17 11:00:26,108 : INFO : 0.0\n", + "2019-06-17 11:00:26,110 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:26,118 : INFO : P&P\n", + "2019-06-17 11:00:26,122 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:26,182 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,237 : INFO : Vocabulary size: 9 500\n", + "2019-06-17 11:00:26,247 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,261 : INFO : WCD\n", + "2019-06-17 11:00:26,275 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:26,286 : INFO : 0.0\n", + "2019-06-17 11:00:26,305 : INFO : First K WMD\n", + "2019-06-17 11:00:26,298 : INFO : WCD\n", + "2019-06-17 11:00:26,317 : INFO : 0.0\n", + "2019-06-17 11:00:26,318 : INFO : [(-21.374256134033203, 9), (-20.23324966430664, 4), (-20.285512924194336, 8), (-19.678295135498047, 6), (-19.059524536132812, 5), (-18.52311897277832, 2), (-20.156221389770508, 7), (-19.374723434448242, 3), (-16.942718505859375, 1), (-17.47613525390625, 0)]\n", + "2019-06-17 11:00:26,328 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:26,335 : INFO : 0.0\n", + "2019-06-17 11:00:26,341 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,333 : INFO : First K WMD\n", + "2019-06-17 11:00:26,352 : INFO : P&P\n", + "2019-06-17 11:00:26,363 : INFO : built Dictionary(33 unique tokens: ['acid', 'anyone', 'away', 'doc', 'gerd']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:00:26,367 : INFO : [(-22.269243240356445, 3), (-20.06961441040039, 2), (-19.588472366333008, 6), (-19.80489730834961, 4), (-19.480934143066406, 1), (-19.43011474609375, 5), (-18.992307662963867, 0), (-19.175397872924805, 7), (-16.802125930786133, 9), (-18.527618408203125, 8)]\n", + "2019-06-17 11:00:26,382 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:26,383 : INFO : 0.0\n", + "2019-06-17 11:00:26,395 : INFO : P&P\n", + "2019-06-17 11:00:26,411 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:26,443 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,432 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,412 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:26,455 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,453 : INFO : built Dictionary(6 unique tokens: ['advice', 'body', 'get', 'gold', 'loan']...) from 2 documents (total 18 corpus positions)\n", + "2019-06-17 11:00:26,459 : INFO : built Dictionary(62 unique tokens: ['advertisement', 'al', 'also', 'asking', 'bridge']...) from 2 documents (total 71 corpus positions)\n", + "2019-06-17 11:00:26,477 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,496 : INFO : built Dictionary(25 unique tokens: ['accept', 'advise', 'already', 'buy', 'cash']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:26,488 : INFO : Vocabulary size: 21 500\n", + "2019-06-17 11:00:26,506 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,517 : INFO : WCD\n", + "2019-06-17 11:00:26,525 : INFO : 0.0\n", + "2019-06-17 11:00:26,518 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:26,536 : INFO : WCD\n", + "2019-06-17 11:00:26,529 : INFO : First K WMD\n", + "2019-06-17 11:00:26,550 : INFO : 0.0\n", + "2019-06-17 11:00:26,561 : INFO : First K WMD\n", + "2019-06-17 11:00:26,577 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,581 : INFO : built Dictionary(17 unique tokens: ['bank', 'banks', 'commercial', 'experiences', 'good']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:00:26,589 : INFO : [(-18.041109085083008, 7), (-17.922582626342773, 0), (-17.66966438293457, 6), (-17.207416534423828, 9), (-16.908185958862305, 2), (-17.32042121887207, 4), (-17.24117088317871, 8), (-16.24907875061035, 1), (-16.990314483642578, 5), (-14.12224292755127, 3)]\n", + "2019-06-17 11:00:26,608 : INFO : 0.0\n", + "2019-06-17 11:00:26,604 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,612 : INFO : P&P\n", + "2019-06-17 11:00:26,619 : INFO : built Dictionary(35 unique tokens: ['anything', 'apply', 'away', 'bank', 'best']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:26,600 : INFO : [(-23.455646514892578, 4), (-22.065065383911133, 2), (-20.45237159729004, 9), (-21.475576400756836, 5), (-18.329002380371094, 7), (-18.838115692138672, 6), (-18.952970504760742, 3), (-19.68659782409668, 8), (-0.0, 0), (-17.867162704467773, 1)]\n", + "2019-06-17 11:00:26,634 : INFO : 0.1\n", + "2019-06-17 11:00:26,633 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:26,644 : INFO : P&P\n", + "2019-06-17 11:00:26,645 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,655 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:26,663 : INFO : built Dictionary(37 unique tokens: ['anyone', 'appreciated', 'approval', 'bank', 'company']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:26,686 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,689 : INFO : built Dictionary(32 unique tokens: ['accessories', 'bought', 'country', 'crazy', 'extraordinarily']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:26,700 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,706 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,709 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:26,691 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,712 : INFO : built Dictionary(33 unique tokens: ['actually', 'al', 'answer', 'bank', 'banks']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:26,752 : INFO : WCD\n", + "2019-06-17 11:00:26,743 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:26,771 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,764 : INFO : 0.0\n", + "2019-06-17 11:00:26,745 : INFO : Vocabulary size: 22 500\n", + "2019-06-17 11:00:26,781 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,773 : INFO : built Dictionary(9 unique tokens: ['best', 'investment', 'qr', 'advice', 'body']...) from 2 documents (total 12 corpus positions)\n", + "2019-06-17 11:00:26,794 : INFO : First K WMD\n", + "2019-06-17 11:00:26,786 : INFO : WCD\n", + "2019-06-17 11:00:26,799 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,828 : INFO : [(-21.035198211669922, 6), (-19.697490692138672, 4), (-17.247283935546875, 3), (-18.055545806884766, 9), (-16.85856819152832, 8), (-13.834127426147461, 5), (-17.196884155273438, 0), (-17.693374633789062, 7), (-15.961370468139648, 2), (-13.881464004516602, 1)]\n", + "2019-06-17 11:00:26,809 : INFO : built Dictionary(38 unique tokens: ['anyone', 'exam', 'feedback', 'got', 'help']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:26,882 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:26,865 : INFO : built Dictionary(17 unique tokens: ['confirm', 'department', 'hr', 'informed', 'must']...) from 2 documents (total 20 corpus positions)\n", + "2019-06-17 11:00:26,874 : INFO : 0.0\n", + "2019-06-17 11:00:26,856 : INFO : 0.1\n", + "2019-06-17 11:00:26,898 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,890 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:26,902 : INFO : P&P\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:26,919 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:26,903 : INFO : First K WMD\n", + "2019-06-17 11:00:26,920 : INFO : built Dictionary(33 unique tokens: ['advise', 'alcohol', 'answers', 'anywhere', 'bottle']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:00:26,921 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:26,956 : INFO : built Dictionary(51 unique tokens: ['april', 'better', 'cannot', 'country', 'daughter']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:26,968 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:26,972 : INFO : [(-19.62661361694336, 9), (-18.843427658081055, 5), (-18.94264030456543, 7), (-18.63849449157715, 8), (-18.411895751953125, 1), (-17.88629150390625, 0), (-18.74211883544922, 3), (-18.212522506713867, 2), (-18.46287727355957, 6), (-18.2197322845459, 4)]\n", + "2019-06-17 11:00:26,977 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:26,999 : INFO : WCD\n", + "2019-06-17 11:00:26,998 : INFO : 0.1\n", + "2019-06-17 11:00:26,978 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,008 : INFO : 0.0\n", + "2019-06-17 11:00:27,021 : INFO : P&P\n", + "2019-06-17 11:00:27,033 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:27,067 : INFO : First K WMD\n", + "2019-06-17 11:00:27,086 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,096 : INFO : [(-16.850013732910156, 8), (-16.278112411499023, 4), (-16.343198776245117, 6), (-16.093955993652344, 0), (-16.06368637084961, 2), (-15.517644882202148, 3), (-15.101765632629395, 1), (-15.20785903930664, 7), (-15.09005355834961, 5), (-13.519165992736816, 9)]\n", + "2019-06-17 11:00:27,074 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,102 : INFO : 0.0\n", + "2019-06-17 11:00:27,106 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,105 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:27,110 : INFO : P&P\n", + "2019-06-17 11:00:27,122 : INFO : built Dictionary(51 unique tokens: ['accommodation', 'allowance', 'allowances', 'allownaces', 'applied']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:00:27,125 : INFO : WCD\n", + "2019-06-17 11:00:27,119 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:27,132 : INFO : 0.0\n", + "2019-06-17 11:00:27,139 : INFO : First K WMD\n", + "2019-06-17 11:00:27,177 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,187 : INFO : [(-20.353586196899414, 6), (-20.067359924316406, 9), (-18.538522720336914, 4), (-17.606855392456055, 2), (-17.57813835144043, 7), (-17.336700439453125, 3), (-18.209636688232422, 8), (-12.104432106018066, 0), (-17.344139099121094, 5), (-0.0, 1)]\n", + "2019-06-17 11:00:27,209 : INFO : 0.1\n", + "2019-06-17 11:00:27,223 : INFO : P&P\n", + "2019-06-17 11:00:27,243 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:27,236 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:27,243 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,293 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,295 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,313 : INFO : built Dictionary(61 unique tokens: ['affected', 'affects', 'anyone', 'appreciated', 'asset']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:00:27,272 : INFO : WCD\n", + "2019-06-17 11:00:27,340 : INFO : 0.0\n", + "2019-06-17 11:00:27,324 : INFO : Vocabulary size: 4 500\n", + "2019-06-17 11:00:27,345 : INFO : First K WMD\n", + "2019-06-17 11:00:27,334 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,355 : INFO : WCD\n", + "2019-06-17 11:00:27,378 : INFO : 0.0\n", + "2019-06-17 11:00:27,382 : INFO : First K WMD\n", + "2019-06-17 11:00:27,395 : INFO : [(-21.555646896362305, 1), (-20.454160690307617, 9), (-20.98645782470703, 6), (-20.008569717407227, 2), (-19.962316513061523, 4), (-20.12238121032715, 7), (-18.93120002746582, 8), (-19.593385696411133, 5), (-17.651859283447266, 3), (-15.80506706237793, 0)]\n", + "2019-06-17 11:00:27,379 : INFO : [(-22.21565818786621, 3), (-20.122690200805664, 9), (-19.663360595703125, 4), (-18.386571884155273, 7), (-18.788270950317383, 1), (-18.17585563659668, 5), (-16.408733367919922, 2), (-18.073129653930664, 6), (-18.14422607421875, 0), (-17.42237663269043, 8)]\n", + "2019-06-17 11:00:27,401 : INFO : 0.0\n", + "2019-06-17 11:00:27,414 : INFO : 0.1\n", + "2019-06-17 11:00:27,426 : INFO : P&P\n", + "2019-06-17 11:00:27,443 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,447 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:27,457 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,471 : INFO : built Dictionary(32 unique tokens: ['arabic', 'course', 'good', 'group', 'lessons']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:27,488 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,430 : INFO : P&P\n", + "2019-06-17 11:00:27,513 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:27,518 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,551 : INFO : Vocabulary size: 29 500\n", + "2019-06-17 11:00:27,575 : INFO : WCD\n", + "2019-06-17 11:00:27,509 : INFO : Removed 0 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,579 : INFO : 0.0\n", + "2019-06-17 11:00:27,583 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,596 : INFO : First K WMD\n", + "2019-06-17 11:00:27,607 : INFO : built Dictionary(46 unique tokens: ['burqa', 'conservatively', 'culture', 'disrespectful', 'dressed']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:27,587 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:27,639 : INFO : WCD\n", + "2019-06-17 11:00:27,674 : INFO : 0.0\n", + "2019-06-17 11:00:27,685 : INFO : [(-20.94194793701172, 4), (-19.31439208984375, 8), (-17.978097915649414, 1), (-18.033113479614258, 3), (-18.472368240356445, 7), (-17.24334144592285, 5), (-17.712953567504883, 6), (-0.0, 0), (-16.23072624206543, 9), (-16.584203720092773, 2)]\n", + "2019-06-17 11:00:27,694 : INFO : 0.1\n", + "2019-06-17 11:00:27,694 : INFO : First K WMD\n", + "2019-06-17 11:00:27,727 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,733 : INFO : [(-22.453466415405273, 2), (-22.17247772216797, 1), (-21.491403579711914, 9), (-22.023984909057617, 4), (-22.132368087768555, 5), (-20.552640914916992, 6), (-20.7470760345459, 8), (-15.549776077270508, 0), (-20.574033737182617, 3), (-18.723716735839844, 7)]\n", + "2019-06-17 11:00:27,731 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,711 : INFO : P&P\n", + "2019-06-17 11:00:27,704 : INFO : Removed 1 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,739 : INFO : 0.0\n", + "2019-06-17 11:00:27,756 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:27,772 : INFO : P&P\n", + "2019-06-17 11:00:27,761 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,780 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:27,784 : INFO : built Dictionary(55 unique tokens: ['accent', 'asked', 'attention', 'bill', 'boost']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:00:27,813 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,868 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:27,891 : INFO : WCD\n", + "2019-06-17 11:00:27,899 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,897 : INFO : Removed 3 and 3 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,914 : INFO : 0.0\n", + "2019-06-17 11:00:27,923 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,916 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,936 : INFO : First K WMD\n", + "2019-06-17 11:00:27,941 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:27,934 : INFO : built Dictionary(10 unique tokens: ['ayala', 'ceo', 'clan', 'first', 'job']...) from 2 documents (total 12 corpus positions)\n", + "2019-06-17 11:00:27,939 : INFO : built Dictionary(37 unique tokens: ['anyone', 'back', 'bass', 'brands', 'buy']...) from 2 documents (total 41 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:27,961 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:27,961 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:27,975 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,997 : INFO : built Dictionary(18 unique tokens: ['brand', 'car', 'dog', 'first', 'good']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:00:27,986 : INFO : [(-21.977235794067383, 7), (-20.514877319335938, 8), (-19.21251678466797, 5), (-19.176013946533203, 1), (-18.162734985351562, 4), (-19.07843589782715, 9), (-18.020183563232422, 6), (-0.0, 0), (-14.783650398254395, 3), (-13.305310249328613, 2)]\n", + "2019-06-17 11:00:28,002 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:27,990 : INFO : WCD\n", + "2019-06-17 11:00:28,015 : INFO : built Dictionary(9 unique tokens: ['anyone', 'experience', 'needed', 'qaws', 'recently']...) from 2 documents (total 9 corpus positions)\n", + "2019-06-17 11:00:27,994 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,018 : INFO : 0.1\n", + "2019-06-17 11:00:28,016 : INFO : 0.0\n", + "2019-06-17 11:00:28,042 : INFO : P&P\n", + "2019-06-17 11:00:28,036 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:28,064 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:28,041 : INFO : First K WMD\n", + "2019-06-17 11:00:28,078 : INFO : built Dictionary(21 unique tokens: ['buy', 'c', 'call', 'child', 'even']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:00:28,094 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:28,037 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:28,106 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:28,123 : INFO : [(-21.062255859375, 4), (-20.485973358154297, 7), (-19.610925674438477, 1), (-19.744382858276367, 0), (-19.80144500732422, 9), (-18.889549255371094, 8), (-19.154850006103516, 3), (-18.105464935302734, 6), (-18.93995475769043, 5), (-19.263092041015625, 2)]\n", + "2019-06-17 11:00:28,129 : INFO : built Dictionary(27 unique tokens: ['bad', 'career', 'countries', 'end', 'equally']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:28,139 : INFO : 0.0\n", + "2019-06-17 11:00:28,151 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:28,166 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,171 : INFO : built Dictionary(22 unique tokens: ['bout', 'buy', 'cartoon', 'case', 'character']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:00:28,156 : INFO : P&P\n", + "2019-06-17 11:00:28,178 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:28,175 : INFO : Vocabulary size: 26 500\n", + "2019-06-17 11:00:28,191 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:28,213 : INFO : built Dictionary(46 unique tokens: ['actually', 'back', 'bar', 'bed', 'bit']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:28,213 : INFO : WCD\n", + "2019-06-17 11:00:28,240 : INFO : 0.0\n", + "2019-06-17 11:00:28,255 : INFO : First K WMD\n", + "2019-06-17 11:00:28,259 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:28,276 : INFO : built Dictionary(10 unique tokens: ['adventures', 'cool', 'get', 'interesting', 'still']...) from 2 documents (total 10 corpus positions)\n", + "2019-06-17 11:00:28,287 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,295 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:28,321 : INFO : [(-21.8565731048584, 8), (-21.204713821411133, 2), (-20.658161163330078, 1), (-21.179067611694336, 6), (-20.874967575073242, 3), (-20.409217834472656, 5), (-19.645164489746094, 7), (-20.295358657836914, 4), (-20.622304916381836, 9), (-17.459487915039062, 0)]\n", + "2019-06-17 11:00:28,325 : INFO : built Dictionary(37 unique tokens: ['activities', 'adha', 'away', 'boring', 'celebrations']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:28,310 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:28,338 : INFO : WCD\n", + "2019-06-17 11:00:28,338 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:28,345 : INFO : 0.1\n", + "2019-06-17 11:00:28,359 : INFO : 0.0\n", + "2019-06-17 11:00:28,361 : INFO : P&P\n", + "2019-06-17 11:00:28,392 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:28,364 : INFO : built Dictionary(12 unique tokens: ['answer', 'b', 'bad', 'c', 'good']...) from 2 documents (total 13 corpus positions)\n", + "2019-06-17 11:00:28,402 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,410 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:28,419 : INFO : First K WMD\n", + "2019-06-17 11:00:28,460 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,465 : INFO : [(-18.01692008972168, 8), (-16.514070510864258, 6), (-15.622930526733398, 0), (-15.550285339355469, 7), (-14.403300285339355, 5), (-13.951655387878418, 4), (-14.783037185668945, 1), (-14.121346473693848, 9), (-13.982943534851074, 3), (-11.930872917175293, 2)]\n", + "2019-06-17 11:00:28,479 : INFO : Vocabulary size: 30 500\n", + "2019-06-17 11:00:28,500 : INFO : WCD\n", + "2019-06-17 11:00:28,490 : INFO : 0.0\n", + "2019-06-17 11:00:28,506 : INFO : 0.0\n", + "2019-06-17 11:00:28,515 : INFO : P&P\n", + "2019-06-17 11:00:28,538 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:28,520 : INFO : First K WMD\n", + "2019-06-17 11:00:28,576 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:28,581 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,611 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,617 : INFO : [(-21.027233123779297, 9), (-20.083112716674805, 8), (-19.397388458251953, 7), (-19.660768508911133, 6), (-19.4161376953125, 4), (-17.85083770751953, 1), (-18.94464683532715, 2), (-17.982450485229492, 3), (-0.0, 0), (-18.07908058166504, 5)]\n", + "2019-06-17 11:00:28,630 : INFO : 0.1\n", + "2019-06-17 11:00:28,593 : INFO : WCD\n", + "2019-06-17 11:00:28,659 : INFO : P&P\n", + "2019-06-17 11:00:28,687 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:28,651 : INFO : 0.0\n", + "2019-06-17 11:00:28,711 : INFO : First K WMD\n", + "2019-06-17 11:00:28,739 : INFO : Vocabulary size: 32 500\n", + "2019-06-17 11:00:28,751 : INFO : WCD\n", + "2019-06-17 11:00:28,754 : INFO : [(-23.14484977722168, 5), (-22.619564056396484, 7), (-23.134672164916992, 9), (-21.432825088500977, 2), (-21.3194637298584, 4), (-19.984485626220703, 1), (-21.27737045288086, 8), (-19.216136932373047, 0), (-20.86276626586914, 6), (-16.77802085876465, 3)]\n", + "2019-06-17 11:00:28,760 : INFO : 0.0\n", + "2019-06-17 11:00:28,757 : INFO : 0.0\n", + "2019-06-17 11:00:28,774 : INFO : First K WMD\n", + "2019-06-17 11:00:28,778 : INFO : P&P\n", + "2019-06-17 11:00:28,796 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:28,809 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,853 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:28,851 : INFO : [(-21.7929630279541, 4), (-20.990459442138672, 9), (-19.990171432495117, 8), (-19.875844955444336, 3), (-19.566560745239258, 6), (-19.362686157226562, 7), (-19.42097282409668, 1), (-18.863811492919922, 5), (-0.0, 0), (-16.420063018798828, 2)]\n", + "2019-06-17 11:00:28,878 : INFO : 0.1\n", + "2019-06-17 11:00:28,906 : INFO : P&P\n", + "2019-06-17 11:00:28,924 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:28,974 : INFO : Vocabulary size: 16 500\n", + "2019-06-17 11:00:28,989 : INFO : WCD\n", + "2019-06-17 11:00:28,980 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,022 : INFO : 0.0\n", + "2019-06-17 11:00:28,984 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:29,027 : INFO : WCD\n", + "2019-06-17 11:00:29,012 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,012 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,030 : INFO : built Dictionary(34 unique tokens: ['airfare', 'airlines', 'airway', 'airways', 'bangkok']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:29,034 : INFO : First K WMD\n", + "2019-06-17 11:00:29,036 : INFO : 0.0\n", + "2019-06-17 11:00:29,055 : INFO : First K WMD\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:29,070 : INFO : [(-20.862916946411133, 6), (-20.249042510986328, 7), (-19.542098999023438, 4), (-19.406902313232422, 8), (-19.896913528442383, 9), (-18.920698165893555, 1), (-16.545400619506836, 0), (-17.868898391723633, 3), (-16.870378494262695, 5), (-17.386886596679688, 2)]\n", + "2019-06-17 11:00:29,078 : INFO : 0.0\n", + "2019-06-17 11:00:29,103 : INFO : P&P\n", + "2019-06-17 11:00:29,100 : INFO : [(-21.121061325073242, 7), (-20.979509353637695, 4), (-20.974580764770508, 8), (-20.244028091430664, 9), (-18.75907325744629, 5), (-18.502172470092773, 3), (-19.219619750976562, 6), (-17.862863540649414, 1), (-18.3883113861084, 0), (-15.199790954589844, 2)]\n", + "2019-06-17 11:00:29,108 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,121 : INFO : 0.0\n", + "2019-06-17 11:00:29,137 : INFO : P&P\n", + "2019-06-17 11:00:29,154 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,150 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,195 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,212 : INFO : built Dictionary(37 unique tokens: ['airways', 'anyone', 'anything', 'commercial', 'currently']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:29,230 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,239 : INFO : Vocabulary size: 7 500\n", + "2019-06-17 11:00:29,259 : INFO : WCD\n", + "2019-06-17 11:00:29,252 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:29,264 : INFO : 0.0\n", + "2019-06-17 11:00:29,271 : INFO : WCD\n", + "2019-06-17 11:00:29,257 : INFO : built Dictionary(43 unique tokens: ['advertisement', 'advice', 'agent', 'apartment', 'areas']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:29,278 : INFO : 0.0\n", + "2019-06-17 11:00:29,276 : INFO : First K WMD\n", + "2019-06-17 11:00:29,292 : INFO : First K WMD\n", + "2019-06-17 11:00:29,301 : INFO : [(-21.77652931213379, 7), (-21.4781551361084, 6), (-21.440885543823242, 8), (-20.657028198242188, 9), (-20.836076736450195, 5), (-19.31797981262207, 4), (-19.60320281982422, 0), (-19.210739135742188, 2), (-20.401050567626953, 3), (-15.302748680114746, 1)]\n", + "2019-06-17 11:00:29,313 : INFO : 0.0\n", + "2019-06-17 11:00:29,296 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,333 : INFO : P&P\n", + "2019-06-17 11:00:29,338 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,328 : INFO : [(-20.644161224365234, 9), (-20.414745330810547, 0), (-19.340627670288086, 7), (-19.41282081604004, 3), (-19.389419555664062, 6), (-19.236597061157227, 2), (-19.194141387939453, 1), (-18.88278579711914, 4), (-19.073816299438477, 5), (-18.44911766052246, 8)]\n", + "2019-06-17 11:00:29,341 : INFO : 0.0\n", + "2019-06-17 11:00:29,348 : INFO : P&P\n", + "2019-06-17 11:00:29,355 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,327 : INFO : built Dictionary(34 unique tokens: ['advice', 'airways', 'baby', 'born', 'come']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:29,343 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,357 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,377 : INFO : built Dictionary(35 unique tokens: ['advice', 'apartment', 'apartments', 'best', 'contract']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:29,382 : INFO : Vocabulary size: 18 500\n", + "2019-06-17 11:00:29,395 : INFO : WCD\n", + "2019-06-17 11:00:29,397 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,408 : INFO : built Dictionary(44 unique tokens: ['airways', 'anybody', 'arrive', 'ask', 'baggage']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:29,407 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,411 : INFO : 0.0\n", + "2019-06-17 11:00:29,420 : INFO : built Dictionary(41 unique tokens: ['also', 'car', 'come', 'every', 'fine']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:29,416 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:29,437 : INFO : WCD\n", + "2019-06-17 11:00:29,428 : INFO : First K WMD\n", + "2019-06-17 11:00:29,460 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:29,477 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,494 : INFO : built Dictionary(42 unique tokens: ['already', 'anybody', 'appartments', 'appreciate', 'area']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:29,481 : INFO : 0.0\n", + "2019-06-17 11:00:29,499 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,510 : INFO : built Dictionary(38 unique tokens: ['airline', 'airways', 'anyone', 'attended', 'back']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:29,521 : INFO : First K WMD\n", + "2019-06-17 11:00:29,529 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,482 : INFO : [(-20.97886085510254, 7), (-20.73546028137207, 0), (-19.62263298034668, 2), (-19.749256134033203, 5), (-19.198741912841797, 9), (-18.735034942626953, 3), (-19.37714958190918, 4), (-18.78215980529785, 1), (-19.186920166015625, 8), (-17.750608444213867, 6)]\n", + "2019-06-17 11:00:29,538 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,550 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,559 : INFO : built Dictionary(43 unique tokens: ['bought', 'buying', 'considered', 'decision', 'e']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:29,562 : INFO : 0.1\n", + "2019-06-17 11:00:29,573 : INFO : built Dictionary(46 unique tokens: ['afraid', 'airlines', 'airways', 'although', 'anybody']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:29,575 : INFO : [(-20.2460880279541, 3), (-19.868133544921875, 5), (-19.763158798217773, 2), (-19.842336654663086, 7), (-18.585250854492188, 4), (-19.14208221435547, 0), (-17.078927993774414, 9), (-19.233854293823242, 1), (-16.912384033203125, 6), (-16.558300018310547, 8)]\n", + "2019-06-17 11:00:29,577 : INFO : P&P\n", + "2019-06-17 11:00:29,605 : INFO : 0.1\n", + "2019-06-17 11:00:29,602 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,614 : INFO : P&P\n", + "2019-06-17 11:00:29,619 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,613 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,625 : INFO : built Dictionary(39 unique tokens: ['able', 'apartment', 'away', 'back', 'cancelling']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:29,627 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,629 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,639 : INFO : built Dictionary(31 unique tokens: ['air', 'airline', 'airways', 'bad', 'better']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:29,676 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,708 : INFO : built Dictionary(42 unique tokens: ['advance', 'bank', 'big', 'card', 'company']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:29,700 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:29,725 : INFO : Vocabulary size: 26 500\n", + "2019-06-17 11:00:29,712 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,746 : INFO : built Dictionary(34 unique tokens: ['advice', 'airways', 'aviation', 'bad', 'cabin']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:29,742 : INFO : WCD\n", + "2019-06-17 11:00:29,747 : INFO : WCD\n", + "2019-06-17 11:00:29,763 : INFO : 0.0\n", + "2019-06-17 11:00:29,769 : INFO : 0.0\n", + "2019-06-17 11:00:29,766 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,784 : INFO : First K WMD\n", + "2019-06-17 11:00:29,781 : INFO : First K WMD\n", + "2019-06-17 11:00:29,792 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,826 : INFO : [(-18.400894165039062, 7), (-17.91080093383789, 9), (-14.332581520080566, 5), (-15.574594497680664, 4), (-16.727848052978516, 8), (-13.601612091064453, 3), (-14.171646118164062, 2), (-15.121397018432617, 1), (-14.556406021118164, 6), (-14.622307777404785, 0)]\n", + "2019-06-17 11:00:29,796 : INFO : built Dictionary(41 unique tokens: ['ask', 'attend', 'clinics', 'days', 'doha']...) from 2 documents (total 53 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:29,836 : INFO : [(-19.3093318939209, 7), (-17.731443405151367, 9), (-18.60076332092285, 8), (-17.314767837524414, 1), (-17.476215362548828, 6), (-17.00689697265625, 3), (-13.628423690795898, 4), (-16.6080322265625, 0), (-14.79593276977539, 5), (-17.467424392700195, 2)]\n", + "2019-06-17 11:00:29,848 : INFO : 0.0\n", + "2019-06-17 11:00:29,857 : INFO : 0.0\n", + "2019-06-17 11:00:29,861 : INFO : P&P\n", + "2019-06-17 11:00:29,880 : INFO : P&P\n", + "2019-06-17 11:00:29,865 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,891 : INFO : built Dictionary(46 unique tokens: ['advance', 'airways', 'allowance', 'also', 'analyst']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:29,898 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,884 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:29,895 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,937 : INFO : built Dictionary(43 unique tokens: ['anything', 'apply', 'away', 'bank', 'best']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:29,995 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:29,994 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:29,996 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:29,989 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:30,013 : INFO : WCD\n", + "2019-06-17 11:00:30,017 : INFO : built Dictionary(27 unique tokens: ['advice', 'airways', 'ask', 'cabin', 'could']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:30,010 : INFO : WCD\n", + "2019-06-17 11:00:30,035 : INFO : 0.0\n", + "2019-06-17 11:00:30,057 : INFO : 0.0\n", + "2019-06-17 11:00:30,063 : INFO : First K WMD\n", + "2019-06-17 11:00:30,073 : INFO : First K WMD\n", + "2019-06-17 11:00:30,016 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:30,072 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:30,089 : INFO : [(-19.602678298950195, 6), (-18.6185245513916, 9), (-18.542539596557617, 8), (-18.018573760986328, 2), (-18.223575592041016, 5), (-17.944637298583984, 7), (-17.143938064575195, 3), (-17.378173828125, 4), (-17.546092987060547, 0), (-16.883371353149414, 1)]\n", + "2019-06-17 11:00:30,078 : INFO : built Dictionary(37 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:30,109 : INFO : [(-21.00978660583496, 8), (-20.83885383605957, 5), (-20.752784729003906, 4), (-20.11821937561035, 6), (-20.06441879272461, 2), (-18.68817138671875, 3), (-20.25462532043457, 7), (-17.17200469970703, 0), (-18.989503860473633, 9), (-19.150390625, 1)]\n", + "2019-06-17 11:00:30,114 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:30,121 : INFO : 0.0\n", + "2019-06-17 11:00:30,126 : INFO : 0.0\n", + "2019-06-17 11:00:30,140 : INFO : P&P\n", + "2019-06-17 11:00:30,147 : INFO : P&P\n", + "2019-06-17 11:00:30,165 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,165 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,170 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:30,234 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:30,245 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:30,250 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:30,261 : INFO : WCD\n", + "2019-06-17 11:00:30,265 : INFO : 0.0\n", + "2019-06-17 11:00:30,255 : INFO : WCD\n", + "2019-06-17 11:00:30,295 : INFO : 0.0\n", + "2019-06-17 11:00:30,321 : INFO : First K WMD\n", + "2019-06-17 11:00:30,352 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:30,281 : INFO : First K WMD\n", + "2019-06-17 11:00:30,379 : INFO : [(-20.366222381591797, 8), (-20.320045471191406, 3), (-20.081510543823242, 7), (-18.559356689453125, 1), (-18.538646697998047, 4), (-0.0, 0), (-19.319894790649414, 2), (-17.319419860839844, 5), (-18.12623405456543, 6), (-17.797597885131836, 9)]\n", + "2019-06-17 11:00:30,390 : INFO : [(-21.40264129638672, 8), (-20.722829818725586, 7), (-18.176223754882812, 9), (-20.056838989257812, 1), (-18.98577308654785, 6), (-17.408966064453125, 5), (-16.87538719177246, 3), (-18.540672302246094, 4), (-18.069774627685547, 2), (-15.758721351623535, 0)]\n", + "2019-06-17 11:00:30,402 : INFO : 0.0\n", + "2019-06-17 11:00:30,390 : INFO : 0.0\n", + "2019-06-17 11:00:30,408 : INFO : P&P\n", + "2019-06-17 11:00:30,412 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,413 : INFO : P&P\n", + "2019-06-17 11:00:30,431 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,515 : INFO : Vocabulary size: 27 500\n", + "2019-06-17 11:00:30,534 : INFO : WCD\n", + "2019-06-17 11:00:30,555 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:30,549 : INFO : 0.0\n", + "2019-06-17 11:00:30,570 : INFO : First K WMD\n", + "2019-06-17 11:00:30,550 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:30,597 : INFO : WCD\n", + "2019-06-17 11:00:30,607 : INFO : 0.0\n", + "2019-06-17 11:00:30,615 : INFO : First K WMD\n", + "2019-06-17 11:00:30,617 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:30,607 : INFO : [(-20.123703002929688, 8), (-19.88127899169922, 5), (-19.22214126586914, 7), (-18.89466667175293, 0), (-19.83743667602539, 3), (-18.064085006713867, 4), (-19.16490364074707, 2), (-18.442626953125, 1), (-18.403837203979492, 9), (-19.154579162597656, 6)]\n", + "2019-06-17 11:00:30,632 : INFO : [(-20.939878463745117, 4), (-18.451101303100586, 2), (-19.002378463745117, 3), (-18.02260398864746, 1), (-17.672014236450195, 0), (-16.197465896606445, 9), (-18.914541244506836, 6), (-16.754568099975586, 8), (-17.168359756469727, 5), (-17.38541030883789, 7)]\n", + "2019-06-17 11:00:30,629 : INFO : 0.0\n", + "2019-06-17 11:00:30,620 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:30,643 : INFO : built Dictionary(23 unique tokens: ['allowances', 'best', 'budget', 'buying', 'call']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:30,638 : INFO : 0.0\n", + "2019-06-17 11:00:30,645 : INFO : P&P\n", + "2019-06-17 11:00:30,648 : INFO : P&P\n", + "2019-06-17 11:00:30,654 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,655 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,672 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:30,687 : INFO : built Dictionary(49 unique tokens: ['advice', 'around', 'avail', 'banks', 'brand']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:00:30,711 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:30,733 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:30,755 : INFO : built Dictionary(18 unique tokens: ['cat', 'help', 'lost', 'lp', 'anyone']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:00:30,755 : INFO : Vocabulary size: 26 500\n", + "2019-06-17 11:00:30,770 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:30,786 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:30,785 : INFO : WCD\n", + "2019-06-17 11:00:30,798 : INFO : built Dictionary(39 unique tokens: ['asked', 'conversation', 'days', 'definite', 'english']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:30,762 : INFO : Vocabulary size: 21 500\n", + "2019-06-17 11:00:30,809 : INFO : WCD\n", + "2019-06-17 11:00:30,820 : INFO : 0.0\n", + "2019-06-17 11:00:30,807 : INFO : 0.0\n", + "2019-06-17 11:00:30,802 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:30,824 : INFO : First K WMD\n", + "2019-06-17 11:00:30,823 : INFO : First K WMD\n", + "2019-06-17 11:00:30,839 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:30,866 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:30,876 : INFO : [(-19.32832908630371, 5), (-18.815444946289062, 6), (-17.8533992767334, 2), (-17.964111328125, 3), (-18.089637756347656, 8), (-16.659833908081055, 0), (-17.620195388793945, 4), (-17.122276306152344, 7), (-17.49424934387207, 1), (-17.28972625732422, 9)]\n", + "2019-06-17 11:00:30,832 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:30,891 : INFO : 0.0\n", + "2019-06-17 11:00:30,889 : INFO : built Dictionary(50 unique tokens: ['accent', 'asked', 'attention', 'bill', 'boost']...) from 2 documents (total 60 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:30,907 : INFO : P&P\n", + "2019-06-17 11:00:30,890 : INFO : [(-18.945558547973633, 1), (-18.90532875061035, 0), (-16.798765182495117, 6), (-18.410327911376953, 5), (-17.673742294311523, 8), (-14.911725044250488, 3), (-15.577156066894531, 7), (-17.493745803833008, 4), (-16.80230712890625, 2), (-17.353836059570312, 9)]\n", + "2019-06-17 11:00:30,905 : INFO : built Dictionary(44 unique tokens: ['also', 'car', 'care', 'considering', 'cost']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:30,922 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,931 : INFO : 0.1\n", + "2019-06-17 11:00:30,947 : INFO : P&P\n", + "2019-06-17 11:00:30,966 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:30,974 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:31,001 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,000 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:31,019 : INFO : built Dictionary(43 unique tokens: ['alyson', 'appreciate', 'bring', 'buy', 'called']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:31,020 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:31,039 : INFO : WCD\n", + "2019-06-17 11:00:31,044 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,056 : INFO : 0.0\n", + "2019-06-17 11:00:31,065 : INFO : built Dictionary(35 unique tokens: ['couple', 'enough', 'good', 'k', 'kids']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:31,071 : INFO : First K WMD\n", + "2019-06-17 11:00:31,071 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:31,063 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:31,088 : INFO : WCD\n", + "2019-06-17 11:00:31,097 : INFO : 0.0\n", + "2019-06-17 11:00:31,098 : INFO : [(-21.237926483154297, 8), (-20.931133270263672, 4), (-19.53594398498535, 1), (-20.011028289794922, 9), (-19.38066864013672, 2), (-19.483915328979492, 7), (-17.8912353515625, 5), (-19.19415283203125, 3), (-18.333831787109375, 6), (-0.0, 0)]\n", + "2019-06-17 11:00:31,114 : INFO : First K WMD\n", + "2019-06-17 11:00:31,106 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,112 : INFO : 0.0\n", + "2019-06-17 11:00:31,133 : INFO : P&P\n", + "2019-06-17 11:00:31,129 : INFO : built Dictionary(30 unique tokens: ['buying', 'cats', 'could', 'doha', 'finding']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:31,112 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,145 : INFO : built Dictionary(45 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:31,139 : INFO : [(-21.21497917175293, 0), (-20.223201751708984, 6), (-20.88553810119629, 3), (-19.245086669921875, 4), (-19.793455123901367, 5), (-19.373207092285156, 9), (-19.764842987060547, 1), (-17.590715408325195, 8), (-17.958223342895508, 2), (-19.538572311401367, 7)]\n", + "2019-06-17 11:00:31,158 : INFO : 0.0\n", + "2019-06-17 11:00:31,152 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:31,154 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:31,168 : INFO : P&P\n", + "2019-06-17 11:00:31,169 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,188 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:31,197 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:31,188 : INFO : built Dictionary(46 unique tokens: ['also', 'annoying', 'asian', 'depends', 'end']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:31,263 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:31,274 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,311 : INFO : built Dictionary(58 unique tokens: ['advice', 'bedrooms', 'car', 'care', 'completion']...) from 2 documents (total 78 corpus positions)\n", + "2019-06-17 11:00:31,314 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:31,305 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:31,289 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,330 : INFO : built Dictionary(57 unique tokens: ['anyone', 'ask', 'bags', 'brand', 'buying']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:31,337 : INFO : WCD\n", + "2019-06-17 11:00:31,325 : INFO : WCD\n", + "2019-06-17 11:00:31,348 : INFO : 0.0\n", + "2019-06-17 11:00:31,362 : INFO : 0.0\n", + "2019-06-17 11:00:31,376 : INFO : First K WMD\n", + "2019-06-17 11:00:31,369 : INFO : First K WMD\n", + "2019-06-17 11:00:31,402 : INFO : [(-20.870853424072266, 9), (-20.743717193603516, 1), (-19.487890243530273, 6), (-19.746864318847656, 7), (-19.00180435180664, 3), (-19.32524871826172, 8), (-19.019563674926758, 2), (-19.37403678894043, 4), (-18.634815216064453, 5), (-0.0, 0)]\n", + "2019-06-17 11:00:31,429 : INFO : [(-20.068523406982422, 7), (-19.560813903808594, 9), (-19.817136764526367, 6), (-19.024555206298828, 8), (-18.089645385742188, 4), (-19.315662384033203, 5), (-17.600624084472656, 0), (-16.996206283569336, 3), (-15.252201080322266, 2), (-16.952898025512695, 1)]\n", + "2019-06-17 11:00:31,434 : INFO : creating matrix with 10 documents and 462807 features\n", + "2019-06-17 11:00:31,451 : INFO : 0.1\n", + "2019-06-17 11:00:31,441 : INFO : 0.0\n", + "2019-06-17 11:00:31,469 : INFO : P&P\n", + "2019-06-17 11:00:31,472 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:31,473 : INFO : P&P\n", + "2019-06-17 11:00:31,479 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:31,522 : INFO : Vocabulary size: 35 500\n", + "2019-06-17 11:00:31,534 : INFO : WCD\n", + "2019-06-17 11:00:31,515 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:31,547 : INFO : 0.0\n", + "2019-06-17 11:00:31,558 : INFO : First K WMD\n", + "2019-06-17 11:00:31,550 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,571 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:31,590 : INFO : built Dictionary(41 unique tokens: ['ago', 'anyone', 'arrived', 'doha', 'everyone']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:31,596 : INFO : WCD\n", + "2019-06-17 11:00:31,601 : INFO : 0.0\n", + "2019-06-17 11:00:31,611 : INFO : First K WMD\n", + "2019-06-17 11:00:31,617 : INFO : [(-19.37356185913086, 8), (-19.122310638427734, 3), (-19.230640411376953, 9), (-17.534046173095703, 2), (-18.711584091186523, 4), (-18.05825424194336, 6), (-18.555828094482422, 7), (-16.679759979248047, 1), (-0.0, 0), (-18.67510414123535, 5)]\n", + "2019-06-17 11:00:31,563 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,625 : INFO : 0.1\n", + "2019-06-17 11:00:31,635 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:31,649 : INFO : P&P\n", + "2019-06-17 11:00:31,657 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,658 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:31,669 : INFO : built Dictionary(43 unique tokens: ['actually', 'anyone', 'bay', 'beaches', 'calling']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:31,633 : INFO : built Dictionary(50 unique tokens: ['ask', 'attend', 'clinics', 'days', 'doha']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:00:31,688 : INFO : [(-19.523452758789062, 4), (-19.429969787597656, 1), (-18.90572166442871, 7), (-19.30421257019043, 0), (-18.837142944335938, 5), (-18.411298751831055, 2), (-15.300297737121582, 6), (-18.655675888061523, 8), (-19.107013702392578, 3), (-17.92129135131836, 9)]\n", + "2019-06-17 11:00:31,710 : INFO : 0.1\n", + "2019-06-17 11:00:31,711 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:31,725 : INFO : P&P\n", + "2019-06-17 11:00:31,725 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,738 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:31,763 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,741 : INFO : built Dictionary(46 unique tokens: ['amongst', 'anyone', 'area', 'aside', 'aspiring']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:31,774 : INFO : built Dictionary(54 unique tokens: ['abt', 'approx', 'around', 'average', 'colleague']...) from 2 documents (total 75 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:31,750 : INFO : Vocabulary size: 36 500\n", + "2019-06-17 11:00:31,809 : INFO : WCD\n", + "2019-06-17 11:00:31,814 : INFO : 0.0\n", + "2019-06-17 11:00:31,832 : INFO : First K WMD\n", + "2019-06-17 11:00:31,827 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:31,834 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:31,842 : INFO : WCD\n", + "2019-06-17 11:00:31,851 : INFO : 0.0\n", + "2019-06-17 11:00:31,862 : INFO : First K WMD\n", + "2019-06-17 11:00:31,861 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:31,944 : INFO : [(-19.713876724243164, 2), (-18.643831253051758, 9), (-18.276973724365234, 0), (-17.69195556640625, 8), (-18.381807327270508, 7), (-16.744121551513672, 3), (-15.881484985351562, 6), (-16.615751266479492, 5), (-16.494796752929688, 1), (-16.381183624267578, 4)]\n", + "2019-06-17 11:00:31,941 : INFO : built Dictionary(42 unique tokens: ['account', 'anyone', 'bank', 'directly', 'employee']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:31,969 : INFO : [(-20.705909729003906, 3), (-19.65243911743164, 1), (-19.778379440307617, 8), (-19.13143539428711, 7), (-19.506011962890625, 6), (-17.314760208129883, 4), (-0.0, 0), (-18.687602996826172, 2), (-18.05893898010254, 5), (-19.337446212768555, 9)]\n", + "2019-06-17 11:00:31,970 : INFO : 0.1\n", + "2019-06-17 11:00:31,984 : INFO : 0.1\n", + "2019-06-17 11:00:31,991 : INFO : P&P\n", + "2019-06-17 11:00:31,997 : INFO : P&P\n", + "2019-06-17 11:00:32,011 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,023 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,025 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,039 : INFO : built Dictionary(41 unique tokens: ['appartment', 'applied', 'around', 'enough', 'good']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:32,083 : INFO : Vocabulary size: 5 500\n", + "2019-06-17 11:00:32,094 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:32,115 : INFO : WCD\n", + "2019-06-17 11:00:32,109 : INFO : WCD\n", + "2019-06-17 11:00:32,132 : INFO : 0.0\n", + "2019-06-17 11:00:32,123 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:32,145 : INFO : First K WMD\n", + "2019-06-17 11:00:32,146 : INFO : 0.0\n", + "2019-06-17 11:00:32,165 : INFO : First K WMD\n", + "2019-06-17 11:00:32,214 : INFO : [(-18.63098907470703, 4), (-17.700000762939453, 5), (-16.462350845336914, 2), (-16.901535034179688, 0), (-16.488506317138672, 1), (-16.318065643310547, 7), (-15.095454216003418, 8), (-11.010178565979004, 9), (-15.703067779541016, 6), (-14.420193672180176, 3)]\n", + "2019-06-17 11:00:32,228 : INFO : 0.0\n", + "2019-06-17 11:00:32,236 : INFO : P&P\n", + "2019-06-17 11:00:32,255 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,266 : INFO : [(-21.06643295288086, 3), (-20.65537452697754, 8), (-20.383665084838867, 5), (-19.254892349243164, 4), (-19.983257293701172, 9), (-19.38749122619629, 7), (-16.88791847229004, 0), (-18.811683654785156, 1), (-18.53022003173828, 6), (-17.580408096313477, 2)]\n", + "2019-06-17 11:00:32,284 : INFO : 0.0\n", + "2019-06-17 11:00:32,302 : INFO : P&P\n", + "2019-06-17 11:00:32,320 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,333 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:32,364 : INFO : WCD\n", + "2019-06-17 11:00:32,378 : INFO : 0.0\n", + "2019-06-17 11:00:32,385 : INFO : First K WMD\n", + "2019-06-17 11:00:32,393 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:32,410 : INFO : WCD\n", + "2019-06-17 11:00:32,421 : INFO : 0.0\n", + "2019-06-17 11:00:32,433 : INFO : First K WMD\n", + "2019-06-17 11:00:32,451 : INFO : [(-20.693185806274414, 9), (-19.54066276550293, 7), (-19.544017791748047, 2), (-17.098793029785156, 0), (-18.72410774230957, 8), (-16.843175888061523, 4), (-14.32939338684082, 1), (-13.396100997924805, 5), (-16.414615631103516, 3), (-17.783702850341797, 6)]\n", + "2019-06-17 11:00:32,429 : INFO : [(-22.097414016723633, 4), (-20.794246673583984, 6), (-20.22679901123047, 7), (-20.516145706176758, 9), (-18.487123489379883, 1), (-20.148447036743164, 3), (-18.71928596496582, 5), (-20.35823631286621, 8), (-0.0, 0), (-18.284427642822266, 2)]\n", + "2019-06-17 11:00:32,461 : INFO : 0.1\n", + "2019-06-17 11:00:32,470 : INFO : 0.0\n", + "2019-06-17 11:00:32,473 : INFO : P&P\n", + "2019-06-17 11:00:32,477 : INFO : P&P\n", + "2019-06-17 11:00:32,495 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,486 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,492 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,540 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:32,515 : INFO : built Dictionary(32 unique tokens: ['also', 'anyone', 'day', 'dubai', 'else']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:00:32,543 : INFO : WCD\n", + "2019-06-17 11:00:32,557 : INFO : 0.0\n", + "2019-06-17 11:00:32,590 : INFO : First K WMD\n", + "2019-06-17 11:00:32,590 : INFO : Vocabulary size: 18 500\n", + "2019-06-17 11:00:32,566 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,612 : INFO : built Dictionary(47 unique tokens: ['affidavit', 'anybody', 'bank', 'citizen', 'consul']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:00:32,615 : INFO : WCD\n", + "2019-06-17 11:00:32,623 : INFO : 0.0\n", + "2019-06-17 11:00:32,642 : INFO : First K WMD\n", + "2019-06-17 11:00:32,629 : INFO : [(-20.879165649414062, 4), (-20.013179779052734, 7), (-19.777036666870117, 8), (-19.601316452026367, 5), (-17.886882781982422, 1), (-18.925846099853516, 0), (-19.38395881652832, 6), (-18.354297637939453, 2), (-18.212135314941406, 9), (-16.6771183013916, 3)]\n", + "2019-06-17 11:00:32,648 : INFO : 0.1\n", + "2019-06-17 11:00:32,661 : INFO : P&P\n", + "2019-06-17 11:00:32,679 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,688 : INFO : [(-18.080730438232422, 8), (-16.670108795166016, 7), (-16.81732177734375, 6), (-16.34855079650879, 9), (-15.838838577270508, 5), (-15.221599578857422, 3), (-14.975289344787598, 1), (-14.735886573791504, 4), (-14.203593254089355, 2), (-15.477485656738281, 0)]\n", + "2019-06-17 11:00:32,683 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,734 : INFO : built Dictionary(32 unique tokens: ['africa', 'anyone', 'beleive', 'cant', 'come']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:32,732 : INFO : 0.1\n", + "2019-06-17 11:00:32,738 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,759 : INFO : P&P\n", + "2019-06-17 11:00:32,763 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,770 : INFO : Vocabulary size: 32 500\n", + "2019-06-17 11:00:32,785 : INFO : WCD\n", + "2019-06-17 11:00:32,771 : INFO : built Dictionary(29 unique tokens: ['accomodation', 'company', 'cristian', 'doha', 'engineer']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:32,796 : INFO : 0.0\n", + "2019-06-17 11:00:32,822 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,812 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:32,834 : INFO : First K WMD\n", + "2019-06-17 11:00:32,823 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,854 : INFO : WCD\n", + "2019-06-17 11:00:32,857 : INFO : built Dictionary(46 unique tokens: ['advise', 'allowance', 'ashghal', 'doha', 'enough']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:32,845 : INFO : built Dictionary(20 unique tokens: ['agencies', 'everybody', 'hi', 'know', 'qatar']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:32,859 : INFO : 0.0\n", + "2019-06-17 11:00:32,867 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,865 : INFO : First K WMD\n", + "2019-06-17 11:00:32,885 : INFO : built Dictionary(48 unique tokens: ['anybody', 'around', 'called', 'come', 'company']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:00:32,903 : INFO : [(-19.180747985839844, 4), (-19.161819458007812, 7), (-18.23743438720703, 8), (-16.87937355041504, 1), (-18.217662811279297, 6), (-15.245537757873535, 9), (-16.962942123413086, 2), (-16.20942497253418, 5), (-15.413349151611328, 3), (-0.0, 0)]\n", + "2019-06-17 11:00:32,907 : INFO : [(-22.97454071044922, 8), (-21.440460205078125, 7), (-19.91413116455078, 6), (-20.932754516601562, 9), (-15.500402450561523, 2), (-13.398838996887207, 1), (-19.09998893737793, 4), (-16.108665466308594, 0), (-18.564666748046875, 5), (-13.41885757446289, 3)]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:32,929 : INFO : 0.0\n", + "2019-06-17 11:00:32,920 : INFO : 0.1\n", + "2019-06-17 11:00:32,939 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:32,943 : INFO : P&P\n", + "2019-06-17 11:00:32,946 : INFO : P&P\n", + "2019-06-17 11:00:32,957 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,956 : INFO : built Dictionary(43 unique tokens: ['companies', 'dolphin', 'energy', 'engineer', 'etc']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:32,967 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:32,996 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,017 : INFO : built Dictionary(23 unique tokens: ['anyone', 'city', 'come', 'compare', 'open']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:33,014 : INFO : Vocabulary size: 8 500\n", + "2019-06-17 11:00:33,038 : INFO : WCD\n", + "2019-06-17 11:00:33,035 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,087 : INFO : built Dictionary(38 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:33,118 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,102 : INFO : 0.0\n", + "2019-06-17 11:00:33,134 : INFO : First K WMD\n", + "2019-06-17 11:00:33,141 : INFO : built Dictionary(40 unique tokens: ['aircraft', 'airways', 'anyone', 'called', 'engineer']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:33,144 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:33,160 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,166 : INFO : WCD\n", + "2019-06-17 11:00:33,175 : INFO : [(-22.233287811279297, 8), (-21.784374237060547, 5), (-20.658559799194336, 3), (-20.910507202148438, 6), (-20.607698440551758, 2), (-16.963151931762695, 4), (-16.65375328063965, 9), (-12.143669128417969, 1), (-19.722387313842773, 7), (-12.151820182800293, 0)]\n", + "2019-06-17 11:00:33,182 : INFO : built Dictionary(31 unique tokens: ['drive', 'dubai', 'fun', 'get', 'go']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:00:33,195 : INFO : 0.0\n", + "2019-06-17 11:00:33,188 : INFO : 0.0\n", + "2019-06-17 11:00:33,225 : INFO : First K WMD\n", + "2019-06-17 11:00:33,237 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,248 : INFO : built Dictionary(45 unique tokens: ['advance', 'benefits', 'company', 'engineer', 'everyone']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:33,218 : INFO : P&P\n", + "2019-06-17 11:00:33,283 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:33,300 : INFO : [(-22.007612228393555, 1), (-21.19927406311035, 3), (-21.07072639465332, 6), (-19.662084579467773, 7), (-19.85196304321289, 5), (-18.490304946899414, 4), (-20.543115615844727, 0), (-19.420085906982422, 8), (-19.2573299407959, 9), (-19.482419967651367, 2)]\n", + "2019-06-17 11:00:33,312 : INFO : 0.1\n", + "2019-06-17 11:00:33,326 : INFO : P&P\n", + "2019-06-17 11:00:33,329 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,338 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:33,320 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,351 : INFO : built Dictionary(50 unique tokens: ['advance', 'airways', 'answered', 'anybody', 'apply']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:33,350 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:33,376 : INFO : built Dictionary(54 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:00:33,425 : INFO : WCD\n", + "2019-06-17 11:00:33,447 : INFO : Vocabulary size: 24 500\n", + "2019-06-17 11:00:33,447 : INFO : 0.0\n", + "2019-06-17 11:00:33,455 : INFO : First K WMD\n", + "2019-06-17 11:00:33,470 : INFO : WCD\n", + "2019-06-17 11:00:33,478 : INFO : [(-20.295320510864258, 6), (-19.63300323486328, 5), (-20.22649574279785, 9), (-18.950098037719727, 4), (-19.31886863708496, 8), (-19.00516128540039, 7), (-20.127485275268555, 3), (-15.96928596496582, 0), (-18.376943588256836, 2), (-14.258912086486816, 1)]\n", + "2019-06-17 11:00:33,459 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,451 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,481 : INFO : 0.0\n", + "2019-06-17 11:00:33,485 : INFO : built Dictionary(34 unique tokens: ['drake', 'hear', 'one', 'scull', 'stable']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:33,499 : INFO : 0.0\n", + "2019-06-17 11:00:33,496 : INFO : built Dictionary(24 unique tokens: ['airline', 'dubai', 'fly', 'know', 'let']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:33,507 : INFO : P&P\n", + "2019-06-17 11:00:33,499 : INFO : First K WMD\n", + "2019-06-17 11:00:33,525 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:33,526 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:33,509 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,547 : INFO : [(-20.79355239868164, 7), (-20.671812057495117, 6), (-19.848337173461914, 9), (-19.950206756591797, 3), (-19.51067543029785, 5), (-18.237428665161133, 1), (-19.728437423706055, 8), (-15.822040557861328, 0), (-17.829906463623047, 2), (-0.0, 4)]\n", + "2019-06-17 11:00:33,554 : INFO : built Dictionary(51 unique tokens: ['advance', 'amount', 'company', 'dear', 'excluding']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:00:33,559 : INFO : 0.0\n", + "2019-06-17 11:00:33,602 : INFO : P&P\n", + "2019-06-17 11:00:33,615 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:33,669 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:33,673 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:33,694 : INFO : WCD\n", + "2019-06-17 11:00:33,682 : INFO : WCD\n", + "2019-06-17 11:00:33,703 : INFO : 0.0\n", + "2019-06-17 11:00:33,709 : INFO : 0.0\n", + "2019-06-17 11:00:33,745 : INFO : First K WMD\n", + "2019-06-17 11:00:33,732 : INFO : First K WMD\n", + "2019-06-17 11:00:33,762 : INFO : [(-23.576061248779297, 3), (-18.994909286499023, 2), (-20.149356842041016, 1), (-18.084823608398438, 6), (-18.527414321899414, 7), (-16.774330139160156, 0), (-19.62653160095215, 4), (-15.04141616821289, 9), (-17.703624725341797, 8), (-15.920472145080566, 5)]\n", + "2019-06-17 11:00:33,779 : INFO : [(-20.58319854736328, 8), (-20.03719139099121, 7), (-19.538331985473633, 2), (-19.237489700317383, 3), (-19.334184646606445, 5), (-15.136723518371582, 1), (-18.533306121826172, 4), (-17.901466369628906, 6), (-16.575166702270508, 0), (-17.849380493164062, 9)]\n", + "2019-06-17 11:00:33,793 : INFO : 0.0\n", + "2019-06-17 11:00:33,751 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,790 : INFO : 0.0\n", + "2019-06-17 11:00:33,806 : INFO : P&P\n", + "2019-06-17 11:00:33,806 : INFO : built Dictionary(47 unique tokens: ['airways', 'comments', 'dear', 'doha', 'find']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:33,798 : INFO : P&P\n", + "2019-06-17 11:00:33,828 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:33,832 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:33,938 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:33,946 : INFO : built Dictionary(61 unique tokens: ['another', 'average', 'basic', 'benefits', 'change']...) from 2 documents (total 79 corpus positions)\n", + "2019-06-17 11:00:33,940 : INFO : Vocabulary size: 10 500\n", + "2019-06-17 11:00:33,975 : INFO : WCD\n", + "2019-06-17 11:00:33,981 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:33,995 : INFO : WCD\n", + "2019-06-17 11:00:33,987 : INFO : 0.0\n", + "2019-06-17 11:00:34,001 : INFO : 0.0\n", + "2019-06-17 11:00:34,013 : INFO : First K WMD\n", + "2019-06-17 11:00:34,011 : INFO : First K WMD\n", + "2019-06-17 11:00:34,037 : INFO : [(-19.450517654418945, 4), (-19.081039428710938, 7), (-18.029870986938477, 6), (-17.9783878326416, 5), (-16.567235946655273, 3), (-16.557945251464844, 2), (-17.975421905517578, 9), (-16.490108489990234, 1), (-16.365474700927734, 8), (-0.0, 0)]\n", + "2019-06-17 11:00:34,056 : INFO : 0.0\n", + "2019-06-17 11:00:34,050 : INFO : [(-21.43976593017578, 1), (-20.52419090270996, 3), (-20.118268966674805, 7), (-20.430696487426758, 6), (-19.727731704711914, 8), (-19.106203079223633, 9), (-18.14591407775879, 5), (-17.760683059692383, 2), (-18.439157485961914, 4), (-18.366701126098633, 0)]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:34,079 : INFO : P&P\n", + "2019-06-17 11:00:34,064 : INFO : 0.0\n", + "2019-06-17 11:00:34,109 : INFO : P&P\n", + "2019-06-17 11:00:34,089 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,091 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,130 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,132 : INFO : built Dictionary(16 unique tokens: ['assuming', 'budget', 'enough', 'food', 'month']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:00:34,169 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,186 : INFO : built Dictionary(25 unique tokens: ['assist', 'confusing', 'contact', 'delivery', 'doha']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:34,221 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:34,214 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:34,209 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,237 : INFO : built Dictionary(16 unique tokens: ['afican', 'african', 'doha', 'eating', 'food']...) from 2 documents (total 20 corpus positions)\n", + "2019-06-17 11:00:34,239 : INFO : WCD\n", + "2019-06-17 11:00:34,262 : INFO : 0.0\n", + "2019-06-17 11:00:34,259 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,250 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:34,268 : INFO : First K WMD\n", + "2019-06-17 11:00:34,279 : INFO : WCD\n", + "2019-06-17 11:00:34,284 : INFO : built Dictionary(10 unique tokens: ['best', 'chinese', 'doha', 'food', 'go']...) from 2 documents (total 11 corpus positions)\n", + "2019-06-17 11:00:34,291 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:34,295 : INFO : 0.0\n", + "2019-06-17 11:00:34,305 : INFO : First K WMD\n", + "2019-06-17 11:00:34,324 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,346 : INFO : built Dictionary(20 unique tokens: ['also', 'appreciate', 'cooking', 'doha', 'find']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:34,355 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,360 : INFO : built Dictionary(18 unique tokens: ['ali', 'arabic', 'dates', 'discriminate', 'favourites']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:00:34,338 : INFO : [(-18.15898323059082, 7), (-18.002897262573242, 3), (-16.057205200195312, 6), (-17.622173309326172, 4), (-16.408206939697266, 2), (-15.448098182678223, 8), (-15.1015625, 1), (-15.41435718536377, 5), (-17.120269775390625, 9), (-0.0, 0)]\n", + "2019-06-17 11:00:34,366 : INFO : 0.1\n", + "2019-06-17 11:00:34,379 : INFO : [(-20.192272186279297, 7), (-19.46892547607422, 6), (-18.489145278930664, 9), (-18.166622161865234, 5), (-16.937883377075195, 0), (-17.94074249267578, 2), (-18.25009536743164, 4), (-18.041271209716797, 8), (-16.206748962402344, 1), (-15.568445205688477, 3)]\n", + "2019-06-17 11:00:34,372 : INFO : P&P\n", + "2019-06-17 11:00:34,397 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,368 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,397 : INFO : 0.1\n", + "2019-06-17 11:00:34,414 : INFO : P&P\n", + "2019-06-17 11:00:34,403 : INFO : built Dictionary(15 unique tokens: ['available', 'best', 'cost', 'doha', 'food']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:00:34,430 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,434 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,461 : INFO : built Dictionary(34 unique tokens: ['acids', 'advice', 'amino', 'anyone', 'bodybuilding']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:34,474 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,475 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:34,488 : INFO : Vocabulary size: 16 500\n", + "2019-06-17 11:00:34,493 : INFO : WCD\n", + "2019-06-17 11:00:34,497 : INFO : 0.0\n", + "2019-06-17 11:00:34,499 : INFO : First K WMD\n", + "2019-06-17 11:00:34,490 : INFO : WCD\n", + "2019-06-17 11:00:34,491 : INFO : built Dictionary(51 unique tokens: ['able', 'anchovies', 'answers', 'apart', 'bear']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:34,513 : INFO : 0.0\n", + "2019-06-17 11:00:34,539 : INFO : First K WMD\n", + "2019-06-17 11:00:34,565 : INFO : [(-20.412973403930664, 2), (-19.5238037109375, 9), (-20.271774291992188, 7), (-18.71141815185547, 3), (-19.249799728393555, 6), (-18.591630935668945, 5), (-17.961729049682617, 0), (-18.10434913635254, 1), (-18.14888572692871, 4), (-17.337181091308594, 8)]\n", + "2019-06-17 11:00:34,559 : INFO : [(-20.01292610168457, 6), (-19.246118545532227, 5), (-18.699932098388672, 7), (-16.427471160888672, 0), (-18.362825393676758, 2), (-18.555654525756836, 8), (-14.655370712280273, 4), (-16.09160041809082, 3), (-16.41191291809082, 1), (-15.264312744140625, 9)]\n", + "2019-06-17 11:00:34,577 : INFO : 0.0\n", + "2019-06-17 11:00:34,582 : INFO : 0.1\n", + "2019-06-17 11:00:34,588 : INFO : P&P\n", + "2019-06-17 11:00:34,575 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,600 : INFO : P&P\n", + "2019-06-17 11:00:34,601 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,602 : INFO : built Dictionary(42 unique tokens: ['able', 'also', 'answer', 'asked', 'baby']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:34,612 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,662 : INFO : Vocabulary size: 20 500\n", + "2019-06-17 11:00:34,663 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:34,674 : INFO : WCD\n", + "2019-06-17 11:00:34,696 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:34,724 : INFO : 0.0\n", + "2019-06-17 11:00:34,740 : INFO : WCD\n", + "2019-06-17 11:00:34,738 : INFO : First K WMD\n", + "2019-06-17 11:00:34,766 : INFO : 0.0\n", + "2019-06-17 11:00:34,785 : INFO : First K WMD\n", + "2019-06-17 11:00:34,775 : INFO : [(-21.972305297851562, 9), (-19.445903778076172, 1), (-20.091201782226562, 7), (-18.83397674560547, 4), (-19.0318603515625, 3), (-18.150190353393555, 8), (-19.299009323120117, 5), (-17.99772071838379, 6), (-0.0, 0), (-18.651206970214844, 2)]\n", + "2019-06-17 11:00:34,796 : INFO : 0.0\n", + "2019-06-17 11:00:34,814 : INFO : P&P\n", + "2019-06-17 11:00:34,814 : INFO : [(-21.42551612854004, 2), (-21.140594482421875, 4), (-19.901439666748047, 8), (-20.594717025756836, 3), (-20.422121047973633, 7), (-18.116193771362305, 0), (-19.37249755859375, 6), (-18.77257537841797, 5), (-19.99769401550293, 9), (-19.709524154663086, 1)]\n", + "2019-06-17 11:00:34,838 : INFO : 0.0\n", + "2019-06-17 11:00:34,832 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,852 : INFO : P&P\n", + "2019-06-17 11:00:34,869 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:34,910 : INFO : Vocabulary size: 27 500\n", + "2019-06-17 11:00:34,935 : INFO : WCD\n", + "2019-06-17 11:00:34,929 : INFO : Vocabulary size: 19 500\n", + "2019-06-17 11:00:34,956 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:34,971 : INFO : 0.0\n", + "2019-06-17 11:00:34,966 : INFO : WCD\n", + "2019-06-17 11:00:34,978 : INFO : built Dictionary(20 unique tokens: ['change', 'climate', 'conference', 'cop', 'details']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:34,983 : INFO : 0.0\n", + "2019-06-17 11:00:34,987 : INFO : First K WMD\n", + "2019-06-17 11:00:35,002 : INFO : First K WMD\n", + "2019-06-17 11:00:35,002 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,029 : INFO : built Dictionary(23 unique tokens: ['arrested', 'campaigners', 'climate', 'copenhagen', 'dead']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:35,053 : INFO : [(-20.496992111206055, 7), (-20.00928497314453, 2), (-19.1842041015625, 8), (-19.98302459716797, 5), (-18.43427848815918, 3), (-17.037803649902344, 6), (-18.044445037841797, 9), (-17.45364761352539, 0), (-18.161466598510742, 4), (-16.765296936035156, 1)]\n", + "2019-06-17 11:00:35,047 : INFO : [(-20.217315673828125, 8), (-20.136913299560547, 7), (-19.348432540893555, 4), (-20.0974063873291, 6), (-18.35012435913086, 5), (-18.308691024780273, 3), (-18.69338607788086, 1), (-18.09669303894043, 2), (-18.769285202026367, 9), (-0.0, 0)]\n", + "2019-06-17 11:00:35,056 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,067 : INFO : 0.0\n", + "2019-06-17 11:00:35,071 : INFO : built Dictionary(48 unique tokens: ['able', 'arrive', 'besides', 'busy', 'concerned']...) from 2 documents (total 56 corpus positions)\n" + ] + }, + { + "name": "stderr", "output_type": "stream", "text": [ - "CPU times: user 2.14 s, sys: 5.08 s, total: 7.22 s\n", - "Wall time: 2min 51s\n" + "2019-06-17 11:00:35,077 : INFO : P&P\n", + "2019-06-17 11:00:35,067 : INFO : 0.1\n", + "2019-06-17 11:00:35,105 : INFO : P&P\n", + "2019-06-17 11:00:35,120 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:35,111 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,133 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:35,120 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,133 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,151 : INFO : built Dictionary(41 unique tokens: ['application', 'applied', 'approval', 'approved', 'changed']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:35,157 : INFO : built Dictionary(27 unique tokens: ['ask', 'authorities', 'caught', 'couple', 'happen']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:35,166 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:35,191 : INFO : Vocabulary size: 17 500\n", + "2019-06-17 11:00:35,192 : INFO : WCD\n", + "2019-06-17 11:00:35,198 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,208 : INFO : 0.0\n", + "2019-06-17 11:00:35,198 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,224 : INFO : First K WMD\n", + "2019-06-17 11:00:35,220 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,233 : INFO : built Dictionary(22 unique tokens: ['absolutely', 'back', 'everyone', 'go', 'gr']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:00:35,216 : INFO : WCD\n", + "2019-06-17 11:00:35,251 : INFO : 0.0\n", + "2019-06-17 11:00:35,251 : INFO : [(-20.12743377685547, 9), (-18.46717071533203, 6), (-18.671781539916992, 7), (-17.12271499633789, 4), (-17.668659210205078, 1), (-17.568227767944336, 2), (-17.15428924560547, 8), (-15.747174263000488, 5), (-0.0, 0), (-16.206281661987305, 3)]\n", + "2019-06-17 11:00:35,257 : INFO : 0.0\n", + "2019-06-17 11:00:35,261 : INFO : Removed 32 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,256 : INFO : First K WMD\n", + "2019-06-17 11:00:35,273 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,263 : INFO : P&P\n", + "2019-06-17 11:00:35,273 : INFO : built Dictionary(46 unique tokens: ['anybody', 'application', 'changes', 'ect', 'experience']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:35,286 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:35,290 : INFO : built Dictionary(29 unique tokens: ['cooperation', 'english', 'forum', 'group', 'lay']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:35,308 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,315 : INFO : built Dictionary(24 unique tokens: ['anyone', 'child', 'feedback', 'house', 'like']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:35,328 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,334 : INFO : built Dictionary(23 unique tokens: ['allowances', 'choose', 'country', 'guys', 'looking']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:35,289 : INFO : [(-20.816585540771484, 8), (-18.787384033203125, 9), (-17.63273811340332, 0), (-17.24789810180664, 7), (-18.65730094909668, 3), (-15.876364707946777, 1), (-15.174938201904297, 5), (-16.36451530456543, 2), (-14.644176483154297, 4), (-17.744613647460938, 6)]\n", + "2019-06-17 11:00:35,345 : INFO : 0.1\n", + "2019-06-17 11:00:35,355 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:35,347 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,351 : INFO : P&P\n", + "2019-06-17 11:00:35,363 : INFO : built Dictionary(38 unique tokens: ['afternoon', 'anyone', 'bus', 'child', 'children']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:35,402 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:35,364 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,387 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,394 : INFO : WCD\n", + "2019-06-17 11:00:35,416 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,419 : INFO : 0.0\n", + "2019-06-17 11:00:35,417 : INFO : built Dictionary(31 unique tokens: ['allowed', 'american', 'boyfriend', 'coming', 'doha']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:00:35,433 : INFO : built Dictionary(30 unique tokens: ['andi', 'anyone', 'application', 'ask', 'captain']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:35,453 : INFO : First K WMD\n", + "2019-06-17 11:00:35,444 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:35,463 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,474 : INFO : [(-20.87978172302246, 7), (-20.51575469970703, 3), (-20.86862564086914, 9), (-19.08833122253418, 4), (-20.039094924926758, 1), (-16.549318313598633, 0), (-18.61134147644043, 8), (-18.56856346130371, 6), (-17.65003776550293, 2), (-17.57465934753418, 5)]\n", + "2019-06-17 11:00:35,481 : INFO : 0.0\n", + "2019-06-17 11:00:35,470 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,482 : INFO : Vocabulary size: 8 500\n", + "2019-06-17 11:00:35,485 : INFO : P&P\n", + "2019-06-17 11:00:35,497 : INFO : WCD\n", + "2019-06-17 11:00:35,494 : INFO : built Dictionary(52 unique tokens: ['accept', 'accepted', 'advance', 'advise', 'application']...) from 2 documents (total 79 corpus positions)\n", + "2019-06-17 11:00:35,509 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:35,525 : INFO : 0.0\n", + "2019-06-17 11:00:35,555 : INFO : First K WMD\n", + "2019-06-17 11:00:35,583 : INFO : [(-21.688377380371094, 4), (-21.14757537841797, 1), (-21.547412872314453, 0), (-19.63936424255371, 5), (-20.30988311767578, 9), (-20.919878005981445, 3), (-19.8194522857666, 8), (-17.768611907958984, 6), (-18.275617599487305, 7), (-20.218931198120117, 2)]\n", + "2019-06-17 11:00:35,608 : INFO : 0.0\n", + "2019-06-17 11:00:35,626 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,633 : INFO : P&P\n", + "2019-06-17 11:00:35,646 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,663 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:35,667 : INFO : built Dictionary(31 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:35,694 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,696 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,715 : INFO : Vocabulary size: 8 500\n", + "2019-06-17 11:00:35,737 : INFO : WCD\n", + "2019-06-17 11:00:35,741 : INFO : built Dictionary(45 unique tokens: ['apply', 'approval', 'approve', 'daughter', 'days']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:35,750 : INFO : 0.0\n", + "2019-06-17 11:00:35,773 : INFO : First K WMD\n", + "2019-06-17 11:00:35,783 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,801 : INFO : [(-19.445392608642578, 9), (-18.134946823120117, 5), (-18.296350479125977, 8), (-17.199392318725586, 1), (-17.12928581237793, 2), (-11.231815338134766, 0), (-16.944690704345703, 4), (-16.572744369506836, 6), (-15.609818458557129, 3), (-15.289205551147461, 7)]\n", + "2019-06-17 11:00:35,816 : INFO : 0.0\n", + "2019-06-17 11:00:35,798 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:35,833 : INFO : P&P\n", + "2019-06-17 11:00:35,841 : INFO : built Dictionary(44 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:35,895 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:35,947 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:35,979 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,000 : INFO : built Dictionary(45 unique tokens: ['application', 'applied', 'b', 'certificate', 'counter']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:36,004 : INFO : Vocabulary size: 11 500\n", + "2019-06-17 11:00:36,029 : INFO : WCD\n", + "2019-06-17 11:00:36,041 : INFO : 0.0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:36,051 : INFO : First K WMD\n", + "2019-06-17 11:00:36,082 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:36,067 : INFO : [(-20.949689865112305, 6), (-19.396881103515625, 8), (-19.628931045532227, 4), (-19.34319305419922, 5), (-17.90311622619629, 7), (-16.35881233215332, 0), (-19.283071517944336, 3), (-15.986547470092773, 2), (-18.581565856933594, 9), (-16.03264045715332, 1)]\n", + "2019-06-17 11:00:36,106 : INFO : 0.0\n", + "2019-06-17 11:00:36,112 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,113 : INFO : P&P\n", + "2019-06-17 11:00:36,122 : INFO : built Dictionary(26 unique tokens: ['cost', 'document', 'family', 'hi', 'much']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:00:36,129 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:36,156 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,164 : INFO : built Dictionary(16 unique tokens: ['accommodation', 'airways', 'allowance', 'british', 'grade']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:36,159 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:36,175 : INFO : Vocabulary size: 7 500\n", + "2019-06-17 11:00:36,174 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,181 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,186 : INFO : WCD\n", + "2019-06-17 11:00:36,189 : INFO : built Dictionary(30 unique tokens: ['airways', 'basic', 'benefits', 'could', 'figures']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:36,206 : INFO : 0.0\n", + "2019-06-17 11:00:36,189 : INFO : built Dictionary(41 unique tokens: ['applied', 'applying', 'ask', 'certificate', 'change']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:36,226 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,258 : INFO : built Dictionary(44 unique tokens: ['airways', 'allowance', 'appreciate', 'basic', 'btw']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:36,267 : INFO : First K WMD\n", + "2019-06-17 11:00:36,284 : INFO : [(-19.167402267456055, 1), (-19.1055908203125, 6), (-17.88391876220703, 5), (-18.9915828704834, 3), (-17.738367080688477, 7), (-15.83198356628418, 0), (-17.41509437561035, 2), (-16.774913787841797, 4), (-14.511051177978516, 9), (-17.28350257873535, 8)]\n", + "2019-06-17 11:00:36,309 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:36,310 : INFO : 0.0\n", + "2019-06-17 11:00:36,336 : INFO : P&P\n", + "2019-06-17 11:00:36,342 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:36,364 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,380 : INFO : built Dictionary(39 unique tokens: ['airways', 'appalling', 'convince', 'course', 'day']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:36,422 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:36,427 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,437 : INFO : built Dictionary(35 unique tokens: ['able', 'airlines', 'airways', 'anyone', 'benefits']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:36,446 : INFO : WCD\n", + "2019-06-17 11:00:36,500 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,509 : INFO : 0.0\n", + "2019-06-17 11:00:36,520 : INFO : First K WMD\n", + "2019-06-17 11:00:36,528 : INFO : built Dictionary(29 unique tokens: ['advise', 'airways', 'ground', 'guys', 'hi']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:36,560 : INFO : [(-21.731332778930664, 9), (-20.71062660217285, 5), (-20.011201858520508, 3), (-20.441579818725586, 0), (-19.973024368286133, 6), (-19.774911880493164, 7), (-19.786239624023438, 2), (-20.43289566040039, 4), (-19.005836486816406, 8), (-18.6771297454834, 1)]\n", + "2019-06-17 11:00:36,565 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,586 : INFO : 0.1\n", + "2019-06-17 11:00:36,593 : INFO : built Dictionary(34 unique tokens: ['airways', 'comments', 'dear', 'doha', 'find']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:36,617 : INFO : P&P\n", + "2019-06-17 11:00:36,632 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,640 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:36,685 : INFO : built Dictionary(22 unique tokens: ['application', 'credential', 'hmc', 'right', 'stage']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:36,711 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,744 : INFO : built Dictionary(45 unique tokens: ['anything', 'apply', 'away', 'bank', 'best']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:36,797 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:36,821 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:36,854 : INFO : built Dictionary(49 unique tokens: ['advise', 'airways', 'anybody', 'british', 'children']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:00:36,894 : INFO : WCD\n", + "2019-06-17 11:00:36,913 : INFO : 0.0\n", + "2019-06-17 11:00:36,935 : INFO : First K WMD\n", + "2019-06-17 11:00:36,942 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:36,975 : INFO : [(-20.481361389160156, 7), (-19.7364559173584, 3), (-19.929903030395508, 9), (-18.935733795166016, 0), (-19.586103439331055, 5), (-19.302993774414062, 6), (-17.773727416992188, 4), (-17.244417190551758, 1), (-17.52622413635254, 2), (-18.34647560119629, 8)]\n", + "2019-06-17 11:00:37,031 : INFO : 0.1\n", + "2019-06-17 11:00:37,051 : INFO : P&P\n", + "2019-06-17 11:00:37,066 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:37,154 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:37,149 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,175 : INFO : built Dictionary(21 unique tokens: ['anybody', 'currently', 'doha', 'extend', 'futher']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:00:37,175 : INFO : WCD\n", + "2019-06-17 11:00:37,198 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,194 : INFO : 0.0\n", + "2019-06-17 11:00:37,211 : INFO : First K WMD\n", + "2019-06-17 11:00:37,212 : INFO : built Dictionary(32 unique tokens: ['available', 'besides', 'checked', 'days', 'disease']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:37,251 : INFO : [(-21.87194061279297, 6), (-21.52432632446289, 8), (-20.98164939880371, 4), (-21.176498413085938, 3), (-20.657711029052734, 1), (-19.16114044189453, 2), (-19.983736038208008, 5), (-21.009477615356445, 9), (-18.037687301635742, 0), (-20.454893112182617, 7)]\n", + "2019-06-17 11:00:37,253 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,273 : INFO : 0.0\n", + "2019-06-17 11:00:37,281 : INFO : P&P\n", + "2019-06-17 11:00:37,275 : INFO : built Dictionary(33 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:37,290 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:37,300 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,328 : INFO : built Dictionary(16 unique tokens: ['business', 'driving', 'family', 'indian', 'license']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:00:37,345 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,356 : INFO : built Dictionary(18 unique tokens: ['expiration', 'going', 'help', 'husband', 'husbands']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:00:37,377 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,383 : INFO : built Dictionary(44 unique tokens: ['apply', 'called', 'card', 'company', 'cost']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:37,381 : INFO : Vocabulary size: 9 500\n", + "2019-06-17 11:00:37,401 : INFO : WCD\n", + "2019-06-17 11:00:37,402 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,420 : INFO : built Dictionary(22 unique tokens: ['baby', 'born', 'bring', 'dear', 'help']...) from 2 documents (total 31 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:37,412 : INFO : 0.0\n", + "2019-06-17 11:00:37,434 : INFO : First K WMD\n", + "2019-06-17 11:00:37,446 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,475 : INFO : [(-19.762784957885742, 3), (-19.206506729125977, 4), (-19.526235580444336, 1), (-19.05494499206543, 8), (-17.926799774169922, 7), (-18.369455337524414, 2), (-17.78753089904785, 5), (-17.48784065246582, 6), (-17.665884017944336, 0), (-16.571170806884766, 9)]\n", + "2019-06-17 11:00:37,483 : INFO : 0.0\n", + "2019-06-17 11:00:37,480 : INFO : built Dictionary(20 unique tokens: ['embassy', 'experiences', 'go', 'loved', 'ones']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:00:37,496 : INFO : P&P\n", + "2019-06-17 11:00:37,505 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,505 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,517 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:37,524 : INFO : built Dictionary(24 unique tokens: ['backward', 'get', 'intervals', 'muslims', 'nobel']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:37,519 : INFO : built Dictionary(21 unique tokens: ['baby', 'best', 'childbirth', 'deliver', 'doctors']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:00:37,558 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,552 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,566 : INFO : built Dictionary(16 unique tokens: ['extend', 'extension', 'hotel', 'month', 'one']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:00:37,572 : INFO : built Dictionary(20 unique tokens: ['attitude', 'audio', 'block', 'conversation', 'crap']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:00:37,600 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,593 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:37,604 : INFO : built Dictionary(43 unique tokens: ['accommodation', 'allowance', 'anxious', 'contract', 'corp']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:37,588 : INFO : Vocabulary size: 9 500\n", + "2019-06-17 11:00:37,626 : INFO : WCD\n", + "2019-06-17 11:00:37,643 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,654 : INFO : 0.0\n", + "2019-06-17 11:00:37,655 : INFO : built Dictionary(42 unique tokens: ['advice', 'buy', 'buying', 'clothes', 'comments']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:37,681 : INFO : First K WMD\n", + "2019-06-17 11:00:37,706 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,720 : INFO : [(-21.050922393798828, 9), (-20.895610809326172, 2), (-19.826833724975586, 5), (-19.209794998168945, 7), (-20.10151481628418, 6), (-18.33381462097168, 3), (-19.04155731201172, 4), (-14.180174827575684, 1), (-18.471216201782227, 8), (-16.98177719116211, 0)]\n", + "2019-06-17 11:00:37,742 : INFO : built Dictionary(26 unique tokens: ['advise', 'anyone', 'bring', 'bringing', 'confiscated']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:37,743 : INFO : 0.0\n", + "2019-06-17 11:00:37,759 : INFO : P&P\n", + "2019-06-17 11:00:37,768 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:37,771 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,809 : INFO : built Dictionary(41 unique tokens: ['advise', 'already', 'appreciated', 'banned', 'country']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:37,849 : INFO : Vocabulary size: 9 500\n", + "2019-06-17 11:00:37,865 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,894 : INFO : WCD\n", + "2019-06-17 11:00:37,894 : INFO : built Dictionary(38 unique tokens: ['advice', 'anyone', 'appreciated', 'back', 'doha']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:37,907 : INFO : 0.0\n", + "2019-06-17 11:00:37,917 : INFO : First K WMD\n", + "2019-06-17 11:00:37,932 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,945 : INFO : built Dictionary(20 unique tokens: ['anyone', 'doha', 'done', 'give', 'lasik']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:00:37,953 : INFO : [(-20.403234481811523, 7), (-19.119047164916992, 6), (-19.638460159301758, 3), (-18.922842025756836, 8), (-17.707704544067383, 0), (-17.156421661376953, 4), (-18.131568908691406, 2), (-18.605148315429688, 1), (-14.9379301071167, 5), (-17.35120964050293, 9)]\n", + "2019-06-17 11:00:37,956 : INFO : 0.0\n", + "2019-06-17 11:00:37,972 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:37,981 : INFO : P&P\n", + "2019-06-17 11:00:37,987 : INFO : built Dictionary(23 unique tokens: ['burke', 'edmund', 'evident', 'evil', 'good']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:00:37,992 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:38,019 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:38,039 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,053 : INFO : built Dictionary(47 unique tokens: ['alone', 'atheletes', 'built', 'city', 'closed']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:38,070 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:38,113 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:38,115 : INFO : WCD\n", + "2019-06-17 11:00:38,154 : INFO : 0.0\n", + "2019-06-17 11:00:38,177 : INFO : First K WMD\n", + "2019-06-17 11:00:38,199 : INFO : [(-24.28228187561035, 6), (-21.832162857055664, 2), (-21.999034881591797, 1), (-21.730714797973633, 3), (-20.52125358581543, 8), (-20.101045608520508, 4), (-21.892850875854492, 7), (-20.590497970581055, 9), (-21.15671730041504, 5), (-18.731416702270508, 0)]\n", + "2019-06-17 11:00:38,228 : INFO : 0.0\n", + "2019-06-17 11:00:38,240 : INFO : P&P\n", + "2019-06-17 11:00:38,267 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:38,328 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,341 : INFO : Vocabulary size: 18 500\n", + "2019-06-17 11:00:38,353 : INFO : built Dictionary(22 unique tokens: ['abt', 'bike', 'buy', 'doha', 'get']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:38,365 : INFO : WCD\n", + "2019-06-17 11:00:38,382 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,386 : INFO : 0.0\n", + "2019-06-17 11:00:38,401 : INFO : built Dictionary(43 unique tokens: ['around', 'arriving', 'buy', 'bycicle', 'car']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:38,400 : INFO : First K WMD\n", + "2019-06-17 11:00:38,428 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,459 : INFO : [(-17.764511108398438, 6), (-17.709978103637695, 8), (-15.994205474853516, 0), (-16.619455337524414, 9), (-15.931408882141113, 2), (-14.984450340270996, 1), (-13.635215759277344, 7), (-14.509904861450195, 5), (-15.160906791687012, 3), (-14.881619453430176, 4)]\n", + "2019-06-17 11:00:38,462 : INFO : 0.0\n", + "2019-06-17 11:00:38,461 : INFO : built Dictionary(23 unique tokens: ['also', 'costs', 'cycle', 'cycles', 'doha']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:38,498 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:38,484 : INFO : P&P\n", + "2019-06-17 11:00:38,507 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:38,505 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:38,549 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,563 : INFO : built Dictionary(31 unique tokens: ['anybody', 'attempted', 'bcoz', 'behavior', 'driving']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:38,574 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,591 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:38,587 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:38,601 : INFO : built Dictionary(55 unique tokens: ['amount', 'anybody', 'asked', 'br', 'calls']...) from 2 documents (total 71 corpus positions)\n", + "2019-06-17 11:00:38,608 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:38,620 : INFO : WCD\n", + "2019-06-17 11:00:38,633 : INFO : built Dictionary(34 unique tokens: ['anybody', 'asd', 'country', 'driving', 'drving']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:38,638 : INFO : 0.0\n", + "2019-06-17 11:00:38,659 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,661 : INFO : First K WMD\n", + "2019-06-17 11:00:38,663 : INFO : built Dictionary(25 unique tokens: ['apply', 'class', 'direct', 'documents', 'driving']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:38,704 : INFO : [(-21.377159118652344, 3), (-21.08753776550293, 6), (-19.832258224487305, 9), (-20.14006233215332, 7), (-19.665321350097656, 5), (-19.657665252685547, 8), (-18.030359268188477, 4), (-18.450210571289062, 0), (-19.70598793029785, 1), (-15.693595886230469, 2)]\n", + "2019-06-17 11:00:38,685 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:38,709 : INFO : 0.0\n", + "2019-06-17 11:00:38,710 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,717 : INFO : P&P\n", + "2019-06-17 11:00:38,731 : INFO : built Dictionary(29 unique tokens: ['advance', 'case', 'comments', 'dear', 'doha']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:38,734 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:38,775 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,802 : INFO : Vocabulary size: 15 500\n", + "2019-06-17 11:00:38,798 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,798 : INFO : built Dictionary(31 unique tokens: ['back', 'convert', 'driving', 'get', 'getting']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:38,827 : INFO : built Dictionary(30 unique tokens: ['customer', 'number', 'qtel', 'service', 'anyone']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:38,846 : INFO : WCD\n", + "2019-06-17 11:00:38,844 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,862 : INFO : 0.0\n", + "2019-06-17 11:00:38,861 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:38,884 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,885 : INFO : First K WMD\n", + "2019-06-17 11:00:38,873 : INFO : built Dictionary(20 unique tokens: ['anyone', 'exam', 'giving', 'help', 'information']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:00:38,897 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:38,910 : INFO : built Dictionary(34 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:38,897 : INFO : built Dictionary(60 unique tokens: ['advice', 'also', 'basis', 'best', 'billions']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:00:38,918 : INFO : [(-20.13083839416504, 4), (-19.07439422607422, 5), (-18.750486373901367, 9), (-18.271827697753906, 7), (-18.402454376220703, 6), (-17.867551803588867, 1), (-16.922332763671875, 8), (-15.350641250610352, 0), (-18.01175308227539, 2), (-13.096017837524414, 3)]\n", + "2019-06-17 11:00:38,935 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:38,949 : INFO : 0.0\n", + "2019-06-17 11:00:38,974 : INFO : P&P\n", + "2019-06-17 11:00:39,001 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:39,040 : INFO : Vocabulary size: 19 500\n", + "2019-06-17 11:00:39,046 : INFO : WCD\n", + "2019-06-17 11:00:39,055 : INFO : 0.0\n", + "2019-06-17 11:00:39,059 : INFO : First K WMD\n", + "2019-06-17 11:00:39,053 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,066 : INFO : built Dictionary(33 unique tokens: ['affordable', 'calling', 'must', 'qtel', 'rates']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:39,091 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,114 : INFO : built Dictionary(37 unique tokens: ['anything', 'calls', 'dubai', 'eid', 'going']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:00:39,106 : INFO : [(-20.230304718017578, 0), (-19.479509353637695, 9), (-17.710174560546875, 4), (-18.35860252380371, 3), (-19.444610595703125, 5), (-15.621187210083008, 6), (-15.525400161743164, 7), (-16.300935745239258, 1), (-17.063791275024414, 8), (-19.43621826171875, 2)]\n", + "2019-06-17 11:00:39,134 : INFO : 0.1\n", + "2019-06-17 11:00:39,179 : INFO : P&P\n", + "2019-06-17 11:00:39,190 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:39,165 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,226 : INFO : built Dictionary(56 unique tokens: ['adsl', 'advice', 'ask', 'cable', 'connection']...) from 2 documents (total 73 corpus positions)\n", + "2019-06-17 11:00:39,290 : INFO : Vocabulary size: 18 500\n", + "2019-06-17 11:00:39,330 : INFO : WCD\n", + "2019-06-17 11:00:39,383 : INFO : 0.0\n", + "2019-06-17 11:00:39,391 : INFO : First K WMD\n", + "2019-06-17 11:00:39,402 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,443 : INFO : [(-17.119346618652344, 8), (-16.076509475708008, 3), (-16.589311599731445, 9), (-16.007556915283203, 5), (-15.58163833618164, 6), (-15.27847671508789, 1), (-14.926919937133789, 4), (-15.67658519744873, 2), (-14.558967590332031, 7), (-15.210012435913086, 0)]\n", + "2019-06-17 11:00:39,443 : INFO : built Dictionary(54 unique tokens: ['access', 'anyone', 'apn', 'btw', 'called']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:39,485 : INFO : 0.1\n", + "2019-06-17 11:00:39,507 : INFO : P&P\n", + "2019-06-17 11:00:39,529 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:39,544 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,608 : INFO : Vocabulary size: 18 500\n", + "2019-06-17 11:00:39,596 : INFO : built Dictionary(32 unique tokens: ['asian', 'easy', 'expatriate', 'formalities', 'getting']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:39,625 : INFO : WCD\n", + "2019-06-17 11:00:39,639 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,640 : INFO : 0.0\n", + "2019-06-17 11:00:39,646 : INFO : built Dictionary(30 unique tokens: ['aquiring', 'doha', 'easy', 'everyone', 'get']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:39,654 : INFO : First K WMD\n", + "2019-06-17 11:00:39,703 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,712 : INFO : built Dictionary(36 unique tokens: ['advance', 'amount', 'business', 'company', 'day']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:39,737 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,723 : INFO : [(-22.838077545166016, 3), (-19.12660026550293, 7), (-20.452198028564453, 8), (-18.19191551208496, 6), (-18.192567825317383, 0), (-18.645906448364258, 4), (-19.086807250976562, 9), (-16.502981185913086, 2), (-18.089052200317383, 1), (-17.613845825195312, 5)]\n", + "2019-06-17 11:00:39,767 : INFO : 0.1\n", + "2019-06-17 11:00:39,771 : INFO : P&P\n", + "2019-06-17 11:00:39,781 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:39,775 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,762 : INFO : built Dictionary(31 unique tokens: ['anyone', 'broadband', 'internet', 'new', 'qtel']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:39,789 : INFO : built Dictionary(41 unique tokens: ['anybody', 'care', 'change', 'circumstance', 'comes']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:39,810 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,814 : INFO : built Dictionary(42 unique tokens: ['able', 'august', 'currently', 'hi', 'iphone']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:39,865 : INFO : Vocabulary size: 13 500\n", + "2019-06-17 11:00:39,872 : INFO : WCD\n", + "2019-06-17 11:00:39,884 : INFO : 0.0\n", + "2019-06-17 11:00:39,887 : INFO : First K WMD\n", + "2019-06-17 11:00:39,886 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,901 : INFO : built Dictionary(40 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:39,910 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:39,927 : INFO : built Dictionary(44 unique tokens: ['anyone', 'connection', 'general', 'get', 'house']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:39,965 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:39,988 : INFO : built Dictionary(47 unique tokens: ['bank', 'citizens', 'exemption', 'fill', 'forget']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:39,979 : INFO : [(-21.04570770263672, 4), (-20.171222686767578, 8), (-20.69675064086914, 2), (-19.5819034576416, 3), (-18.434484481811523, 6), (-19.40779685974121, 0), (-18.442502975463867, 7), (-18.39457893371582, 5), (-19.11724090576172, 9), (-17.09741973876953, 1)]\n", + "2019-06-17 11:00:40,013 : INFO : 0.1\n", + "2019-06-17 11:00:40,016 : INFO : P&P\n", + "2019-06-17 11:00:40,044 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:40,039 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:40,049 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,074 : INFO : built Dictionary(53 unique tokens: ['advice', 'also', 'anyone', 'appreciated', 'arrive']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:00:40,106 : INFO : Vocabulary size: 12 500\n", + "2019-06-17 11:00:40,118 : INFO : WCD\n", + "2019-06-17 11:00:40,146 : INFO : 0.0\n", + "2019-06-17 11:00:40,159 : INFO : First K WMD\n", + "2019-06-17 11:00:40,182 : INFO : [(-19.365873336791992, 8), (-18.663850784301758, 2), (-17.512544631958008, 7), (-18.311302185058594, 5), (-17.288000106811523, 3), (-17.059988021850586, 9), (-14.581818580627441, 6), (-16.77338409423828, 1), (-17.331825256347656, 0), (-15.349908828735352, 4)]\n", + "2019-06-17 11:00:40,185 : INFO : 0.0\n", + "2019-06-17 11:00:40,166 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:40,192 : INFO : P&P\n", + "2019-06-17 11:00:40,197 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,197 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:40,203 : INFO : built Dictionary(42 unique tokens: ['abroad', 'anyone', 'bank', 'blamed', 'brazilian']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:40,244 : INFO : Removed 3 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:40,265 : INFO : Vocabulary size: 6 500\n", + "2019-06-17 11:00:40,274 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,280 : INFO : built Dictionary(43 unique tokens: ['ago', 'ahmed', 'anyone', 'best', 'friends']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:40,298 : INFO : WCD\n", + "2019-06-17 11:00:40,308 : INFO : 0.0\n", + "2019-06-17 11:00:40,310 : INFO : First K WMD\n", + "2019-06-17 11:00:40,342 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,338 : INFO : [(-20.010656356811523, 6), (-19.918170928955078, 1), (-19.132266998291016, 0), (-19.825809478759766, 3), (-19.092330932617188, 8), (-19.018573760986328, 7), (-16.99293327331543, 2), (-17.552520751953125, 5), (-19.49000358581543, 9), (-16.874366760253906, 4)]\n", + "2019-06-17 11:00:40,353 : INFO : built Dictionary(42 unique tokens: ['business', 'changes', 'countries', 'current', 'every']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:40,352 : INFO : 0.0\n", + "2019-06-17 11:00:40,373 : INFO : P&P\n", + "2019-06-17 11:00:40,408 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:40,405 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:40,482 : INFO : Vocabulary size: 14 500\n", + "2019-06-17 11:00:40,503 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,525 : INFO : WCD\n", + "2019-06-17 11:00:40,535 : INFO : built Dictionary(24 unique tokens: ['available', 'clicked', 'email', 'happend', 'hmmmm']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:40,542 : INFO : 0.0\n", + "2019-06-17 11:00:40,563 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,552 : INFO : First K WMD\n", + "2019-06-17 11:00:40,568 : INFO : built Dictionary(30 unique tokens: ['fill', 'island', 'palm', 'someone', 'story']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:40,579 : INFO : [(-21.750587463378906, 7), (-20.090139389038086, 4), (-19.499101638793945, 3), (-19.887256622314453, 9), (-19.635231018066406, 5), (-18.89453125, 0), (-19.363637924194336, 6), (-19.32002830505371, 8), (-16.862781524658203, 2), (-16.79352378845215, 1)]\n", + "2019-06-17 11:00:40,595 : INFO : 0.0\n", + "2019-06-17 11:00:40,614 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,627 : INFO : P&P\n", + "2019-06-17 11:00:40,646 : INFO : built Dictionary(59 unique tokens: ['around', 'bundle', 'car', 'card', 'care']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:00:40,648 : INFO : stopped by early_stop condition\n", + "2019-06-17 11:00:40,822 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,837 : INFO : built Dictionary(48 unique tokens: ['better', 'description', 'even', 'everything', 'exactly']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:40,935 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,938 : INFO : built Dictionary(27 unique tokens: ['enough', 'painful', 'qatar', 'available', 'clicked']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:40,945 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,948 : INFO : built Dictionary(37 unique tokens: ['around', 'closed', 'expired', 'garvey', 'got']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:40,968 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,989 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:40,987 : INFO : built Dictionary(29 unique tokens: ['africa', 'anyone', 'beleive', 'cant', 'come']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:40,999 : INFO : built Dictionary(55 unique tokens: ['anyone', 'appropiate', 'behind', 'dirty', 'eastern']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:41,016 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,038 : INFO : built Dictionary(48 unique tokens: ['anyone', 'approval', 'based', 'citizens', 'conditions']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:00:41,098 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,109 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,116 : INFO : built Dictionary(18 unique tokens: ['convert', 'exit', 'flying', 'need', 'permit']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:41,124 : INFO : built Dictionary(39 unique tokens: ['beware', 'culture', 'gun', 'help', 'increasing']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:41,150 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,166 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,171 : INFO : built Dictionary(33 unique tokens: ['airport', 'also', 'arrange', 'bak', 'changed']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:41,176 : INFO : built Dictionary(51 unique tokens: ['abaya', 'bloody', 'buy', 'considering', 'daft']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:41,198 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,202 : INFO : built Dictionary(24 unique tokens: ['advice', 'business', 'change', 'convert', 'employer']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:41,243 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,265 : INFO : built Dictionary(28 unique tokens: ['ago', 'already', 'another', 'apply', 'business']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:41,312 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,329 : INFO : built Dictionary(26 unique tokens: ['book', 'country', 'day', 'days', 'due']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:41,330 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:41,347 : INFO : built Dictionary(41 unique tokens: ['atleast', 'call', 'could', 'inform', 'know']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:41,368 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,379 : INFO : built Dictionary(28 unique tokens: ['american', 'bu', 'chance', 'country', 'doha']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:41,389 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:41,406 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:41,429 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,453 : INFO : built Dictionary(23 unique tokens: ['answers', 'asap', 'business', 'company', 'follow']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:41,480 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,506 : INFO : built Dictionary(20 unique tokens: ['enlighten', 'hi', 'hw', 'kindly', 'kinds']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:41,528 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:41,746 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:41,790 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,802 : INFO : built Dictionary(30 unique tokens: ['anything', 'appreciate', 'buy', 'dhw', 'doha']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:41,828 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,843 : INFO : built Dictionary(26 unique tokens: ['advance', 'blouse', 'churidar', 'dress', 'dresses']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:41,865 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,876 : INFO : built Dictionary(21 unique tokens: ['abaya', 'anyone', 'black', 'casual', 'cloaks']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:00:41,898 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,917 : INFO : built Dictionary(14 unique tokens: ['advanced', 'coming', 'hi', 'mallus', 'onam']...) from 2 documents (total 18 corpus positions)\n", + "2019-06-17 11:00:41,936 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,958 : INFO : built Dictionary(21 unique tokens: ['al', 'already', 'area', 'deera', 'demolished']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:41,977 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:41,993 : INFO : built Dictionary(20 unique tokens: ['advise', 'also', 'bombay', 'buy', 'doha']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:00:42,008 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,028 : INFO : built Dictionary(25 unique tokens: ['age', 'anybody', 'code', 'could', 'doha']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:42,071 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:42,076 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:42,094 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,096 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,112 : INFO : built Dictionary(21 unique tokens: ['anyone', 'anything', 'appropriate', 'comfortable', 'especially']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:42,110 : INFO : built Dictionary(41 unique tokens: ['advice', 'ang', 'anybody', 'apply', 'appreciated']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:42,122 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,133 : INFO : built Dictionary(20 unique tokens: ['able', 'anyone', 'brought', 'get', 'gonna']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:00:42,152 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,158 : INFO : built Dictionary(28 unique tokens: ['appreciated', 'august', 'company', 'doha', 'embassy']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:42,174 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:42,177 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,185 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,188 : INFO : built Dictionary(38 unique tokens: ['advises', 'asks', 'brought', 'cesarean', 'checks']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:42,201 : INFO : built Dictionary(43 unique tokens: ['application', 'assistance', 'attest', 'baby', 'birth']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:42,220 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:42,233 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,258 : INFO : built Dictionary(33 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:42,297 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:42,310 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,323 : INFO : built Dictionary(28 unique tokens: ['b', 'documents', 'doha', 'done', 'ect']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:42,351 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,373 : INFO : built Dictionary(44 unique tokens: ['advance', 'anybody', 'appointment', 'approval', 'ask']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:42,410 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,425 : INFO : built Dictionary(25 unique tokens: ['aquiring', 'doha', 'easy', 'everyone', 'get']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:42,450 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,452 : INFO : built Dictionary(39 unique tokens: ['ago', 'anyone', 'anytime', 'applied', 'banned']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:42,487 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,482 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,495 : INFO : built Dictionary(36 unique tokens: ['able', 'ask', 'brought', 'change', 'children']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:42,499 : INFO : built Dictionary(23 unique tokens: ['british', 'construction', 'cost', 'currently', 'deal']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:42,526 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,528 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,537 : INFO : built Dictionary(44 unique tokens: ['absolutely', 'anyone', 'asked', 'available', 'car']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:42,551 : INFO : built Dictionary(41 unique tokens: ['already', 'anyone', 'application', 'apply', 'aside']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:42,591 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:42,580 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,620 : INFO : built Dictionary(35 unique tokens: ['allowance', 'company', 'deal', 'doha', 'good']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:42,653 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,665 : INFO : built Dictionary(32 unique tokens: ['benefit', 'cost', 'deal', 'doha', 'family']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:42,694 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,704 : INFO : built Dictionary(41 unique tokens: ['anybody', 'anywhere', 'appreciate', 'best', 'carlton']...) from 2 documents (total 48 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:42,734 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,738 : INFO : built Dictionary(56 unique tokens: ['advance', 'agencies', 'almost', 'anyone', 'best']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:42,809 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,822 : INFO : built Dictionary(48 unique tokens: ['advice', 'also', 'anyone', 'around', 'buying']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:42,885 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,907 : INFO : built Dictionary(39 unique tokens: ['clothes', 'deals', 'doha', 'get', 'good']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:42,930 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,935 : INFO : built Dictionary(22 unique tokens: ['embassy', 'experiences', 'go', 'loved', 'ones']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:42,947 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,938 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:42,961 : INFO : built Dictionary(34 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:42,969 : INFO : built Dictionary(46 unique tokens: ['advices', 'agent', 'auto', 'best', 'brand']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:42,995 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,001 : INFO : built Dictionary(26 unique tokens: ['advice', 'appointment', 'foundation', 'give', 'hired']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:43,024 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,040 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,049 : INFO : built Dictionary(33 unique tokens: ['able', 'apply', 'august', 'away', 'back']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:43,057 : INFO : built Dictionary(45 unique tokens: ['advantage', 'advert', 'ask', 'asking', 'big']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:43,079 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,085 : INFO : built Dictionary(36 unique tokens: ['advise', 'authentication', 'business', 'days', 'embassy']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:43,113 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,106 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:43,124 : INFO : built Dictionary(45 unique tokens: ['able', 'access', 'account', 'also', 'appreciated']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:00:43,162 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,175 : INFO : built Dictionary(38 unique tokens: ['apply', 'approval', 'approve', 'daughter', 'days']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:43,187 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,222 : INFO : built Dictionary(34 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:43,258 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,289 : INFO : built Dictionary(41 unique tokens: ['advise', 'agency', 'already', 'anyone', 'applied']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:43,349 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:43,373 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,390 : INFO : built Dictionary(47 unique tokens: ['another', 'change', 'co', 'company', 'contract']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:43,453 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,453 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:43,455 : INFO : built Dictionary(18 unique tokens: ['country', 'done', 'enter', 'extension', 'hi']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:43,465 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,469 : INFO : built Dictionary(30 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:43,478 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,480 : INFO : built Dictionary(45 unique tokens: ['approximately', 'arriving', 'contract', 'country', 'december']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:00:43,511 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,513 : INFO : built Dictionary(40 unique tokens: ['ant', 'application', 'daughter', 'day', 'earning']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:43,530 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,532 : INFO : built Dictionary(29 unique tokens: ['change', 'family', 'husband', 'new', 'sponsor']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:43,545 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,547 : INFO : built Dictionary(48 unique tokens: ['apply', 'approval', 'approve', 'daughter', 'days']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:43,573 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,576 : INFO : built Dictionary(30 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:43,596 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,605 : INFO : built Dictionary(39 unique tokens: ['advance', 'amount', 'business', 'company', 'day']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:43,626 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,630 : INFO : built Dictionary(49 unique tokens: ['airport', 'allowance', 'assigned', 'calling', 'co']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:43,631 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,637 : INFO : built Dictionary(40 unique tokens: ['already', 'application', 'apply', 'coming', 'company']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:43,654 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:43,658 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,665 : INFO : built Dictionary(31 unique tokens: ['acceptable', 'amounting', 'answer', 'cost', 'dont']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:43,665 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,667 : INFO : built Dictionary(51 unique tokens: ['allow', 'already', 'answers', 'arranged', 'arrival']...) from 2 documents (total 76 corpus positions)\n", + "2019-06-17 11:00:43,681 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,710 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:43,707 : INFO : built Dictionary(24 unique tokens: ['anyone', 'center', 'enough', 'filipino', 'getting']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:43,737 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,757 : INFO : built Dictionary(41 unique tokens: ['ask', 'attend', 'clinics', 'days', 'doha']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:43,805 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,825 : INFO : built Dictionary(31 unique tokens: ['accommodation', 'allowed', 'another', 'everyone', 'female']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:00:43,867 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:43,887 : INFO : built Dictionary(40 unique tokens: ['accommodation', 'allowance', 'anxious', 'contract', 'corp']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:43,934 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:43,945 : INFO : built Dictionary(48 unique tokens: ['apartment', 'aprtment', 'bed', 'bedroom', 'cable']...) from 2 documents (total 77 corpus positions)\n", + "2019-06-17 11:00:43,995 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,017 : INFO : built Dictionary(24 unique tokens: ['couple', 'enough', 'good', 'k', 'kids']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:44,035 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,057 : INFO : built Dictionary(33 unique tokens: ['acommodation', 'allowance', 'ask', 'basic', 'company']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:44,107 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,106 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,112 : INFO : built Dictionary(31 unique tokens: ['accomodation', 'admin', 'also', 'assistant', 'care']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:44,118 : INFO : built Dictionary(13 unique tokens: ['able', 'beaches', 'drive', 'good', 'leading']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:44,127 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,131 : INFO : built Dictionary(20 unique tokens: ['bay', 'beach', 'best', 'go', 'maybe']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:44,140 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:44,146 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,148 : INFO : built Dictionary(40 unique tokens: ['actually', 'anyone', 'bay', 'beaches', 'calling']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:44,177 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,181 : INFO : built Dictionary(48 unique tokens: ['ago', 'amazing', 'around', 'beach', 'beaches']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:44,212 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,218 : INFO : built Dictionary(27 unique tokens: ['beach', 'best', 'dukhan', 'friends', 'go']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:44,232 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,234 : INFO : built Dictionary(25 unique tokens: ['anyone', 'beaches', 'coming', 'family', 'good']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:44,246 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,260 : INFO : built Dictionary(20 unique tokens: ['beach', 'beaches', 'booze', 'know', 'let']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:44,268 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:44,275 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,277 : INFO : built Dictionary(26 unique tokens: ['beach', 'best', 'camping', 'family', 'front']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:00:44,293 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,295 : INFO : built Dictionary(27 unique tokens: ['beach', 'best', 'clean', 'crowded', 'easy']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:44,308 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,310 : INFO : built Dictionary(46 unique tokens: ['beach', 'best', 'chat', 'chit', 'confused']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:44,322 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,325 : INFO : built Dictionary(27 unique tokens: ['advice', 'anyone', 'application', 'apply', 'cannot']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:44,342 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:44,352 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:44,381 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,406 : INFO : built Dictionary(46 unique tokens: ['advice', 'ang', 'anybody', 'apply', 'appreciated']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:44,457 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,474 : INFO : built Dictionary(39 unique tokens: ['anyone', 'apply', 'completed', 'country', 'exit']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:44,521 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,535 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,542 : INFO : built Dictionary(27 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:44,541 : INFO : built Dictionary(19 unique tokens: ['dads', 'doha', 'full', 'groups', 'hi']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:44,564 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,569 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,583 : INFO : built Dictionary(37 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:44,585 : INFO : built Dictionary(38 unique tokens: ['admin', 'anyway', 'full', 'good', 'great']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:44,608 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:44,608 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,611 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,612 : INFO : built Dictionary(46 unique tokens: ['application', 'assistance', 'attest', 'baby', 'birth']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:00:44,613 : INFO : built Dictionary(41 unique tokens: ['average', 'child', 'clothes', 'dad', 'due']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:44,642 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,666 : INFO : built Dictionary(42 unique tokens: ['able', 'ask', 'brought', 'change', 'children']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:00:44,669 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,692 : INFO : built Dictionary(51 unique tokens: ['age', 'alot', 'children', 'daddies', 'dads']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:44,716 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,740 : INFO : built Dictionary(26 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:44,760 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,777 : INFO : built Dictionary(44 unique tokens: ['apply', 'approval', 'approve', 'daughter', 'days']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:44,794 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,798 : INFO : built Dictionary(41 unique tokens: ['anybody', 'anything', 'around', 'chat', 'chit']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:44,806 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,811 : INFO : built Dictionary(35 unique tokens: ['agreement', 'along', 'application', 'apply', 'called']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:44,828 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:44,828 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,837 : INFO : built Dictionary(34 unique tokens: ['advise', 'aged', 'anyone', 'dhothi', 'dhoti']...) from 2 documents (total 43 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:44,863 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,866 : INFO : built Dictionary(47 unique tokens: ['account', 'also', 'bank', 'born', 'cheapest']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:44,899 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:44,901 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,904 : INFO : built Dictionary(29 unique tokens: ['actually', 'anyone', 'call', 'doctor', 'gone']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:44,914 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:44,916 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,918 : INFO : built Dictionary(48 unique tokens: ['also', 'bring', 'care', 'careful', 'child']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:44,939 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:44,942 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,944 : INFO : built Dictionary(40 unique tokens: ['anyone', 'books', 'buy', 'darling', 'daughter']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:44,966 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:44,989 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:44,991 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:44,993 : INFO : built Dictionary(23 unique tokens: ['ago', 'anyone', 'close', 'doha', 'eid']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:45,004 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,006 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,008 : INFO : built Dictionary(17 unique tokens: ['aladdin', 'aqua', 'doha', 'feedback', 'kingdom']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:45,012 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,014 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,016 : INFO : built Dictionary(28 unique tokens: ['animals', 'awareness', 'doha', 'ever', 'first']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:45,025 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,027 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,030 : INFO : built Dictionary(14 unique tokens: ['hi', 'monkeys', 'please', 'qatar', 'regards']...) from 2 documents (total 19 corpus positions)\n", + "2019-06-17 11:00:45,035 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,036 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,038 : INFO : built Dictionary(12 unique tokens: ['doha', 'know', 'one', 'open', 'ramadan']...) from 2 documents (total 16 corpus positions)\n", + "2019-06-17 11:00:45,041 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,043 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,045 : INFO : built Dictionary(12 unique tokens: ['doha', 'open', 'timings', 'today', 'wondering']...) from 2 documents (total 18 corpus positions)\n", + "2019-06-17 11:00:45,048 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,049 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,051 : INFO : built Dictionary(25 unique tokens: ['actually', 'book', 'doha', 'drive', 'dug']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:45,062 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,064 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,066 : INFO : built Dictionary(15 unique tokens: ['aquarium', 'asked', 'doha', 'know', 'open']...) from 2 documents (total 19 corpus positions)\n", + "2019-06-17 11:00:45,071 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,073 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,074 : INFO : built Dictionary(13 unique tokens: ['nephew', 'places', 'qatar', 'tourists', 'visit']...) from 2 documents (total 18 corpus positions)\n", + "2019-06-17 11:00:45,078 : INFO : Removed 0 and 2 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,080 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,082 : INFO : built Dictionary(17 unique tokens: ['anyone', 'bus', 'buses', 'centre', 'city']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:00:45,088 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:45,115 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,117 : INFO : built Dictionary(24 unique tokens: ['adv', 'anyone', 'call', 'company', 'could']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:45,132 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,134 : INFO : built Dictionary(42 unique tokens: ['anybody', 'bayt', 'consider', 'cv', 'etc']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:45,149 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,151 : INFO : built Dictionary(52 unique tokens: ['ask', 'attend', 'clinics', 'days', 'doha']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:45,174 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,177 : INFO : built Dictionary(43 unique tokens: ['asked', 'correct', 'courteous', 'displeasure', 'go']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:45,201 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,204 : INFO : built Dictionary(43 unique tokens: ['dads', 'doha', 'full', 'groups', 'hi']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:45,219 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,221 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,223 : INFO : built Dictionary(57 unique tokens: ['abroad', 'accept', 'accommodation', 'admin', 'allowance']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:45,230 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,232 : INFO : built Dictionary(26 unique tokens: ['finger', 'get', 'issued', 'long', 'medical']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:00:45,242 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,248 : INFO : built Dictionary(35 unique tokens: ['approval', 'fingerprinting', 'get', 'got', 'medical']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:45,266 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,269 : INFO : built Dictionary(32 unique tokens: ['days', 'done', 'finger', 'get', 'got']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:00:45,271 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,278 : INFO : built Dictionary(43 unique tokens: ['across', 'also', 'american', 'article', 'campuses']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:45,291 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,294 : INFO : built Dictionary(44 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:45,303 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,305 : INFO : built Dictionary(49 unique tokens: ['advance', 'bank', 'big', 'card', 'company']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:45,323 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,331 : INFO : built Dictionary(43 unique tokens: ['available', 'besides', 'checked', 'days', 'disease']...) from 2 documents (total 56 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:45,332 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,335 : INFO : built Dictionary(53 unique tokens: ['ago', 'anyone', 'anytime', 'applied', 'banned']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:45,375 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,384 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,405 : INFO : built Dictionary(39 unique tokens: ['boy', 'boys', 'brother', 'calling', 'calls']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:45,416 : INFO : built Dictionary(38 unique tokens: ['anyone', 'carry', 'duplicate', 'expire', 'get']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:45,463 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:45,464 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,477 : INFO : built Dictionary(48 unique tokens: ['ask', 'aug', 'authenticated', 'bless', 'clearance']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:45,551 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,572 : INFO : built Dictionary(41 unique tokens: ['appointment', 'curious', 'date', 'due', 'first']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:45,612 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,641 : INFO : built Dictionary(38 unique tokens: ['answer', 'anybody', 'appreciated', 'ask', 'cid']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:45,661 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,679 : INFO : built Dictionary(39 unique tokens: ['adults', 'anyone', 'certain', 'comments', 'country']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:45,690 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,720 : INFO : built Dictionary(34 unique tokens: ['days', 'documents', 'family', 'get', 'issued']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:45,716 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,767 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:45,764 : INFO : built Dictionary(38 unique tokens: ['almost', 'back', 'cheery', 'empty', 'even']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:45,842 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,858 : INFO : built Dictionary(25 unique tokens: ['advance', 'anyone', 'c', 'friday', 'know']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:45,883 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,889 : INFO : built Dictionary(28 unique tokens: ['avail', 'blocks', 'buy', 'center', 'city']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:45,916 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:45,922 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:45,931 : INFO : built Dictionary(49 unique tokens: ['anything', 'appears', 'bands', 'bars', 'bored']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:45,979 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,038 : INFO : built Dictionary(36 unique tokens: ['able', 'baby', 'brand', 'decent', 'doha']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:46,072 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,094 : INFO : built Dictionary(27 unique tokens: ['anything', 'booze', 'bring', 'brought', 'country']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:46,143 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,160 : INFO : built Dictionary(26 unique tokens: ['buy', 'carseat', 'carseats', 'children', 'doha']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:46,185 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:46,192 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,206 : INFO : built Dictionary(28 unique tokens: ['brewing', 'condom', 'condoms', 'debate', 'india']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:46,223 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,237 : INFO : built Dictionary(30 unique tokens: ['buying', 'cats', 'could', 'doha', 'finding']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:46,275 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:46,297 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:46,297 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,348 : INFO : built Dictionary(36 unique tokens: ['advance', 'case', 'comments', 'dear', 'doha']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:46,394 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:46,462 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,476 : INFO : built Dictionary(42 unique tokens: ['anybody', 'asd', 'country', 'driving', 'drving']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:46,557 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,586 : INFO : built Dictionary(31 unique tokens: ['allowed', 'back', 'cancelled', 'drive', 'driving']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:46,697 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,714 : INFO : built Dictionary(32 unique tokens: ['arrived', 'drive', 'driver', 'folks', 'got']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:46,736 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,789 : INFO : built Dictionary(49 unique tokens: ['abu', 'advice', 'biased', 'course', 'dhabi']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:46,792 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,827 : INFO : built Dictionary(34 unique tokens: ['convertible', 'correct', 'dl', 'dubai', 'everyone']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:46,855 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,868 : INFO : built Dictionary(39 unique tokens: ['also', 'assist', 'complications', 'dl', 'driving']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:46,959 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:46,980 : INFO : built Dictionary(26 unique tokens: ['car', 'doha', 'drive', 'holder', 'long']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:46,988 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,022 : INFO : built Dictionary(47 unique tokens: ['abudhabi', 'advance', 'doha', 'friends', 'great']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:47,032 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,058 : INFO : built Dictionary(37 unique tokens: ['allows', 'amount', 'certain', 'companies', 'contractors']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:47,093 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,106 : INFO : built Dictionary(40 unique tokens: ['anyone', 'doha', 'furniture', 'guys', 'hey']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:47,103 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,165 : INFO : built Dictionary(60 unique tokens: ['abu', 'another', 'appreciate', 'bedroom', 'concerns']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:47,205 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,227 : INFO : built Dictionary(36 unique tokens: ['advisable', 'application', 'appreciate', 'canada', 'consultants']...) from 2 documents (total 42 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:47,282 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:47,382 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,412 : INFO : built Dictionary(63 unique tokens: ['abu', 'ahead', 'clean', 'contest', 'dhabi']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:00:47,666 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,698 : INFO : built Dictionary(31 unique tokens: ['abu', 'allowed', 'alone', 'best', 'culture']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:00:47,752 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,801 : INFO : built Dictionary(49 unique tokens: ['abu', 'abudhabi', 'assist', 'benefits', 'better']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:47,900 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,945 : INFO : built Dictionary(40 unique tokens: ['anyone', 'best', 'canadian', 'courier', 'documents']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:47,961 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:47,985 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:47,998 : INFO : built Dictionary(51 unique tokens: ['accident', 'afterwards', 'already', 'back', 'came']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:48,015 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,033 : INFO : built Dictionary(50 unique tokens: ['abu', 'addition', 'child', 'costs', 'covered']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:00:48,060 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:48,110 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,130 : INFO : built Dictionary(25 unique tokens: ['bumper', 'car', 'minor', 'need', 'paint']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:48,155 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,161 : INFO : built Dictionary(36 unique tokens: ['accent', 'answer', 'arabic', 'authority', 'callers']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:48,197 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,217 : INFO : built Dictionary(44 unique tokens: ['accident', 'acknowledge', 'agree', 'also', 'ask']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:48,222 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,255 : INFO : built Dictionary(42 unique tokens: ['abu', 'anyone', 'dhabi', 'fest', 'film']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:48,261 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,302 : INFO : built Dictionary(25 unique tokens: ['another', 'applying', 'certificate', 'clearance', 'help']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:48,354 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,366 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,387 : INFO : built Dictionary(62 unique tokens: ['abudhabi', 'advice', 'ajman', 'among', 'best']...) from 2 documents (total 78 corpus positions)\n", + "2019-06-17 11:00:48,377 : INFO : built Dictionary(26 unique tokens: ['anonymous', 'anonymously', 'country', 'expired', 'good']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:48,407 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,413 : INFO : built Dictionary(24 unique tokens: ['anybody', 'cbq', 'cheque', 'etc', 'issued']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:00:48,432 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,457 : INFO : built Dictionary(45 unique tokens: ['accident', 'airbag', 'back', 'car', 'cost']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:48,506 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:48,515 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,540 : INFO : built Dictionary(32 unique tokens: ['anyone', 'authorities', 'certificate', 'clearance', 'everyone']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:48,577 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:48,595 : INFO : built Dictionary(18 unique tokens: ['id', 'lost', 'mine', 'qatar', 'advice']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:00:48,613 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:49,304 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:49,339 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,363 : INFO : built Dictionary(52 unique tokens: ['ago', 'also', 'big', 'cards', 'credit']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:00:49,470 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:49,506 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,524 : INFO : built Dictionary(56 unique tokens: ['access', 'assistance', 'contact', 'denied', 'dont']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:49,548 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,577 : INFO : built Dictionary(38 unique tokens: ['apply', 'approval', 'approve', 'daughter', 'days']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:49,596 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:49,633 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,648 : INFO : built Dictionary(34 unique tokens: ['accepted', 'accomadation', 'advance', 'advice', 'application']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:00:49,674 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,677 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:49,708 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,702 : INFO : built Dictionary(37 unique tokens: ['application', 'applied', 'b', 'certificate', 'counter']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:49,726 : INFO : built Dictionary(35 unique tokens: ['aids', 'positive', 'problem', 'qatar', 'airport']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:49,772 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:49,782 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,797 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,821 : INFO : built Dictionary(39 unique tokens: ['application', 'approval', 'checking', 'deferred', 'found']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:49,807 : INFO : built Dictionary(43 unique tokens: ['advance', 'anybody', 'appointment', 'approval', 'ask']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:49,852 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:49,851 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,897 : INFO : built Dictionary(21 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:49,907 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,911 : INFO : built Dictionary(30 unique tokens: ['applied', 'applying', 'ask', 'certificate', 'change']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:49,863 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:49,918 : INFO : built Dictionary(58 unique tokens: ['abroad', 'anyone', 'bank', 'blamed', 'brazilian']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:00:49,939 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:49,965 : INFO : built Dictionary(17 unique tokens: ['application', 'approval', 'checking', 'deferred', 'found']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:00:49,985 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:50,008 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,018 : INFO : built Dictionary(35 unique tokens: ['application', 'applied', 'approval', 'approved', 'changed']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:00:50,075 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,098 : INFO : built Dictionary(33 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:00:50,110 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:50,146 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,174 : INFO : built Dictionary(55 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:50,165 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,199 : INFO : built Dictionary(42 unique tokens: ['advice', 'anyone', 'application', 'approval', 'approved']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:50,232 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:50,318 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:50,344 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,357 : INFO : built Dictionary(64 unique tokens: ['al', 'allows', 'also', 'another', 'course']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:00:50,541 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:50,548 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,578 : INFO : built Dictionary(66 unique tokens: ['agreement', 'back', 'call', 'cancelled', 'chance']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:50,800 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,824 : INFO : built Dictionary(27 unique tokens: ['advice', 'anyone', 'application', 'apply', 'cannot']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:50,818 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:50,858 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,853 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,873 : INFO : built Dictionary(33 unique tokens: ['air', 'anyone', 'anything', 'cant', 'come']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:50,875 : INFO : built Dictionary(47 unique tokens: ['asked', 'coming', 'friend', 'girlfriend', 'hotel']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:50,910 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:50,924 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,931 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:50,946 : INFO : built Dictionary(22 unique tokens: ['coming', 'extend', 'february', 'many', 'months']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:00:50,967 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,963 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,980 : INFO : built Dictionary(36 unique tokens: ['ant', 'application', 'daughter', 'day', 'earning']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:51,003 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:50,985 : INFO : built Dictionary(48 unique tokens: ['also', 'arrested', 'childhood', 'expat', 'female']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:51,016 : INFO : built Dictionary(33 unique tokens: ['back', 'come', 'doha', 'find', 'fly']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:00:51,038 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,050 : INFO : built Dictionary(24 unique tokens: ['agency', 'apply', 'arrange', 'arrival', 'cant']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:51,089 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,073 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:51,092 : INFO : built Dictionary(32 unique tokens: ['also', 'awaited', 'brought', 'earliest', 'extend']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:51,110 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,141 : INFO : built Dictionary(27 unique tokens: ['aquiring', 'doha', 'easy', 'everyone', 'get']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:51,182 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,207 : INFO : built Dictionary(52 unique tokens: ['able', 'advice', 'age', 'alaykum', 'apply']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:00:51,371 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,396 : INFO : built Dictionary(48 unique tokens: ['abt', 'appreciated', 'cant', 'card', 'could']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:51,442 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:51,536 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:51,548 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,558 : INFO : built Dictionary(23 unique tokens: ['answers', 'aqua', 'best', 'blackcat', 'comments']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:51,590 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:51,617 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,634 : INFO : built Dictionary(15 unique tokens: ['al', 'anyone', 'get', 'international', 'jazeera']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:00:51,648 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:51,660 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,675 : INFO : built Dictionary(9 unique tokens: ['cornich', 'go', 'running', 'che', 'famous']...) from 2 documents (total 11 corpus positions)\n", + "2019-06-17 11:00:51,687 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:51,714 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,737 : INFO : built Dictionary(23 unique tokens: ['advise', 'anyone', 'apply', 'everyone', 'hey']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:00:51,770 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:51,785 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,813 : INFO : built Dictionary(23 unique tokens: ['absurd', 'andy', 'anyone', 'ask', 'bit']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:00:51,834 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:51,841 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,861 : INFO : built Dictionary(53 unique tokens: ['appreciated', 'around', 'available', 'best', 'chicken']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:00:51,847 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,870 : INFO : built Dictionary(35 unique tokens: ['accommodation', 'al', 'anyone', 'appreciate', 'ask']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:51,902 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:51,922 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:51,927 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:51,965 : INFO : built Dictionary(12 unique tokens: ['afternoon', 'become', 'evening', 'good', 'harder']...) from 2 documents (total 15 corpus positions)\n", + "2019-06-17 11:00:51,985 : INFO : built Dictionary(32 unique tokens: ['america', 'anyone', 'company', 'deliver', 'doha']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:51,989 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:52,010 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,007 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,025 : INFO : built Dictionary(17 unique tokens: ['anyone', 'details', 'doha', 'good', 'know']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:00:52,023 : INFO : built Dictionary(29 unique tokens: ['anyone', 'center', 'curves', 'help', 'hi']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:52,044 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:52,067 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,073 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,090 : INFO : built Dictionary(45 unique tokens: ['anyone', 'buy', 'days', 'diet', 'effective']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:52,076 : INFO : built Dictionary(11 unique tokens: ['baby', 'board', 'car', 'funny', 'get']...) from 2 documents (total 14 corpus positions)\n", + "2019-06-17 11:00:52,133 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:52,136 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,147 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,152 : INFO : built Dictionary(33 unique tokens: ['awesome', 'cross', 'fit', 'goal', 'group']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:52,163 : INFO : built Dictionary(38 unique tokens: ['advise', 'although', 'around', 'bar', 'birthday']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:52,185 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,191 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:52,201 : INFO : built Dictionary(59 unique tokens: ['anyone', 'ask', 'bags', 'brand', 'buying']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:52,324 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,351 : INFO : built Dictionary(52 unique tokens: ['also', 'alternatives', 'anyone', 'available', 'buttons']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:00:52,446 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,477 : INFO : built Dictionary(21 unique tokens: ['anyone', 'doha', 'hypnosis', 'know', 'anything']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:00:52,486 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,499 : INFO : built Dictionary(51 unique tokens: ['anyone', 'come', 'comments', 'contact', 'desperate']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:52,567 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,600 : INFO : built Dictionary(43 unique tokens: ['anyone', 'boxing', 'diagnosed', 'first', 'fitness']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:00:52,661 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,671 : INFO : built Dictionary(32 unique tokens: ['also', 'ask', 'become', 'book', 'business']...) from 2 documents (total 86 corpus positions)\n", + "2019-06-17 11:00:52,711 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,682 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:52,727 : INFO : built Dictionary(54 unique tokens: ['advice', 'anyone', 'could', 'currently', 'doha']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:00:52,795 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:52,807 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,825 : INFO : built Dictionary(64 unique tokens: ['agreement', 'back', 'call', 'cancelled', 'chance']...) from 2 documents (total 82 corpus positions)\n", + "2019-06-17 11:00:52,953 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:52,969 : INFO : built Dictionary(53 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:53,076 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,129 : INFO : built Dictionary(51 unique tokens: ['ago', 'back', 'canceled', 'cancelled', 'company']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:00:53,226 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,214 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:53,230 : INFO : built Dictionary(22 unique tokens: ['adult', 'anybody', 'body', 'circumcision', 'clinic']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:53,241 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,252 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:53,278 : INFO : built Dictionary(63 unique tokens: ['appreciate', 'ban', 'bank', 'banned', 'continue']...) from 2 documents (total 87 corpus positions)\n", + "2019-06-17 11:00:53,286 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,301 : INFO : built Dictionary(31 unique tokens: ['advise', 'anybody', 'avilable', 'brother', 'circumcision']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:53,328 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,354 : INFO : built Dictionary(27 unique tokens: ['agree', 'aids', 'benefits', 'circumscision', 'curb']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:53,386 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,399 : INFO : built Dictionary(24 unique tokens: ['circumsized', 'forbidden', 'mod', 'moved', 'note']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:53,428 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,450 : INFO : built Dictionary(29 unique tokens: ['considered', 'crime', 'honour', 'immoral', 'imply']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:53,475 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,484 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,494 : INFO : built Dictionary(53 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 77 corpus positions)\n", + "2019-06-17 11:00:53,504 : INFO : built Dictionary(21 unique tokens: ['anybody', 'artist', 'hehehehe', 'knows', 'tattoo']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:00:53,525 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:53,541 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,585 : INFO : built Dictionary(46 unique tokens: ['account', 'confession', 'could', 'create', 'decided']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:53,629 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,637 : INFO : built Dictionary(28 unique tokens: ['among', 'atheists', 'confident', 'due', 'earnest']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:53,631 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,668 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,671 : INFO : built Dictionary(53 unique tokens: ['africa', 'anyone', 'beleive', 'cant', 'come']...) from 2 documents (total 72 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:53,690 : INFO : built Dictionary(17 unique tokens: ['one', 'painful', 'associates', 'babies', 'baby']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:00:53,722 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,751 : INFO : built Dictionary(26 unique tokens: ['anniversary', 'bf', 'gift', 'good', 'guys']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:00:53,761 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,783 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:53,785 : INFO : built Dictionary(40 unique tokens: ['cancel', 'cancellation', 'even', 'guys', 'passport']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:53,830 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:53,849 : INFO : built Dictionary(59 unique tokens: ['allow', 'anyone', 'company', 'contract', 'court']...) from 2 documents (total 84 corpus positions)\n", + "2019-06-17 11:00:53,935 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:54,040 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,046 : INFO : built Dictionary(24 unique tokens: ['also', 'anyone', 'apply', 'believe', 'free']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:00:54,060 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,067 : INFO : built Dictionary(37 unique tokens: ['applying', 'b', 'basically', 'c', 'checked']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:54,086 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:54,093 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,106 : INFO : built Dictionary(35 unique tokens: ['body', 'civil', 'collect', 'desktop', 'engineer']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:54,127 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,135 : INFO : built Dictionary(36 unique tokens: ['available', 'besides', 'checked', 'days', 'disease']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:54,156 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,166 : INFO : built Dictionary(29 unique tokens: ['anything', 'boy', 'check', 'disease', 'e']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:00:54,182 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:54,197 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,210 : INFO : built Dictionary(35 unique tokens: ['anyone', 'came', 'change', 'doha', 'due']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:54,277 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,296 : INFO : built Dictionary(31 unique tokens: ['accomodation', 'centre', 'corp', 'criteria', 'culture']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:54,346 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,365 : INFO : built Dictionary(20 unique tokens: ['anyone', 'center', 'enough', 'filipino', 'getting']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:00:54,381 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:54,401 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,425 : INFO : built Dictionary(37 unique tokens: ['alahly', 'alot', 'also', 'best', 'clinics']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:54,490 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,525 : INFO : built Dictionary(39 unique tokens: ['accommodation', 'allowance', 'anxious', 'contract', 'corp']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:54,558 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:54,587 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,615 : INFO : built Dictionary(12 unique tokens: ['anyone', 'england', 'everyone', 'hi', 'hows']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:54,627 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,644 : INFO : built Dictionary(46 unique tokens: ['accept', 'alex', 'appropriate', 'become', 'behavior']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:54,690 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,707 : INFO : built Dictionary(18 unique tokens: ['dubai', 'family', 'hows', 'law', 'like']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:00:54,721 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,746 : INFO : built Dictionary(46 unique tokens: ['abt', 'approx', 'around', 'average', 'colleague']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:54,792 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,827 : INFO : built Dictionary(31 unique tokens: ['ask', 'choice', 'country', 'coz', 'describe']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:54,878 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,930 : INFO : built Dictionary(31 unique tokens: ['anywhere', 'bars', 'belly', 'c', 'comin']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:54,951 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,959 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:54,974 : INFO : built Dictionary(46 unique tokens: ['abu', 'ahead', 'clean', 'contest', 'dhabi']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:54,979 : INFO : built Dictionary(38 unique tokens: ['anybody', 'care', 'change', 'circumstance', 'comes']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:55,027 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,017 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,045 : INFO : built Dictionary(16 unique tokens: ['approval', 'female', 'get', 'hard', 'qatar']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:00:55,058 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,066 : INFO : built Dictionary(42 unique tokens: ['affidavit', 'anybody', 'bank', 'citizen', 'consul']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:00:55,050 : INFO : built Dictionary(34 unique tokens: ['body', 'cancelled', 'council', 'fresh', 'get']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:00:55,107 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,131 : INFO : built Dictionary(39 unique tokens: ['acs', 'africa', 'american', 'anyone', 'anything']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:55,123 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,144 : INFO : built Dictionary(25 unique tokens: ['anybody', 'currently', 'doha', 'extend', 'futher']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:00:55,171 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,191 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,193 : INFO : built Dictionary(45 unique tokens: ['already', 'arabic', 'chef', 'doha', 'end']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:55,224 : INFO : built Dictionary(32 unique tokens: ['al', 'also', 'anyone', 'appears', 'aussie']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:55,291 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,262 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:55,303 : INFO : built Dictionary(40 unique tokens: ['accommodation', 'allowance', 'allowances', 'allownaces', 'applied']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:00:55,424 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:55,434 : INFO : built Dictionary(13 unique tokens: ['freelance', 'visa', 'anyone', 'appreciated', 'female']...) from 2 documents (total 20 corpus positions)\n", + "2019-06-17 11:00:55,443 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,460 : INFO : built Dictionary(23 unique tokens: ['anyone', 'center', 'enough', 'filipino', 'getting']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:55,472 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,484 : INFO : built Dictionary(34 unique tokens: ['accommodation', 'allowed', 'another', 'everyone', 'female']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:00:55,534 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,544 : INFO : built Dictionary(37 unique tokens: ['ahli', 'al', 'anyone', 'clear', 'coverage']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:00:55,582 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:55,946 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:55,965 : INFO : built Dictionary(29 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:00:55,982 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,003 : INFO : built Dictionary(30 unique tokens: ['ask', 'car', 'complication', 'didnt', 'file']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:56,035 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,057 : INFO : built Dictionary(43 unique tokens: ['able', 'advice', 'age', 'alaykum', 'apply']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:56,078 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:56,092 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,103 : INFO : built Dictionary(42 unique tokens: ['accept', 'accepted', 'advance', 'advise', 'application']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:00:56,156 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,179 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,178 : INFO : built Dictionary(31 unique tokens: ['available', 'besides', 'checked', 'days', 'disease']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:56,213 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:56,210 : INFO : built Dictionary(21 unique tokens: ['best', 'car', 'clocked', 'contest', 'drive']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:56,227 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,236 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,245 : INFO : built Dictionary(27 unique tokens: ['advise', 'anyone', 'applying', 'attest', 'attestation']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:56,256 : INFO : built Dictionary(27 unique tokens: ['budget', 'got', 'guys', 'help', 'money']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:56,275 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,293 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:56,299 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,297 : INFO : built Dictionary(25 unique tokens: ['advise', 'also', 'anyone', 'bring', 'cost']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:56,313 : INFO : built Dictionary(42 unique tokens: ['come', 'contact', 'couple', 'designed', 'details']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:56,319 : INFO : Removed 11 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:56,341 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,329 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,346 : INFO : built Dictionary(40 unique tokens: ['ang', 'another', 'aq', 'ay', 'business']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:00:56,357 : INFO : built Dictionary(59 unique tokens: ['applying', 'asked', 'asking', 'assalamualaikum', 'blank']...) from 2 documents (total 76 corpus positions)\n", + "2019-06-17 11:00:56,372 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,377 : INFO : built Dictionary(34 unique tokens: ['btw', 'cons', 'couple', 'doha', 'employer']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:00:56,414 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,430 : INFO : built Dictionary(30 unique tokens: ['accomodation', 'advise', 'al', 'appreciated', 'bedroom']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:56,434 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,450 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:56,452 : INFO : built Dictionary(47 unique tokens: ['advance', 'bank', 'big', 'card', 'company']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:56,544 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,561 : INFO : built Dictionary(49 unique tokens: ['acceptable', 'accomodation', 'ask', 'company', 'contract']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:56,649 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,657 : INFO : built Dictionary(47 unique tokens: ['business', 'changes', 'countries', 'current', 'every']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:56,740 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,761 : INFO : built Dictionary(35 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:56,825 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:56,834 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,850 : INFO : built Dictionary(53 unique tokens: ['abroad', 'accept', 'accommodation', 'admin', 'allowance']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:56,939 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:56,956 : INFO : built Dictionary(49 unique tokens: ['alot', 'challenging', 'day', 'dont', 'embrace']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:00:57,024 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:57,035 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:57,042 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,061 : INFO : built Dictionary(46 unique tokens: ['age', 'ang', 'apply', 'baka', 'business']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:57,103 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,147 : INFO : built Dictionary(23 unique tokens: ['anybody', 'currently', 'doha', 'extend', 'futher']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:00:57,157 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,166 : INFO : built Dictionary(34 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:57,189 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,200 : INFO : built Dictionary(41 unique tokens: ['anybody', 'anyone', 'come', 'company', 'contract']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:57,249 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,282 : INFO : built Dictionary(24 unique tokens: ['anyone', 'bachelors', 'batchelors', 'complete', 'could']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:57,302 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:57,315 : INFO : built Dictionary(41 unique tokens: ['accommodation', 'allowance', 'allowances', 'allownaces', 'applied']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:57,355 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,363 : INFO : built Dictionary(28 unique tokens: ['account', 'anyone', 'bank', 'directly', 'employee']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:00:57,400 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:57,413 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,439 : INFO : built Dictionary(23 unique tokens: ['available', 'cameroonian', 'currently', 'everyone', 'hello']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:00:57,460 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:57,517 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,525 : INFO : built Dictionary(44 unique tokens: ['admissions', 'admit', 'advance', 'back', 'birla']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:57,546 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,573 : INFO : built Dictionary(44 unique tokens: ['almost', 'anyone', 'baby', 'bad', 'boy']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:00:57,595 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:57,724 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,735 : INFO : built Dictionary(34 unique tokens: ['accomadation', 'advise', 'anyone', 'children', 'company']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:00:57,832 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:57,842 : INFO : built Dictionary(47 unique tokens: ['anyone', 'c', 'heading', 'hey', 'know']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:00:57,965 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,024 : INFO : built Dictionary(48 unique tokens: ['anyone', 'anything', 'companies', 'company', 'damaging']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:00:58,065 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:58,075 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,082 : INFO : built Dictionary(59 unique tokens: ['advice', 'anyone', 'april', 'books', 'bringing']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:00:58,131 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,153 : INFO : built Dictionary(35 unique tokens: ['account', 'also', 'bank', 'born', 'cheapest']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:58,198 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,217 : INFO : built Dictionary(25 unique tokens: ['accnt', 'anybody', 'charges', 'commission', 'electronic']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:00:58,237 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:58,235 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,277 : INFO : built Dictionary(63 unique tokens: ['advice', 'appreciate', 'appreciated', 'clubs', 'concern']...) from 2 documents (total 79 corpus positions)\n", + "2019-06-17 11:00:58,251 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,286 : INFO : built Dictionary(44 unique tokens: ['account', 'across', 'aka', 'axis', 'bank']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:00:58,313 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,334 : INFO : built Dictionary(33 unique tokens: ['accounts', 'around', 'bank', 'banks', 'best']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:00:58,366 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:58,381 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,390 : INFO : built Dictionary(35 unique tokens: ['abroad', 'anyone', 'bank', 'blamed', 'brazilian']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:00:58,406 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,386 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,414 : INFO : built Dictionary(68 unique tokens: ['able', 'anyone', 'avoid', 'cabin', 'cant']...) from 2 documents (total 82 corpus positions)\n", + "2019-06-17 11:00:58,423 : INFO : built Dictionary(14 unique tokens: ['anyone', 'cost', 'ipad', 'know', 'much']...) from 2 documents (total 20 corpus positions)\n", + "2019-06-17 11:00:58,468 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,477 : INFO : built Dictionary(39 unique tokens: ['already', 'appreciated', 'arrest', 'back', 'bank']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:00:58,525 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,552 : INFO : built Dictionary(36 unique tokens: ['academic', 'also', 'anyone', 'appreciate', 'august']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:00:58,583 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,601 : INFO : built Dictionary(26 unique tokens: ['anyone', 'anything', 'companies', 'company', 'damaging']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:00:58,628 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,621 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:58,643 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,642 : INFO : built Dictionary(35 unique tokens: ['afternoon', 'anyone', 'bus', 'child', 'children']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:00:58,661 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:58,663 : INFO : built Dictionary(62 unique tokens: ['adapted', 'advance', 'areas', 'breed', 'bring']...) from 2 documents (total 73 corpus positions)\n", + "2019-06-17 11:00:58,792 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,876 : INFO : built Dictionary(48 unique tokens: ['bangalore', 'clearance', 'customs', 'doha', 'door']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:58,928 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:58,947 : INFO : built Dictionary(65 unique tokens: ['allowance', 'anyone', 'attending', 'banks', 'best']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:00:59,210 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:59,211 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,234 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,248 : INFO : built Dictionary(37 unique tokens: ['advice', 'ang', 'anybody', 'apply', 'appreciated']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:00:59,246 : INFO : built Dictionary(56 unique tokens: ['adapt', 'anybody', 'anyone', 'behaviour', 'closer']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:00:59,301 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,321 : INFO : built Dictionary(21 unique tokens: ['advice', 'anyone', 'application', 'apply', 'cannot']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:00:59,348 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:00:59,373 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,387 : INFO : built Dictionary(41 unique tokens: ['application', 'assistance', 'attest', 'baby', 'birth']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:00:59,418 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,431 : INFO : built Dictionary(28 unique tokens: ['ant', 'application', 'daughter', 'day', 'earning']...) from 2 documents (total 42 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:00:59,440 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:59,467 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,483 : INFO : built Dictionary(27 unique tokens: ['anybody', 'authenticated', 'business', 'company', 'friend']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:00:59,512 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,528 : INFO : built Dictionary(19 unique tokens: ['coming', 'enter', 'family', 'january', 'kindly']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:00:59,546 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,561 : INFO : built Dictionary(25 unique tokens: ['also', 'document', 'documents', 'entry', 'find']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:00:59,585 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,594 : INFO : built Dictionary(22 unique tokens: ['aquiring', 'doha', 'easy', 'everyone', 'get']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:59,617 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,621 : INFO : built Dictionary(27 unique tokens: ['agents', 'almost', 'asked', 'available', 'deal']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:00:59,652 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:00:59,677 : INFO : built Dictionary(19 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:00:59,704 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:00:59,998 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,009 : INFO : built Dictionary(9 unique tokens: ['best', 'buy', 'doha', 'furniture', 'good']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:00,019 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,037 : INFO : built Dictionary(20 unique tokens: ['advice', 'considering', 'doha', 'furnished', 'furniture']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:00,066 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,095 : INFO : built Dictionary(19 unique tokens: ['bed', 'buy', 'cheap', 'doha', 'dresser']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:00,125 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,147 : INFO : built Dictionary(14 unique tokens: ['center', 'doha', 'furniture', 'home', 'prices']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:00,171 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,192 : INFO : built Dictionary(19 unique tokens: ['buy', 'classical', 'furnitures', 'looking', 'lot']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:01:00,212 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,238 : INFO : built Dictionary(41 unique tokens: ['artistic', 'bargained', 'besides', 'bulky', 'buy']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:00,276 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,307 : INFO : built Dictionary(17 unique tokens: ['abhaya', 'buy', 'could', 'doha', 'get']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:00,328 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,346 : INFO : built Dictionary(28 unique tokens: ['around', 'arrived', 'available', 'best', 'catch']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:00,369 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,388 : INFO : built Dictionary(53 unique tokens: ['anyone', 'appreciate', 'buy', 'could', 'curtains']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:01:00,437 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,445 : INFO : built Dictionary(14 unique tokens: ['anyone', 'doha', 'good', 'know', 'mattress']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:00,461 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:00,520 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,550 : INFO : built Dictionary(36 unique tokens: ['authority', 'basic', 'benefits', 'calculated', 'calculation']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:00,577 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:00,609 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,632 : INFO : built Dictionary(48 unique tokens: ['according', 'action', 'advise', 'allow', 'back']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:00,687 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,710 : INFO : built Dictionary(25 unique tokens: ['company', 'get', 'gratuity', 'help', 'hi']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:01:00,721 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,739 : INFO : built Dictionary(24 unique tokens: ['benefit', 'benefits', 'computation', 'confirm', 'end']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:00,754 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,759 : INFO : built Dictionary(42 unique tokens: ['accommodation', 'allowance', 'anxious', 'contract', 'corp']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:00,803 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,830 : INFO : built Dictionary(26 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:00,873 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,893 : INFO : built Dictionary(48 unique tokens: ['another', 'average', 'basic', 'benefits', 'change']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:00,944 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:00,995 : INFO : built Dictionary(37 unique tokens: ['accomodation', 'b', 'company', 'doha', 'e']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:01,006 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,035 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,037 : INFO : built Dictionary(19 unique tokens: ['apartments', 'bring', 'bringing', 'doha', 'fully']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:01,055 : INFO : built Dictionary(42 unique tokens: ['accommodation', 'bachelor', 'company', 'decent', 'engineer']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:01,083 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,094 : INFO : built Dictionary(41 unique tokens: ['advice', 'appreciated', 'august', 'comments', 'documents']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:01,102 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,128 : INFO : built Dictionary(35 unique tokens: ['coincided', 'company', 'days', 'deducted', 'deduction']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:01,160 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:01,159 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,209 : INFO : built Dictionary(29 unique tokens: ['bring', 'bringing', 'company', 'entitled', 'hi']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:01,238 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,275 : INFO : built Dictionary(26 unique tokens: ['around', 'doha', 'hi', 'ikea', 'kindly']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:01,297 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:01,311 : INFO : built Dictionary(39 unique tokens: ['basis', 'car', 'classifieds', 'collect', 'find']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:01,386 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,409 : INFO : built Dictionary(44 unique tokens: ['accomodation', 'ago', 'also', 'dear', 'details']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:01,472 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,515 : INFO : built Dictionary(45 unique tokens: ['advance', 'amount', 'company', 'dear', 'excluding']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:01,623 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,632 : INFO : built Dictionary(47 unique tokens: ['ask', 'attend', 'clinics', 'days', 'doha']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:01,694 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,718 : INFO : built Dictionary(35 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:01,727 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,797 : INFO : built Dictionary(44 unique tokens: ['also', 'apartment', 'apartments', 'bringing', 'cuz']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:01,786 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,806 : INFO : built Dictionary(31 unique tokens: ['applied', 'applying', 'ask', 'certificate', 'change']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:01,857 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:01,882 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,896 : INFO : built Dictionary(47 unique tokens: ['accept', 'accepted', 'advance', 'advise', 'application']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:01:01,924 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:01,964 : INFO : built Dictionary(39 unique tokens: ['anyone', 'appreciate', 'cant', 'closest', 'doha']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:01,998 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,014 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:02,037 : INFO : built Dictionary(16 unique tokens: ['advice', 'changing', 'long', 'please', 'procedure']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:02,068 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,082 : INFO : built Dictionary(25 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:02,117 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,172 : INFO : built Dictionary(24 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:02,196 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,245 : INFO : built Dictionary(44 unique tokens: ['allow', 'already', 'answers', 'arranged', 'arrival']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:02,292 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,329 : INFO : built Dictionary(39 unique tokens: ['application', 'applied', 'b', 'certificate', 'counter']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:02,382 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,391 : INFO : built Dictionary(30 unique tokens: ['applied', 'call', 'correct', 'delivered', 'entered']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:02,416 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,449 : INFO : built Dictionary(27 unique tokens: ['abu', 'airport', 'apply', 'architect', 'arrival']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:02,474 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:02,650 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,676 : INFO : built Dictionary(12 unique tokens: ['aladdin', 'aqua', 'doha', 'feedback', 'kingdom']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:01:02,710 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,729 : INFO : built Dictionary(31 unique tokens: ['advices', 'aqua', 'body', 'boring', 'come']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:02,781 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,787 : INFO : built Dictionary(7 unique tokens: ['know', 'park', 'qatar', 'theme', 'water']...) from 2 documents (total 13 corpus positions)\n", + "2019-06-17 11:01:02,794 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,799 : INFO : built Dictionary(14 unique tokens: ['anyone', 'aqua', 'check', 'found', 'havent']...) from 2 documents (total 17 corpus positions)\n", + "2019-06-17 11:01:02,808 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,819 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:02,815 : INFO : built Dictionary(17 unique tokens: ['advance', 'aqua', 'concern', 'fill', 'issue']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:02,838 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,839 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,865 : INFO : built Dictionary(36 unique tokens: ['asia', 'ban', 'benefit', 'comments', 'countries']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:02,871 : INFO : built Dictionary(14 unique tokens: ['anything', 'aqua', 'heard', 'industrial', 'might']...) from 2 documents (total 16 corpus positions)\n", + "2019-06-17 11:01:02,909 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,924 : INFO : built Dictionary(9 unique tokens: ['aquarium', 'asked', 'doha', 'know', 'open']...) from 2 documents (total 14 corpus positions)\n", + "2019-06-17 11:01:02,941 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,934 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,955 : INFO : built Dictionary(10 unique tokens: ['build', 'disneyland', 'guys', 'oh', 'perfect']...) from 2 documents (total 15 corpus positions)\n", + "2019-06-17 11:01:02,972 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:02,969 : INFO : built Dictionary(20 unique tokens: ['ask', 'ban', 'cancelled', 'comeback', 'job']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:01:02,991 : INFO : built Dictionary(21 unique tokens: ['answer', 'anybody', 'appreciated', 'ask', 'cid']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:01:02,999 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:03,012 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,009 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,034 : INFO : built Dictionary(42 unique tokens: ['appreciate', 'ban', 'bank', 'banned', 'continue']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:03,044 : INFO : built Dictionary(11 unique tokens: ['eid', 'exciting', 'happenings', 'holidays', 'new']...) from 2 documents (total 15 corpus positions)\n", + "2019-06-17 11:01:03,073 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:03,101 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,119 : INFO : built Dictionary(29 unique tokens: ['ban', 'coming', 'currently', 'downed', 'fiancé']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:01:03,175 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:03,217 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,245 : INFO : built Dictionary(47 unique tokens: ['agreement', 'back', 'call', 'cancelled', 'chance']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:03,311 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,334 : INFO : built Dictionary(23 unique tokens: ['answer', 'back', 'ban', 'come', 'contract']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:01:03,361 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,392 : INFO : built Dictionary(25 unique tokens: ['alternative', 'banned', 'getting', 'guys', 'hello']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:03,412 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,418 : INFO : built Dictionary(30 unique tokens: ['ago', 'back', 'canceled', 'cancelled', 'company']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:03,435 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,441 : INFO : built Dictionary(41 unique tokens: ['ago', 'already', 'applying', 'april', 'ask']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:03,465 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,482 : INFO : built Dictionary(22 unique tokens: ['anyone', 'apply', 'banned', 'cannot', 'employment']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:03,497 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:03,650 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:03,690 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,696 : INFO : built Dictionary(30 unique tokens: ['airways', 'basic', 'benefits', 'could', 'figures']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:03,730 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:03,749 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,774 : INFO : built Dictionary(26 unique tokens: ['advise', 'airways', 'ground', 'guys', 'hi']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:03,802 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:03,839 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,869 : INFO : built Dictionary(26 unique tokens: ['aircraft', 'airways', 'anyone', 'called', 'engineer']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:01:03,901 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:03,927 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:03,950 : INFO : built Dictionary(50 unique tokens: ['advance', 'airways', 'allowance', 'also', 'analyst']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:04,062 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,066 : INFO : built Dictionary(36 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:04,066 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,089 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,145 : INFO : built Dictionary(34 unique tokens: ['airways', 'annual', 'basic', 'bonus', 'cabin']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:01:04,173 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,203 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,229 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,205 : INFO : built Dictionary(40 unique tokens: ['able', 'ask', 'brought', 'change', 'children']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:01:04,245 : INFO : built Dictionary(17 unique tokens: ['admin', 'airways', 'appreciate', 'assistant', 'could']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:04,271 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,285 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,287 : INFO : built Dictionary(28 unique tokens: ['advice', 'anyone', 'application', 'apply', 'cannot']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:04,316 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,329 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,335 : INFO : built Dictionary(29 unique tokens: ['accommodation', 'airways', 'allowance', 'british', 'grade']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:04,340 : INFO : built Dictionary(26 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:01:04,365 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,376 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,379 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,389 : INFO : built Dictionary(40 unique tokens: ['aircraft', 'airways', 'allowance', 'around', 'bring']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:04,392 : INFO : built Dictionary(37 unique tokens: ['anyone', 'apply', 'completed', 'country', 'exit']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:04,435 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,450 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,464 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,466 : INFO : built Dictionary(36 unique tokens: ['answer', 'apply', 'applying', 'arrive', 'asap']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:04,500 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,513 : INFO : built Dictionary(39 unique tokens: ['airways', 'anyone', 'anything', 'commercial', 'currently']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:04,507 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,529 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,535 : INFO : built Dictionary(44 unique tokens: ['advice', 'ang', 'anybody', 'apply', 'appreciated']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:04,577 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,588 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,594 : INFO : built Dictionary(34 unique tokens: ['airways', 'comments', 'dear', 'doha', 'find']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:04,617 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,624 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:04,640 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,657 : INFO : built Dictionary(45 unique tokens: ['application', 'assistance', 'attest', 'baby', 'birth']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:04,710 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,725 : INFO : built Dictionary(41 unique tokens: ['ago', 'anyone', 'anytime', 'applied', 'banned']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:04,828 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:04,890 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:04,904 : INFO : built Dictionary(33 unique tokens: ['advise', 'anyone', 'applying', 'attest', 'attestation']...) from 2 documents (total 52 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:04,957 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:05,178 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,203 : INFO : built Dictionary(19 unique tokens: ['advance', 'ago', 'anyone', 'bottle', 'cheers']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:01:05,274 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,293 : INFO : built Dictionary(19 unique tokens: ['cost', 'etc', 'getting', 'give', 'hi']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:01:05,321 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,345 : INFO : built Dictionary(19 unique tokens: ['al', 'alcohol', 'beer', 'clubs', 'cold']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:05,369 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,392 : INFO : built Dictionary(16 unique tokens: ['events', 'light', 'pearl', 'qdc', 'reason']...) from 2 documents (total 17 corpus positions)\n", + "2019-06-17 11:01:05,416 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,433 : INFO : built Dictionary(26 unique tokens: ['ale', 'apparently', 'beer', 'brits', 'calling']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:01:05,461 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,473 : INFO : built Dictionary(27 unique tokens: ['back', 'beer', 'bit', 'could', 'cruiser']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:05,509 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,556 : INFO : built Dictionary(15 unique tokens: ['alcohol', 'also', 'americans', 'apply', 'ban']...) from 2 documents (total 18 corpus positions)\n", + "2019-06-17 11:01:05,564 : INFO : Removed 4 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:05,582 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,601 : INFO : built Dictionary(41 unique tokens: ['al', 'americans', 'anyone', 'anything', 'area']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:05,602 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:05,625 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,630 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,653 : INFO : built Dictionary(38 unique tokens: ['advance', 'amount', 'business', 'company', 'day']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:05,648 : INFO : built Dictionary(14 unique tokens: ['fasting', 'last', 'lot', 'must', 'people']...) from 2 documents (total 14 corpus positions)\n", + "2019-06-17 11:01:05,675 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,700 : INFO : built Dictionary(34 unique tokens: ['anybody', 'apart', 'available', 'clubbing', 'cool']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:05,731 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:05,720 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:05,751 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,797 : INFO : built Dictionary(40 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:05,876 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:05,889 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,896 : INFO : built Dictionary(20 unique tokens: ['advise', 'help', 'need', 'please', 'sponsorship']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:01:05,914 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:05,929 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:05,974 : INFO : built Dictionary(28 unique tokens: ['ask', 'ban', 'cancelled', 'comeback', 'job']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:06,041 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,057 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,063 : INFO : built Dictionary(51 unique tokens: ['according', 'another', 'answers', 'anyone', 'appreciated']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:01:06,116 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,131 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,140 : INFO : built Dictionary(33 unique tokens: ['advice', 'business', 'change', 'convert', 'employer']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:06,175 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,251 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,256 : INFO : built Dictionary(28 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:06,282 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,289 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,313 : INFO : built Dictionary(27 unique tokens: ['advise', 'change', 'company', 'even', 'husband']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:06,345 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,372 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,399 : INFO : built Dictionary(37 unique tokens: ['africa', 'anyone', 'beleive', 'cant', 'come']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:06,475 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,444 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,514 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,511 : INFO : built Dictionary(31 unique tokens: ['amount', 'attendants', 'boy', 'car', 'coffee']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:01:06,531 : INFO : built Dictionary(47 unique tokens: ['approximately', 'arriving', 'contract', 'country', 'december']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:06,587 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,599 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:06,620 : INFO : built Dictionary(18 unique tokens: ['beauty', 'haircut', 'idea', 'manicure', 'massage']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:01:06,661 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,682 : INFO : built Dictionary(6 unique tokens: ['back', 'home', 'leave', 'much', 'percent']...) from 2 documents (total 14 corpus positions)\n", + "2019-06-17 11:01:06,695 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,713 : INFO : built Dictionary(40 unique tokens: ['acceptable', 'advice', 'also', 'assisting', 'ave']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:06,741 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,809 : INFO : built Dictionary(23 unique tokens: ['dinner', 'discusse', 'example', 'give', 'good']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:06,839 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,867 : INFO : built Dictionary(22 unique tokens: ['bell', 'boy', 'carry', 'day', 'even']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:01:06,891 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,909 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,945 : INFO : built Dictionary(33 unique tokens: ['ask', 'bartender', 'bartenders', 'come', 'doha']...) from 2 documents (total 40 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:06,973 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:06,982 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:06,986 : INFO : built Dictionary(25 unique tokens: ['advice', 'airport', 'arrive', 'bring', 'card']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:07,024 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,047 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,052 : INFO : built Dictionary(22 unique tokens: ['baby', 'born', 'bring', 'dear', 'help']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:01:07,041 : INFO : built Dictionary(23 unique tokens: ['business', 'certain', 'doha', 'dress', 'enquiring']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:07,064 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:07,071 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,083 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,084 : INFO : built Dictionary(36 unique tokens: ['able', 'amount', 'area', 'asking', 'bad']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:07,088 : INFO : built Dictionary(34 unique tokens: ['advance', 'baby', 'bcg', 'better', 'child']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:07,108 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,123 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:07,118 : INFO : built Dictionary(26 unique tokens: ['amount', 'asking', 'bringing', 'help', 'idea']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:07,158 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,168 : INFO : built Dictionary(50 unique tokens: ['able', 'advice', 'age', 'alaykum', 'apply']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:07,212 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,223 : INFO : built Dictionary(37 unique tokens: ['another', 'baby', 'babysitter', 'come', 'common']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:07,274 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,306 : INFO : built Dictionary(35 unique tokens: ['advice', 'change', 'cid', 'clearance', 'company']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:07,353 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,358 : INFO : built Dictionary(35 unique tokens: ['advance', 'amount', 'business', 'company', 'day']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:07,388 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,417 : INFO : built Dictionary(43 unique tokens: ['account', 'advice', 'already', 'anyone', 'applying']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:07,478 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,505 : INFO : built Dictionary(33 unique tokens: ['anyone', 'baby', 'bees', 'best', 'busy']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:07,543 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,564 : INFO : built Dictionary(41 unique tokens: ['big', 'bored', 'contact', 'daughter', 'doha']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:07,608 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:07,620 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,635 : INFO : built Dictionary(37 unique tokens: ['almost', 'annoying', 'candies', 'cashiers', 'change']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:07,678 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,738 : INFO : built Dictionary(41 unique tokens: ['always', 'atm', 'back', 'boss', 'businesses']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:07,767 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,774 : INFO : built Dictionary(28 unique tokens: ['almost', 'cashier', 'come', 'comment', 'even']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:07,797 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,807 : INFO : built Dictionary(23 unique tokens: ['account', 'advise', 'around', 'bank', 'best']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:07,829 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,853 : INFO : built Dictionary(23 unique tokens: ['beauty', 'haircut', 'idea', 'manicure', 'massage']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:01:07,866 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,884 : INFO : built Dictionary(40 unique tokens: ['behavior', 'boils', 'cashiers', 'cellphone', 'chat']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:07,916 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,926 : INFO : built Dictionary(28 unique tokens: ['account', 'anyone', 'bank', 'directly', 'employee']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:07,950 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:07,985 : INFO : built Dictionary(30 unique tokens: ['along', 'came', 'created', 'customer', 'doha']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:07,999 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,016 : INFO : built Dictionary(43 unique tokens: ['act', 'additionally', 'anyone', 'arrogant', 'behave']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:08,019 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,045 : INFO : built Dictionary(41 unique tokens: ['alive', 'amigos', 'around', 'attendance', 'away']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:08,043 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:08,061 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,067 : INFO : built Dictionary(21 unique tokens: ['abdulla', 'al', 'arab', 'come', 'filipinos']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:01:08,088 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:08,096 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,109 : INFO : built Dictionary(52 unique tokens: ['asd', 'assessed', 'assessments', 'autism', 'autistic']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:08,203 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,226 : INFO : built Dictionary(30 unique tokens: ['anyone', 'around', 'cockroaches', 'company', 'control']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:01:08,256 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,276 : INFO : built Dictionary(38 unique tokens: ['ago', 'anyone', 'arrived', 'doha', 'everyone']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:08,312 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,337 : INFO : built Dictionary(36 unique tokens: ['anyone', 'basically', 'belong', 'cats', 'compound']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:08,368 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,387 : INFO : built Dictionary(22 unique tokens: ['anyone', 'details', 'doha', 'good', 'know']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:08,409 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,427 : INFO : built Dictionary(23 unique tokens: ['cavity', 'child', 'cost', 'dentist', 'hi']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:08,456 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:08,480 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,495 : INFO : built Dictionary(51 unique tokens: ['anyone', 'anything', 'anywhere', 'away', 'awesome']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:08,554 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,569 : INFO : built Dictionary(28 unique tokens: ['admin', 'cut', 'delete', 'found', 'least']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:01:08,595 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:08,629 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,633 : INFO : built Dictionary(28 unique tokens: ['american', 'anyone', 'chiropractor', 'clinic', 'closed']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:01:08,633 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,640 : INFO : built Dictionary(21 unique tokens: ['accept', 'bought', 'carrier', 'get', 'help']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:08,658 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,662 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:08,681 : INFO : built Dictionary(48 unique tokens: ['anyone', 'buy', 'cheers', 'comment', 'currently']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:01:08,773 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:08,813 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,824 : INFO : built Dictionary(32 unique tokens: ['anyone', 'apple', 'doha', 'get', 'got']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:08,846 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,856 : INFO : built Dictionary(54 unique tokens: ['around', 'blow', 'driving', 'easier', 'east']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:08,945 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:08,965 : INFO : built Dictionary(27 unique tokens: ['anyone', 'cost', 'ipad', 'know', 'much']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:08,988 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,015 : INFO : built Dictionary(31 unique tokens: ['buy', 'cheapest', 'curious', 'decided', 'finally']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:01:09,039 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,054 : INFO : built Dictionary(43 unique tokens: ['approx', 'buy', 'capacity', 'cheapest', 'copied']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:09,112 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,128 : INFO : built Dictionary(41 unique tokens: ['able', 'announced', 'browse', 'content', 'end']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:09,179 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,188 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,193 : INFO : built Dictionary(35 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:09,190 : INFO : built Dictionary(50 unique tokens: ['ago', 'barely', 'better', 'blackberry', 'carrefour']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:09,233 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,237 : INFO : built Dictionary(38 unique tokens: ['able', 'ask', 'brought', 'change', 'children']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:01:09,244 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,247 : INFO : built Dictionary(47 unique tokens: ['accessories', 'bought', 'country', 'crazy', 'extraordinarily']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:09,284 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,295 : INFO : built Dictionary(23 unique tokens: ['advice', 'anyone', 'application', 'apply', 'cannot']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:09,284 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:09,314 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,328 : INFO : built Dictionary(24 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:09,352 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,385 : INFO : built Dictionary(34 unique tokens: ['anyone', 'apply', 'completed', 'country', 'exit']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:09,414 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,437 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,453 : INFO : built Dictionary(33 unique tokens: ['answer', 'apply', 'applying', 'arrive', 'asap']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:09,488 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,495 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,498 : INFO : built Dictionary(41 unique tokens: ['advice', 'ang', 'anybody', 'apply', 'appreciated']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:09,521 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,532 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,539 : INFO : built Dictionary(43 unique tokens: ['application', 'assistance', 'attest', 'baby', 'birth']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:01:09,548 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,557 : INFO : built Dictionary(57 unique tokens: ['already', 'alternatives', 'anyway', 'apartment', 'apartments']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:09,564 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,585 : INFO : built Dictionary(38 unique tokens: ['ago', 'anyone', 'anytime', 'applied', 'banned']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:09,608 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,615 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,622 : INFO : built Dictionary(31 unique tokens: ['advise', 'anyone', 'applying', 'attest', 'attestation']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:09,640 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,642 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:09,670 : INFO : built Dictionary(35 unique tokens: ['anyone', 'anything', 'british', 'doha', 'family']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:09,701 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,721 : INFO : built Dictionary(44 unique tokens: ['advice', 'anyone', 'appreciated', 'back', 'doha']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:09,793 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,810 : INFO : built Dictionary(45 unique tokens: ['available', 'besides', 'checked', 'days', 'disease']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:09,852 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,854 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,858 : INFO : built Dictionary(40 unique tokens: ['corporate', 'dear', 'doha', 'fun', 'give']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:09,877 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,880 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:09,882 : INFO : built Dictionary(50 unique tokens: ['ask', 'attend', 'clinics', 'days', 'doha']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:09,881 : INFO : built Dictionary(32 unique tokens: ['africa', 'anyone', 'beleive', 'cant', 'come']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:09,894 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,895 : INFO : built Dictionary(43 unique tokens: ['account', 'advice', 'already', 'anyone', 'applying']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:01:09,907 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,910 : INFO : built Dictionary(50 unique tokens: ['applying', 'b', 'basically', 'c', 'checked']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:09,915 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,921 : INFO : built Dictionary(36 unique tokens: ['approach', 'done', 'end', 'extension', 'family']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:09,933 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,938 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,939 : INFO : built Dictionary(52 unique tokens: ['accommodation', 'allowance', 'anxious', 'contract', 'corp']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:09,940 : INFO : built Dictionary(37 unique tokens: ['account', 'additinal', 'another', 'automatically', 'back']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:09,950 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,951 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,954 : INFO : built Dictionary(45 unique tokens: ['agreement', 'back', 'call', 'cancelled', 'chance']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:09,963 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,965 : INFO : built Dictionary(45 unique tokens: ['business', 'changes', 'countries', 'current', 'every']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:09,971 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,973 : INFO : built Dictionary(20 unique tokens: ['extend', 'extension', 'hotel', 'month', 'one']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:09,985 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,986 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:09,987 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,989 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:09,994 : INFO : built Dictionary(30 unique tokens: ['advance', 'case', 'comments', 'dear', 'doha']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:09,993 : INFO : built Dictionary(53 unique tokens: ['agency', 'al', 'another', 'anyone', 'applying']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:10,003 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,005 : INFO : built Dictionary(23 unique tokens: ['asking', 'father', 'friend', 'hi', 'husband']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:10,013 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,023 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:10,016 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,045 : INFO : built Dictionary(40 unique tokens: ['afp', 'allow', 'amnesty', 'arab', 'doha']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:10,086 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,093 : INFO : built Dictionary(43 unique tokens: ['advise', 'agency', 'already', 'anyone', 'applied']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:01:10,126 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:10,262 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,267 : INFO : built Dictionary(24 unique tokens: ['answer', 'back', 'ban', 'come', 'contract']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:10,296 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,321 : INFO : built Dictionary(13 unique tokens: ['apart', 'back', 'ban', 'country', 'doesnt']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:10,328 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,333 : INFO : built Dictionary(45 unique tokens: ['ban', 'bank', 'banks', 'blacklisted', 'cannot']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:10,353 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,355 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,355 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,358 : INFO : built Dictionary(46 unique tokens: ['agreement', 'back', 'call', 'cancelled', 'chance']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:10,358 : INFO : built Dictionary(21 unique tokens: ['days', 'finish', 'many', 'permit', 'processing']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:10,370 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,376 : INFO : built Dictionary(39 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:10,379 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,389 : INFO : built Dictionary(45 unique tokens: ['also', 'another', 'answers', 'black', 'countries']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:10,401 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,403 : INFO : built Dictionary(20 unique tokens: ['c', 'get', 'hcv', 'hepatitis', 'permit']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:01:10,412 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,415 : INFO : built Dictionary(37 unique tokens: ['africa', 'anyone', 'beleive', 'cant', 'come']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:10,414 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,421 : INFO : built Dictionary(19 unique tokens: ['ask', 'banned', 'dubai', 'possible', 'qatar']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:01:10,433 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,439 : INFO : built Dictionary(37 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:10,439 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,444 : INFO : built Dictionary(41 unique tokens: ['available', 'besides', 'checked', 'days', 'disease']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:10,456 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,458 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,465 : INFO : built Dictionary(37 unique tokens: ['asia', 'ban', 'benefit', 'comments', 'countries']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:10,467 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,494 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,501 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,508 : INFO : built Dictionary(33 unique tokens: ['accompanied', 'arabia', 'ban', 'bicycles', 'country']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:10,499 : INFO : built Dictionary(45 unique tokens: ['also', 'ask', 'become', 'book', 'business']...) from 2 documents (total 64 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:10,530 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,537 : INFO : built Dictionary(38 unique tokens: ['answer', 'anymore', 'apply', 'appreciated', 'company']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:10,541 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,565 : INFO : built Dictionary(33 unique tokens: ['advisable', 'application', 'appreciate', 'canada', 'consultants']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:01:10,567 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:10,589 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,601 : INFO : built Dictionary(36 unique tokens: ['appreciated', 'august', 'company', 'doha', 'embassy']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:10,628 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,645 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,658 : INFO : built Dictionary(51 unique tokens: ['another', 'change', 'co', 'company', 'contract']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:01:10,724 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,757 : INFO : built Dictionary(46 unique tokens: ['agency', 'almost', 'already', 'answer', 'anyone']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:10,811 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:10,819 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,820 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,826 : INFO : built Dictionary(15 unique tokens: ['anyone', 'apple', 'doha', 'get', 'got']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:01:10,832 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,833 : INFO : built Dictionary(16 unique tokens: ['best', 'brands', 'buy', 'doha', 'etc']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:10,839 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,841 : INFO : built Dictionary(30 unique tokens: ['anyone', 'apple', 'best', 'bit', 'bought']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:10,852 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,853 : INFO : built Dictionary(12 unique tokens: ['buy', 'clothes', 'doha', 'favorite', 'let']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:01:10,857 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,859 : INFO : built Dictionary(24 unique tokens: ['aslo', 'birthday', 'cannot', 'come', 'day']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:01:10,865 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,868 : INFO : built Dictionary(15 unique tokens: ['anyone', 'best', 'compounds', 'doha', 'go']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:01:10,877 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,880 : INFO : built Dictionary(22 unique tokens: ['cracked', 'edge', 'everything', 'except', 'fine']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:10,888 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,890 : INFO : built Dictionary(35 unique tokens: ['also', 'banana', 'best', 'canal', 'comparable']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:10,901 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,903 : INFO : built Dictionary(18 unique tokens: ['chk', 'ibm', 'laptop', 'lets', 'mine']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:01:10,908 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,909 : INFO : built Dictionary(11 unique tokens: ['anyone', 'doha', 'good', 'know', 'mattress']...) from 2 documents (total 16 corpus positions)\n", + "2019-06-17 11:01:10,912 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:10,972 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,974 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,976 : INFO : built Dictionary(30 unique tokens: ['advise', 'anyone', 'applying', 'attest', 'attestation']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:10,987 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,989 : INFO : built Dictionary(20 unique tokens: ['affordable', 'anybody', 'apply', 'assist', 'attestation']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:01:10,995 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:10,997 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:10,999 : INFO : built Dictionary(40 unique tokens: ['accomodation', 'agreement', 'attach', 'attestation', 'baladiya']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:11,012 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,015 : INFO : built Dictionary(14 unique tokens: ['arrange', 'contact', 'cost', 'family', 'requirement']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:01:11,020 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,022 : INFO : built Dictionary(23 unique tokens: ['anybody', 'appreciated', 'call', 'contact', 'could']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:11,029 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:11,034 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,036 : INFO : built Dictionary(23 unique tokens: ['bank', 'designation', 'employer', 'enough', 'family']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:11,043 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,045 : INFO : built Dictionary(42 unique tokens: ['advance', 'anybody', 'appointment', 'approval', 'ask']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:11,063 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,066 : INFO : built Dictionary(21 unique tokens: ['application', 'apply', 'committee', 'family', 'got']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:01:11,071 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,071 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,073 : INFO : built Dictionary(29 unique tokens: ['accommodation', 'anyone', 'appreciated', 'central', 'corporation']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:01:11,077 : INFO : built Dictionary(22 unique tokens: ['anyone', 'help', 'hey', 'knows', 'looking']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:01:11,082 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:11,084 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,087 : INFO : built Dictionary(41 unique tokens: ['activities', 'al', 'anyone', 'benefit', 'car']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:11,094 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,102 : INFO : built Dictionary(42 unique tokens: ['doctor', 'example', 'expat', 'hmc', 'hospital']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:11,109 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:11,125 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,128 : INFO : built Dictionary(55 unique tokens: ['accommodation', 'allowance', 'anxious', 'contract', 'corp']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:01:11,171 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,185 : INFO : built Dictionary(36 unique tokens: ['anyone', 'center', 'enough', 'filipino', 'getting']...) from 2 documents (total 51 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:11,204 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,210 : INFO : built Dictionary(34 unique tokens: ['application', 'credential', 'hmc', 'right', 'stage']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:11,241 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,253 : INFO : built Dictionary(55 unique tokens: ['accommodation', 'allowance', 'allowances', 'allownaces', 'applied']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:01:11,316 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,344 : INFO : built Dictionary(36 unique tokens: ['anyone', 'apply', 'complicated', 'confuses', 'french']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:11,371 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,399 : INFO : built Dictionary(42 unique tokens: ['baby', 'best', 'childbirth', 'deliver', 'doctors']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:11,406 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,423 : INFO : built Dictionary(52 unique tokens: ['appreciated', 'around', 'available', 'best', 'chicken']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:11,449 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,465 : INFO : built Dictionary(52 unique tokens: ['anyone', 'apparently', 'appointment', 'around', 'decides']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:11,504 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:11,536 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,551 : INFO : built Dictionary(41 unique tokens: ['adopt', 'anybody', 'buy', 'cheers', 'find']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:11,557 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,560 : INFO : built Dictionary(42 unique tokens: ['also', 'anyone', 'apply', 'believe', 'free']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:11,585 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,601 : INFO : built Dictionary(31 unique tokens: ['baby', 'boys', 'everyone', 'girls', 'help']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:11,622 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,636 : INFO : built Dictionary(46 unique tokens: ['ago', 'allowed', 'arrival', 'arrived', 'assistant']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:01:11,607 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,646 : INFO : built Dictionary(46 unique tokens: ['around', 'birth', 'cause', 'clinic', 'cost']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:01:11,679 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,709 : INFO : built Dictionary(35 unique tokens: ['aaa', 'assistance', 'breaks', 'call', 'calls']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:11,714 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:11,736 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:11,770 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,787 : INFO : built Dictionary(33 unique tokens: ['advice', 'black', 'causes', 'coke', 'completely']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:01:11,825 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,866 : INFO : built Dictionary(43 unique tokens: ['also', 'answer', 'approximate', 'birth', 'bring']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:11,935 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:11,979 : INFO : built Dictionary(49 unique tokens: ['anymore', 'anyone', 'bad', 'could', 'dermatologists']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:12,060 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:12,094 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,115 : INFO : built Dictionary(36 unique tokens: ['anybody', 'appreciated', 'approach', 'badly', 'called']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:12,154 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:12,180 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,201 : INFO : built Dictionary(17 unique tokens: ['doha', 'even', 'get', 'got', 'husband']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:12,220 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,239 : INFO : built Dictionary(36 unique tokens: ['allowed', 'corporation', 'family', 'female', 'females']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:12,269 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,297 : INFO : built Dictionary(26 unique tokens: ['advise', 'change', 'company', 'even', 'husband']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:01:12,331 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,353 : INFO : built Dictionary(28 unique tokens: ['asking', 'father', 'friend', 'hi', 'husband']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:12,425 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,380 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,430 : INFO : built Dictionary(34 unique tokens: ['active', 'anybody', 'anyone', 'badminton', 'comment']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:12,428 : INFO : built Dictionary(39 unique tokens: ['advance', 'amount', 'business', 'company', 'day']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:12,468 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:12,487 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,479 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,501 : INFO : built Dictionary(37 unique tokens: ['area', 'badminton', 'club', 'college', 'court']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:12,539 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,562 : INFO : built Dictionary(17 unique tokens: ['badminton', 'doha', 'go', 'hi', 'looking']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:01:12,499 : INFO : built Dictionary(49 unique tokens: ['affidavit', 'anybody', 'bank', 'citizen', 'consul']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:01:12,569 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:12,573 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,594 : INFO : built Dictionary(34 unique tokens: ['already', 'badminton', 'club', 'college', 'doha']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:12,624 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:12,628 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,643 : INFO : built Dictionary(33 unique tokens: ['american', 'bu', 'chance', 'country', 'doha']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:12,633 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,650 : INFO : built Dictionary(39 unique tokens: ['akin', 'ako', 'ba', 'badminton', 'berks']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:12,672 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,691 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,681 : INFO : built Dictionary(23 unique tokens: ['apply', 'conditions', 'foreigner', 'marry', 'muslim']...) from 2 documents (total 35 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:12,710 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,736 : INFO : built Dictionary(31 unique tokens: ['birth', 'child', 'give', 'gots', 'happens']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:12,764 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,734 : INFO : built Dictionary(23 unique tokens: ['badminton', 'club', 'details', 'group', 'grp']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:12,788 : INFO : built Dictionary(47 unique tokens: ['american', 'answers', 'considering', 'currently', 'dating']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:12,786 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,805 : INFO : built Dictionary(37 unique tokens: ['anybody', 'badminton', 'boring', 'crowded', 'doha']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:12,830 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,848 : INFO : built Dictionary(24 unique tokens: ['able', 'ballistic', 'could', 'daughter', 'doha']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:12,867 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,877 : INFO : built Dictionary(31 unique tokens: ['also', 'anyone', 'appreciated', 'basis', 'cheers']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:12,882 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:12,907 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:12,921 : INFO : built Dictionary(41 unique tokens: ['accept', 'advance', 'advice', 'also', 'around']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:12,968 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:13,698 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:13,713 : INFO : built Dictionary(26 unique tokens: ['decided', 'favorite', 'hearing', 'interested', 'new']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:13,703 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:13,751 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:13,762 : INFO : built Dictionary(44 unique tokens: ['advance', 'case', 'comments', 'dear', 'doha']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:01:13,749 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:13,790 : INFO : built Dictionary(50 unique tokens: ['advance', 'alone', 'attached', 'behind', 'com']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:13,855 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:13,871 : INFO : built Dictionary(21 unique tokens: ['best', 'mention', 'place', 'plz', 'romantic']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:01:13,917 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:13,904 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:13,923 : INFO : built Dictionary(39 unique tokens: ['boring', 'doha', 'get', 'gets', 'guess']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:13,937 : INFO : built Dictionary(18 unique tokens: ['best', 'hang', 'place', 'qatar', 'alkhor']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:01:13,955 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:13,983 : INFO : built Dictionary(32 unique tokens: ['already', 'appreciated', 'april', 'country', 'days']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:13,991 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:14,007 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,013 : INFO : built Dictionary(18 unique tokens: ['chill', 'doha', 'favorite', 'place', 'alkhor']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:01:14,023 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:14,028 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,032 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,035 : INFO : built Dictionary(23 unique tokens: ['cuisine', 'dosa', 'dosas', 'find', 'good']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:14,047 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,034 : INFO : built Dictionary(34 unique tokens: ['avoid', 'boredom', 'boring', 'doha', 'ixzz']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:14,074 : INFO : built Dictionary(31 unique tokens: ['anyone', 'btw', 'dress', 'dresses', 'gay']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:14,083 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,100 : INFO : built Dictionary(38 unique tokens: ['anyone', 'besides', 'bodybuilding', 'buy', 'expensive']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:14,126 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:14,136 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:14,147 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,153 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,161 : INFO : built Dictionary(44 unique tokens: ['advance', 'christans', 'different', 'engagement', 'help']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:14,166 : INFO : built Dictionary(27 unique tokens: ['anyone', 'big', 'fish', 'fishing', 'friends']...) from 2 documents (total 31 corpus positions)\n", + "2019-06-17 11:01:14,193 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,197 : INFO : built Dictionary(35 unique tokens: ['able', 'advance', 'advantage', 'advice', 'decide']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:14,250 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,238 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:14,281 : INFO : built Dictionary(41 unique tokens: ['events', 'friends', 'go', 'home', 'make']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:14,327 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,368 : INFO : built Dictionary(37 unique tokens: ['arabic', 'course', 'good', 'group', 'lessons']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:14,401 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,411 : INFO : built Dictionary(60 unique tokens: ['advise', 'airways', 'anybody', 'british', 'children']...) from 2 documents (total 78 corpus positions)\n", + "2019-06-17 11:01:14,531 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,569 : INFO : built Dictionary(43 unique tokens: ['anyone', 'arrogant', 'care', 'encounters', 'ever']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:14,600 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,611 : INFO : built Dictionary(55 unique tokens: ['arab', 'bring', 'care', 'children', 'countries']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:01:14,768 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:14,892 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:14,920 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,937 : INFO : built Dictionary(26 unique tokens: ['anyother', 'available', 'better', 'cook', 'cooking']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:14,963 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:14,979 : INFO : built Dictionary(30 unique tokens: ['accomodations', 'area', 'doha', 'drive', 'entertainment']...) from 2 documents (total 40 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:15,004 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,023 : INFO : built Dictionary(32 unique tokens: ['buy', 'carrefour', 'cook', 'enough', 'etc']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:15,067 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,076 : INFO : built Dictionary(41 unique tokens: ['add', 'also', 'answers', 'anyone', 'away']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:15,163 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,181 : INFO : built Dictionary(24 unique tokens: ['anyone', 'average', 'breakfast', 'cost', 'could']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:15,207 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,223 : INFO : built Dictionary(27 unique tokens: ['anyone', 'bring', 'case', 'christmas', 'coming']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:15,255 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,275 : INFO : built Dictionary(41 unique tokens: ['anyone', 'appropiate', 'behind', 'dirty', 'eastern']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:15,311 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,333 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:15,366 : INFO : built Dictionary(30 unique tokens: ['accountant', 'accounting', 'achive', 'advice', 'anyone']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:15,363 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,395 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,407 : INFO : built Dictionary(50 unique tokens: ['advice', 'anyone', 'could', 'currently', 'doha']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:01:15,397 : INFO : built Dictionary(36 unique tokens: ['also', 'answer', 'ask', 'company', 'delhi']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:15,435 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:15,445 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,472 : INFO : built Dictionary(33 unique tokens: ['air', 'arabia', 'bag', 'baggage', 'compensation']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:15,499 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,531 : INFO : built Dictionary(36 unique tokens: ['anyone', 'buy', 'days', 'diet', 'effective']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:15,576 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:15,565 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,605 : INFO : built Dictionary(47 unique tokens: ['apply', 'cost', 'get', 'hello', 'im']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:15,725 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,745 : INFO : built Dictionary(48 unique tokens: ['able', 'airlines', 'airways', 'anyone', 'benefits']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:01:15,860 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:15,902 : INFO : built Dictionary(59 unique tokens: ['ask', 'attend', 'clinics', 'days', 'doha']...) from 2 documents (total 71 corpus positions)\n", + "2019-06-17 11:01:16,111 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,140 : INFO : built Dictionary(57 unique tokens: ['actually', 'also', 'anybody', 'anyone', 'anything']...) from 2 documents (total 72 corpus positions)\n", + "2019-06-17 11:01:16,276 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,317 : INFO : built Dictionary(47 unique tokens: ['appreciated', 'around', 'available', 'best', 'chicken']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:16,322 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,375 : INFO : built Dictionary(39 unique tokens: ['anyone', 'center', 'enough', 'filipino', 'getting']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:16,435 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,454 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,463 : INFO : built Dictionary(40 unique tokens: ['anyone', 'buy', 'days', 'diet', 'effective']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:16,485 : INFO : built Dictionary(62 unique tokens: ['also', 'back', 'care', 'collect', 'cost']...) from 2 documents (total 78 corpus positions)\n", + "2019-06-17 11:01:16,527 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,566 : INFO : built Dictionary(30 unique tokens: ['believe', 'calories', 'counting', 'days', 'dieting']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:16,591 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,614 : INFO : built Dictionary(55 unique tokens: ['anyone', 'ask', 'bags', 'brand', 'buying']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:16,782 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,772 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:16,812 : INFO : built Dictionary(20 unique tokens: ['anybody', 'herbalife', 'know', 'losing', 'products']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:01:16,824 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,847 : INFO : built Dictionary(53 unique tokens: ['abroad', 'anyone', 'bank', 'blamed', 'brazilian']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:01:16,839 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,863 : INFO : built Dictionary(24 unique tokens: ['anyone', 'center', 'curves', 'help', 'hi']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:16,885 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,914 : INFO : built Dictionary(41 unique tokens: ['body', 'challenge', 'cm', 'diet', 'dress']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:16,940 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:16,963 : INFO : built Dictionary(37 unique tokens: ['download', 'english', 'free', 'hindi', 'like']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:16,944 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:16,986 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,005 : INFO : built Dictionary(34 unique tokens: ['actrim', 'anyone', 'best', 'give', 'healthy']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:16,998 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:17,041 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,061 : INFO : built Dictionary(26 unique tokens: ['bread', 'diet', 'eat', 'effective', 'fitness']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:01:17,105 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:17,126 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,168 : INFO : built Dictionary(26 unique tokens: ['anyone', 'aspire', 'ball', 'fee', 'fitness']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:17,205 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:17,483 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,490 : INFO : built Dictionary(32 unique tokens: ['bad', 'company', 'could', 'doha', 'dubai']...) from 2 documents (total 86 corpus positions)\n", + "2019-06-17 11:01:17,522 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,544 : INFO : built Dictionary(42 unique tokens: ['appropriate', 'cooler', 'find', 'fridge', 'get']...) from 2 documents (total 61 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:17,619 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,653 : INFO : built Dictionary(55 unique tokens: ['american', 'bachelor', 'bayt', 'com', 'cv']...) from 2 documents (total 78 corpus positions)\n", + "2019-06-17 11:01:17,754 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:17,769 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,781 : INFO : built Dictionary(53 unique tokens: ['car', 'charger', 'clear', 'comments', 'cost']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:01:17,832 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,861 : INFO : built Dictionary(34 unique tokens: ['doha', 'find', 'hard', 'job', 'nowadays']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:17,892 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,915 : INFO : built Dictionary(37 unique tokens: ['adays', 'get', 'hard', 'impossible', 'like']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:17,941 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:17,965 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,961 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:17,984 : INFO : built Dictionary(49 unique tokens: ['accross', 'arabic', 'article', 'bbc', 'brain']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:01:17,976 : INFO : built Dictionary(33 unique tokens: ['advice', 'anybody', 'cost', 'duster', 'experience']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:18,024 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,040 : INFO : built Dictionary(36 unique tokens: ['accord', 'advise', 'altima', 'better', 'buy']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:18,082 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,089 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,090 : INFO : built Dictionary(55 unique tokens: ['data', 'disk', 'drive', 'even', 'external']...) from 2 documents (total 75 corpus positions)\n", + "2019-06-17 11:01:18,121 : INFO : built Dictionary(30 unique tokens: ['better', 'buy', 'car', 'civic', 'corolla']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:18,173 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,196 : INFO : built Dictionary(47 unique tokens: ['abt', 'also', 'best', 'brand', 'brands']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:01:18,283 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:18,334 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,352 : INFO : built Dictionary(36 unique tokens: ['back', 'cadillac', 'car', 'comfortable', 'condition']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:18,339 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,377 : INFO : built Dictionary(48 unique tokens: ['club', 'girls', 'hard', 'help', 'key']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:18,396 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,443 : INFO : built Dictionary(36 unique tokens: ['accord', 'advise', 'altima', 'better', 'buy']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:18,460 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,477 : INFO : built Dictionary(58 unique tokens: ['advice', 'always', 'anyone', 'applied', 'approval']...) from 2 documents (total 74 corpus positions)\n", + "2019-06-17 11:01:18,514 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,565 : INFO : built Dictionary(34 unique tokens: ['according', 'advise', 'available', 'buy', 'clio']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:18,606 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,631 : INFO : built Dictionary(47 unique tokens: ['accent', 'also', 'alto', 'anyone', 'basic']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:18,653 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,693 : INFO : built Dictionary(43 unique tokens: ['confirm', 'department', 'hr', 'informed', 'must']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:18,696 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:18,719 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:18,725 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:18,735 : INFO : built Dictionary(51 unique tokens: ['advice', 'best', 'better', 'buy', 'cars']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:01:18,872 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:19,213 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,235 : INFO : built Dictionary(39 unique tokens: ['business', 'changes', 'countries', 'current', 'every']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:19,284 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,325 : INFO : built Dictionary(26 unique tokens: ['back', 'business', 'exchange', 'foreign', 'good']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:19,362 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,367 : INFO : built Dictionary(28 unique tokens: ['anyone', 'appreciated', 'certain', 'doha', 'elsewhere']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:01:19,341 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,401 : INFO : built Dictionary(21 unique tokens: ['boy', 'child', 'help', 'need', 'old']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:01:19,399 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:19,427 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,421 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,444 : INFO : built Dictionary(50 unique tokens: ['asd', 'assessed', 'assessments', 'autism', 'autistic']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:19,440 : INFO : built Dictionary(32 unique tokens: ['alternative', 'alternatives', 'could', 'dont', 'eating']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:19,479 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,495 : INFO : built Dictionary(28 unique tokens: ['air', 'al', 'anybody', 'asia', 'canter']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:01:19,516 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,533 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,537 : INFO : built Dictionary(20 unique tokens: ['anyone', 'available', 'counselling', 'doha', 'good']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:19,551 : INFO : built Dictionary(33 unique tokens: ['climate', 'countries', 'fat', 'food', 'gain']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:19,560 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,591 : INFO : built Dictionary(33 unique tokens: ['anxiety', 'certainly', 'conflict', 'counselors', 'depression']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:19,626 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,621 : INFO : Removed 3 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:19,647 : INFO : built Dictionary(30 unique tokens: ['banned', 'cant', 'check', 'doha', 'find']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:19,646 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,669 : INFO : built Dictionary(38 unique tokens: ['born', 'children', 'classifieds', 'desai', 'donot']...) from 2 documents (total 49 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:19,683 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,716 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,722 : INFO : built Dictionary(28 unique tokens: ['anyone', 'center', 'curves', 'help', 'hi']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:19,737 : INFO : built Dictionary(45 unique tokens: ['ago', 'anyone', 'best', 'counseling', 'difficult']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:19,751 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,786 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,785 : INFO : built Dictionary(39 unique tokens: ['ago', 'anyone', 'arrived', 'doha', 'everyone']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:19,801 : INFO : built Dictionary(40 unique tokens: ['accommodation', 'allowance', 'anxious', 'contract', 'corp']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:19,821 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:19,836 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,832 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,902 : INFO : built Dictionary(35 unique tokens: ['come', 'contact', 'couple', 'designed', 'details']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:19,914 : INFO : built Dictionary(37 unique tokens: ['ahli', 'al', 'anyone', 'clear', 'coverage']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:19,937 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:19,960 : INFO : built Dictionary(35 unique tokens: ['adenoids', 'advice', 'anyone', 'childs', 'doha']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:19,933 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:20,005 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,038 : INFO : built Dictionary(35 unique tokens: ['bad', 'beauty', 'career', 'child', 'children']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:20,068 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:20,302 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:20,325 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,344 : INFO : built Dictionary(42 unique tokens: ['advise', 'anyone', 'applying', 'attest', 'attestation']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:20,373 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,400 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,393 : INFO : built Dictionary(43 unique tokens: ['accept', 'advise', 'back', 'come', 'company']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:20,413 : INFO : built Dictionary(36 unique tokens: ['account', 'anyone', 'bank', 'directly', 'employee']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:20,473 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:20,475 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:20,483 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,488 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,492 : INFO : built Dictionary(34 unique tokens: ['anyone', 'anything', 'appropriate', 'comfortable', 'especially']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:20,508 : INFO : built Dictionary(46 unique tokens: ['another', 'change', 'co', 'company', 'contract']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:20,532 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,552 : INFO : built Dictionary(33 unique tokens: ['address', 'anyone', 'baby', 'contact', 'could']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:20,582 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,588 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,604 : INFO : built Dictionary(30 unique tokens: ['advise', 'company', 'dont', 'experts', 'got']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:20,609 : INFO : built Dictionary(33 unique tokens: ['advisable', 'application', 'appreciate', 'canada', 'consultants']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:20,628 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,659 : INFO : built Dictionary(45 unique tokens: ['accept', 'ban', 'cannot', 'clerical', 'company']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:20,656 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,687 : INFO : built Dictionary(57 unique tokens: ['asd', 'assessed', 'assessments', 'autism', 'autistic']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:01:20,729 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:20,749 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,777 : INFO : built Dictionary(46 unique tokens: ['according', 'action', 'advise', 'allow', 'back']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:20,789 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:20,821 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,848 : INFO : built Dictionary(40 unique tokens: ['acceptable', 'anything', 'bit', 'concerned', 'cover']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:20,846 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,881 : INFO : built Dictionary(47 unique tokens: ['accepted', 'accepting', 'advice', 'ago', 'anymore']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:20,888 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,911 : INFO : built Dictionary(39 unique tokens: ['advance', 'anyone', 'body', 'climate', 'considering']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:20,975 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:20,938 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:21,015 : INFO : built Dictionary(29 unique tokens: ['argu', 'country', 'friend', 'gulf', 'kuwait']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:21,013 : INFO : built Dictionary(52 unique tokens: ['actually', 'amazing', 'appreciate', 'courier', 'dear']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:21,033 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:21,050 : INFO : built Dictionary(31 unique tokens: ['add', 'best', 'bit', 'choose', 'else']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:21,071 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:21,146 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:21,161 : INFO : built Dictionary(36 unique tokens: ['advance', 'anyone', 'ask', 'contract', 'end']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:21,196 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:21,251 : INFO : built Dictionary(37 unique tokens: ['advice', 'change', 'cid', 'clearance', 'company']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:21,304 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:21,356 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:21,379 : INFO : built Dictionary(45 unique tokens: ['advice', 'back', 'based', 'companies', 'contract']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:21,458 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:21,792 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:21,815 : INFO : built Dictionary(44 unique tokens: ['already', 'arabic', 'chef', 'doha', 'end']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:21,917 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:21,926 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:21,948 : INFO : built Dictionary(35 unique tokens: ['available', 'could', 'daily', 'evening', 'find']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:21,973 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:21,989 : INFO : built Dictionary(36 unique tokens: ['agency', 'application', 'apply', 'applying', 'bayt']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:22,030 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:22,036 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,051 : INFO : built Dictionary(47 unique tokens: ['advice', 'ang', 'anybody', 'apply', 'appreciated']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:22,044 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,069 : INFO : built Dictionary(37 unique tokens: ['ad', 'amount', 'anyone', 'data', 'entry']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:22,102 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,119 : INFO : built Dictionary(38 unique tokens: ['application', 'apply', 'applying', 'care', 'failed']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:22,175 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,202 : INFO : built Dictionary(36 unique tokens: ['appreciated', 'august', 'company', 'doha', 'embassy']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:22,191 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,219 : INFO : built Dictionary(36 unique tokens: ['advised', 'ago', 'bank', 'chance', 'clearance']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:22,264 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,267 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:22,284 : INFO : built Dictionary(37 unique tokens: ['american', 'bachelor', 'bayt', 'com', 'cv']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:22,289 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,308 : INFO : built Dictionary(47 unique tokens: ['application', 'assistance', 'attest', 'baby', 'birth']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:01:22,358 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,376 : INFO : built Dictionary(44 unique tokens: ['airport', 'alcohol', 'apartment', 'cafeteria', 'close']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:22,390 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,406 : INFO : built Dictionary(39 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:22,419 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:22,425 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,440 : INFO : built Dictionary(18 unique tokens: ['aravind', 'doha', 'experience', 'hi', 'job']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:22,454 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,467 : INFO : built Dictionary(49 unique tokens: ['actually', 'anybody', 'anyone', 'applied', 'come']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:22,456 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:22,472 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,479 : INFO : built Dictionary(35 unique tokens: ['b', 'documents', 'doha', 'done', 'ect']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:22,503 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,503 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:22,540 : INFO : built Dictionary(49 unique tokens: ['advance', 'anybody', 'appointment', 'approval', 'ask']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:01:22,625 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,679 : INFO : built Dictionary(29 unique tokens: ['aquiring', 'doha', 'easy', 'everyone', 'get']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:22,700 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,712 : INFO : built Dictionary(46 unique tokens: ['ago', 'anyone', 'anytime', 'applied', 'banned']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:22,759 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,785 : INFO : built Dictionary(49 unique tokens: ['already', 'anyone', 'application', 'apply', 'aside']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:22,859 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,885 : INFO : built Dictionary(43 unique tokens: ['able', 'ask', 'brought', 'change', 'children']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:01:22,916 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,934 : INFO : built Dictionary(31 unique tokens: ['days', 'finish', 'many', 'permit', 'processing']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:22,952 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:22,946 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:23,014 : INFO : built Dictionary(32 unique tokens: ['change', 'family', 'husband', 'new', 'sponsor']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:23,105 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,108 : INFO : built Dictionary(42 unique tokens: ['apply', 'cost', 'get', 'hello', 'im']...) from 2 documents (total 59 corpus positions)\n", + "2019-06-17 11:01:23,218 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:23,231 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,253 : INFO : built Dictionary(50 unique tokens: ['advance', 'company', 'duration', 'help', 'hi']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:23,310 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,335 : INFO : built Dictionary(41 unique tokens: ['able', 'ask', 'clearance', 'get', 'gets']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:23,450 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,493 : INFO : built Dictionary(45 unique tokens: ['advise', 'apply', 'coming', 'currently', 'ever']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:01:23,547 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,566 : INFO : built Dictionary(33 unique tokens: ['advise', 'around', 'canada', 'contact', 'daycare']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:23,568 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,596 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:23,608 : INFO : built Dictionary(30 unique tokens: ['c', 'get', 'hcv', 'hepatitis', 'permit']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:23,614 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,622 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,633 : INFO : built Dictionary(51 unique tokens: ['available', 'besides', 'checked', 'days', 'disease']...) from 2 documents (total 65 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:23,637 : INFO : built Dictionary(47 unique tokens: ['admissions', 'admit', 'advance', 'back', 'birla']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:23,695 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,733 : INFO : built Dictionary(27 unique tokens: ['companies', 'currently', 'daycare', 'employers', 'facility']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:23,761 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,787 : INFO : built Dictionary(47 unique tokens: ['advise', 'airways', 'anybody', 'british', 'children']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:23,821 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,840 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,847 : INFO : built Dictionary(48 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:01:23,877 : INFO : built Dictionary(40 unique tokens: ['big', 'bored', 'contact', 'daughter', 'doha']...) from 2 documents (total 50 corpus positions)\n", + "2019-06-17 11:01:23,951 : INFO : Removed 3 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:23,953 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,977 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:23,989 : INFO : built Dictionary(45 unique tokens: ['almost', 'appeal', 'application', 'applied', 'first']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:24,005 : INFO : built Dictionary(40 unique tokens: ['born', 'children', 'classifieds', 'desai', 'donot']...) from 2 documents (total 51 corpus positions)\n", + "2019-06-17 11:01:24,032 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,051 : INFO : built Dictionary(37 unique tokens: ['afternoon', 'anyone', 'bus', 'child', 'children']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:24,053 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:24,104 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,133 : INFO : built Dictionary(29 unique tokens: ['available', 'baby', 'babycare', 'babysitting', 'doha']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:24,159 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,208 : INFO : built Dictionary(52 unique tokens: ['asd', 'assessed', 'assessments', 'autism', 'autistic']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:24,274 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,295 : INFO : built Dictionary(38 unique tokens: ['another', 'baby', 'babysitter', 'come', 'common']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:24,346 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:24,536 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,538 : INFO : built Dictionary(38 unique tokens: ['alcohol', 'ban', 'brands', 'certain', 'check']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:24,564 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,577 : INFO : built Dictionary(39 unique tokens: ['anyone', 'apple', 'best', 'bit', 'bought']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:24,635 : INFO : Removed 4 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:24,650 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,657 : INFO : built Dictionary(31 unique tokens: ['al', 'anyone', 'area', 'bill', 'called']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:24,702 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:24,740 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,747 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,747 : INFO : built Dictionary(48 unique tokens: ['advice', 'allowance', 'apt', 'car', 'cost']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:24,770 : INFO : built Dictionary(46 unique tokens: ['asked', 'base', 'car', 'company', 'could']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:24,789 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:24,809 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,823 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:24,825 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,819 : INFO : built Dictionary(42 unique tokens: ['allow', 'another', 'apologize', 'conduct', 'confess']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:24,859 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:24,856 : INFO : built Dictionary(40 unique tokens: ['alahly', 'alot', 'also', 'best', 'clinics']...) from 2 documents (total 48 corpus positions)\n", + "2019-06-17 11:01:24,862 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,889 : INFO : built Dictionary(26 unique tokens: ['anyway', 'facebook', 'feeling', 'fellow', 'group']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:24,899 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,912 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,926 : INFO : built Dictionary(24 unique tokens: ['angel', 'brings', 'face', 'hearing', 'little']...) from 2 documents (total 27 corpus positions)\n", + "2019-06-17 11:01:24,939 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,919 : INFO : built Dictionary(49 unique tokens: ['apply', 'called', 'card', 'company', 'cost']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:24,962 : INFO : built Dictionary(25 unique tokens: ['enough', 'good', 'housing', 'including', 'k']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:24,974 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:24,985 : INFO : built Dictionary(31 unique tokens: ['average', 'considering', 'foundation', 'get', 'hi']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:01:24,984 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,009 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,020 : INFO : built Dictionary(39 unique tokens: ['airways', 'anyone', 'anything', 'commercial', 'currently']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:25,027 : INFO : built Dictionary(46 unique tokens: ['always', 'amazing', 'aside', 'bring', 'celebrate']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:25,056 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,074 : INFO : built Dictionary(28 unique tokens: ['also', 'anyone', 'apply', 'believe', 'free']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:01:25,077 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:25,089 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,102 : INFO : built Dictionary(35 unique tokens: ['anyone', 'apply', 'complicated', 'confuses', 'french']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:25,132 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,146 : INFO : built Dictionary(35 unique tokens: ['appreciated', 'blind', 'card', 'cost', 'cover']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:01:25,178 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:25,193 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,210 : INFO : built Dictionary(46 unique tokens: ['ahli', 'al', 'babies', 'birth', 'c']...) from 2 documents (total 51 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:25,293 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:25,308 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,325 : INFO : built Dictionary(31 unique tokens: ['american', 'anyone', 'chiropractor', 'clinic', 'closed']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:01:25,363 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:25,384 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,401 : INFO : built Dictionary(38 unique tokens: ['advance', 'baby', 'bcg', 'better', 'child']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:25,438 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:25,632 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,650 : INFO : built Dictionary(17 unique tokens: ['anyone', 'car', 'company', 'departure', 'drive']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:25,678 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,697 : INFO : built Dictionary(22 unique tokens: ['anyone', 'fly', 'flying', 'learn', 'lessons']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:25,708 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:25,722 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,744 : INFO : built Dictionary(55 unique tokens: ['acutally', 'also', 'appreciate', 'authority', 'aviation']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:01:25,838 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,861 : INFO : built Dictionary(23 unique tokens: ['application', 'credential', 'hmc', 'right', 'stage']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:25,894 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,897 : INFO : built Dictionary(31 unique tokens: ['agency', 'authenticate', 'embassy', 'going', 'issued']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:25,919 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:25,978 : INFO : built Dictionary(28 unique tokens: ['aircraft', 'airways', 'anyone', 'called', 'engineer']...) from 2 documents (total 39 corpus positions)\n", + "2019-06-17 11:01:26,019 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,028 : INFO : built Dictionary(22 unique tokens: ['agencies', 'everybody', 'hi', 'know', 'qatar']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:26,042 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,048 : INFO : built Dictionary(27 unique tokens: ['aeroplane', 'air', 'answer', 'befor', 'give']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:01:26,067 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,092 : INFO : built Dictionary(26 unique tokens: ['cancel', 'cancellation', 'even', 'guys', 'passport']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:26,072 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,115 : INFO : built Dictionary(23 unique tokens: ['almost', 'another', 'apply', 'case', 'company']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:26,113 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,131 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,135 : INFO : built Dictionary(49 unique tokens: ['arabic', 'ask', 'back', 'beg', 'cancellation']...) from 2 documents (total 70 corpus positions)\n", + "2019-06-17 11:01:26,148 : INFO : built Dictionary(12 unique tokens: ['advise', 'help', 'need', 'please', 'sponsorship']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:01:26,164 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,193 : INFO : built Dictionary(30 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:26,197 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:26,207 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,225 : INFO : built Dictionary(14 unique tokens: ['enlighten', 'hi', 'hw', 'kindly', 'kinds']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:01:26,233 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,240 : INFO : built Dictionary(36 unique tokens: ['applicable', 'avoid', 'back', 'ban', 'case']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:26,260 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,273 : INFO : built Dictionary(18 unique tokens: ['apply', 'company', 'got', 'job', 'new']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:01:26,297 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:26,326 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,330 : INFO : built Dictionary(40 unique tokens: ['another', 'change', 'co', 'company', 'contract']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:26,358 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,375 : INFO : built Dictionary(23 unique tokens: ['anyone', 'anything', 'companies', 'company', 'damaging']...) from 2 documents (total 34 corpus positions)\n", + "2019-06-17 11:01:26,396 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,415 : INFO : built Dictionary(34 unique tokens: ['advance', 'bank', 'big', 'card', 'company']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:26,451 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,471 : INFO : built Dictionary(31 unique tokens: ['administration', 'agent', 'body', 'business', 'change']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:26,493 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:26,737 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,762 : INFO : built Dictionary(53 unique tokens: ['come', 'country', 'culture', 'feel', 'idea']...) from 2 documents (total 65 corpus positions)\n", + "2019-06-17 11:01:26,878 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:26,901 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:26,939 : INFO : built Dictionary(45 unique tokens: ['allowed', 'chicken', 'daily', 'days', 'done']...) from 2 documents (total 53 corpus positions)\n", + "2019-06-17 11:01:26,991 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,057 : INFO : built Dictionary(49 unique tokens: ['advice', 'appreciated', 'august', 'comments', 'documents']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:27,101 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,136 : INFO : built Dictionary(39 unique tokens: ['advance', 'advice', 'civil', 'convert', 'daughter']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:27,138 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:27,177 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,183 : INFO : built Dictionary(60 unique tokens: ['advice', 'come', 'coming', 'comments', 'continue']...) from 2 documents (total 67 corpus positions)\n", + "2019-06-17 11:01:27,202 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,223 : INFO : built Dictionary(44 unique tokens: ['able', 'ask', 'brought', 'change', 'children']...) from 2 documents (total 73 corpus positions)\n", + "2019-06-17 11:01:27,301 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,358 : INFO : built Dictionary(31 unique tokens: ['advice', 'anyone', 'application', 'apply', 'cannot']...) from 2 documents (total 48 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:27,354 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,388 : INFO : built Dictionary(51 unique tokens: ['anyone', 'apart', 'bring', 'customs', 'expect']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:27,396 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,425 : INFO : built Dictionary(30 unique tokens: ['appreciate', 'bringing', 'family', 'help', 'limitations']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:27,469 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,490 : INFO : built Dictionary(39 unique tokens: ['anyone', 'apply', 'completed', 'country', 'exit']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:27,500 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,502 : INFO : built Dictionary(48 unique tokens: ['allowed', 'come', 'doha', 'dresses', 'formals']...) from 2 documents (total 54 corpus positions)\n", + "2019-06-17 11:01:27,559 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:27,570 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,615 : INFO : built Dictionary(39 unique tokens: ['answer', 'apply', 'applying', 'arrive', 'asap']...) from 2 documents (total 63 corpus positions)\n", + "2019-06-17 11:01:27,645 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:27,657 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,668 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,663 : INFO : built Dictionary(47 unique tokens: ['advice', 'ang', 'anybody', 'apply', 'appreciated']...) from 2 documents (total 66 corpus positions)\n", + "2019-06-17 11:01:27,687 : INFO : built Dictionary(34 unique tokens: ['bacon', 'bring', 'friends', 'ok', 'packed']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:27,708 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,730 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:27,722 : INFO : built Dictionary(44 unique tokens: ['advisable', 'altima', 'back', 'car', 'earlier']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:27,746 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,756 : INFO : built Dictionary(50 unique tokens: ['application', 'assistance', 'attest', 'baby', 'birth']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:01:27,785 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:27,801 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,813 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,828 : INFO : built Dictionary(44 unique tokens: ['ago', 'anyone', 'anytime', 'applied', 'banned']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:27,821 : INFO : built Dictionary(36 unique tokens: ['anyone', 'bahrain', 'bit', 'please', 'pm']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:27,846 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,859 : INFO : built Dictionary(54 unique tokens: ['also', 'anyone', 'august', 'bring', 'car']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:01:27,918 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:27,928 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:27,934 : INFO : built Dictionary(40 unique tokens: ['advise', 'anyone', 'applying', 'attest', 'attestation']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:27,973 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:27,994 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:28,639 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,665 : INFO : built Dictionary(50 unique tokens: ['ago', 'believe', 'co', 'difficult', 'expat']...) from 2 documents (total 64 corpus positions)\n", + "2019-06-17 11:01:28,675 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:28,696 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,705 : INFO : built Dictionary(35 unique tokens: ['amateur', 'basketball', 'community', 'couple', 'doha']...) from 2 documents (total 45 corpus positions)\n", + "2019-06-17 11:01:28,728 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:28,738 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,748 : INFO : built Dictionary(19 unique tokens: ['afternoon', 'basketball', 'courts', 'every', 'paid']...) from 2 documents (total 26 corpus positions)\n", + "2019-06-17 11:01:28,761 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:28,783 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,798 : INFO : built Dictionary(24 unique tokens: ['basketball', 'c', 'enthusiast', 'group', 'know']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:28,798 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:28,814 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,819 : INFO : built Dictionary(46 unique tokens: ['acceptable', 'anything', 'bit', 'concerned', 'cover']...) from 2 documents (total 57 corpus positions)\n", + "2019-06-17 11:01:28,811 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:28,852 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,876 : INFO : built Dictionary(18 unique tokens: ['anybody', 'basketball', 'knows', 'play', 'playin']...) from 2 documents (total 24 corpus positions)\n", + "2019-06-17 11:01:28,910 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:28,935 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,953 : INFO : built Dictionary(35 unique tokens: ['anyone', 'back', 'bowling', 'could', 'days']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:28,959 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:28,989 : INFO : built Dictionary(50 unique tokens: ['burqa', 'conservatively', 'culture', 'disrespectful', 'dressed']...) from 2 documents (total 60 corpus positions)\n", + "2019-06-17 11:01:28,997 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:29,023 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,061 : INFO : built Dictionary(48 unique tokens: ['advance', 'anyone', 'anyways', 'ask', 'basketball']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:29,145 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:29,153 : INFO : Removed 2 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:29,171 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,175 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,198 : INFO : built Dictionary(48 unique tokens: ['advice', 'also', 'anywhere', 'best', 'bit']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:29,207 : INFO : built Dictionary(41 unique tokens: ['anyone', 'anything', 'appropriate', 'comfortable', 'especially']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:29,267 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,281 : INFO : built Dictionary(34 unique tokens: ['aloud', 'bring', 'clothes', 'december', 'jeans']...) from 2 documents (total 43 corpus positions)\n", + "2019-06-17 11:01:29,271 : INFO : Removed 0 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:29,301 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,306 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:29,304 : INFO : built Dictionary(18 unique tokens: ['home', 'room', 'spend', 'time', 'arrange']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:29,329 : INFO : built Dictionary(44 unique tokens: ['abaya', 'arab', 'curious', 'dying', 'hey']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:29,323 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:29,352 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,356 : INFO : built Dictionary(20 unique tokens: ['compound', 'gardens', 'information', 'someone', 'tell']...) from 2 documents (total 23 corpus positions)\n", + "2019-06-17 11:01:29,377 : INFO : Removed 1 and 1 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:29,384 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,380 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,394 : INFO : built Dictionary(28 unique tokens: ['bacon', 'black', 'breakfest', 'bull', 'call']...) from 2 documents (total 33 corpus positions)\n", + "2019-06-17 11:01:29,401 : INFO : built Dictionary(46 unique tokens: ['cheers', 'chilly', 'cold', 'coming', 'december']...) from 2 documents (total 56 corpus positions)\n", + "2019-06-17 11:01:29,419 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:29,477 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:29,497 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,517 : INFO : built Dictionary(57 unique tokens: ['advice', 'come', 'coming', 'comments', 'continue']...) from 2 documents (total 69 corpus positions)\n", + "2019-06-17 11:01:29,610 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,629 : INFO : built Dictionary(50 unique tokens: ['attitiude', 'attitude', 'bad', 'countries', 'daughters']...) from 2 documents (total 62 corpus positions)\n", + "2019-06-17 11:01:29,701 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,735 : INFO : built Dictionary(55 unique tokens: ['abaya', 'advise', 'appreciate', 'assuming', 'better']...) from 2 documents (total 68 corpus positions)\n", + "2019-06-17 11:01:29,765 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,790 : INFO : built Dictionary(13 unique tokens: ['around', 'buy', 'doha', 'fish', 'fresh']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:29,801 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,794 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:29,806 : INFO : built Dictionary(16 unique tokens: ['anyone', 'best', 'buy', 'cod', 'could']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:29,840 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,861 : INFO : built Dictionary(30 unique tokens: ['birthday', 'caviar', 'excellent', 'good', 'la']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:29,887 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,926 : INFO : built Dictionary(31 unique tokens: ['ask', 'avoid', 'best', 'cost', 'course']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:29,955 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:29,997 : INFO : built Dictionary(25 unique tokens: ['also', 'anyone', 'choose', 'cook', 'find']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:01:30,013 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:30,030 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,041 : INFO : built Dictionary(23 unique tokens: ['also', 'appreciate', 'cooking', 'doha', 'find']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:01:30,055 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,077 : INFO : built Dictionary(30 unique tokens: ['apart', 'bar', 'behalf', 'belt', 'celebrate']...) from 2 documents (total 35 corpus positions)\n", + "2019-06-17 11:01:30,109 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,116 : INFO : built Dictionary(14 unique tokens: ['community', 'filipino', 'filipinos', 'find', 'many']...) from 2 documents (total 18 corpus positions)\n", + "2019-06-17 11:01:30,137 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,165 : INFO : built Dictionary(35 unique tokens: ['advance', 'akis', 'al', 'already', 'anybody']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:30,121 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,186 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,193 : INFO : built Dictionary(12 unique tokens: ['eat', 'fish', 'least', 'mercury', 'safe']...) from 2 documents (total 19 corpus positions)\n", + "2019-06-17 11:01:30,182 : INFO : built Dictionary(12 unique tokens: ['anyone', 'anything', 'attempt', 'east', 'ever']...) from 2 documents (total 30 corpus positions)\n", + "2019-06-17 11:01:30,208 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:30,212 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,236 : INFO : built Dictionary(29 unique tokens: ['anyone', 'details', 'directly', 'doha', 'drive']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:30,267 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,288 : INFO : built Dictionary(32 unique tokens: ['advance', 'apply', 'best', 'decided', 'driving']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:30,360 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:30,412 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,421 : INFO : built Dictionary(38 unique tokens: ['advice', 'bad', 'bullshit', 'different', 'driving']...) from 2 documents (total 49 corpus positions)\n", + "2019-06-17 11:01:30,444 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,456 : INFO : built Dictionary(19 unique tokens: ['car', 'drift', 'hi', 'knows', 'like']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:30,465 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,484 : INFO : built Dictionary(32 unique tokens: ['answered', 'ask', 'asked', 'babies', 'big']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:30,505 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,521 : INFO : built Dictionary(17 unique tokens: ['anybody', 'best', 'doha', 'driving', 'school']...) from 2 documents (total 21 corpus positions)\n", + "2019-06-17 11:01:30,544 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,569 : INFO : built Dictionary(36 unique tokens: ['ask', 'asked', 'asking', 'common', 'could']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:30,603 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,614 : INFO : built Dictionary(23 unique tokens: ['arabic', 'course', 'good', 'group', 'lessons']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:30,631 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,658 : INFO : built Dictionary(30 unique tokens: ['comments', 'driver', 'drivers', 'driving', 'goes']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:01:30,690 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:30,803 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,849 : INFO : built Dictionary(37 unique tokens: ['account', 'also', 'bank', 'born', 'cheapest']...) from 2 documents (total 52 corpus positions)\n", + "2019-06-17 11:01:30,882 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,893 : INFO : built Dictionary(29 unique tokens: ['accnt', 'anybody', 'charges', 'commission', 'electronic']...) from 2 documents (total 40 corpus positions)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2019-06-17 11:01:30,914 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:30,934 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:30,953 : INFO : built Dictionary(49 unique tokens: ['account', 'across', 'aka', 'axis', 'bank']...) from 2 documents (total 61 corpus positions)\n", + "2019-06-17 11:01:31,029 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:31,061 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,076 : INFO : built Dictionary(49 unique tokens: ['account', 'appeared', 'bank', 'bussiness', 'call']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:31,136 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,165 : INFO : built Dictionary(32 unique tokens: ['accomodation', 'day', 'doha', 'free', 'give']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:31,196 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,219 : INFO : built Dictionary(11 unique tokens: ['choice', 'decide', 'experts', 'got', 'htc']...) from 2 documents (total 22 corpus positions)\n", + "2019-06-17 11:01:31,203 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,242 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,240 : INFO : built Dictionary(25 unique tokens: ['afternoon', 'good', 'guys', 'ideas', 'like']...) from 2 documents (total 28 corpus positions)\n", + "2019-06-17 11:01:31,258 : INFO : built Dictionary(25 unique tokens: ['baby', 'best', 'childbirth', 'deliver', 'doctors']...) from 2 documents (total 25 corpus positions)\n", + "2019-06-17 11:01:31,271 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,279 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,291 : INFO : built Dictionary(27 unique tokens: ['advisable', 'application', 'appreciate', 'canada', 'consultants']...) from 2 documents (total 29 corpus positions)\n", + "2019-06-17 11:01:31,318 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,305 : INFO : built Dictionary(34 unique tokens: ['anyone', 'country', 'easy', 'evening', 'get']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:31,335 : INFO : built Dictionary(35 unique tokens: ['attitude', 'break', 'change', 'colour', 'could']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:31,356 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,384 : INFO : built Dictionary(50 unique tokens: ['also', 'apply', 'companies', 'company', 'day']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:31,405 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:31,424 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,442 : INFO : built Dictionary(44 unique tokens: ['area', 'captured', 'cover', 'covering', 'deranged']...) from 2 documents (total 47 corpus positions)\n", + "2019-06-17 11:01:31,451 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,494 : INFO : built Dictionary(50 unique tokens: ['around', 'bundle', 'car', 'card', 'care']...) from 2 documents (total 55 corpus positions)\n", + "2019-06-17 11:01:31,517 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,529 : INFO : built Dictionary(38 unique tokens: ['advance', 'advise', 'anyone', 'arriving', 'carlton']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:31,552 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,578 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:31,570 : INFO : built Dictionary(34 unique tokens: ['account', 'anyone', 'bank', 'directly', 'employee']...) from 2 documents (total 38 corpus positions)\n", + "2019-06-17 11:01:31,622 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:31,634 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,661 : INFO : built Dictionary(30 unique tokens: ['agenda', 'americans', 'better', 'care', 'college']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:01:31,684 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,701 : INFO : built Dictionary(33 unique tokens: ['achieved', 'alpha', 'anger', 'angry', 'article']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:31,731 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,744 : INFO : built Dictionary(35 unique tokens: ['another', 'best', 'capita', 'congratulations', 'consume']...) from 2 documents (total 37 corpus positions)\n", + "2019-06-17 11:01:31,786 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:31,805 : INFO : built Dictionary(36 unique tokens: ['anyone', 'around', 'arrange', 'competitive', 'doha']...) from 2 documents (total 40 corpus positions)\n", + "2019-06-17 11:01:31,837 : INFO : precomputing L2-norms of word weight vectors\n", + "2019-06-17 11:01:32,100 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,133 : INFO : built Dictionary(26 unique tokens: ['anyone', 'anything', 'companies', 'company', 'damaging']...) from 2 documents (total 36 corpus positions)\n", + "2019-06-17 11:01:32,150 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,158 : INFO : built Dictionary(24 unique tokens: ['bangalore', 'clearance', 'customs', 'doha', 'door']...) from 2 documents (total 32 corpus positions)\n", + "2019-06-17 11:01:32,178 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,193 : INFO : built Dictionary(37 unique tokens: ['accept', 'bank', 'contractor', 'currently', 'doha']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:32,273 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,289 : INFO : built Dictionary(37 unique tokens: ['anybody', 'availabe', 'cargo', 'center', 'cheapest']...) from 2 documents (total 41 corpus positions)\n", + "2019-06-17 11:01:32,316 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,339 : INFO : built Dictionary(35 unique tokens: ['advice', 'appreciated', 'august', 'comments', 'documents']...) from 2 documents (total 42 corpus positions)\n", + "2019-06-17 11:01:32,343 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,361 : INFO : built Dictionary(35 unique tokens: ['advise', 'anyone', 'area', 'back', 'called']...) from 2 documents (total 78 corpus positions)\n", + "2019-06-17 11:01:32,368 : INFO : Removed 1 and 0 OOV words from document 1 and 2 (respectively).\n", + "2019-06-17 11:01:32,385 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,396 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,400 : INFO : built Dictionary(38 unique tokens: ['advice', 'anyone', 'april', 'books', 'bringing']...) from 2 documents (total 46 corpus positions)\n", + "2019-06-17 11:01:32,449 : INFO : built Dictionary(47 unique tokens: ['advice', 'anybody', 'big', 'coming', 'diwali']...) from 2 documents (total 58 corpus positions)\n", + "2019-06-17 11:01:32,486 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,501 : INFO : built Dictionary(35 unique tokens: ['able', 'advise', 'amount', 'anything', 'bank']...) from 2 documents (total 44 corpus positions)\n", + "2019-06-17 11:01:32,523 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", + "2019-06-17 11:01:32,539 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n" ] } ], @@ -515,43 +6265,9 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/markdown": [ - "\n", - "\n", - "Dataset | Strategy | MAP score | Elapsed time (sec)\n", - ":---|:---|:---|---:\n", - "2016-test|softcossim|77.15 ±10.83|4.48 ±0.56\n", - "2016-test|**Winner (UH-PRHLT-primary)**|76.70 ±0.00|\n", - "2016-test|cossim|76.45 ±10.40|0.25 ±0.04\n", - "2016-test|wmd-gensim|76.15 ±11.51|13.79 ±1.39\n", - "2016-test|**Baseline 1 (IR)**|74.75 ±0.00|\n", - "2016-test|wmd-relax|72.03 ±11.33|0.34 ±0.07\n", - "2016-test|**Baseline 2 (random)**|46.98 ±0.00|\n", - "\n", - "\n", - "Dataset | Strategy | MAP score | Elapsed time (sec)\n", - ":---|:---|:---|---:\n", - "2017-test|**Winner (SimBow-primary)**|47.22 ±0.00|\n", - "2017-test|wmd-relax|45.04 ±15.44|0.39 ±0.07\n", - "2017-test|cossim|44.38 ±14.71|0.29 ±0.05\n", - "2017-test|softcossim|44.25 ±15.68|4.89 ±0.80\n", - "2017-test|wmd-gensim|44.08 ±15.96|16.69 ±1.90\n", - "2017-test|**Baseline 1 (IR)**|41.85 ±0.00|\n", - "2017-test|**Baseline 2 (random)**|29.81 ±0.00|" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from IPython.display import display, Markdown\n", "\n", @@ -586,6 +6302,13 @@ "3. Thomas Mikolov et al. Efficient Estimation of Word Representations in Vector Space, 2013. ([link to PDF](https://arxiv.org/pdf/1301.3781.pdf))\n", "4. Vít Novotný. *Implementation Notes for the Soft Cosine Measure*, 2018. ([link to PDF](https://arxiv.org/pdf/1808.09407))" ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] } ], "metadata": { @@ -604,7 +6327,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.4.2" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/summarization_tutorial.ipynb b/docs/notebooks/summarization_tutorial.ipynb deleted file mode 100644 index 62e098cbfa..0000000000 --- a/docs/notebooks/summarization_tutorial.ipynb +++ /dev/null @@ -1,1319 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "

Tutorial: automatic summarization using Gensim

\n", - "\n", - "This module automatically summarizes the given text, by extracting one or more important sentences from the text. In a similar way, it can also extract keywords. This tutorial will teach you to use this summarization module via some examples. First, we will try a small example, then we will try two larger ones, and then we will review the performance of the summarizer in terms of speed.\n", - "\n", - "This summarizer is based on the \"TextRank\" algorithm, from an [article](http://web.eecs.umich.edu/%7Emihalcea/papers/mihalcea.emnlp04.pdf) by Mihalcea et al. This algorithm was later improved upon by Barrios et al. in another [article](https://raw.githubusercontent.com/summanlp/docs/master/articulo/articulo-en.pdf), by introducing something called a \"BM25 ranking function\". \n", - "\n", - "This tutorial assumes that you are familiar with Python and have [installed Gensim](http://radimrehurek.com/gensim/install.html).\n", - "\n", - "Note: Gensim's summarization only works for English for now, because the text is pre-processed so that stopwords are removed and the words are stemmed, and these processes are language-dependent.\n", - "\n", - "\n", - "

Small example

\n", - "\n", - "First of all, we import the function \"summarize\"." - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-11-28 08:32:40,713 : INFO : 'pattern' package not found; tag filters are not available for English\n" - ] - } - ], - "source": [ - "import logging\n", - "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)\n", - "\n", - "from gensim.summarization import summarize" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We will try summarizing a small toy example; later we will use a larger piece of text. In reality, the text is too small, but it suffices as an illustrative example." - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Input text:\n", - "Thomas A. Anderson is a man living two lives. By day he is an average computer programmer and by night a hacker known as Neo. Neo has always questioned his reality, but the truth is far beyond his imagination. Neo finds himself targeted by the police when he is contacted by Morpheus, a legendary computer hacker branded a terrorist by the government. Morpheus awakens Neo to the real world, a ravaged wasteland where most of humanity have been captured by a race of machines that live off of the humans' body heat and electrochemical energy and who imprison their minds within an artificial reality known as the Matrix. As a rebel against the machines, Neo must return to the Matrix and confront the agents: super-powerful computer programs devoted to snuffing out Neo and the entire human rebellion. \n" - ] - } - ], - "source": [ - "text = \"Thomas A. Anderson is a man living two lives. By day he is an \" + \\\n", - " \"average computer programmer and by night a hacker known as \" + \\\n", - " \"Neo. Neo has always questioned his reality, but the truth is \" + \\\n", - " \"far beyond his imagination. Neo finds himself targeted by the \" + \\\n", - " \"police when he is contacted by Morpheus, a legendary computer \" + \\\n", - " \"hacker branded a terrorist by the government. Morpheus awakens \" + \\\n", - " \"Neo to the real world, a ravaged wasteland where most of \" + \\\n", - " \"humanity have been captured by a race of machines that live \" + \\\n", - " \"off of the humans' body heat and electrochemical energy and \" + \\\n", - " \"who imprison their minds within an artificial reality known as \" + \\\n", - " \"the Matrix. As a rebel against the machines, Neo must return to \" + \\\n", - " \"the Matrix and confront the agents: super-powerful computer \" + \\\n", - " \"programs devoted to snuffing out Neo and the entire human \" + \\\n", - " \"rebellion. \"\n", - "\n", - "print ('Input text:')\n", - "print (text)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To summarize this text, we pass the raw string data as input to the function \"summarize\", and it will return a summary.\n", - "\n", - "Note: make sure that the string does not contain any newlines where the line breaks in a sentence. A sentence with a newline in it (i.e. a carriage return, \"\\n\") will be treated as two sentences." - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-11-28 08:32:40,736 : WARNING : Input text is expected to have at least 10 sentences.\n", - "2017-11-28 08:32:40,737 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2017-11-28 08:32:40,738 : INFO : built Dictionary(53 unique tokens: [u'electrochem', u'real', u'captur', u'mind', u'agent']...) from 6 documents (total 68 corpus positions)\n", - "2017-11-28 08:32:40,738 : WARNING : Input corpus is expected to have at least 10 documents.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Summary:\n", - "Morpheus awakens Neo to the real world, a ravaged wasteland where most of humanity have been captured by a race of machines that live off of the humans' body heat and electrochemical energy and who imprison their minds within an artificial reality known as the Matrix.\n" - ] - } - ], - "source": [ - "print ('Summary:')\n", - "print (summarize(text))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Use the \"split\" option if you want a list of strings instead of a single string." - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-11-28 08:32:40,748 : WARNING : Input text is expected to have at least 10 sentences.\n", - "2017-11-28 08:32:40,749 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2017-11-28 08:32:40,750 : INFO : built Dictionary(53 unique tokens: [u'electrochem', u'real', u'captur', u'mind', u'agent']...) from 6 documents (total 68 corpus positions)\n", - "2017-11-28 08:32:40,751 : WARNING : Input corpus is expected to have at least 10 documents.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\"Morpheus awakens Neo to the real world, a ravaged wasteland where most of humanity have been captured by a race of machines that live off of the humans' body heat and electrochemical energy and who imprison their minds within an artificial reality known as the Matrix.\"]\n" - ] - } - ], - "source": [ - "print (summarize(text, split=True))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "You can adjust how much text the summarizer outputs via the \"ratio\" parameter or the \"word_count\" parameter. Using the \"ratio\" parameter, you specify what fraction of sentences in the original text should be returned as output. Below we specify that we want 50% of the original text (the default is 20%)." - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-11-28 08:32:40,761 : WARNING : Input text is expected to have at least 10 sentences.\n", - "2017-11-28 08:32:40,761 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2017-11-28 08:32:40,762 : INFO : built Dictionary(53 unique tokens: [u'electrochem', u'real', u'captur', u'mind', u'agent']...) from 6 documents (total 68 corpus positions)\n", - "2017-11-28 08:32:40,763 : WARNING : Input corpus is expected to have at least 10 documents.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Summary:\n", - "By day he is an average computer programmer and by night a hacker known as Neo. Neo has always questioned his reality, but the truth is far beyond his imagination.\n", - "Neo finds himself targeted by the police when he is contacted by Morpheus, a legendary computer hacker branded a terrorist by the government.\n", - "Morpheus awakens Neo to the real world, a ravaged wasteland where most of humanity have been captured by a race of machines that live off of the humans' body heat and electrochemical energy and who imprison their minds within an artificial reality known as the Matrix.\n" - ] - } - ], - "source": [ - "print ('Summary:')\n", - "print (summarize(text, ratio=0.5))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Using the \"word_count\" parameter, we specify the maximum amount of words we want in the summary. Below we have specified that we want no more than 50 words." - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-11-28 08:32:40,774 : WARNING : Input text is expected to have at least 10 sentences.\n", - "2017-11-28 08:32:40,775 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2017-11-28 08:32:40,776 : INFO : built Dictionary(53 unique tokens: [u'electrochem', u'real', u'captur', u'mind', u'agent']...) from 6 documents (total 68 corpus positions)\n", - "2017-11-28 08:32:40,777 : WARNING : Input corpus is expected to have at least 10 documents.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Summary:\n", - "Morpheus awakens Neo to the real world, a ravaged wasteland where most of humanity have been captured by a race of machines that live off of the humans' body heat and electrochemical energy and who imprison their minds within an artificial reality known as the Matrix.\n" - ] - } - ], - "source": [ - "print ('Summary:')\n", - "print (summarize(text, word_count=50))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "As mentioned earlier, this module also supports keyword extraction. Keyword extraction works in the same way as summary generation (i.e. sentence extraction), in that the algorithm tries to find words that are important or seem representative of the entire text. They keywords are not always single words; in the case of multi-word keywords, they are typically all nouns." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Keywords:\n", - "humanity\n", - "human\n", - "neo\n", - "humans body\n", - "super\n", - "hacker\n", - "reality\n" - ] - } - ], - "source": [ - "from gensim.summarization import keywords\n", - "\n", - "print ('Keywords:')\n", - "print (keywords(text))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "

Larger example

\n", - "\n", - "Let us try an example with a larger piece of text. We will be using a synopsis of the movie \"The Matrix\", which we have taken from [this](http://www.imdb.com/title/tt0133093/synopsis?ref_=ttpl_pl_syn) IMDb page.\n", - "\n", - "In the code below, we read the text file directly from a web-page using \"requests\". Then we produce a summary and some keywords." - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-11-28 08:32:41,320 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2017-11-28 08:32:41,326 : INFO : built Dictionary(1093 unique tokens: [u'code', u'squiddi', u'relai', u'dinosaur', u'electron']...) from 416 documents (total 2985 corpus positions)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Summary:\n", - "Anderson, a software engineer for a Metacortex, the other life as Neo, a computer hacker \"guilty of virtually every computer crime we have a law for.\" Agent Smith asks him to help them capture Morpheus, a dangerous terrorist, in exchange for amnesty.\n", - "Morpheus explains that he's been searching for Neo his entire life and asks if Neo feels like \"Alice in Wonderland, falling down the rabbit hole.\" He explains to Neo that they exist in the Matrix, a false reality that has been constructed for humans to hide the truth.\n", - "Neo is introduced to Morpheus's crew including Trinity; Apoc (Julian Arahanga), a man with long, flowing black hair; Switch; Cypher (bald with a goatee); two brawny brothers, Tank (Marcus Chong) and Dozer (Anthony Ray Parker); and a young, thin man named Mouse (Matt Doran).\n", - "Cypher cuts up a juicy steak and ruminates that he knows the steak is merely the simulation telling his brain that it is delicious and juicy, but after nine years he has discovered that \"ignorance is bliss.\" He strikes a deal for the machines to reinsert his body into a power plant, reinsert him into the Matrix, and he'll help the Agents.\n", - "\n", - "Keywords:\n", - "neo\n", - "morpheus\n", - "trinity\n", - "cypher\n", - "agents\n", - "agent\n", - "smith\n", - "tank\n", - "says\n", - "saying\n" - ] - } - ], - "source": [ - "import requests\n", - "\n", - "text = requests.get('http://rare-technologies.com/the_matrix_synopsis.txt').text\n", - "\n", - "print ('Summary:')\n", - "print (summarize(text, ratio=0.01))\n", - "\n", - "print ('\\nKeywords:')\n", - "print (keywords(text, ratio=0.01))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "If you know this movie, you see that this summary is actually quite good. We also see that some of the most important characters (Neo, Morpheus, Trinity) were extracted as keywords.\n", - "\n", - "

Another example

\n", - "\n", - "Let's try an example similar to the one above. This time, we will use the [IMDb synopsis](http://www.imdb.com/title/tt0118715/synopsis?ref_=tt_stry_pl) of \"The Big Lebowski\".\n", - "\n", - "Again, we download the text and produce a summary and some keywords." - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-11-28 08:32:43,682 : INFO : adding document #0 to Dictionary(0 unique tokens: [])\n", - "2017-11-28 08:32:43,687 : INFO : built Dictionary(1054 unique tokens: [u'fawn', u'windi', u'concept', u'doctor', u'gant']...) from 227 documents (total 2434 corpus positions)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Summary:\n", - "The answering machine records a woman introducing herself as Maude Lebowski and saying that she is the one who took his rug and has sent a car to pick Dude up at his apartment.\n", - "As he climbs out of bed to make a White Russian, Maude asks about the apartment and Dude explains that Treehorn's thugs most likely vandalized it looking for Lebowski's money.\n", - "\n", - "Keywords:\n", - "dude\n", - "dudes\n", - "walter\n", - "lebowski\n", - "brandt\n", - "maude\n", - "donny\n", - "bunny\n" - ] - } - ], - "source": [ - "import requests\n", - "\n", - "text = requests.get('http://rare-technologies.com/the_big_lebowski_synopsis.txt').text\n", - "\n", - "print ('Summary:')\n", - "print (summarize(text, ratio=0.01))\n", - "\n", - "print ('\\nKeywords:')\n", - "print (keywords(text, ratio=0.01))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "This time around, the summary is not of high quality, as it does not tell us much about the movie. In a way, this might not be the algorithms fault, rather this text simply doesn't contain one or two sentences that capture the essence of the text as in \"The Matrix\" synopsis.\n", - "\n", - "The keywords, however, managed to find some of the main characters.\n", - "\n", - "

Performance

\n", - "\n", - "We will test how the speed of the summarizer scales with the size of the dataset. These tests were run on an Intel Core i5 4210U CPU @ 1.70 GHz x 4 processor. Note that the summarizer does not support multithreading (parallel processing).\n", - "\n", - "The tests were run on the book \"Honest Abe\" by Alonzo Rothschild. Download the book in plain-text here. \n", - "\n", - "In the plot below, we see the running times together with the sizes of the datasets. To create datasets of different sizes, we have simply taken prefixes of text; in other words we take the first n characters of the book. The algorithm seems to be quadratic in time, so one needs to be careful before plugging a large dataset into the summarizer.\n", - "\n", - "
\n", - "\n", - "
\n", - "
\n", - "\n", - "

Text-content dependent running times

\n", - "\n", - "The running time is not only dependent on the size of the dataset. For example, summarizing \"The Matrix\" synopsis (about 36,000 characters) takes about 3.1 seconds, while summarizing 35,000 characters of this book takes about 8.5 seconds. So the former is more than twice as fast. \n", - "\n", - "One reason for this difference in running times is the data structure that is used. The algorithm represents the data using a graph, where vertices (nodes) are sentences, and then constructs weighted edges between the vertices that represent how the sentences relate to each other. This means that every piece of text will have a different graph, thus making the running times different. The size of this data structure is quadratic in the worst case (the worst case is when each vertex has an edge to every other vertex).\n", - "\n", - "Another possible reason for the difference in running times is that the problems converge at different rates, meaning that the error drops slower for some datasets than for others.\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Montemurro and Zanette's entropy based keyword extraction algorithm\n", - "\n", - "[This paper](https://arxiv.org/abs/0907.1558) describes a technique to identify words that play a significant role in the large-scale structure of a text. These typically correspond to the major themes of the text. The text is divided into blocks of ~1000 words, and the entropy of each word's distribution amongst the blocks is\n", - "caclulated and compared with the expected entropy if the word were distributed randomly." - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false - }, - "outputs": [], - "source": [ - "import requests\n", - "from gensim.summarization import mz_keywords" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/pete/gensim/gensim/summarization/mz_entropy.py:74: RuntimeWarning: divide by zero encountered in log2\n", - " logp = numpy.log2(p)\n", - "/home/pete/gensim/gensim/summarization/mz_entropy.py:75: RuntimeWarning: invalid value encountered in multiply\n", - " H = numpy.nan_to_num(p * logp).sum(axis=0)\n" - ] - }, - { - "data": { - "text/plain": [ - "[(u'lincoln', 0.0056009079527401728),\n", - " (u'i', 0.0048480807199453163),\n", - " (u'gutenberg', 0.0033118705607652456),\n", - " (u'you', 0.0033044241876850882),\n", - " (u'the', 0.003184223100952537),\n", - " (u'project', 0.0030400432599562814),\n", - " (u'v', 0.0029892072316233462),\n", - " (u's', 0.0027479946846166391),\n", - " (u'he', 0.0026405628272363011),\n", - " (u'iv', 0.0025895621076850355),\n", - " (u'ii', 0.0025019507619403148),\n", - " (u'by', 0.0022277723676676691),\n", - " (u'abraham', 0.0021168707666022494),\n", - " (u'or', 0.0020858843371172162),\n", - " (u'iii', 0.002071167621155823),\n", - " (u'tm', 0.0019565820396828327),\n", - " (u'was', 0.0018954215033062955),\n", - " (u'his', 0.0018126024538229718),\n", - " (u'work', 0.0017646814365061972),\n", - " (u'co', 0.0017416964820475558),\n", - " (u'case', 0.001661734006946057),\n", - " (u'new', 0.0016558607106467698),\n", - " (u'york', 0.0015861543846297651),\n", - " (u'court', 0.0014488333654852606),\n", - " (u'a', 0.0013369063978456374),\n", - " (u'it', 0.0013221654971075282),\n", - " (u'had', 0.0012652752682645698),\n", - " (u'on', 0.0012621040038518136),\n", - " (u'their', 0.0012449891448184512),\n", - " (u'herndon', 0.0012402952190743249),\n", - " (u'life', 0.00123104152062403),\n", - " (u'my', 0.0011741303053317792),\n", - " (u'_works_', 0.0010832651550141503),\n", - " (u'we', 0.0010768294653523067),\n", - " (u'money', 0.0010191083741917691),\n", - " (u'father', 0.0010168268194887184)]" - ] - }, - "execution_count": 11, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "text=requests.get(\"http://www.gutenberg.org/files/49679/49679-0.txt\").text\n", - "mz_keywords(text,scores=True,threshold=0.001)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "By default, the algorithm weights the entropy by the overall frequency of the word in the document. We can remove this weighting by setting weighted=False" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(u'gutenberg', 3.7766363961259684),\n", - " (u'tm', 3.6403066998316511),\n", - " (u'project', 3.5428530523255342),\n", - " (u'co', 3.2983688146004528),\n", - " (u'donations', 2.8613536046553563),\n", - " (u'electronic', 2.8210861922674084),\n", - " (u'access', 2.7810662866642568),\n", - " (u'refund', 2.7810662866642568),\n", - " (u'foundation', 2.7234464816769872),\n", - " (u'foxboro', 2.5477601487545121),\n", - " (u'gloves', 2.5281337853661761),\n", - " (u'e', 2.4036269322210768),\n", - " (u'york', 2.3692008259770594),\n", - " (u'edited', 2.361641829495754),\n", - " (u'_works_', 2.3445174072327686),\n", - " (u'works', 2.3426500474551113),\n", - " (u'dogskin', 2.3425994588269479),\n", - " (u'ragsdale', 2.2931552327841351),\n", - " (u'replacement', 2.2931552327841351),\n", - " (u'trunks', 2.2931552327841351),\n", - " (u'iv', 2.2510299269025058),\n", - " (u'iii', 2.2186807817292546),\n", - " (u'v', 2.2168420707754368),\n", - " (u'brokaw', 2.1699176369612583),\n", - " (u'coon', 2.1699176369612583),\n", - " (u'bonds', 2.1343080503770544),\n", - " (u'license', 2.1009287665795293),\n", - " (u'ii', 2.0892470886183649),\n", - " (u'agreement', 2.0779209847210556),\n", - " (u'almanac', 2.0060727272918055),\n", - " (u'_weekly_', 1.9794475925140163),\n", - " (u'bounded', 1.9794475925140163),\n", - " (u'format', 1.9794475925140163),\n", - " (u'millions', 1.9794475925140163),\n", - " (u'oxen', 1.9794475925140163),\n", - " (u'specie', 1.9794475925140163),\n", - " (u'archive', 1.9682995275030786),\n", - " (u'barrett', 1.9422319940872796),\n", - " (u'reminiscences', 1.9330537427622287),\n", - " (u'ebooks', 1.8984698469769548),\n", - " (u'forquer', 1.8843080503770544),\n", - " (u'parker', 1.8843080503770544),\n", - " (u'pglaf', 1.8843080503770544),\n", - " (u'ebook', 1.8838775575675983),\n", - " (u'trademark', 1.8838775575675983),\n", - " (u'paragraph', 1.8301079379685583),\n", - " (u'hardin', 1.7669683658081703),\n", - " (u'work', 1.7328354724344326),\n", - " (u'rothschild', 1.7275730939964973),\n", - " (u'org', 1.7211393195188851),\n", - " (u'attitude', 1.716230650790012),\n", - " (u'london', 1.6791112857988695),\n", - " (u'boston', 1.6754810009833907),\n", - " (u'xvi', 1.66018729770736),\n", - " (u'news', 1.6601872977073597),\n", - " (u'biographical', 1.6294643147000225),\n", - " (u'green', 1.6254512602292723),\n", - " (u'delegates', 1.6127555612626692),\n", - " (u'medium', 1.6127555612626692),\n", - " (u'scripps', 1.6127555612626692),\n", - " (u'volunteers', 1.6127555612626692),\n", - " (u'lamon', 1.6001560607245646),\n", - " (u'tarbell', 1.5897346234235084),\n", - " (u'volumes', 1.5819481863246514),\n", - " (u'bank', 1.5744728128489647),\n", - " (u'copyright', 1.5731550611734115),\n", - " (u'_via_', 1.5722781569106761),\n", - " (u'admissibility', 1.5722781569106761),\n", - " (u'advertisers', 1.5722781569106761),\n", - " (u'applicable', 1.5722781569106761),\n", - " (u'attire', 1.5722781569106761),\n", - " (u'bags', 1.5722781569106761),\n", - " (u'berries', 1.5722781569106761),\n", - " (u'breeches', 1.5722781569106761),\n", - " (u'cline', 1.5722781569106761),\n", - " (u'continuance', 1.5722781569106761),\n", - " (u'currents', 1.5722781569106761),\n", - " (u'daguerreotype', 1.5722781569106761),\n", - " (u'disclaimer', 1.5722781569106761),\n", - " (u'email', 1.5722781569106761),\n", - " (u'enrolled', 1.5722781569106761),\n", - " (u'fool', 1.5722781569106761),\n", - " (u'guineas', 1.5722781569106761),\n", - " (u'hatchet', 1.5722781569106761),\n", - " (u'instruct', 1.5722781569106761),\n", - " (u'liability', 1.5722781569106761),\n", - " (u'lonny', 1.5722781569106761),\n", - " (u'paullin', 1.5722781569106761),\n", - " (u'performing', 1.5722781569106761),\n", - " (u'plow', 1.5722781569106761),\n", - " (u'polite', 1.5722781569106761),\n", - " (u'puffs', 1.5722781569106761),\n", - " (u'rulings', 1.5722781569106761),\n", - " (u'scammon', 1.5722781569106761),\n", - " (u'tilda', 1.5722781569106761),\n", - " (u'wake', 1.5722781569106761),\n", - " (u'warranties', 1.5722781569106761),\n", - " (u'america', 1.5712271378967728),\n", - " (u'clair', 1.5712271378967728),\n", - " (u'displaying', 1.5712271378967728),\n", - " (u'forgery', 1.5712271378967728),\n", - " (u'holder', 1.5712271378967728),\n", - " (u'posted', 1.5712271378967728),\n", - " (u'sketches', 1.5712271378967728),\n", - " (u'snow', 1.5712271378967728),\n", - " (u'wore', 1.5712271378967728),\n", - " (u'http', 1.5645865830262038),\n", - " (u'journalism', 1.5399471126066209),\n", - " (u'copy', 1.5258495075146912),\n", - " (u'_early', 1.5202411939312348),\n", - " (u'armstrong', 1.5106440743450187),\n", - " (u'railroad', 1.4938165623572677),\n", - " (u'ross', 1.489097832809857),\n", - " (u'pair', 1.4791112857988695),\n", - " (u'banks', 1.4791112857988693),\n", - " (u'irelan', 1.4791112857988693),\n", - " (u'scott', 1.4791112857988693),\n", - " (u'browne', 1.4764336408243595),\n", - " (u'abraham', 1.4577679329151634),\n", - " (u'publication', 1.4490612388306794),\n", - " (u'provide', 1.4490612388306792),\n", - " (u'chiniquy', 1.4275140308616106),\n", - " (u'literary', 1.4150354420715021),\n", - " (u'rr', 1.4070491486733681),\n", - " (u'axe', 1.3967912341407889),\n", - " (u'fence', 1.3967912341407889),\n", - " (u'genuine', 1.3967912341407889),\n", - " (u'life_', 1.3941370904272503),\n", - " (u'she', 1.3923582867044937),\n", - " (u'copper', 1.3828069220574104),\n", - " (u'distributing', 1.3828069220574104),\n", - " (u'saddle', 1.3828069220574104),\n", - " (u'sons', 1.3828069220574104),\n", - " (u'_life_', 1.373910241709706),\n", - " (u'calhoun', 1.373910241709706),\n", - " (u'mother', 1.3728688332198922),\n", - " (u'college', 1.3697302821858961),\n", - " (u'nicolay', 1.3633245760231363),\n", - " (u'whitney', 1.3627575629840512),\n", - " (u'philadelphia', 1.3540886863558637),\n", - " (u'sarah', 1.3540886863558634),\n", - " (u'vi', 1.3540886863558634),\n", - " (u'harrison', 1.3476159735283106),\n", - " (u'terms', 1.3426509824683515),\n", - " (u'herndon', 1.3421892681433798),\n", - " (u'improvement', 1.329344333012155),\n", - " (u'buckskin', 1.3222046383294666),\n", - " (u'sham', 1.3222046383294666),\n", - " (u'fee', 1.3158554460066139),\n", - " (u'generosity', 1.3144503596878891),\n", - " (u'moore', 1.3144503596878887),\n", - " (u'copies', 1.3127747798184011),\n", - " (u'p', 1.309088202039181),\n", - " (u'compliance', 1.2961309813666892),\n", - " (u'constable', 1.2961309813666892),\n", - " (u'currency', 1.2961309813666892),\n", - " (u'distribution', 1.2961309813666892),\n", - " (u'harvey', 1.2961309813666892),\n", - " (u'individual', 1.2961309813666892),\n", - " (u'revolutionary', 1.2961309813666892),\n", - " (u'brooks', 1.286562189794501),\n", - " (u'chicago', 1.2700186510810929),\n", - " (u'weems', 1.2659709073661847),\n", - " (u'february', 1.2574199029295277),\n", - " (u'information', 1.2487001310514776),\n", - " (u'bridge', 1.2326416539256813),\n", - " (u'resolution', 1.2268390166084573),\n", - " (u'stoddard', 1.2268390166084573),\n", - " (u'father', 1.2254034208363418),\n", - " (u'cartwright', 1.2157428532629155),\n", - " (u'houghton', 1.2157428532629155),\n", - " (u'publishing', 1.2157428532629155),\n", - " (u'describes', 1.2157428532629153),\n", - " (u'j', 1.2115310804189017),\n", - " (u'_stories_', 1.2049337080807629),\n", - " (u'september', 1.2030636155192291),\n", - " (u'boys', 1.1974364414369618),\n", - " (u'defendants', 1.1955861748361873),\n", - " (u'per', 1.1955861748361873),\n", - " (u'permission', 1.1955861748361873),\n", - " (u'uncle', 1.1955861748361873),\n", - " (u'thomas', 1.1924565577943991),\n", - " (u'trade', 1.1918333507609624),\n", - " (u'f', 1.1915163381561049),\n", - " (u'store', 1.189052998865439),\n", - " (u'notes', 1.1850922942502753),\n", - " (u'baker', 1.1828856976412236),\n", - " (u'baddeley', 1.1681694680548835),\n", - " (u'cogdal', 1.1681694680548835),\n", - " (u'copying', 1.1681694680548835),\n", - " (u'crafton', 1.1681694680548835),\n", - " (u'defect', 1.1681694680548835),\n", - " (u'donate', 1.1681694680548835),\n", - " (u'easier', 1.1681694680548835),\n", - " (u'editions', 1.1681694680548835),\n", - " (u'hawley', 1.1681694680548835),\n", - " (u'hitchcock', 1.1681694680548835),\n", - " (u'jake', 1.1681694680548835),\n", - " (u'jewelry', 1.1681694680548835),\n", - " (u'jurors', 1.1681694680548835),\n", - " (u'lightning', 1.1681694680548835),\n", - " (u'machine', 1.1681694680548835),\n", - " (u'paragraphs', 1.1681694680548835),\n", - " (u'pg', 1.1681694680548835),\n", - " (u'pork', 1.1681694680548835),\n", - " (u'retains', 1.1681694680548835),\n", - " (u'rod', 1.1681694680548835),\n", - " (u'securities', 1.1681694680548835),\n", - " (u'status', 1.1681694680548835),\n", - " (u'trousers', 1.1681694680548835),\n", - " (u'unpublished', 1.1681694680548835),\n", - " (u'berry', 1.1644932670010606),\n", - " (u'pp', 1.1608077284905565),\n", - " (u'hanks', 1.1587285139891437),\n", - " (u'mcclure', 1.1537352404836496),\n", - " (u'her', 1.1531891574151381),\n", - " (u'hamlin', 1.1529222466025137),\n", - " (u'speeches', 1.1437050469373577),\n", - " (u'kentucky', 1.1401563236722736),\n", - " (u'johnston', 1.1368073989967304),\n", - " (u'offutt', 1.1345503657246403),\n", - " (u'dress', 1.1343080503770544),\n", - " (u'german', 1.1343080503770544),\n", - " (u'matheney', 1.1343080503770544),\n", - " (u'company', 1.1298148326748745),\n", - " (u'g', 1.128517881924167),\n", - " (u'votes', 1.1187730676938106),\n", - " (u'nine', 1.113374076177045),\n", - " (u'charles', 1.1065580194728426),\n", - " (u'note', 1.0974655406391749),\n", - " (u'deed', 1.0970926363431248),\n", - " (u'east', 1.0970926363431248),\n", - " (u'spurious', 1.0970926363431248),\n", - " (u'atkinson', 1.0970926363431244),\n", - " (u'comply', 1.0970926363431244),\n", - " (u'jewelers', 1.0970926363431244),\n", - " (u'leland', 1.0970926363431244),\n", - " (u'priest', 1.0970926363431244),\n", - " (u'soldier', 1.0970926363431244),\n", - " (u'd', 1.0936709970367389),\n", - " (u'tax', 1.0890978328098568),\n", - " (u'colonel', 1.0886122317272675),\n", - " (u'pitcher', 1.0886122317272675),\n", - " (u'spink', 1.0886122317272675),\n", - " (u'charter', 1.0886122317272673),\n", - " (u'clock', 1.0886122317272673),\n", - " (u'distribute', 1.0886122317272673),\n", - " (u'fisher', 1.0886122317272673),\n", - " (u'convention', 1.0842245322470756),\n", - " (u'plaintiff', 1.0813648643938589),\n", - " (u'island', 1.0791112857988696),\n", - " (u'voyage', 1.0772490318253176),\n", - " (u'you', 1.0716742799027257),\n", - " (u'road', 1.0587290524017576),\n", - " (u'holland', 1.05373524048365),\n", - " (u'trailor', 1.0479900750043671),\n", - " (u'limited', 1.0447190713617185),\n", - " (u'domain', 1.0399471126066209),\n", - " (u'grandfather', 1.0399471126066209),\n", - " (u'voted', 1.0399471126066209),\n", - " (u'agree', 1.0367857078081339),\n", - " (u'including', 1.0367857078081339),\n", - " (u'life', 1.0279778291629844),\n", - " (u'witness', 1.0249646422762066),\n", - " (u'james', 1.0153080476245506),\n", - " (u'stuart', 1.0149104889383316),\n", - " (u'dungee', 1.0102738780733427),\n", - " (u'john', 1.0074378828094916),\n", - " (u'surveyor', 1.0071083505332288),\n", - " (u'cross', 1.0008479040802145),\n", - " (u'dollars', 1.0002448365299736)]" - ] - }, - "execution_count": 12, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "mz_keywords(text,scores=True,weighted=False,threshold=1.0)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "When this option is used, it is possible to calculate a threshold automatically from the number of blocks" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(u'gutenberg', 3.7766363961259684),\n", - " (u'tm', 3.6403066998316511),\n", - " (u'project', 3.5428530523255342),\n", - " (u'co', 3.2983688146004528),\n", - " (u'donations', 2.8613536046553563),\n", - " (u'electronic', 2.8210861922674084),\n", - " (u'access', 2.7810662866642568),\n", - " (u'refund', 2.7810662866642568),\n", - " (u'foundation', 2.7234464816769872),\n", - " (u'foxboro', 2.5477601487545121),\n", - " (u'gloves', 2.5281337853661761),\n", - " (u'e', 2.4036269322210768),\n", - " (u'york', 2.3692008259770594),\n", - " (u'edited', 2.361641829495754),\n", - " (u'_works_', 2.3445174072327686),\n", - " (u'works', 2.3426500474551113),\n", - " (u'dogskin', 2.3425994588269479),\n", - " (u'ragsdale', 2.2931552327841351),\n", - " (u'replacement', 2.2931552327841351),\n", - " (u'trunks', 2.2931552327841351),\n", - " (u'iv', 2.2510299269025058),\n", - " (u'iii', 2.2186807817292546),\n", - " (u'v', 2.2168420707754368),\n", - " (u'brokaw', 2.1699176369612583),\n", - " (u'coon', 2.1699176369612583),\n", - " (u'bonds', 2.1343080503770544),\n", - " (u'license', 2.1009287665795293),\n", - " (u'ii', 2.0892470886183649),\n", - " (u'agreement', 2.0779209847210556),\n", - " (u'almanac', 2.0060727272918055),\n", - " (u'_weekly_', 1.9794475925140163),\n", - " (u'bounded', 1.9794475925140163),\n", - " (u'format', 1.9794475925140163),\n", - " (u'millions', 1.9794475925140163),\n", - " (u'oxen', 1.9794475925140163),\n", - " (u'specie', 1.9794475925140163),\n", - " (u'archive', 1.9682995275030786),\n", - " (u'barrett', 1.9422319940872796),\n", - " (u'reminiscences', 1.9330537427622287),\n", - " (u'ebooks', 1.8984698469769548),\n", - " (u'forquer', 1.8843080503770544),\n", - " (u'parker', 1.8843080503770544),\n", - " (u'pglaf', 1.8843080503770544),\n", - " (u'ebook', 1.8838775575675983),\n", - " (u'trademark', 1.8838775575675983),\n", - " (u'paragraph', 1.8301079379685583),\n", - " (u'hardin', 1.7669683658081703),\n", - " (u'work', 1.7328354724344326),\n", - " (u'rothschild', 1.7275730939964973),\n", - " (u'org', 1.7211393195188851),\n", - " (u'attitude', 1.716230650790012),\n", - " (u'london', 1.6791112857988695),\n", - " (u'boston', 1.6754810009833907),\n", - " (u'xvi', 1.66018729770736),\n", - " (u'news', 1.6601872977073597),\n", - " (u'biographical', 1.6294643147000225),\n", - " (u'green', 1.6254512602292723),\n", - " (u'delegates', 1.6127555612626692),\n", - " (u'medium', 1.6127555612626692),\n", - " (u'scripps', 1.6127555612626692),\n", - " (u'volunteers', 1.6127555612626692),\n", - " (u'lamon', 1.6001560607245646),\n", - " (u'tarbell', 1.5897346234235084),\n", - " (u'volumes', 1.5819481863246514),\n", - " (u'bank', 1.5744728128489647),\n", - " (u'copyright', 1.5731550611734115),\n", - " (u'_via_', 1.5722781569106761),\n", - " (u'admissibility', 1.5722781569106761),\n", - " (u'advertisers', 1.5722781569106761),\n", - " (u'applicable', 1.5722781569106761),\n", - " (u'attire', 1.5722781569106761),\n", - " (u'bags', 1.5722781569106761),\n", - " (u'berries', 1.5722781569106761),\n", - " (u'breeches', 1.5722781569106761),\n", - " (u'cline', 1.5722781569106761),\n", - " (u'continuance', 1.5722781569106761),\n", - " (u'currents', 1.5722781569106761),\n", - " (u'daguerreotype', 1.5722781569106761),\n", - " (u'disclaimer', 1.5722781569106761),\n", - " (u'email', 1.5722781569106761),\n", - " (u'enrolled', 1.5722781569106761),\n", - " (u'fool', 1.5722781569106761),\n", - " (u'guineas', 1.5722781569106761),\n", - " (u'hatchet', 1.5722781569106761),\n", - " (u'instruct', 1.5722781569106761),\n", - " (u'liability', 1.5722781569106761),\n", - " (u'lonny', 1.5722781569106761),\n", - " (u'paullin', 1.5722781569106761),\n", - " (u'performing', 1.5722781569106761),\n", - " (u'plow', 1.5722781569106761),\n", - " (u'polite', 1.5722781569106761),\n", - " (u'puffs', 1.5722781569106761),\n", - " (u'rulings', 1.5722781569106761),\n", - " (u'scammon', 1.5722781569106761),\n", - " (u'tilda', 1.5722781569106761),\n", - " (u'wake', 1.5722781569106761),\n", - " (u'warranties', 1.5722781569106761),\n", - " (u'america', 1.5712271378967728),\n", - " (u'clair', 1.5712271378967728),\n", - " (u'displaying', 1.5712271378967728),\n", - " (u'forgery', 1.5712271378967728),\n", - " (u'holder', 1.5712271378967728),\n", - " (u'posted', 1.5712271378967728),\n", - " (u'sketches', 1.5712271378967728),\n", - " (u'snow', 1.5712271378967728),\n", - " (u'wore', 1.5712271378967728),\n", - " (u'http', 1.5645865830262038),\n", - " (u'journalism', 1.5399471126066209),\n", - " (u'copy', 1.5258495075146912),\n", - " (u'_early', 1.5202411939312348),\n", - " (u'armstrong', 1.5106440743450187),\n", - " (u'railroad', 1.4938165623572677),\n", - " (u'ross', 1.489097832809857),\n", - " (u'pair', 1.4791112857988695),\n", - " (u'banks', 1.4791112857988693),\n", - " (u'irelan', 1.4791112857988693),\n", - " (u'scott', 1.4791112857988693),\n", - " (u'browne', 1.4764336408243595),\n", - " (u'abraham', 1.4577679329151634),\n", - " (u'publication', 1.4490612388306794),\n", - " (u'provide', 1.4490612388306792),\n", - " (u'chiniquy', 1.4275140308616106),\n", - " (u'literary', 1.4150354420715021),\n", - " (u'rr', 1.4070491486733681),\n", - " (u'axe', 1.3967912341407889),\n", - " (u'fence', 1.3967912341407889),\n", - " (u'genuine', 1.3967912341407889),\n", - " (u'life_', 1.3941370904272503),\n", - " (u'she', 1.3923582867044937),\n", - " (u'copper', 1.3828069220574104),\n", - " (u'distributing', 1.3828069220574104),\n", - " (u'saddle', 1.3828069220574104),\n", - " (u'sons', 1.3828069220574104),\n", - " (u'_life_', 1.373910241709706),\n", - " (u'calhoun', 1.373910241709706),\n", - " (u'mother', 1.3728688332198922),\n", - " (u'college', 1.3697302821858961),\n", - " (u'nicolay', 1.3633245760231363),\n", - " (u'whitney', 1.3627575629840512),\n", - " (u'philadelphia', 1.3540886863558637),\n", - " (u'sarah', 1.3540886863558634),\n", - " (u'vi', 1.3540886863558634),\n", - " (u'harrison', 1.3476159735283106),\n", - " (u'terms', 1.3426509824683515),\n", - " (u'herndon', 1.3421892681433798),\n", - " (u'improvement', 1.329344333012155),\n", - " (u'buckskin', 1.3222046383294666),\n", - " (u'sham', 1.3222046383294666),\n", - " (u'fee', 1.3158554460066139),\n", - " (u'generosity', 1.3144503596878891),\n", - " (u'moore', 1.3144503596878887),\n", - " (u'copies', 1.3127747798184011),\n", - " (u'p', 1.309088202039181),\n", - " (u'compliance', 1.2961309813666892),\n", - " (u'constable', 1.2961309813666892),\n", - " (u'currency', 1.2961309813666892),\n", - " (u'distribution', 1.2961309813666892),\n", - " (u'harvey', 1.2961309813666892),\n", - " (u'individual', 1.2961309813666892),\n", - " (u'revolutionary', 1.2961309813666892),\n", - " (u'brooks', 1.286562189794501),\n", - " (u'chicago', 1.2700186510810929),\n", - " (u'weems', 1.2659709073661847),\n", - " (u'february', 1.2574199029295277),\n", - " (u'information', 1.2487001310514776),\n", - " (u'bridge', 1.2326416539256813),\n", - " (u'resolution', 1.2268390166084573),\n", - " (u'stoddard', 1.2268390166084573),\n", - " (u'father', 1.2254034208363418),\n", - " (u'cartwright', 1.2157428532629155),\n", - " (u'houghton', 1.2157428532629155),\n", - " (u'publishing', 1.2157428532629155),\n", - " (u'describes', 1.2157428532629153),\n", - " (u'j', 1.2115310804189017),\n", - " (u'_stories_', 1.2049337080807629),\n", - " (u'september', 1.2030636155192291),\n", - " (u'boys', 1.1974364414369618),\n", - " (u'defendants', 1.1955861748361873),\n", - " (u'per', 1.1955861748361873),\n", - " (u'permission', 1.1955861748361873),\n", - " (u'uncle', 1.1955861748361873),\n", - " (u'thomas', 1.1924565577943991),\n", - " (u'trade', 1.1918333507609624),\n", - " (u'f', 1.1915163381561049),\n", - " (u'store', 1.189052998865439),\n", - " (u'notes', 1.1850922942502753),\n", - " (u'baker', 1.1828856976412236),\n", - " (u'baddeley', 1.1681694680548835),\n", - " (u'cogdal', 1.1681694680548835),\n", - " (u'copying', 1.1681694680548835),\n", - " (u'crafton', 1.1681694680548835),\n", - " (u'defect', 1.1681694680548835),\n", - " (u'donate', 1.1681694680548835),\n", - " (u'easier', 1.1681694680548835),\n", - " (u'editions', 1.1681694680548835),\n", - " (u'hawley', 1.1681694680548835),\n", - " (u'hitchcock', 1.1681694680548835),\n", - " (u'jake', 1.1681694680548835),\n", - " (u'jewelry', 1.1681694680548835),\n", - " (u'jurors', 1.1681694680548835),\n", - " (u'lightning', 1.1681694680548835),\n", - " (u'machine', 1.1681694680548835),\n", - " (u'paragraphs', 1.1681694680548835),\n", - " (u'pg', 1.1681694680548835),\n", - " (u'pork', 1.1681694680548835),\n", - " (u'retains', 1.1681694680548835),\n", - " (u'rod', 1.1681694680548835),\n", - " (u'securities', 1.1681694680548835),\n", - " (u'status', 1.1681694680548835),\n", - " (u'trousers', 1.1681694680548835),\n", - " (u'unpublished', 1.1681694680548835),\n", - " (u'berry', 1.1644932670010606),\n", - " (u'pp', 1.1608077284905565),\n", - " (u'hanks', 1.1587285139891437),\n", - " (u'mcclure', 1.1537352404836496),\n", - " (u'her', 1.1531891574151381),\n", - " (u'hamlin', 1.1529222466025137),\n", - " (u'speeches', 1.1437050469373577),\n", - " (u'kentucky', 1.1401563236722736),\n", - " (u'johnston', 1.1368073989967304),\n", - " (u'offutt', 1.1345503657246403),\n", - " (u'dress', 1.1343080503770544),\n", - " (u'german', 1.1343080503770544),\n", - " (u'matheney', 1.1343080503770544),\n", - " (u'company', 1.1298148326748745),\n", - " (u'g', 1.128517881924167),\n", - " (u'votes', 1.1187730676938106),\n", - " (u'nine', 1.113374076177045),\n", - " (u'charles', 1.1065580194728426),\n", - " (u'note', 1.0974655406391749),\n", - " (u'deed', 1.0970926363431248),\n", - " (u'east', 1.0970926363431248),\n", - " (u'spurious', 1.0970926363431248),\n", - " (u'atkinson', 1.0970926363431244),\n", - " (u'comply', 1.0970926363431244),\n", - " (u'jewelers', 1.0970926363431244),\n", - " (u'leland', 1.0970926363431244),\n", - " (u'priest', 1.0970926363431244),\n", - " (u'soldier', 1.0970926363431244),\n", - " (u'd', 1.0936709970367389),\n", - " (u'tax', 1.0890978328098568),\n", - " (u'colonel', 1.0886122317272675),\n", - " (u'pitcher', 1.0886122317272675),\n", - " (u'spink', 1.0886122317272675),\n", - " (u'charter', 1.0886122317272673),\n", - " (u'clock', 1.0886122317272673),\n", - " (u'distribute', 1.0886122317272673),\n", - " (u'fisher', 1.0886122317272673),\n", - " (u'convention', 1.0842245322470756),\n", - " (u'plaintiff', 1.0813648643938589),\n", - " (u'island', 1.0791112857988696),\n", - " (u'voyage', 1.0772490318253176),\n", - " (u'you', 1.0716742799027257),\n", - " (u'road', 1.0587290524017576),\n", - " (u'holland', 1.05373524048365),\n", - " (u'trailor', 1.0479900750043671),\n", - " (u'limited', 1.0447190713617185),\n", - " (u'domain', 1.0399471126066209),\n", - " (u'grandfather', 1.0399471126066209),\n", - " (u'voted', 1.0399471126066209),\n", - " (u'agree', 1.0367857078081339),\n", - " (u'including', 1.0367857078081339),\n", - " (u'life', 1.0279778291629844),\n", - " (u'witness', 1.0249646422762066),\n", - " (u'james', 1.0153080476245506),\n", - " (u'stuart', 1.0149104889383316),\n", - " (u'dungee', 1.0102738780733427),\n", - " (u'john', 1.0074378828094916),\n", - " (u'surveyor', 1.0071083505332288),\n", - " (u'cross', 1.0008479040802145),\n", - " (u'dollars', 1.0002448365299736),\n", - " (u'president', 0.99828026284480487),\n", - " (u'_amount_', 0.99450922395310026),\n", - " (u'_black', 0.99450922395310026),\n", - " (u'_commercial', 0.99450922395310026),\n", - " (u'_magazine', 0.99450922395310026),\n", - " (u'_nicolay', 0.99450922395310026),\n", - " (u'_north', 0.99450922395310026),\n", - " (u'_sun_', 0.99450922395310026),\n", - " (u'accompanies', 0.99450922395310026),\n", - " (u'accordance', 0.99450922395310026),\n", - " (u'adjourning', 0.99450922395310026),\n", - " (u'advertiser', 0.99450922395310026),\n", - " (u'advertiser_', 0.99450922395310026),\n", - " (u'agnosticism', 0.99450922395310026),\n", - " (u'almanacs', 0.99450922395310026),\n", - " (u'animals', 0.99450922395310026),\n", - " (u'apparel', 0.99450922395310026),\n", - " (u'appoints', 0.99450922395310026),\n", - " (u'arbitrations', 0.99450922395310026),\n", - " (u'ascii', 0.99450922395310026),\n", - " (u'asks', 0.99450922395310026),\n", - " (u'aspirants', 0.99450922395310026),\n", - " (u'atrocious', 0.99450922395310026),\n", - " (u'attachment', 0.99450922395310026),\n", - " (u'authors', 0.99450922395310026),\n", - " (u'band', 0.99450922395310026),\n", - " (u'bargained', 0.99450922395310026),\n", - " (u'bets', 0.99450922395310026),\n", - " (u'bleeding', 0.99450922395310026),\n", - " (u'boats', 0.99450922395310026),\n", - " (u'book_', 0.99450922395310026),\n", - " (u'boss', 0.99450922395310026),\n", - " (u'bourgeois', 0.99450922395310026),\n", - " (u'bull', 0.99450922395310026),\n", - " (u'calf', 0.99450922395310026),\n", - " (u'chase', 0.99450922395310026),\n", - " (u'chicanery', 0.99450922395310026),\n", - " (u'coach', 0.99450922395310026),\n", - " (u'coins', 0.99450922395310026),\n", - " (u'comet', 0.99450922395310026),\n", - " (u'computer', 0.99450922395310026),\n", - " (u'computers', 0.99450922395310026),\n", - " (u'concentration', 0.99450922395310026),\n", - " (u'conquering', 0.99450922395310026),\n", - " (u'conservator', 0.99450922395310026),\n", - " (u'contentedly', 0.99450922395310026),\n", - " (u'copied', 0.99450922395310026),\n", - " (u'cord', 0.99450922395310026),\n", - " (u'cornell', 0.99450922395310026),\n", - " (u'countenance', 0.99450922395310026),\n", - " (u'counting', 0.99450922395310026),\n", - " (u'countryman', 0.99450922395310026),\n", - " (u'creeks', 0.99450922395310026),\n", - " (u'davy', 0.99450922395310026),\n", - " (u'deer', 0.99450922395310026),\n", - " (u'def', 0.99450922395310026),\n", - " (u'delegations', 0.99450922395310026),\n", - " (u'deliveries', 0.99450922395310026),\n", - " (u'demurrer', 0.99450922395310026),\n", - " (u'desires', 0.99450922395310026),\n", - " (u'detriment', 0.99450922395310026),\n", - " (u'directors', 0.99450922395310026),\n", - " (u'disallows', 0.99450922395310026),\n", - " (u'disgracing', 0.99450922395310026),\n", - " (u'doctoring', 0.99450922395310026),\n", - " (u'effectively', 0.99450922395310026),\n", - " (u'elections', 0.99450922395310026),\n", - " (u'electronically', 0.99450922395310026),\n", - " (u'enrolling', 0.99450922395310026),\n", - " (u'exempt', 0.99450922395310026),\n", - " (u'faded', 0.99450922395310026),\n", - " (u'fares', 0.99450922395310026),\n", - " (u'ff', 0.99450922395310026),\n", - " (u'fights', 0.99450922395310026),\n", - " (u'flatboat', 0.99450922395310026),\n", - " (u'founded', 0.99450922395310026),\n", - " (u'generals', 0.99450922395310026),\n", - " (u'goose', 0.99450922395310026),\n", - " (u'greed', 0.99450922395310026),\n", - " (u'groomsman', 0.99450922395310026),\n", - " (u'hagerty', 0.99450922395310026),\n", - " (u'hans', 0.99450922395310026),\n", - " (u'harvard', 0.99450922395310026),\n", - " (u'haute', 0.99450922395310026),\n", - " (u'heel', 0.99450922395310026),\n", - " (u'history_', 0.99450922395310026),\n", - " (u'homeliest', 0.99450922395310026),\n", - " (u'howard', 0.99450922395310026),\n", - " (u'hut', 0.99450922395310026),\n", - " (u'ice', 0.99450922395310026),\n", - " (u'ida', 0.99450922395310026),\n", - " (u'identical', 0.99450922395310026),\n", - " (u'imperialist', 0.99450922395310026),\n", - " (u'independent', 0.99450922395310026),\n", - " (u'invalid', 0.99450922395310026),\n", - " (u'irons', 0.99450922395310026),\n", - " (u'janet', 0.99450922395310026),\n", - " (u'justification', 0.99450922395310026),\n", - " (u'lamborn', 0.99450922395310026),\n", - " (u'lambs', 0.99450922395310026),\n", - " (u'larceny', 0.99450922395310026),\n", - " (u'latin', 0.99450922395310026),\n", - " (u'linen', 0.99450922395310026),\n", - " (u'locations', 0.99450922395310026),\n", - " (u'louder', 0.99450922395310026),\n", - " (u'mad', 0.99450922395310026),\n", - " (u'magruder', 0.99450922395310026),\n", - " (u'maid', 0.99450922395310026),\n", - " (u'metaphysical', 0.99450922395310026),\n", - " (u'mit', 0.99450922395310026),\n", - " (u'monthlies', 0.99450922395310026),\n", - " (u'nest', 0.99450922395310026),\n", - " (u'nigger', 0.99450922395310026),\n", - " (u'package', 0.99450922395310026),\n", - " (u'pan', 0.99450922395310026),\n", - " (u'parentage', 0.99450922395310026),\n", - " (u'partial', 0.99450922395310026),\n", - " (u'partly', 0.99450922395310026),\n", - " (u'passengers', 0.99450922395310026),\n", - " (u'pension', 0.99450922395310026),\n", - " (u'pl', 0.99450922395310026),\n", - " (u'playful', 0.99450922395310026),\n", - " (u'population', 0.99450922395310026),\n", - " (u'postponed', 0.99450922395310026),\n", - " (u'postponement', 0.99450922395310026),\n", - " (u'premise', 0.99450922395310026),\n", - " (u'pressure', 0.99450922395310026),\n", - " (u'presumption', 0.99450922395310026),\n", - " (u'preventing', 0.99450922395310026),\n", - " (u'quart', 0.99450922395310026),\n", - " (u'quincy', 0.99450922395310026),\n", - " (u'quorum', 0.99450922395310026),\n", - " (u'redistribution', 0.99450922395310026),\n", - " (u'rejoicing', 0.99450922395310026),\n", - " (u'remit', 0.99450922395310026),\n", - " (u'rifle', 0.99450922395310026),\n", - " (u'romance', 0.99450922395310026),\n", - " (u'rothschild_', 0.99450922395310026),\n", - " (u'row', 0.99450922395310026),\n", - " (u'rubbish', 0.99450922395310026),\n", - " (u'sacrifices', 0.99450922395310026),\n", - " (u'scroll', 0.99450922395310026),\n", - " (u'shade', 0.99450922395310026),\n", - " (u'shed', 0.99450922395310026),\n", - " (u'sigh', 0.99450922395310026),\n", - " (u'silk', 0.99450922395310026),\n", - " (u'sinewy', 0.99450922395310026),\n", - " (u'sock', 0.99450922395310026),\n", - " (u'solicit', 0.99450922395310026),\n", - " (u'solvent', 0.99450922395310026),\n", - " (u'sonny', 0.99450922395310026),\n", - " (u'startling', 0.99450922395310026),\n", - " (u'steals', 0.99450922395310026),\n", - " (u'steamer', 0.99450922395310026),\n", - " (u'stevenson', 0.99450922395310026),\n", - " (u'subp\\u0153naed', 0.99450922395310026),\n", - " (u'tanned', 0.99450922395310026),\n", - " (u'tea', 0.99450922395310026),\n", - " (u'terre', 0.99450922395310026),\n", - " (u'theosophy', 0.99450922395310026),\n", - " (u'tight', 0.99450922395310026),\n", - " (u'tis', 0.99450922395310026),\n", - " (u'tour', 0.99450922395310026),\n", - " (u'vanilla', 0.99450922395310026),\n", - " (u'vol', 0.99450922395310026),\n", - " (u'warfare', 0.99450922395310026),\n", - " (u'warranty', 0.99450922395310026),\n", - " (u'wayne', 0.99450922395310026),\n", - " (u'whip', 0.99450922395310026),\n", - " (u'woodcut', 0.99450922395310026),\n", - " (u'wright', 0.99450922395310026),\n", - " (u'new', 0.99212250974463601)]" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "mz_keywords(text,scores=True,weighted=False,threshold=\"auto\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The complexity of the algorithm is **O**(*Nw*), where *N* is the number of words in the document and *w* is the number of unique words." - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 2", - "language": "python", - "name": "python2" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 2 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" - } - }, - "nbformat": 4, - "nbformat_minor": 0 -} diff --git a/docs/notebooks/topic_coherence-movies.ipynb b/docs/notebooks/topic_coherence-movies.ipynb index 3cb4eb2752..76f18d4881 100644 --- a/docs/notebooks/topic_coherence-movies.ipynb +++ b/docs/notebooks/topic_coherence-movies.ipynb @@ -24,9 +24,7 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "from __future__ import print_function\n", @@ -52,9 +50,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "base_dir = os.path.join(os.path.expanduser('~'), \"workshop/nlp/data/\")\n", @@ -70,9 +66,7 @@ { "cell_type": "code", "execution_count": 3, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -132,9 +126,7 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -169,9 +161,7 @@ { "cell_type": "code", "execution_count": 5, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -190,9 +180,7 @@ { "cell_type": "code", "execution_count": 6, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -215,9 +203,7 @@ { "cell_type": "code", "execution_count": 7, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -248,9 +234,7 @@ { "cell_type": "code", "execution_count": 8, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -282,9 +266,7 @@ { "cell_type": "code", "execution_count": 9, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -315,9 +297,7 @@ { "cell_type": "code", "execution_count": 10, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -348,9 +328,7 @@ { "cell_type": "code", "execution_count": 11, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -373,9 +351,7 @@ { "cell_type": "code", "execution_count": 12, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -398,9 +374,7 @@ { "cell_type": "code", "execution_count": 13, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { @@ -441,9 +415,7 @@ { "cell_type": "code", "execution_count": 14, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -483,23 +455,23 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/topic_coherence_model_selection.ipynb b/docs/notebooks/topic_coherence_model_selection.ipynb index b332f904f9..9e4da4a252 100644 --- a/docs/notebooks/topic_coherence_model_selection.ipynb +++ b/docs/notebooks/topic_coherence_model_selection.ipynb @@ -12,18 +12,8 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using TensorFlow backend.\n" - ] - } - ], + "metadata": {}, + "outputs": [], "source": [ "from __future__ import print_function\n", "\n", @@ -52,9 +42,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "from sklearn import datasets\n", @@ -123,18 +111,16 @@ { "cell_type": "code", "execution_count": 3, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "18846\n", - "Dictionary(23776 unique tokens: [u'circuitry', u'hanging', u'woody', u'localized', u'gaa']...)\n", - "CPU times: user 18.8 s, sys: 259 ms, total: 19.1 s\n", - "Wall time: 19.1 s\n" + "Dictionary(23775 unique tokens: ['actually', 'bashers', 'beat', 'better', 'bit']...)\n", + "CPU times: user 36.8 s, sys: 191 ms, total: 37 s\n", + "Wall time: 38.1 s\n" ] } ], @@ -151,16 +137,14 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "CPU times: user 21.4 s, sys: 233 ms, total: 21.6 s\n", - "Wall time: 21.7 s\n" + "CPU times: user 39 s, sys: 243 ms, total: 39.2 s\n", + "Wall time: 40.2 s\n" ] } ], @@ -185,10 +169,8 @@ }, { "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -223,26 +205,15 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Training LDA(k=20)\n", - "Training LDA(k=30)\n", - "Training LDA(k=40)\n", - "Training LDA(k=50)\n", - "Training LDA(k=60)\n", - "Training LDA(k=70)\n", - "Training LDA(k=80)\n", - "Training LDA(k=90)\n", - "Training LDA(k=100)\n", - "CPU times: user 19min 41s, sys: 3min 32s, total: 23min 13s\n", - "Wall time: 23min 25s\n" + "Training LDA(k=30)\n" ] } ], @@ -263,10 +234,8 @@ }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# Some useful utility functions in case you want to save your models.\n", @@ -292,10 +261,8 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# save_models(trained_models)\n", @@ -317,20 +284,9 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 44.9 s, sys: 2.09 s, total: 47 s\n", - "Wall time: 1min 32s\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "%%time\n", "\n", @@ -343,20 +299,9 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 1min 14s, sys: 332 ms, total: 1min 15s\n", - "Wall time: 1min 15s\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "%%time\n", "\n", @@ -366,10 +311,8 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "def print_coherence_rankings(coherences):\n", @@ -385,31 +328,9 @@ }, { "cell_type": "code", - "execution_count": 11, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Ranked by average 'c_v' coherence:\n", - "\n", - "num_topics=30:\t0.5551\n", - "num_topics=20:\t0.5374\n", - "num_topics=90:\t0.5022\n", - "num_topics=80:\t0.4986\n", - "num_topics=50:\t0.4873\n", - "num_topics=40:\t0.4856\n", - "num_topics=100:\t0.4848\n", - "num_topics=70:\t0.4769\n", - "num_topics=60:\t0.4662\n", - "\n", - "Best: 30\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "print_coherence_rankings(coherences)" ] @@ -440,20 +361,9 @@ }, { "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 3min 15s, sys: 5.57 s, total: 3min 20s\n", - "Wall time: 2min 1s\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "%%time\n", "\n", @@ -478,33 +388,9 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Ranked by average 'c_w2v' coherence:\n", - "\n", - "num_topics=90:\t0.7450\n", - "num_topics=100:\t0.7433\n", - "num_topics=80:\t0.7421\n", - "num_topics=70:\t0.7310\n", - "num_topics=50:\t0.7181\n", - "num_topics=60:\t0.7169\n", - "num_topics=30:\t0.7149\n", - "num_topics=20:\t0.7131\n", - "num_topics=40:\t0.7107\n", - "\n", - "Best: 90\n", - "CPU times: user 10.5 s, sys: 149 ms, total: 10.7 s\n", - "Wall time: 10.8 s\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "%%time\n", "\n", @@ -528,20 +414,9 @@ }, { "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 3min 8s, sys: 5.45 s, total: 3min 13s\n", - "Wall time: 3min 15s\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "%%time\n", "\n", @@ -557,33 +432,9 @@ }, { "cell_type": "code", - "execution_count": 19, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Ranked by average 'c_w2v' coherence:\n", - "\n", - "num_topics=30:\t0.5044\n", - "num_topics=20:\t0.4996\n", - "num_topics=40:\t0.4965\n", - "num_topics=50:\t0.4950\n", - "num_topics=80:\t0.4906\n", - "num_topics=60:\t0.4839\n", - "num_topics=90:\t0.4832\n", - "num_topics=70:\t0.4826\n", - "num_topics=100:\t0.4796\n", - "\n", - "Best: 30\n", - "CPU times: user 10.4 s, sys: 146 ms, total: 10.6 s\n", - "Wall time: 10.6 s\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "%%time\n", "\n", @@ -605,28 +456,9 @@ }, { "cell_type": "code", - "execution_count": 20, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "number of oov words: 411\n", - "number of oov words for num_topics=20: 18\n", - "number of oov words for num_topics=30: 45\n", - "number of oov words for num_topics=40: 68\n", - "number of oov words for num_topics=50: 93\n", - "number of oov words for num_topics=60: 117\n", - "number of oov words for num_topics=70: 135\n", - "number of oov words for num_topics=80: 151\n", - "number of oov words for num_topics=90: 182\n", - "number of oov words for num_topics=100: 218\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "from gensim import utils\n", "\n", @@ -657,20 +489,9 @@ }, { "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 2min 7s, sys: 7.12 s, total: 2min 14s\n", - "Wall time: 2min 16s\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "%%time\n", "\n", @@ -685,44 +506,11 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": { - "collapsed": false, "scrolled": true }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/vru959/anaconda2/lib/python2.7/site-packages/numpy/core/fromnumeric.py:2909: RuntimeWarning: Mean of empty slice.\n", - " out=out, **kwargs)\n", - "/Users/vru959/anaconda2/lib/python2.7/site-packages/numpy/core/_methods.py:80: RuntimeWarning: invalid value encountered in double_scalars\n", - " ret = ret.dtype.type(ret / rcount)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Ranked by average 'c_w2v' coherence:\n", - "\n", - "num_topics=30:\t0.5907\n", - "num_topics=20:\t0.5833\n", - "num_topics=40:\t0.5750\n", - "num_topics=50:\t0.5673\n", - "num_topics=60:\t0.5614\n", - "num_topics=80:\t0.5595\n", - "num_topics=70:\t0.5571\n", - "num_topics=90:\t0.5520\n", - "num_topics=100:\t0.5471\n", - "\n", - "Best: 30\n", - "CPU times: user 10.3 s, sys: 158 ms, total: 10.5 s\n", - "Wall time: 10.5 s\n" - ] - } - ], + "outputs": [], "source": [ "%%time\n", "\n", @@ -733,28 +521,9 @@ }, { "cell_type": "code", - "execution_count": 16, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "number of oov words: 64\n", - "number of oov words for num_topics=20: 1\n", - "number of oov words for num_topics=30: 10\n", - "number of oov words for num_topics=40: 11\n", - "number of oov words for num_topics=50: 13\n", - "number of oov words for num_topics=60: 16\n", - "number of oov words for num_topics=70: 23\n", - "number of oov words for num_topics=80: 27\n", - "number of oov words for num_topics=90: 37\n", - "number of oov words for num_topics=100: 32\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "report_on_oov_terms(cm, trained_models.values())" ] @@ -784,21 +553,21 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/topic_coherence_tutorial.ipynb b/docs/notebooks/topic_coherence_tutorial.ipynb index 33c57e728b..e7c17e2d5d 100644 --- a/docs/notebooks/topic_coherence_tutorial.ipynb +++ b/docs/notebooks/topic_coherence_tutorial.ipynb @@ -24,20 +24,8 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/Users/vru959/anaconda2/lib/python2.7/site-packages/scipy/sparse/sparsetools.py:20: DeprecationWarning: `scipy.sparse.sparsetools` is deprecated!\n", - "scipy.sparse.sparsetools is a private module for scipy.sparse, and should not be used.\n", - " _deprecated()\n" - ] - } - ], + "metadata": {}, + "outputs": [], "source": [ "from __future__ import print_function\n", "\n", @@ -47,6 +35,7 @@ "import warnings\n", "\n", "try:\n", + " raise ImportError\n", " import pyLDAvis.gensim\n", " CAN_VISUALIZE = True\n", " pyLDAvis.enable_notebook()\n", @@ -81,9 +70,7 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "texts = [['human', 'interface', 'computer'],\n", @@ -100,9 +87,7 @@ { "cell_type": "code", "execution_count": 3, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "dictionary = Dictionary(texts)\n", @@ -126,9 +111,7 @@ { "cell_type": "code", "execution_count": 4, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "goodLdaModel = LdaModel(corpus=corpus, id2word=dictionary, iterations=50, num_topics=2)\n", @@ -145,9 +128,7 @@ { "cell_type": "code", "execution_count": 5, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [], "source": [ "goodcm = CoherenceModel(model=goodLdaModel, corpus=corpus, dictionary=dictionary, coherence='u_mass')\n", @@ -171,15 +152,13 @@ { "cell_type": "code", "execution_count": 6, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Coherence_Measure(seg=, prob=, conf=, aggr=)\n" + "Coherence_Measure(seg=, prob=, conf=, aggr=)\n" ] } ], @@ -219,63 +198,8 @@ { "cell_type": "code", "execution_count": 7, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - "\n", - "\n", - "\n", - "
\n", - "" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "metadata": {}, + "outputs": [], "source": [ "if CAN_VISUALIZE:\n", " prepared = pyLDAvis.gensim.prepare(goodLdaModel, corpus, dictionary)\n", @@ -285,63 +209,8 @@ { "cell_type": "code", "execution_count": 8, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/html": [ - "\n", - "\n", - "\n", - "\n", - "
\n", - "" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "metadata": {}, + "outputs": [], "source": [ "if CAN_VISUALIZE:\n", " prepared = pyLDAvis.gensim.prepare(badLdaModel, corpus, dictionary)\n", @@ -351,16 +220,14 @@ { "cell_type": "code", "execution_count": 9, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "-13.8029561191\n", - "-14.1531313765\n" + "-14.695344054692296\n", + "-14.722989402972397\n" ] } ], @@ -379,9 +246,7 @@ { "cell_type": "code", "execution_count": 10, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "goodcm = CoherenceModel(model=goodLdaModel, texts=texts, dictionary=dictionary, coherence='c_v')\n", @@ -398,15 +263,13 @@ { "cell_type": "code", "execution_count": 11, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Coherence_Measure(seg=, prob=, conf=, aggr=)\n" + "Coherence_Measure(seg=, prob=, conf=, aggr=)\n" ] } ], @@ -424,16 +287,14 @@ { "cell_type": "code", "execution_count": 12, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0.379532110157\n", - "0.385963126348\n" + "0.3838413553737203\n", + "0.3838413553737203\n" ] } ], @@ -459,9 +320,7 @@ { "cell_type": "code", "execution_count": 13, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "# Replace with path to your Vowpal Wabbit installation\n", @@ -475,10 +334,25 @@ { "cell_type": "code", "execution_count": 14, - "metadata": { - "collapsed": false - }, - "outputs": [], + "metadata": {}, + "outputs": [ + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: '/usr/local/bin/vw': '/usr/local/bin/vw'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mmodel1\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mLdaVowpalWabbit\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mvw_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcorpus\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcorpus\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnum_topics\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m2\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mid2word\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mdictionary\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpasses\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m50\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2\u001b[0m \u001b[0mmodel2\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mLdaVowpalWabbit\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mvw_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcorpus\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcorpus\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnum_topics\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m2\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mid2word\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mdictionary\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpasses\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/wrappers/ldavowpalwabbit.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, vw_path, corpus, num_topics, id2word, chunksize, passes, alpha, eta, decay, offset, gamma_threshold, random_seed, cleanup_files, tmp_prefix)\u001b[0m\n\u001b[1;32m 214\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 215\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mcorpus\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 216\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtrain\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcorpus\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 217\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 218\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mtrain\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcorpus\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/wrappers/ldavowpalwabbit.py\u001b[0m in \u001b[0;36mtrain\u001b[0;34m(self, corpus)\u001b[0m\n\u001b[1;32m 235\u001b[0m \u001b[0mcmd\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_get_vw_train_command\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcorpus_size\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 236\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 237\u001b[0;31m \u001b[0m_run_vw_command\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcmd\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 238\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 239\u001b[0m \u001b[0;31m# ensure that future updates of this model use correct offset\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/git/gensim/gensim/models/wrappers/ldavowpalwabbit.py\u001b[0m in \u001b[0;36m_run_vw_command\u001b[0;34m(cmd)\u001b[0m\n\u001b[1;32m 849\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0minfo\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"Running Vowpal Wabbit command: %s\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m' '\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mjoin\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mcmd\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 850\u001b[0m proc = subprocess.Popen(cmd, stdout=subprocess.PIPE,\n\u001b[0;32m--> 851\u001b[0;31m stderr=subprocess.STDOUT)\n\u001b[0m\u001b[1;32m 852\u001b[0m \u001b[0moutput\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mproc\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcommunicate\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdecode\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'utf-8'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 853\u001b[0m \u001b[0mlogger\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdebug\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"Vowpal Wabbit output: %s\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/lib/python3.7/subprocess.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, args, bufsize, executable, stdin, stdout, stderr, preexec_fn, close_fds, shell, cwd, env, universal_newlines, startupinfo, creationflags, restore_signals, start_new_session, pass_fds, encoding, errors, text)\u001b[0m\n\u001b[1;32m 773\u001b[0m \u001b[0mc2pread\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mc2pwrite\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 774\u001b[0m \u001b[0merrread\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0merrwrite\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 775\u001b[0;31m restore_signals, start_new_session)\n\u001b[0m\u001b[1;32m 776\u001b[0m \u001b[0;32mexcept\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 777\u001b[0m \u001b[0;31m# Cleanup if the child failed starting.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/lib/python3.7/subprocess.py\u001b[0m in \u001b[0;36m_execute_child\u001b[0;34m(self, args, executable, preexec_fn, close_fds, pass_fds, cwd, env, startupinfo, creationflags, shell, p2cread, p2cwrite, c2pread, c2pwrite, errread, errwrite, restore_signals, start_new_session)\u001b[0m\n\u001b[1;32m 1520\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0merrno_num\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0merrno\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mENOENT\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1521\u001b[0m \u001b[0merr_msg\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0;34m': '\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0mrepr\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0merr_filename\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1522\u001b[0;31m \u001b[0;32mraise\u001b[0m \u001b[0mchild_exception_type\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0merrno_num\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0merr_msg\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0merr_filename\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1523\u001b[0m \u001b[0;32mraise\u001b[0m \u001b[0mchild_exception_type\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0merr_msg\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1524\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: '/usr/local/bin/vw': '/usr/local/bin/vw'" + ] + } + ], "source": [ "model1 = LdaVowpalWabbit(vw_path, corpus=corpus, num_topics=2, id2word=dictionary, passes=50)\n", "model2 = LdaVowpalWabbit(vw_path, corpus=corpus, num_topics=2, id2word=dictionary, passes=1)" @@ -486,20 +360,9 @@ }, { "cell_type": "code", - "execution_count": 15, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "-13.226132904\n", - "-14.3236789858\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "cm1 = CoherenceModel(model=model1, corpus=corpus, coherence='u_mass')\n", "cm2 = CoherenceModel(model=model2, corpus=corpus, coherence='u_mass')\n", @@ -509,10 +372,8 @@ }, { "cell_type": "code", - "execution_count": 16, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "model1 = LdaMallet(mallet_path, corpus=corpus, num_topics=2, id2word=dictionary, iterations=50)\n", @@ -521,20 +382,9 @@ }, { "cell_type": "code", - "execution_count": 17, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "0.37605697523\n", - "0.393714418809\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "cm1 = CoherenceModel(model=model1, texts=texts, coherence='c_v')\n", "cm2 = CoherenceModel(model=model2, texts=texts, coherence='c_v')\n", @@ -552,10 +402,8 @@ }, { "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": false - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "hm = HdpModel(corpus=corpus, id2word=dictionary)" @@ -563,45 +411,9 @@ }, { "cell_type": "code", - "execution_count": 19, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[[u'minors',\n", - " u'user',\n", - " u'interface',\n", - " u'system',\n", - " u'survey',\n", - " u'response',\n", - " u'trees',\n", - " u'computer',\n", - " u'human',\n", - " u'time',\n", - " u'graph',\n", - " u'eps'],\n", - " [u'response',\n", - " u'trees',\n", - " u'human',\n", - " u'graph',\n", - " u'user',\n", - " u'computer',\n", - " u'interface',\n", - " u'eps',\n", - " u'survey',\n", - " u'system',\n", - " u'minors',\n", - " u'time']]" - ] - }, - "execution_count": 19, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "# To get the topic words from the model\n", "topics = []\n", @@ -613,22 +425,9 @@ }, { "cell_type": "code", - "execution_count": 20, - "metadata": { - "collapsed": false - }, - "outputs": [ - { - "data": { - "text/plain": [ - "-14.611179327706207" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "# Initialize CoherenceModel using `topics` parameter\n", "cm = CoherenceModel(topics=topics, corpus=corpus, dictionary=dictionary, coherence='u_mass')\n", @@ -652,23 +451,23 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/topic_methods.ipynb b/docs/notebooks/topic_methods.ipynb index d140bdad7f..1f4fec1a70 100644 --- a/docs/notebooks/topic_methods.ipynb +++ b/docs/notebooks/topic_methods.ipynb @@ -2,45 +2,29 @@ "cells": [ { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "# New Term Topics Methods and Document Coloring" ] }, { "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/site-packages/matplotlib/font_manager.py:273: UserWarning: Matplotlib is building the font cache using fc-list. This may take a moment.\n", - " warnings.warn('Matplotlib is building the font cache using fc-list. This may take a moment.')\n" - ] - } - ], + "execution_count": 20, + "metadata": {}, + "outputs": [], "source": [ "from gensim.corpora import Dictionary\n", "from gensim.models import ldamodel\n", "import numpy\n", - "%matplotlib inline" + "%matplotlib inline\n", + "\n", + "import logging\n", + "logging.basicConfig(level=logging.INFO)" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "We're setting up our corpus now. We want to show off the new `get_term_topics` and `get_document_topics` functionalities, and a good way to do so is to play around with words which might have different meanings in different context.\n", "\n", @@ -50,73 +34,110 @@ }, { "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "execution_count": 21, + "metadata": {}, "outputs": [], "source": [ - "texts = [['bank','river','shore','water'],\n", - " ['river','water','flow','fast','tree'],\n", - " ['bank','water','fall','flow'],\n", - " ['bank','bank','water','rain','river'],\n", - " ['river','water','mud','tree'],\n", - " ['money','transaction','bank','finance'],\n", - " ['bank','borrow','money'], \n", - " ['bank','finance'],\n", - " ['finance','money','sell','bank'],\n", - " ['borrow','sell'],\n", - " ['bank','loan','sell']]\n", + "import gensim.downloader\n", + "corpus = gensim.downloader.load(\"20-newsgroups\")" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:smart_open.smart_open_lib:this function is deprecated, use smart_open.open instead\n" + ] + } + ], + "source": [ + "import collections\n", + "from gensim.parsing.preprocessing import preprocess_string\n", "\n", + "texts = [\n", + " preprocess_string(text['data'])\n", + " for text in corpus\n", + " if text['topic'] in ('soc.religion.christian', 'talk.politics.guns')\n", + "]" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.corpora.dictionary:adding document #0 to Dictionary(0 unique tokens: [])\n", + "INFO:gensim.corpora.dictionary:built Dictionary(17455 unique tokens: ['accept', 'action', 'adulter', 'adulteri', 'adventur']...) from 1907 documents (total 318505 corpus positions)\n", + "INFO:gensim.corpora.dictionary:discarding 14137 tokens: [('accept', 259), ('adventur', 6), ('annia', 3), ('believ', 649), ('bibl', 280), ('calvinist', 5), ('cannanit', 4), ('case', 317), ('chastis', 4), ('christian', 527)]...\n", + "INFO:gensim.corpora.dictionary:keeping 3318 tokens which were in no less than 10 and no more than 190 (=10.0%) documents\n", + "INFO:gensim.corpora.dictionary:resulting dictionary: Dictionary(3318 unique tokens: ['action', 'adulter', 'adulteri', 'affect', 'andi']...)\n" + ] + } + ], + "source": [ "dictionary = Dictionary(texts)\n", + "dictionary.filter_extremes(no_above=0.1, no_below=10)\n", "corpus = [dictionary.doc2bow(text) for text in texts]" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "We set up the LDA model in the corpus. We set the number of topics to be 2, and expect to see one which is to do with river banks, and one to do with financial banks. " ] }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, - "outputs": [], + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "INFO:gensim.models.ldamodel:using asymmetric alpha [0.63060194, 0.36939806]\n", + "INFO:gensim.models.ldamodel:using symmetric eta at 0.5\n", + "INFO:gensim.models.ldamodel:using serial LDA version on this node\n", + "INFO:gensim.models.ldamodel:running online (single-pass) LDA training, 2 topics, 1 passes over the supplied corpus of 1907 documents, updating model once every 1907 documents, evaluating perplexity every 1907 documents, iterating 50x with a convergence threshold of 0.001000\n", + "WARNING:gensim.models.ldamodel:too few updates, training might not converge; consider increasing the number of passes or iterations to improve accuracy\n", + "INFO:gensim.models.ldamodel:-8.511 per-word bound, 364.7 perplexity estimate based on a held-out corpus of 1907 documents with 180557 words\n", + "INFO:gensim.models.ldamodel:PROGRESS: pass 0, at document #1907/1907\n", + "INFO:gensim.models.ldamodel:topic #0 (0.631): 0.004*\"homosexu\" + 0.004*\"hell\" + 0.003*\"paul\" + 0.002*\"firearm\" + 0.002*\"batf\" + 0.002*\"cathol\" + 0.002*\"natur\" + 0.002*\"crime\" + 0.002*\"lord\" + 0.002*\"shall\"\n", + "INFO:gensim.models.ldamodel:topic #1 (0.369): 0.004*\"firearm\" + 0.004*\"homosexu\" + 0.003*\"file\" + 0.003*\"author\" + 0.003*\"paul\" + 0.003*\"scriptur\" + 0.002*\"stratu\" + 0.002*\"amend\" + 0.002*\"koresh\" + 0.002*\"crimin\"\n", + "INFO:gensim.models.ldamodel:topic diff=0.737151, rho=1.000000\n" + ] + } + ], "source": [ "numpy.random.seed(1) # setting random seed to get the same results each time.\n", - "model = ldamodel.LdaModel(corpus, id2word=dictionary, num_topics=2)" + "model = ldamodel.LdaModel(corpus, id2word=dictionary, num_topics=2, alpha='asymmetric', minimum_probability=1e-8)" ] }, { "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": 25, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ "[(0,\n", - " u'0.164*\"bank\" + 0.142*\"water\" + 0.108*\"river\" + 0.076*\"flow\" + 0.067*\"borrow\" + 0.063*\"sell\" + 0.060*\"tree\" + 0.048*\"money\" + 0.046*\"fast\" + 0.044*\"rain\"'),\n", + " '0.004*\"homosexu\" + 0.004*\"hell\" + 0.003*\"paul\" + 0.002*\"firearm\" + 0.002*\"batf\" + 0.002*\"cathol\" + 0.002*\"natur\" + 0.002*\"crime\" + 0.002*\"lord\" + 0.002*\"shall\"'),\n", " (1,\n", - " u'0.196*\"bank\" + 0.120*\"finance\" + 0.100*\"money\" + 0.082*\"sell\" + 0.067*\"river\" + 0.065*\"water\" + 0.056*\"transaction\" + 0.049*\"loan\" + 0.046*\"tree\" + 0.040*\"mud\"')]" + " '0.004*\"firearm\" + 0.004*\"homosexu\" + 0.003*\"file\" + 0.003*\"author\" + 0.003*\"paul\" + 0.003*\"scriptur\" + 0.002*\"stratu\" + 0.002*\"amend\" + 0.002*\"koresh\" + 0.002*\"crimin\"')]" ] }, - "execution_count": 4, + "execution_count": 25, "metadata": {}, "output_type": "execute_result" } @@ -127,30 +148,21 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "And like we expected, the LDA model has given us near perfect results. Bank is the most influential word in both the topics, as we can see. The other words help define what kind of bank we are talking about. Let's now see where our new methods fit in." ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "### get_term_topics" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "The function `get_term_topics` returns the odds of that particular word belonging to a particular topic. \n", "A few examples:" @@ -158,122 +170,95 @@ }, { "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": 28, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[(0, 0.12821234071249418), (1, 0.047247458568794511)]" + "[(0, 0.0035053839), (1, 0.0011557308)]" ] }, - "execution_count": 5, + "execution_count": 28, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "model.get_term_topics('water')" + "model.get_term_topics('hell')" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Makes sense, the value for it belonging to `topic_0` is a lot more." ] }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": 30, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[(0, 0.017179349495865623), (1, 0.10331511184214655)]" + "[(0, 0.002482554), (1, 0.0036967357)]" ] }, - "execution_count": 6, + "execution_count": 30, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "model.get_term_topics('finance')" + "model.get_term_topics('firearm')" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "This also works out well, the word finance is more likely to be in topic_1 to do with financial banks." ] }, { "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": 35, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[(0, 0.15042435080542094), (1, 0.18044627232201182)]" + "[(0, 0.000701838), (1, 0.0006635987)]" ] }, - "execution_count": 7, + "execution_count": 35, "metadata": {}, "output_type": "execute_result" } ], "source": [ - "model.get_term_topics('bank')" + "model.get_term_topics('car')" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "And this is particularly interesting. Since the word bank is likely to be in both the topics, the values returned are also very similar." ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "### get_document_topics and Document Word-Topic Coloring" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "`get_document_topics` is an already existing gensim functionality which uses the `inference` function to get the sufficient statistics and figure out the topic distribution of the document.\n", "\n", @@ -286,11 +271,7 @@ { "cell_type": "code", "execution_count": 8, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "bow_water = ['bank','water','bank']\n", @@ -300,11 +281,7 @@ { "cell_type": "code", "execution_count": 9, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "data": { @@ -326,20 +303,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Now what does that output mean? It means that like `word_type 1`, our `word_type` `3`, which is the word `bank`, is more likely to be in `topic_0` than `topic_1`." ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "You must have noticed that while we unpacked into `doc_topics` and `word_topics`, there is another variable - `phi_values`. Like the name suggests, phi_values contains the phi values for each topic for that particular word, scaled by feature length. Phi is essentially the probability of that word in that document belonging to a particular topic. The next few lines should illustrate this. " ] @@ -347,17 +318,13 @@ { "cell_type": "code", "execution_count": 10, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[(0, [(0, 0.92486455564294345), (1, 0.075135444357056574)]),\n", - " (3, [(0, 1.5817120973072454), (1, 0.41828790269275457)])]" + "[(0, [(0, 1.8300905), (1, 0.16990812)]),\n", + " (3, [(0, 0.8581231), (1, 0.14187533)])]" ] }, "execution_count": 10, @@ -371,10 +338,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "This means that `word_type` 0 has the following phi_values for each of the topics. \n", "What is intresting to note is `word_type` 3 - because it has 2 occurences (i.e, the word `bank` appears twice in the bow), we can see that the scaling by feature length is very evident. The sum of the phi_values is 2, and not 1." @@ -382,10 +346,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Now that we know exactly what `get_document_topics` does, let us now do the same with our second document, `bow_finance`." ] @@ -393,16 +354,12 @@ { "cell_type": "code", "execution_count": 11, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "[(3, [1, 0]), (12, [1, 0])]" + "[(0, [0, 1]), (10, [0, 1])]" ] }, "execution_count": 11, @@ -419,10 +376,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "And lo and behold, because the word bank is now used in the financial context, it immedietly swaps to being more likely associated with `topic_1`.\n", "\n", @@ -434,10 +388,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "#### get_document_topics for entire corpus\n", "\n", @@ -447,11 +398,7 @@ { "cell_type": "code", "execution_count": 12, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -459,89 +406,89 @@ "text": [ "New Document \n", "\n", - "Document topics: [(0, 0.83270647275828524), (1, 0.16729352724171473)]\n", + "Document topics: [(0, 0.73633265), (1, 0.26366737)]\n", "Word topics: [(0, [0, 1]), (1, [0, 1]), (2, [0, 1]), (3, [0, 1])]\n", - "Phi values: [(0, [(0, 0.96021858877561717), (1, 0.039781411224382883)]), (1, [(0, 0.87921979686273788), (1, 0.12078020313726225)]), (2, [(0, 0.94364164103826909), (1, 0.056358358961730845)]), (3, [(0, 0.88116401400740607), (1, 0.11883598599259393)])]\n", + "Phi values: [(0, [(0, 0.8527051), (1, 0.14729421)]), (1, [(0, 0.795473), (1, 0.20452519)]), (2, [(0, 0.7709577), (1, 0.2290356)]), (3, [(0, 0.76475203), (1, 0.23524645)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.90379559943992582), (1, 0.096204400560074191)]\n", - "Word topics: [(0, [0, 1]), (2, [0, 1]), (4, [0]), (5, [0, 1]), (6, [0])]\n", - "Phi values: [(0, [(0, 0.98551395531215857), (1, 0.014486044687841437)]), (2, [(0, 0.97924982750620249), (1, 0.020750172493797691)]), (4, [(0, 0.99280849901823975)]), (5, [(0, 0.97529774122781787), (1, 0.024702258772182122)]), (6, [(0, 0.99004205057244832)])]\n", + "Document topics: [(0, 0.7539386), (1, 0.2460614)]\n", + "Word topics: [(1, [0, 1]), (3, [0, 1]), (4, [0, 1]), (5, [0, 1]), (6, [0, 1])]\n", + "Phi values: [(1, [(0, 0.80670816), (1, 0.19329017)]), (3, [(0, 0.77720207), (1, 0.22279654)]), (4, [(0, 0.90712374), (1, 0.092870995)]), (5, [(0, 0.7294175), (1, 0.27057865)]), (6, [(0, 0.805549), (1, 0.19444753)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.87507219282484316), (1, 0.12492780717515681)]\n", - "Word topics: [(0, [0, 1]), (3, [0, 1]), (4, [0, 1]), (7, [0, 1])]\n", - "Phi values: [(0, [(0, 0.9783234200583657), (1, 0.021676579941634355)]), (3, [(0, 0.93272653621872503), (1, 0.067273463781275009)]), (4, [(0, 0.98919912227661466), (1, 0.010800877723385368)]), (7, [(0, 0.97541896333079636), (1, 0.024581036669203641)])]\n", + "Document topics: [(0, 0.17039819), (1, 0.82960176)]\n", + "Word topics: [(0, [1, 0]), (3, [1, 0]), (5, [1, 0]), (7, [1, 0])]\n", + "Phi values: [(0, [(0, 0.15414648), (1, 0.8458525)]), (3, [(0, 0.09283445), (1, 0.90716416)]), (5, [(0, 0.073286586), (1, 0.92671037)]), (7, [(0, 0.031027067), (1, 0.96896887)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.87853819958920043), (1, 0.12146180041079958)]\n", - "Word topics: [(0, [0, 1]), (2, [0, 1]), (3, [0, 1]), (8, [0, 1])]\n", - "Phi values: [(0, [(0, 0.97596134249481492), (1, 0.024038657505185138)]), (2, [(0, 0.96571015226994938), (1, 0.034289847730050525)]), (3, [(0, 1.851545575505376), (1, 0.14845442449462365)]), (8, [(0, 0.97848202469975276), (1, 0.021517975300247363)])]\n", + "Document topics: [(0, 0.8758601), (1, 0.124139935)]\n", + "Word topics: [(0, [0, 1]), (1, [0, 1]), (3, [0, 1]), (8, [0, 1])]\n", + "Phi values: [(0, [(0, 1.9142816), (1, 0.085716955)]), (1, [(0, 0.9375137), (1, 0.06248462)]), (3, [(0, 0.92614746), (1, 0.073851064)]), (8, [(0, 0.97765744), (1, 0.022337979)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.85644637406235502), (1, 0.14355362593764506)]\n", - "Word topics: [(0, [0, 1]), (2, [0, 1]), (5, [0, 1]), (9, [0, 1])]\n", - "Phi values: [(0, [(0, 0.97074863890671426), (1, 0.029251361093285893)]), (2, [(0, 0.95836933362205601), (1, 0.041630666377943965)]), (5, [(0, 0.95064079648593469), (1, 0.049359203514065378)]), (9, [(0, 0.90303582762229051), (1, 0.096964172377709504)])]\n", + "Document topics: [(0, 0.1712567), (1, 0.8287433)]\n", + "Word topics: [(1, [1, 0]), (3, [1, 0]), (6, [1, 0]), (9, [1, 0])]\n", + "Phi values: [(1, [(0, 0.11006477), (1, 0.8899334)]), (3, [(0, 0.09368856), (1, 0.9063102)]), (6, [(0, 0.109341085), (1, 0.8906553)]), (9, [(0, 0.04248068), (1, 0.9575148)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.11549963646117178), (1, 0.88450036353882822)]\n", - "Word topics: [(3, [1, 0]), (10, [1, 0]), (11, [1]), (12, [1])]\n", - "Phi values: [(3, [(0, 0.040062133454181546), (1, 0.95993786654581814)]), (10, [(0, 0.020103806467996775), (1, 0.97989619353200308)]), (11, [(1, 0.9910494032913304)]), (12, [(1, 0.99174412290358549)])]\n", + "Document topics: [(0, 0.16402602), (1, 0.8359739)]\n", + "Word topics: [(0, [1, 0]), (10, [1, 0]), (11, [1, 0]), (12, [1, 0])]\n", + "Phi values: [(0, [(0, 0.14435525), (1, 0.85564375)]), (10, [(0, 0.07960652), (1, 0.92039144)]), (11, [(0, 0.07176139), (1, 0.92823654)]), (12, [(0, 0.023786588), (1, 0.97620964)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.44388593146078198), (1, 0.55611406853921797)]\n", - "Word topics: [(3, [1, 0]), (10, [1, 0]), (13, [0, 1])]\n", - "Phi values: [(3, [(0, 0.38381806344612579), (1, 0.61618193655387421)]), (10, [(0, 0.23442811582700812), (1, 0.76557188417299193)]), (13, [(0, 0.65651736899869417), (1, 0.34348263100130588)])]\n", + "Document topics: [(0, 0.80524194), (1, 0.19475807)]\n", + "Word topics: [(0, [0, 1]), (11, [0, 1]), (13, [0, 1])]\n", + "Phi values: [(0, [(0, 0.9217699), (1, 0.07822937)]), (11, [(0, 0.84373295), (1, 0.1562643)]), (13, [(0, 0.95610404), (1, 0.043893255)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.20199255912939526), (1, 0.79800744087060471)]\n", - "Word topics: [(3, [1, 0]), (12, [1, 0])]\n", - "Phi values: [(3, [(0, 0.086998287940481228), (1, 0.91300171205951863)]), (12, [(0, 0.018652395463982233), (1, 0.98134760453601788)])]\n", + "Document topics: [(0, 0.65283513), (1, 0.3471648)]\n", + "Word topics: [(0, [0, 1]), (10, [0, 1])]\n", + "Phi values: [(0, [(0, 0.79454756), (1, 0.20545153)]), (10, [(0, 0.6647264), (1, 0.33527094)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.12505726157782684), (1, 0.87494273842217329)]\n", - "Word topics: [(3, [1, 0]), (10, [1, 0]), (12, [1]), (14, [1, 0])]\n", - "Phi values: [(3, [(0, 0.047837589620218293), (1, 0.95216241037978167)]), (10, [(0, 0.024102914052397447), (1, 0.9758970859476026)]), (12, [(1, 0.99007797561579536)]), (14, [(0, 0.04309284551399737), (1, 0.95690715448600272)])]\n", + "Document topics: [(0, 0.7917557), (1, 0.20824426)]\n", + "Word topics: [(0, [0, 1]), (10, [0, 1]), (11, [0, 1]), (14, [0, 1])]\n", + "Phi values: [(0, [(0, 0.9003985), (1, 0.099600814)]), (10, [(0, 0.8225217), (1, 0.17747577)]), (11, [(0, 0.80554056), (1, 0.19445676)]), (14, [(0, 0.9310509), (1, 0.0689471)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.72319610071601925), (1, 0.27680389928398069)]\n", + "Document topics: [(0, 0.80841804), (1, 0.19158193)]\n", "Word topics: [(13, [0, 1]), (14, [0, 1])]\n", - "Phi values: [(13, [(0, 0.91396121153662691), (1, 0.086038788463373025)]), (14, [(0, 0.75627751890079997), (1, 0.24372248109919997)])]\n", + "Phi values: [(13, [(0, 0.9664923), (1, 0.033504896)]), (14, [(0, 0.95886075), (1, 0.041137177)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topics: [(0, 0.16978578818257647), (1, 0.8302142118174235)]\n", - "Word topics: [(3, [1, 0]), (14, [1, 0]), (15, [1, 0])]\n", - "Phi values: [(3, [(0, 0.075528355267193981), (1, 0.92447164473280596)]), (14, [(0, 0.068233937712710399), (1, 0.93176606228728964)]), (15, [(0, 0.035035615878295796), (1, 0.96496438412170416)])]\n", + "Document topics: [(0, 0.84000635), (1, 0.15999362)]\n", + "Word topics: [(0, [0, 1]), (14, [0, 1]), (15, [0, 1])]\n", + "Phi values: [(0, [(0, 0.94806826), (1, 0.051930968)]), (14, [(0, 0.9646261), (1, 0.035372045)]), (15, [(0, 0.9475713), (1, 0.052422963)])]\n", " \n", "-------------- \n", "\n" @@ -553,19 +500,16 @@ "\n", "for doc_topics, word_topics, phi_values in all_topics:\n", " print('New Document \\n')\n", - " print 'Document topics:', doc_topics\n", - " print 'Word topics:', word_topics\n", - " print 'Phi values:', phi_values\n", + " print('Document topics:', doc_topics)\n", + " print('Word topics:', word_topics)\n", + " print('Phi values:', phi_values)\n", " print(\" \")\n", " print('-------------- \\n')" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "In case you want to store `doc_topics`, `word_topics` and `phi_values` for all the documents in the corpus in a variable and later access details of a particular document using its index, it can be done in the following manner:" ] @@ -573,11 +517,7 @@ { "cell_type": "code", "execution_count": 13, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "topics = model.get_document_topics(corpus, per_word_topics=True)\n", @@ -586,10 +526,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Now, I can access details of a particular document, say Document #3, as follows: " ] @@ -597,37 +534,30 @@ { "cell_type": "code", "execution_count": 14, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Document topic: [(0, 0.1697726556081923), (1, 0.83022734439180768)] \n", + "Document topic: [(0, 0.84000635), (1, 0.15999362)] \n", "\n", - "Word topic: [(0, [0, 1]), (3, [0, 1]), (4, [0, 1]), (7, [0, 1])] \n", + "Word topic: [(0, [1, 0]), (3, [1, 0]), (5, [1, 0]), (7, [1, 0])] \n", "\n", - "Phi value: [(0, [(0, 0.978328710597138), (1, 0.021671289402862035)]), (3, [(0, 0.93274219037812456), (1, 0.067257809621875539)]), (4, [(0, 0.98920178771276146), (1, 0.010798212287238563)]), (7, [(0, 0.97542494494492515), (1, 0.02457505505507478)])]\n" + "Phi value: [(0, [(0, 0.1540126), (1, 0.8459863)]), (3, [(0, 0.09274801), (1, 0.90725076)]), (5, [(0, 0.07321687), (1, 0.9267802)]), (7, [(0, 0.030996205), (1, 0.96899974)])]\n" ] } ], "source": [ "doc_topic, word_topics, phi_values = all_topics[2]\n", - "print 'Document topic:', doc_topics, \"\\n\"\n", - "print 'Word topic:', word_topics, \"\\n\"\n", - "print 'Phi value:', phi_values" + "print('Document topic:', doc_topics, \"\\n\")\n", + "print('Word topic:', word_topics, \"\\n\")\n", + "print('Phi value:', phi_values)" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "We can print details for all the documents (as shown above), in the following manner:" ] @@ -635,11 +565,7 @@ { "cell_type": "code", "execution_count": 15, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "name": "stdout", @@ -647,89 +573,89 @@ "text": [ "New Document \n", "\n", - "Document topic: [(0, 0.83271544885346738), (1, 0.16728455114653268)]\n", + "Document topic: [(0, 0.7339641), (1, 0.26603588)]\n", "Word topic: [(0, [0, 1]), (1, [0, 1]), (2, [0, 1]), (3, [0, 1])]\n", - "Phi value: [(0, [(0, 0.96022273559375526), (1, 0.039777264406244746)]), (1, [(0, 0.87923132506871871), (1, 0.12076867493128131)]), (2, [(0, 0.94364741442849287), (1, 0.056352585571507234)]), (3, [(0, 0.8811753817216651), (1, 0.11882461827833496)])]\n", + "Phi value: [(0, [(0, 0.850583), (1, 0.14941624)]), (1, [(0, 0.7927268), (1, 0.20727131)]), (2, [(0, 0.7679785), (1, 0.23201483)]), (3, [(0, 0.76171696), (1, 0.23828152)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.90379650157173907), (1, 0.096203498428260883)]\n", - "Word topic: [(0, [0, 1]), (2, [0, 1]), (4, [0]), (5, [0, 1]), (6, [0])]\n", - "Phi value: [(0, [(0, 0.98551427047222728), (1, 0.014485729527772766)]), (2, [(0, 0.9792502760799594), (1, 0.020749723920040618)]), (4, [(0, 0.99280865663541784)]), (5, [(0, 0.97529827308199035), (1, 0.024701726918009728)]), (6, [(0, 0.99004226821414432)])]\n", + "Document topic: [(0, 0.7540561), (1, 0.24594393)]\n", + "Word topic: [(1, [0, 1]), (3, [0, 1]), (4, [0, 1]), (5, [0, 1]), (6, [0, 1])]\n", + "Phi value: [(1, [(0, 0.8068402), (1, 0.19315805)]), (3, [(0, 0.77734876), (1, 0.2226498)]), (4, [(0, 0.9071951), (1, 0.09279961)]), (5, [(0, 0.7295848), (1, 0.27041143)]), (6, [(0, 0.80568177), (1, 0.1943148)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.87508582200973173), (1, 0.12491417799026834)]\n", - "Word topic: [(0, [0, 1]), (3, [0, 1]), (4, [0, 1]), (7, [0, 1])]\n", - "Phi value: [(0, [(0, 0.978328710597138), (1, 0.021671289402862035)]), (3, [(0, 0.93274219037812456), (1, 0.067257809621875539)]), (4, [(0, 0.98920178771276146), (1, 0.010798212287238563)]), (7, [(0, 0.97542494494492515), (1, 0.02457505505507478)])]\n", + "Document topic: [(0, 0.17031126), (1, 0.8296888)]\n", + "Word topic: [(0, [1, 0]), (3, [1, 0]), (5, [1, 0]), (7, [1, 0])]\n", + "Phi value: [(0, [(0, 0.1540126), (1, 0.8459863)]), (3, [(0, 0.09274801), (1, 0.90725076)]), (5, [(0, 0.07321687), (1, 0.9267802)]), (7, [(0, 0.030996205), (1, 0.96899974)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.87849699952437466), (1, 0.12150300047562536)]\n", - "Word topic: [(0, [0, 1]), (2, [0, 1]), (3, [0, 1]), (8, [0, 1])]\n", - "Phi value: [(0, [(0, 0.97594470848740367), (1, 0.024055291512596246)]), (2, [(0, 0.96568667415296994), (1, 0.034313325847029875)]), (3, [(0, 1.8514481357538264), (1, 0.14855186424617364)]), (8, [(0, 0.97846709644293861), (1, 0.021532903557061403)])]\n", + "Document topic: [(0, 0.87583715), (1, 0.12416287)]\n", + "Word topic: [(0, [0, 1]), (1, [0, 1]), (3, [0, 1]), (8, [0, 1])]\n", + "Phi value: [(0, [(0, 1.9142504), (1, 0.08574835)]), (1, [(0, 0.9374913), (1, 0.062507026)]), (3, [(0, 0.9261214), (1, 0.07387724)]), (8, [(0, 0.97764915), (1, 0.022346335)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.85642628246505548), (1, 0.14357371753494441)]\n", - "Word topic: [(0, [0, 1]), (2, [0, 1]), (5, [0, 1]), (9, [0, 1])]\n", - "Phi value: [(0, [(0, 0.97074011917537684), (1, 0.02925988082462316)]), (2, [(0, 0.95835736297327923), (1, 0.041642637026720823)]), (5, [(0, 0.95062671803078924), (1, 0.049373281969210848)]), (9, [(0, 0.90300955638764013), (1, 0.096990443612359839)])]\n", + "Document topic: [(0, 0.17121859), (1, 0.8287814)]\n", + "Word topic: [(1, [1, 0]), (3, [1, 0]), (6, [1, 0]), (9, [1, 0])]\n", + "Phi value: [(1, [(0, 0.11002095), (1, 0.8899771)]), (3, [(0, 0.093650565), (1, 0.906348)]), (6, [(0, 0.109297544), (1, 0.8906989)]), (9, [(0, 0.04246249), (1, 0.95753306)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.11553980471363219), (1, 0.88446019528636788)]\n", - "Word topic: [(3, [1, 0]), (10, [1, 0]), (11, [1]), (12, [1])]\n", - "Phi value: [(3, [(0, 0.040094010013352048), (1, 0.95990598998664811)]), (10, [(0, 0.020120135475541409), (1, 0.97987986452445841)]), (11, [(1, 0.9910420504916706)]), (12, [(1, 0.99173733604900283)])]\n", + "Document topic: [(0, 0.16401243), (1, 0.83598757)]\n", + "Word topic: [(0, [1, 0]), (10, [1, 0]), (11, [1, 0]), (12, [1, 0])]\n", + "Phi value: [(0, [(0, 0.14433442), (1, 0.85566455)]), (10, [(0, 0.07959415), (1, 0.92040366)]), (11, [(0, 0.07175015), (1, 0.9282477)]), (12, [(0, 0.023782672), (1, 0.9762135)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.44387392752172899), (1, 0.55612607247827095)]\n", - "Word topic: [(3, [1, 0]), (10, [1, 0]), (13, [0, 1])]\n", - "Phi value: [(3, [(0, 0.38380312832253366), (1, 0.61619687167746628)]), (10, [(0, 0.23441678227547744), (1, 0.76558321772452254)]), (13, [(0, 0.65650312824652535), (1, 0.34349687175347449)])]\n", + "Document topic: [(0, 0.8052399), (1, 0.19476008)]\n", + "Word topic: [(0, [0, 1]), (11, [0, 1]), (13, [0, 1])]\n", + "Phi value: [(0, [(0, 0.9217683), (1, 0.07823093)]), (11, [(0, 0.84373015), (1, 0.15626718)]), (13, [(0, 0.95610315), (1, 0.043894168)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.20190467603529849), (1, 0.79809532396470151)]\n", - "Word topic: [(3, [1, 0]), (12, [1, 0])]\n", - "Phi value: [(3, [(0, 0.086912561161162485), (1, 0.91308743883883758)]), (12, [(0, 0.018632641254402959), (1, 0.98136735874559722)])]\n", + "Document topic: [(0, 0.6528616), (1, 0.34713835)]\n", + "Word topic: [(0, [0, 1]), (10, [0, 1])]\n", + "Phi value: [(0, [(0, 0.7945762), (1, 0.20542288)]), (10, [(0, 0.6647654), (1, 0.3352318)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.12500947583350866), (1, 0.87499052416649137)]\n", - "Word topic: [(3, [1, 0]), (10, [1, 0]), (12, [1]), (14, [1, 0])]\n", - "Phi value: [(3, [(0, 0.04779781295574477), (1, 0.95220218704425519)]), (10, [(0, 0.024082373476646459), (1, 0.97591762652335345)]), (12, [(1, 0.99008655395768441)]), (14, [(0, 0.043056835672030759), (1, 0.95694316432796922)])]\n", + "Document topic: [(0, 0.79167444), (1, 0.20832555)]\n", + "Word topic: [(0, [0, 1]), (10, [0, 1]), (11, [0, 1]), (14, [0, 1])]\n", + "Phi value: [(0, [(0, 0.9003313), (1, 0.09966788)]), (10, [(0, 0.82241255), (1, 0.17758493)]), (11, [(0, 0.80542344), (1, 0.19457388)]), (14, [(0, 0.931003), (1, 0.06899511)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.72327037334816691), (1, 0.27672962665183315)]\n", + "Document topic: [(0, 0.8083355), (1, 0.19166456)]\n", "Word topic: [(13, [0, 1]), (14, [0, 1])]\n", - "Phi value: [(13, [(0, 0.91400946720135656), (1, 0.085990532798643632)]), (14, [(0, 0.7563906403756806), (1, 0.2436093596243194)])]\n", + "Phi value: [(13, [(0, 0.9664568), (1, 0.033540305)]), (14, [(0, 0.9588177), (1, 0.04118031)])]\n", " \n", "-------------- \n", "\n", "New Document \n", "\n", - "Document topic: [(0, 0.1697726556081923), (1, 0.83022734439180768)]\n", - "Word topic: [(3, [1, 0]), (14, [1, 0]), (15, [1, 0])]\n", - "Phi value: [(3, [(0, 0.075516159640739211), (1, 0.9244838403592609)]), (14, [(0, 0.068222833001706978), (1, 0.93177716699829294)]), (15, [(0, 0.035029710897900725), (1, 0.96497028910209925)])]\n", + "Document topic: [(0, 0.8399969), (1, 0.1600031)]\n", + "Word topic: [(0, [0, 1]), (14, [0, 1]), (15, [0, 1])]\n", + "Phi value: [(0, [(0, 0.9480616), (1, 0.051937718)]), (14, [(0, 0.9646214), (1, 0.03537672)]), (15, [(0, 0.9475646), (1, 0.052429777)])]\n", " \n", "-------------- \n", "\n" @@ -739,39 +665,30 @@ "source": [ "for doc in all_topics:\n", " print('New Document \\n')\n", - " print 'Document topic:', doc[0]\n", - " print 'Word topic:', doc[1]\n", - " print 'Phi value:', doc[2]\n", + " print('Document topic:', doc[0])\n", + " print('Word topic:', doc[1])\n", + " print('Phi value:', doc[2])\n", " print(\" \")\n", " print('-------------- \\n')" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Coloring topic-terms" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "These methods can come in handy when we want to color the words in a corpus or a document. If we wish to color the words in a corpus (i.e, color all the words in the dictionary of the corpus), then `get_term_topics` would be a better choice. If not, `get_document_topics` would do the trick." ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "We'll now attempt to color these words and plot it using `matplotlib`. \n", "This is just one way to go about plotting words - there are more and better ways.\n", @@ -784,11 +701,7 @@ { "cell_type": "code", "execution_count": 16, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "# this is a sample method to color words. Like mentioned before, there are many ways to do this.\n", @@ -827,10 +740,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Let us revisit our old examples to show some examples of document coloring" ] @@ -838,20 +748,18 @@ { "cell_type": "code", "execution_count": 17, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAeMAAAFBCAYAAABEo8fdAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAADBdJREFUeJzt3X2sJXddx/HPVwigrbS0BqFiSZSq6x+KrdJq5clFadUK\nJfhI0kqMQUSjljTEJxRKCIkmAjVBGoMkaqJStVqMEWhBeWiIuFZTSinWgJVCDUUK1C7d7v784ze3\nPT09u3svffhuu69XcnL2zpyZM2c22ffM/ObcrTFGAIA+X9G9AQBwtBNjAGgmxgDQTIwBoJkYA0Az\nMQaAZmIMAM3EGACaiTEANBNjAGgmxgDQTIwBoJkYA0AzMQaAZmIMAM3EGACaiTEANBNjAGgmxgDQ\nTIwBoJkYA0AzMQaAZmIMAM3EGACaiTEANBNjAGgmxgDQTIwBoJkYA0AzMQaAZmIMAM3EGACaiTEA\nNBNjAGgmxgDQTIwBoJkYA0AzMQaAZmIMAM3EGACaiTEANBNjAGgmxgDQTIwBoJkYA0AzMQaAZmIM\nAM3EGACaiTEANBNjAGgmxgDQTIwBoJkYA0AzMQaAZmIMAM3EGACaiTEANBNjAGgmxgDQTIyPIFV5\nclUOVOUt3duypSrPXLbpld3bAvBwdUTGuCrnLwE4r3tbAOCBdkTGeDG6NwAAHgxHaoyrewMA4MFy\n2BhX5Ziq3FGV965Nf0xV9i6Xk1+0Nu+ly/SfXn4+tSpvqMrVVbmlKrdX5fqq/G5Vjl9b9t3JXWOm\nb13Wc6Aq+6ty8srrHlGVn6/KVVW5tSq3VWVPVV5Wdc+Yr47FVuWUqvx5VW5e1vmMHe2xB0lVvrkq\nly3764tVeW9Vvn/tNY+tyoVVuaIqN1blS1X5n6r8TVXOOMh6D1TlyqqcWJVLqnLT8vd4zdbf1za3\n79FVuXRZ38X38eMCHNUeebgXjJHbqvLBJE+ryjFj5LZl1plJHpV5OXl3kj9dWWz3Mv1dy88/m+T5\nSf4xyTszDwJOS3JBkrOqcvrKev8oyf8meV6Sy5JcvbUpST6XJFV5ZJK3J/mBJNct7703ybOTXJzk\naUnO3/BxnpLkg0k+muRPknxlks8fbh80+IYkVyX59yR/kOSJSX48yd9X5SfHyNuW1+1K8prM/fr2\nzP12cpIfSXJ2VX54jLxjw/qPT/L+JF9K8rYkj07yo0neUpX9Y+SPD7VxywHU5Um+O8krxsjv3JcP\nC3DUG2Mc9pGMVyVjfzLOXpn22mTckYx3JuMTK9MrGZ9JxsdWpn19MmrDel+cjAPJuHBt+vnL+513\nkO357WW516+ud3nvP1yWPWdl+pOX1+9PxkXb+cwdj7XtfN3avFOX/X1LMo5dpn11Mk7YsJ6TkvHJ\nZHx4w7yt9b95bd/tSsa+ZFyz9vpnLsu8cmUbr03G3mT8RPc+8/Dw8Hg4PLY7ZnxF5jju7pVpu5P8\nS5K/SvKkqjxlmf7UJCcsyyzBz41jbLwh662ZZ6bP3eZ2ZLkE/QtJPpXkgtX1Ln9++fLjizYsfnOS\nV2/3vRrdmuSi1QljZE/mFYDjk5y7TPvCGPns+sJj5KYklyb5lqo8acP6/y/Jy9f23Ucyz5Z3VeWr\nNm1UVb4984z9iUnOGiN/9mV8NgDWHPYy9eKqJLdniXFVHpvk1CSvS/Lu3B3q/8jdl6iv3Fp4uaz8\nc5mXWr81yXG553j11+1gm78pM/bXJ/nNuvetXrVs664Ny/7bGNm3g/fqsmfcfdl+1XsyL79/RzIv\nJVflzCS/lOSMJI/PHDrYMjL37X+vredjY+SLG9Z/4/L8uMxgr3p65oHO55M8fYxcs90PA8ChbSvG\nY2RfVd6XZHdVTkzyvZkxvWKMXFeVT2VG+M3ZEOMkf5E5ZnxD5jjwpzPHK5PkVzLHLLfrxOX5lOSQ\nv4jimA3TPr2D9+l080Gmb23/cUlSlXMzx3xvzxyLvyHJbUkOZI6fPyOb9+3nDrL+O5fnR2yY99Qk\nx2aePX/00JsPwE5s98w4mXF9TmZsz8y8YeoDK/POqsqjMkP94THymSSpymmZIX5Hkh8cIwe2Vrhc\ncn7FDrf51uX5r8fIC3e47EPlu8tfe5DpT1iet/bBRZkHNaeNketXX1iVk5L79U7x3888835pksur\n8vwxsvd+XD/AUWsn3zPeGjd+TpLvS/KBMXLHyrwTMv+hPiYr48XJXWPJl6+GeHF65h3N6/Yv77Xp\nDO26zDO7M6o2zn84OLVq45n9szMPKPYsP39jkms3hLgyLyvfn8YYeVmS12fexf53BxtbBmBndhLj\nPZlnZM/LHPddDe6VmfH81dz7EvXHl+dnra6sKo/PPNva5Jbl+eT1GWNkf+bXl05KcnFVHrP+mqo8\noWrjmPFDxXFJfmt1QlW+M8lPZR6IXLZM/niSU6ruOmPe8qpsHjO/z8bIBUlem3lg8A9VOfaBeB+A\no8m2L1OPkQNVeU9mjEfuebf0f1XlhswztTszv/e65Z8zxxlfUJX3J3lf5mXYszPPcm/a8HZXZd5A\n9MtV+ZrcPVb6xjHyhczLs9+W5CVJzqnKlUk+mXkZ9ZTMy+i/luQj2/18R5h/SvIzVTk9c9+dlOTH\nMg94XrJy89XvJXlTkqur8pdJ9mV+9l1J/jbJOQ/Exo2R36jK3sw7099VlbPGOOg4NACHsdNfh3lF\nZohvTfKhg8z70BLMJDPimVF4U+ZXYn4xMxiXZH6laV/WxnKXf9hfkOTazLuHX708HrfMv3OMnJvk\nvMyg/1DmLxB5bmawfj33/CUkWd7joTBmPJL8Z5LvSfLZzAOOF2bu77PHyKV3vXDkkiQvzjygOS/z\nzPkTmZf///UQ6z/Uftg0717LjJHXJLkwyXdlBvmEw30wADarMR4KfQKAh68j9T+KAICjhhgDQDMx\nBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBM\njAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0\nE2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwA\nzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgD\nQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbG\nANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJ\nMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBm\nYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGg\nmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MA\naCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQY\nAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMx\nBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBM\njAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0\nE2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwA\nzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgD\nQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbG\nANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJqJ\nMQA0E2MAaCbGANBMjAGgmRgDQDMxBoBmYgwAzcQYAJr9P8CG5ctpVWYTAAAAAElFTkSuQmCC\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAd0AAAFDCAYAAAB/UdRdAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAADARJREFUeJzt3HnMZXddx/HPt0WRQBmWikIJ1GgbqH/I0jBCXUZGgaqlgHGJjTq4BGtcAKMG11qiGI1xqURKEDAGkiYgWkPUQJtKurgAtTFM0aZuIC0odmHp0NL+/ON3nvbO5ZmmY5/ne2fg9UpuTu6555577nkmz/s5v3PO1BgjAMDuO2HTGwAAXyhEFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC5sSFVOrcqoyps3vS1bqrJv2aYLNr0t8PlIdAGOUlUOLH+cHNj0tnB8EV0AaCK6ANBEdOEYUJWnVOXPqvK/VflUVa6syvPWltlTlZ+pyuVV+XBV7qzKf1fl0qo8+wjrHVW5oionV+X1VbmpKp+pygeq8tKj2L4vqcrblvW9turY+d1RlUcs++KqtfkPq8qhZZu/b+2185f5P7g8f2ZVfq8q1y0/g0NVuaEqv12VR6+994okb1qevmlZz9bj1JXlHlKVH6vK31bl9qp8uirXVuXH1/ff6vn9qpxelUuq8rGq3FOVfTu2s9i4h2x6A4B8RZJrkvxTkouTPD7Jdyf5y6p87xi5ZFnuqUl+Lcl7krwzyS1JnpTkhUnOrso5Y+Svtln/o5JcleTOJG9L8tAk35nkjVW5Z4z88f1t3BKdS5OcleRVY+Q3HsyX3Wlj5JNV+fske6ty0hj5xPLSWZnfNUn2J/mTlbftX6aXLdMfSfLiJH+T5N2ZByTPTPLKzH27d2W9b05ya5Jzk/x5kn9cWe+tSVKVL0ryF0men+Sfk7w1yaEk35TkoiR7k8P/EFh8ZZK/S/IvSd6S5GFJbn+Au4LjwRjDw8NjA49knJqMsTx+a+21M5NxVzJuScYjl3l7knHyNut5YjI+kozrt3lta/1vSMaJK/PPSMZnk3Fwbfl9y/IXLM+fnIyDybgzGedtep/dz768cNnub1uZ95rlO16WjA+tzD8hGR9Pxo0r8568un9W5v/Qst6fW5t/YJl/4Ajbc8Hy+kVr+/3EZPzR8tq5R/i38Oub3p8eu/c4ZoaI4AvYbUkuXJ0xRt6beaTzqMwjsIyR28bI/6y/eYx8OPMI9ilVedI26/90kleOkbtX3nMw8+j3qVV5xHYbVZWnZR6Bn5Lk7DHylv/Hd+uydcS6f2Xe/iTvS/KnSZ5YldOX+U9L8piV92SM/Mfq/lnxxswjzec/0A1Zho5/IsnNSV6xtt/vTvLTSUaS87Z5+0eT/OoD/SyOP4aXYfPeP+4bulx1RZIfSPL0ZA4BV+WsJD+V5NlJHpfki9fec0qS/1ybd8MY2w5RfmiZPjrJJ9de+7rModVPJPmGMXLdA/omm3NNkjuyRLcqe5I8I8lvJrl8WWZ/5rDtc5fnW/O3hoNfluR7kpyRZE8Ov+bllKPYltMzo35Dkl+s2naZOzJPF6y7box85ig+i+OM6MLmffQI829epnuSpCovzjyiPZTkXUluTPKpJPck2ZfkG3PfOcxVtx5h/Z9dpidu89rTk5yU5OokH7zfrT8GjJE7q3Jlkm+uypcmeU7m97psjFxflZsyo/uHy3RkJbpJLskcUfjXzPO0Nyf3xu/l2X6/Hsljl+lpSX7lfpbbboTh5m3m8XlEdGHzvuwI8798md62TF+deTHUmWPk+tUFq3JxZnR3yh9kHkn/aJJLq/KiMXLHDq5/N1ye5Fsyo/qczD9Orlp57eyqPDTJ1yf5wBj5WJJU5czM4L47cxh964+RraHinz3K7dj6eb1jjLzkKN87jnJ5jjPO6cLmPaMqJ20zf98yvXaZflWSg9sE94TM4eCdNMbI+Ul+N8nzkryzKg/f4c/YaavndZ+b5OoxcmjltcckOT/Jw1eWTeZ+TZJLV4O7eFbmFcTrts7TbjdK8MHM0YWvXYat4V6iC5u3J8kvr85Yjr7Oyzxqescy+9+TnFaVJ6wsV0kuyDwPuePGyCuSvCbzVpe/rsojd+Nzdsj7M/fXuUm+OoeHdWso+VVrz5O5X5Mcfj9sVR6X5LVH+KyPL9PPuXBtCfdFmbd+/X7V50a7Ko+v2p2fGcc2w8uwee9J8sNV2Zs5HLp1n+4JSV62chHU7yR5XZJrq/L2JHdl3ot6RuY9oefsxsaNkZ+vyqHMq2rfVZUXjJFbduOzHowxcvfyH1ecu8w67OrkqtyYeR/s3Zn34275h8z9/pKqXJ3kyswh/7Mz77H9yDYfd03mVeEvr8pjc9+52IvGyG2ZpwK+JnN4/pyqXJ7kvzKH7E/L/Ln9QpKDD/Jrc5xxpAub92+Z5yBvyfwl/V2ZR23fOu77jzEyRi5O8tIkN2Ve1Xxe5hXIe5fld80YuTDz3OazklxWlZN38/MehK3Q3p7kvUd47X1LGJPcexvPCzMvsnpCkp/MHK5/Q+atQnetf8jyR8d3ZEbzQGZkX515JXjGyF1JXpTk+zPD/e2Ztwq9IPP37i8lx/QtWOySmjdmAwC7zZEuADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmoguADQRXQBoIroA0ER0AaCJ6AJAE9EFgCaiCwBNRBcAmvwf+urAJSil7roAAAAASUVORK5CYII=\n", "text/plain": [ - "" + "
" ] }, - "metadata": {}, + "metadata": { + "needs_background": "light" + }, "output_type": "display_data" } ], @@ -865,20 +773,18 @@ { "cell_type": "code", "execution_count": 18, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAd8AAAFBCAYAAAA2bKVrAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAADCdJREFUeJzt3HuspHddx/HPVwgEKBRLRFhUTMHI1qRgLxYl9PKH2oJV\nIFVBI4UYggYVpTSNSUNRCDERU4kkaBVCYrhESoIUJaDSiuANLMSUVTEYTKWKFWxZ2m5bdn/+8XsO\ne/bsnN1z7O73LN3XK5lMzm+eeS4zJ3nPc5mpMUYAgD7ftNMrAAAnG/EFgGbiCwDNxBcAmokvADQT\nXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDN\nxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJA\nM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A\n0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNthbfqien\n6kCq3nac12frqi5Y1uk1O70qh6n6pVR9JlV3p2p/ql65rOtHdnrVANh5D93pFXjQqXphkt9OcnOS\na5PsS/K3ScZyA+AkJ77H3nMzI/vcjPHFr49W7U5y906tFAAnDvE99nYlySHhnX9/didWBoATz/Yv\nuKr67lS9L1VfStVXU/VXqfrBDdM8JlVXpuovUnVrqu5N1X+n6o9T9cxN5jvPiVY9LlXXpeq2VO1L\n1S2pesk21u/hqbp+md/vbHv7/r+qrknVgSQXJall+QdStX95/PBzvlWvXcbPT9Vlqfq7VN21vLbv\nStWuFcs5K1VvStWnl+nuSdVnU/XGVD12xfSXL8t4caouStWNqfpKqu5M1QdS9bRNtucRqboqVZ9Y\npt+bqj3Lsr9lxbS/mqpPLf8Te1P118sheAA22O6e7+lJ/ibJPyb53SRPTPKTST6YqhdljPcs0+1O\n8vokf5nkA0n+N8l3JPnRJJek6kcyxodXzP+xST6e5N4k70ny8CQ/nuRtqdqfMf7wiGs343NDku9P\nclXG+M1tbt8DcWPm4eaXZm7ra5NUjnyed+088CuSXJrk/UluSnJe5ut6ZqqekTHuX/eclyV5XuZr\n+2eZH6DOTvKqJBen6ryMcdeK5Vya5MeS/GmStyQ5I/MQ+TmpOiNjfPnrU8/X8aYkZyb55yRvTXJf\nkqckeUmS9ya5fZn21GXbn555nvutyzr9cJJ3LvM+8S6KA9hJY4yj35Inj+TASPaP5Dc2PHbWSO4b\nyZdGcsoy9uiRnLZiPrtG8oWRfGbFY2vz/72R1Lrx3SO5fyS3bJj+guU5r1m3jntGsm8kL9zSdh2P\nW3LjSPZvsn0f2TB2zTJ+x0jO2PDYO5bX47IN499+yOtzcPyly7yu3DB++TJ+30gu3PDYG5ZlvHrD\n+DuX8TevWM4jR/LodX+/fZn2ig3TPWwkHxzJ10Zy5o69H25ubm4n4G27h53vTPK6DfW+Ock7Mvda\nn7+M7c36PamD096W5PokT0vVt62Y/91JrsgYY91z/ilzb3h3qh65cq2qnp65R/7EJBdnjHdvb7N2\n3Jsyxp4NY7+fuef8fYeMjnHrIa/PQW9P8pXMPc5V3pUxbtowdt1hy5iHlH8iyX8mufKwuYxxd8bY\nu0x7WpKfTvLJjPFbG6a7L8lVmXvBP7XJOgGclLZ72PnmHH5IM5mHKC9P8r1J5qHhqmcleWWSZyZ5\nfJKHrZt+JHlSkv/YMJ9/zRhfXTH/W5f7b87hVww/O8kVmeF5dsa4ZYvbcqIYSf5hxfj6bT6o6qFJ\nfi7zsPQZSU7Noefun7TJcra6jHOX+X00Y9xzpBVfpn1IkpGqa1Y8vvae7z7KfABOKtuN7xc3Gf+v\n5f7UJEnV8zPP2d6TeV7yc0nuSrJ2QdL5medzN7pjk/l/bbl/yIrHnpHklMy943854tqfuFZt92bb\n/EeZ53w/l+R9ma/9vctjv5LVr+tYuYwx9qdq4zLWLtr6whbW+3HL/bnLbZWR5FFbmBfASWO78f3W\nTcafsNzfudy/LjMIZ2fjV2zmFbznb3O5R/LmzD3rn09yQ6qelzH2HcP5nziqzs4M74eTPCdjHFj3\nWGUe5n2g1iK92R70emvv97UZ49XHYNkAJ4XtnvM9K1Wr9mIuytzDuXn5+ylJ9qwIb2UeJj6WRsZ4\nReavSv1Qkj/Z9NzwN76nLvc3HBLe6bwkjzgGy/j7zCMU56fqaPNbm/ZYv6cAD2rbje+pSQ49t1d1\nTuYFNXdkHgZNks8n+a5UPSGH+rUcr/N/Y7wqyRsyPwh8KFWnHJfl7KzPL/cXHjJa9fjMIwAP3Bj/\nk+TdmT8W8sblA9P6ZT0qVY9Zpr0982K7c1J1daoO/3+qOj1V33lM1g3gQWK7h50/muRnU3Ve5jnW\nXZlXxlaSl6+7WOrazO+SfjpV701yf5JnZYb3/ZnfOT32xrg6VfuS/HqSP0/VxRljs/PI34g+kfm6\nvyBVH0/yscxTAZdkfh/3tk2eV5uMb+YXknxP5oVdF6XqQ5nf8z098+jCpZn/C2vTPjXzg9XPpOpj\nmdcG7Mp8v89J8qIc/OAAcNLbzp7vSPJvSX4gyZeTvDzJZUk+meSSjHH9wSnHdZk/NnFbkhdn7hn/\ne+ah0U8dYf5H+0GKoz9njNdnfkXm3MwAn3bkzToutrauW5vP+q9dHcgM31syv1b1i5kfaq7L/IrR\n/UdY9taWMZdzR+b7fHVmdF+WGeLdSf4gyZ510+5NcsGyLrcneUHmhV8XZl6B/suZF90BsKjVXxkF\nAI6X7f+2MwDwgIgvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8\nAaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQT\nXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDN\nxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJA\nM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A\n0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokv\nADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbi\nCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ\n+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBo\nJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcA\nmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EF\ngGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8\nAaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQT\nXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDN\nxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJA\nM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A\n0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokv\nADQTXwBoJr4A0Ex8AaCZ+AJAM/EFgGbiCwDNxBcAmokvADQTXwBoJr4A0Ex8AaDZ/wGxhdW+xeQK\nwAAAAABJRU5ErkJggg==\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAd0AAAFDCAYAAAB/UdRdAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAC/5JREFUeJzt3HnIZXd9x/HPd1K3Gp2IQVtTjEEFEy3GmkmwtnaCoCZoNFrXtBjp4oK1GlqDojK1iOKCC4pGJegfSgTXKUHFbQxRiwZTkU4s0mpbm2iVppksZhnz849znnp7c5+Yic987xN8veByeM79Peece55h3pzt1hgjAMDht2PdGwAAvy5EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC4ANBFdAGgiugDQRHQBoInoAkAT0QWAJqILAE1EFwCaiC6sSVUeUJVRlQ+se1s2VGX3vE171r0ty6rykqrsr8pP52186Tzdt+5tg9vqN9a9AQC/TFWeleTtSS5N8rYkNyT5x7VuFNwOogvcETxxYzpGLt+YWZXjk1y3nk2CQye6wB3B/ZJkMbjzz99Zz+bA7eOaLmwDVXlIVT5Zlf+pyrVVubgqj1sas7Mqf1uVL1blB1W5sSo/rsreqjxqk+WOquyrytFVeW9VrqjKDVX556o87xC2765V+ei8vHdV9fzfUZU9VRlJTp1/HhuvhZ/3rfqd+fr0H1fl61W5bt63F1TlmBXreWRV3l6Vb83jrq/Kd6vylqrca8X4s+d1nF2VU+d9fHVVDlTlwvkIfNXn+c2qnFuVS+bx11Tlsqq8oyr3XTH2FVX5p/nfxDVV+VpVnn379yjr5kgX1u+4JF9L8u0k5yX57STPTPLpqjxnjHxkHnd8ktcluSjJhUmuTHL/JGckOa0qTxojn1mx/KOSfCXJjUk+muQuSZ6e5Pyq3DxGPnhrGzdHZ2+SRyd5xRh5w6/yYQ/Rvnl6dpJjk/zdIfzuizLtm71JvpzklEz79eFVOXGM3LAw9i+SnDmP+3ymA5JHJjkn0749ZYxcvWIdT0zy5CSfTvKeJCckOT3JrqqcMEZ+sjFw3o9fSvLwJP+S5PxMf5MHJnleko8n+dE89qgkX0zyiCTfnMfuSPL4JB+uykPHyKsOYV+wXYwxvLy81vBKxgOSMebXm5beOykZNyXjymTcc563MxlHr1jO7yTj8mRctuK9jeW/PxlHLMw/IRkHk7F/afzuefye+edjk7E/GTcm46w17qt9yRibfL59S/P2zPMPJON3l9778PzeM5bmH7u4fxbm/9k8/tyl+WfP8w8m47FL771+fu/lm6z73cnYsfTekcnYufDzBzZZxl2T8Zlk3JyME9f9b9jr0F9OL8P6XZXktYszxsglST6U6Sj1zHneVWPhyGlh7A8yHcE+pCr3X7H865KcM0Z+tvA7+zMd/R5flSNXbVRVTsx0BH5MktPGyIdux2dbp3eMkW8vzXvfPD15ceYY+ffF/bPg/CQHMh1hrnLBGPnC0rz3Lq+jKvfJdJR9RZK/GSM3L63/mjFy1Tz23kn+JMklY+SNS+OuT3JukkrynE22iW3M6WVYv2+O1acu9yV5bqZTjB9Mkqo8OslfJ3lUkvskufPS7xyT5D+W5n13jBxYsfz/nKf3SnLN0nt/kOnU6tVJHjNGvnWbPsn2csmKeYuf+f9U5U5Jnp/kWZlOEe/M/7/n5RbXgQ9xHbvm5V00Rq699c3OriRHJJs+L32nebryujHbm+jC+v1ok/k/nKc7k6QqZ2Y6or0+yeeS/GuSa5PcnGR3kj/KdL122f9usvyD8/SIFe89Isk9knw1ucPeIbzqc2/2mT+S6YzCvyX5VKZ9v3HN96VZvV9XrmOMHKy6xTqOmqf/9cs2Osm95+mu+bWZlWco2N5EF9bvvpvM/615etU8/ftMN96cNEYuWxxYlfMyRXervDPTkfQLkuytylPGyE+3cPnbRlVOyhTcz2c6jX5w4b0dSV6+BavZiPNmR8yLNv7ebx0j52zButlGXNOF9fu9qtxjxfzd8/TSefqgJPtXBHdHptPBW2mMkRdm+vanxyW5sCp33+J1bBcPmqd7F4M7OznJ3bZgHV/PdEbiMbdhP26M/cMtWC/bjOjC+u1M8prFGfPR11mZjno+Mc/+fpIHV01fFDGPqyR7Ml2H3HJj5GVJXp/pOdnPVuWeh2M9a/b9ebp7ceZ889O7tmIFY+THSS7I9DjYm5efc67KkVXTZYQx8t+ZbqI7qSqvrrrl6f+qPLAqx23FttHL6WVYv4uS/HlVTsl0R/HGc7o7kjx/4Saot2Z6FvTSqnwsyU2Znp09Ick/JHnS4di4MfLKqlyf6RnZz1XlCWPkysOxrjX5Rqb9/tSqfDXJxZlO+Z+W6Xnay2/ldw/Fi5M8LNMp+91V+WymywXHZbo7+oz84rnkFyd5cKa72v+0KhdnuvZ/v0w3UO1K8uwk39uibaOJI11Yv+8l+f1MX3bxgiTPyPSFCKePX3wxRsbIeZm+ROGKTHc1n5XpTtlT5vGHzRh5baZrmycn+UJVjj6c6+s0Pyp0RpJ3Z4raSzKdrn9/phjetEXruTLT3/lV8zL/MskLkzw006NJ+xfGHsh0jf6vkvwkydMy3U1+aqY7yl+W6WY67mBqeuAaADjcHOkCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgiegCQBPRBYAmogsATUQXAJqILgA0EV0AaCK6ANBEdAGgyc8BL+K2J8BnvskAAAAASUVORK5CYII=\n", "text/plain": [ - "" + "
" ] }, - "metadata": {}, + "metadata": { + "needs_background": "light" + }, "output_type": "display_data" } ], @@ -889,10 +795,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "What is fun to note here is that while bank was colored blue in our first example, it is now red because of the financial context - something which the numbers proved to us before." ] @@ -900,20 +803,18 @@ { "cell_type": "code", "execution_count": 19, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAApgAAAFBCAYAAADT6N+zAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAG1hJREFUeJzt3Xm0ZVV9J/DvT9SoGEDEIZiA87wwjmhUQI22Jk4xpqMx\nAi4To+KUGFrTMQ7RpemOttISW+OASTTRGOMUE0fAERVFOq1EUBSj4IQgMypVu//Y51Xduu++qveo\nTb2q8vNZ665bdc4+491n3++9Z9/9qrUWAAAY5WrrvQMAAOxeBEwAAIYSMAEAGErABABgKAETAICh\nBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErABABg\nKAETAIChBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEA\nGErABABgKAETAIChBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErABABgKAETAIChBEwA\nAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErABABgKAET\nAIChBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErABABgKAETAIChBEwAAIYSMAEAGErA\n3AVV5cSqbFzv/dilVB2Yqo2petN678omVYdO+/T89d4Vdi1VeUZVvlyVS6uysSrPWO99YjdV9YxU\nfTlVl6ZqQ6qeObVbx6/3rnEVqjpiep0Pn5t+Vqq+vppV7JQBsypHTI3m4dsu/TOpJQImO5+qHDhd\nuztPkN/NVOUxSV6V5LIkr0zywiSfuQq3d+j0mvog9LOmaqW61qYHu7dFr/GqX/erD9yR0VTelT0+\nyXXWeyeAdfHr6e3jr7eW7633zrBb21TX0trmulZ1uySXrtdOsWvYWQNmrfcO7Mxay7fXex9gBa7d\nq97+SbIDw6XX9GfX/kmyRbjs/z9jPXaGXcs2b5FXZc+q/KQqn5ibfq2qXD7dOnnc3LynTNOPnP5/\nl6ocU5VTq/LDqlxWlTOq8vKq7DO37AnJpttrb57Ws7EqG6pywEy5Pary1KqcVJULqnJJVU6pylFV\nWzaIs7ftqnKrqry9Kt+b1nnIms7YDrCV/b2iKofM98Gsym9P5V+xwvquWZXzq3J21ZaveVUeW5UT\npvmXVeW0qvxpVa65YD0bq3J8VW5UlTdU5dvTPu1aXRmqbpOqd6fqh6m6OFWfSNUD58rslaqjU/XR\nVH0rVT9O1fdT9Z5U3XOF9fZ+SVXXT9Vfp+qcVF2eqi+l6sg17N/PpeqfpvW9ensOdUeqyguSfD39\nG48jZ67djVU5fPZWa1XuXpX3T+3B/LV9k6ocW5Uzpzbm3Kq8pyp3W2G7q24LdmVVecF03d8vSc22\njdP8R1bl76pyelUunh6fr8rTF52HqtxwaoO/MpU9f/r3cVW56VTmuCTHp7+mL5xrj3eutnO2n3XV\nzadr6NxUXZiqD6XqjlO5/VL1hun6vCxVJ6fqsAXr2ytVL0vVV6Zy56XqA6l6wIKym/tTV90pVe9P\n1fmpuiRVJ6bqXivs8x6pemqqTkrVBVP5U1J1VKpqptxtpvV/dCvH//+mdupGazxzi9b1glRtqmvT\ntjemasM0f3kfzKoXTtMPSdWjU/XZ6Xh+mKp/SNX+C7Zzl1Qdk6pTp3KXpeqMVL08VfssKL+5X2DV\n/VJ1wvT6XpCqf0nVbVc4nmun6jnTa31hqi5K1WnTtm+woOyfpOqL0/vDRan6dHp3gZ1T1cOn96ql\n95yzp3r3lLly15vq9GnpfWp/lKqPZP79b5BtfoPZWi6pymeT3KMqe7aWS6ZZ905yzfSG5wFJ3jqz\n2AOm6R+Z/v/7SR6Z5GNJPpwebO+a5I+SPLgqB8+s97gk5yd5RJJ3Jzl1aVeS/ChJqnL1JP+S5EFJ\nvjJt+/L0i+HVSe6R5IgFh3PLJJ9NcnqStyS5dpILt3UO1tH8/l4rfX/n+7+8O8kFSX6nKke3tqx/\n5iOT7J3kr2fnVe8nd2SSbyX5p/Tze88kL05y/6o8cMG69k3vg3NRknem9wXdlW7T3TzJSUn+Pclr\nk/xCkt9O8m+pemxae8dU7nZJXpJeZ/8lvU4ekOThSR6SqoemtQ8tWP8+ST6V5MdJ3pHk55L8VpI3\npWpDWvu7re5db1Tfl+ReSZ6T1v5yO451RzshvZ49K/26fffMvFOTXG/6968k+e9JPpHkjUn2S/KT\npH8YTfKh9PP4wfQ6tl96Hf5kVR7ZWj6wtNLtaAt2RSekX/dPSK+LL0z/dnGpLXhZkg3p1+fZ6a/F\n/ZMck+RumTkPVbl2kk8nuVl6m/zeaV0HptfxdyQ5K8m7pvUfmeTE6bHkrJEHN9DN0tvN09LfT26a\n5FFJTkjVfZL8a3pb97b09uyxSf41VbdOa/3uUNXe6efntklOTvLP6fXwvyb5UKqenNZev2Dbd0/y\nnGnZ16e/To9O8pFU/XJa++qmklWrr7utnZ6qE5IclqpbprWvbbHVql9Jcock71j2beOVs626tsjS\n+9JRSR6WXqdOTHJweht70HQOfjqzzFazQaoOTmuXZEttWv8j0l/L/5Pk9um38++WqtuntfM2le5t\n6olJDko/z29Mb29ukV6v35nkB1PZvadjv1OSU6ayV0vyX5L8/bTunasvctWT0t/LvpN+zs9NcsP0\n4z0y/fwkVQekn+cD0tvef0uyZ5KHJvlAqp6U1t44dN9aa9t8JO1FSduQtIfMTHtp0n6StA8n7Zsz\n0ytp5ybtqzPTfilptWC9T0jaxqQdPTf9iGl7h6+wPy+clnvV7Hqnbb9hWvZhM9MPnMpvSNqLV3PM\n6/nY1v4m7YSkbZib9tqp/K8tKP/+ad4dZqYdOW3jHUm75lz550/lnz43fWmfjkva1db7PK3pkRzY\nko0t2dCSv5ibd5eW/KQlP2zJdadpP9+SfResZ/+WnN2SLy+Yt7T+17WkZqbfriU/bcmX5sofOi3z\n/Jl9PK0ll7fkMet+zrav7r5pwbxDZ+rQ7y2Yv0fSvpa0S5N2n7l5N07at5N2dtKuMTN9TW3B7vBY\ndP1P02+2Qvk3T+fh7jPTHjqdt5cvKH/1pO254HV7/nof+1YfW17jz52b97xp3o9a8ldz8353mveK\nmWmvm6a9Zq7sLaZ1XNaSA2amHzqz7cfPLfOkad6xc9NfOE1/1Vx7US15w7Suh81M/82p/P9ccOxv\nnsrff/A5PaEly+ratB/Hz017wcw5vv3cvLdO+/fouem/tMWxb57+hGldR89NP2Ka/pOWHDY376XT\nNv54bvrfT9OPXbCd67Tk5xecx2fPlbtmS/6tJVe05KB1r+tb7tvnp/p4/QXz9p3594nT/v/WXJm9\nWvLFllzSkhvMnesNLTl8rvw3WvL11ezbqg4gaYfMN0ZJ+2zSTkraU6bG65bT9DtPZV+7ivVW0n6U\ntI/MTT9ipYA5E2DPXhRykrb3tOzbZqYtvemdM/vmtLM+trW/KwTMe03LvH1u+o2S9tOknTw3/YtJ\n+3HS9lqw/qsl7QdJ+8zc9I1Juyxp+633OVrzY/Obz3kt2XPB/OMWvjksXtcxU9lfnJu+sSUXtaWQ\nuuW8E6dlrjMz7dC2FDCTO7XknJacv6zh3IUeqwyYX1hh2YdP8//HCvOfMV3bD57+v+a2YHd4rBQw\nt1L+LtN5fd7MtKWA+ZJVLL/0uu0qAfPMZaGlB5ml63PPuXlXmwLLR6f/X6MlF7fkgpbss2A7fz5d\ny8+bmXbotP6PLSh/9Wn9n5uZVi05t/UPq8s/rCd7T9t428y0PVry7ZZ8vyXXmCt7SUvOuArO6Qlt\n7QHzRQvKH9ZWCseLt1utB9WPzE0/YlrP3yxY5qbTvH+cmXaDKVR9uyXX3sY29239i4DPrjD/oGn9\nf7GqY9hx9f7zU71eXleX7/vbV5j/8Km+PXnuXG9XwFztj3xOSh+m4AFJUpW9ktwlyV+kf51c07yv\nZfPt8U39M6bbWE9O/5r89um3bmb7At5klfuRJLdOv61xRpI/q+U9rGra19stWPb/tpafLpi+s1r1\n/raWk6pyRpKHVWXv1nLBNOt308/1m5fKTrfHDkq/LfCHK5zDH2fxOTyrtZy7loPYyZyS5bdckn4L\n5Ygkd07Sb2NX3TvJM9O7Ddww2aJfakuvt/M/uPpqWrt4wfq/NT1fL8t/fXnfJM9O7/5w37T2pVUe\ny67qcytMX+qndtOpP+e8W6XXzdsl+UC2ry3Y7VRl3yT/LclD0ruC7Dkze6m+LvlY+m3051blrum3\nGj+V5NS2vFvMrubUtNbmpp0zPZ+x7PpvbWOqvpfkF6cpt0kfpeOTae1HC9Z/fJLnpbcV876wbEpr\nV0zrv97M1C3qbpZX3uV1t7UNqXp9kucn+c30W/xJcnh6d6/XLdifHa1l0TnYsv3brHcTuDLZYLXb\nuPu0vo+ntcu2tuNT2T2StFQtan+W2v+drT15a5KXJzktVW9Lv7Y/ldZm36eX2ta9Vzi2G2Zz2zrM\nqgJma/lpVT6Z5AFVuX6S+6S/aB9tLV+pynfSg+XrsiBgJvnH9H4WZ6b3y/pueoBJkj9M76e2Wtef\nnm+VbHVctj0XTPvuGrazM1jr/v5Ner/Bx2RzY3NEkp8m+YeZctdLr0w3yNbP4XwjfWX2aWezUv+k\npePaO0lS9Rvp/dAuS+8bdGaSS5JNP7I4JIvr7aI3pCS5YnreY8G8X05y3fQ3+NO3uve7h5Xq0NK1\n/eitLNvSz9Vs+SvTFuxWqrJ3ks+n96H8XHpbcF56vdsnvV/spvraWi6qysFJXpTe5/JB6W3CuVV5\nTZKXtLapzu5qLlg2pYezxfO6K5JcY/r33tPzd1YouzR9+Y9Qtn79z177V7buvj7Jnyb5g2wOmE9K\nfz9981bWsyMtOgcrtX9XJhu0hdvY/BrPbmPpNTp7Ffu99JrcfXos0rKztSetvTJVP0jy1CRPT/9S\nJKn6WJKj09oXsvnYHjg9Fq4pg49tLcMUHZ/kV9MD5L3TOyN/embeg6dfHt8nyZeXvuWaPh0/Mr3j\n/q+1LX9kUukdotdiqYF4V2tbfSNaZFFg2pmtdX//Lv0HOkckeV1V7pzkjunn6ryZckvn8IutLf5l\n7sB92tms9AvLG0/PS+fmxekN3V0zPyRH/zXkyF/QHpv+CfIpSd6XqkemtcsHrn9ns1IdumCa9/DW\n8v5VrGd72oLdze+n/5jlBa3lxbMzqnLP9IC5hdZyzrTc71flduk/CDoqPfBUsvBb5J8FS/XqxivM\n/4W5ctuzjXeltdXX3dbOSdV7k/xGqm6d/sOjOyT5h7T2w+3Ynx2vaotskNY2zsy7MtlgkaUgupq7\npEuvySvT2h8P2PaO09pbkrwlVXul/4jyN5I8Mf3HO7fN5mN7Zlo7dkft1lr+ks9H0xudX01viD7d\nWv/l5zRv3/Q3yD2n/y+55fT8vgW3Xg5O/2p/3oZpW4u+7flKpl87Vy2c/zOr9fExj09ycFVulR40\nW/q3GbPlLkny5SR3qFr4KXx3dpdULfqUdr/0c3XK9P9bJDltQbis9FvaI7W0dlT6X8x4UJL3p2pX\nHUh/w/R8Za7Nz6Rf96sN79qCzW6RXn//ecG8w7a1cGv5j9byV+n1L+lv/Eu25zXdFZ2e3o3lTtMb\n9rz7T8+nLJi3WpvqbqrWel5fk36dPDn9A0LLznF7fK02ZYMtwmW3UjZYq8+l33U6JFXbWt9S2dHt\n+47T2oVp7QNp7Q/Sv9HeN709XfpLXzv02NYSME9JT8GPSO8rMRsij0+v8H+S5bfHz5qeD5tdWVVu\nmP7NzSJLn8QOmJ/RWjakD+Gwf5JXV+Va82WqcuPpE/nPojdPz7+Xfqv83GTht0H/K/32w3HT7bUt\nVGWf6RvQ3c3emf9mpupuSX4nvcFfGlrnrCS3StX8txgvylXVB6e1P0ry0vSw+8FUXXcbS+yMzk9v\nA5Zdu6vwnvRbZUdV5SGLClTlnkvXvLZgC2elt8GHzU6cruHnZu5b46rcfmqD5y3V99l+iiu2x7ul\nPozOW5PslWz5bXCqbpHkGenD3Gx9yLGtb2OLupuqZXU3VTdO/4s588senx6Cj0gfNun0tPbxK70v\n6+es6fmwLaZWbS0brE3vh/i29PP88syOLdq3teemDxGt/SD9db9bqp6XquX5qI+vetMh+zbKojFc\nu6W7dZdOt8k/keRRqXrCCuu547IxQbfTqm+Rt5aNVTkxPWC2zATM1vKfVTkz/VP0FemdTJecnN63\n7FFV+VSST6Yf+EPSP8Wdk+VOSv8E+ayq7JfNfbb+d2u5KP2iPyi9H8rDqnJ8eh+LG6b3abl3+jh7\n/7Ha49uNvCt9jMpnpfcpOmZ6I95CazluGnPwqUnOrMoHk/xn+ieem6V/6nnTNH938vEkT0zVwen1\ncv/0RrqS/MHMD3RemT5+2Kmpemd6P9Z7p4fL96aPwzZea89L1eVJ/jx97LwHr/BDg51S2zxu7n2r\n8pb0HzFsSD9n21r2iqo8Kv0HPO+vyqfTx8+8NMkvpfeLuln6LcqlLgTagu5vkxyd5Jiq3D/JV9OP\n/6Hp4/zNDxL9wCR/WZWT0l+j76f/yOUR6a/X7Pirp6ef08dU5Yok30x/D/jb1jb9sGJ389z0b3ue\nlqp7pP+Y9QbpY9peN8lRae2b27mNLepu+sDlq627r01vo3bVby+TmWyQqtVmg2Ttf1nqaendCJ6c\n5H6p+mD6B4Sbp39j/7D094WlsrdM/yLh8an6ZHq//f3T2/67pY+betYa9+Gq9K5UXZz+LeVZ6efn\nvunt5cnZPB7576Tntjek6hnpY8X+KP26Pyj9HN0rS2OCdtv3hyrW8nP4pD1tGvbjvMyNa5nN4zB+\nesFy+yTt2KR9PX2Mu68m7cVJu1bSvpG0Mxcs86CkfSppF07r3ZC0A+bKPC59HM5zk3Z50r6VtI8n\n7TlJu8lMuQOn5d+47kMKrO48b3V/p2FKrtjK8q+flr8iaXfexrZ+LWnvTdp3p3N4TtI+kz726a3n\nym5I2kfX+/xcqUcfwmRDS97Yktu05F2tj3t5cUs+3pJfXbDM4S05ZRoC4vst+aeW3GEajmNDSw6Z\nK7+hLQ11snxdx03DZcyPnbehJX+2oPyzp3mfb4vG49yJH0m7edLekz7U1RVTvTl8Gu5mQ9KWH++W\ny++XPs7uvyft4qkNOD1p/5i0x2bxkESragt2h8dK13/Sbpu0d0/X8kVJOzl9rOFl7clU9uVJ+1zS\nvpc+/NjXk/b2pN1zwbrvOp3f82de00OuqmO8Uo/Za3zx/K1dn99oyZlz0/Zqyctacnrr4wye15IP\ntOQBC5Y/dMVreaX1b573uJZ8uPVhiy5vybemNuk5LVlcd5N9pvbkkpZc7yo8pye0ZPl7zaJzuVK7\nuLXXph/HsS35eksubclXW/LillxrhdfkiLZo6JxtvcbJtVvyJy05tW0egupLLXlFS/abK3v1ljy1\nJZ9sfdi4y1py1vQaPf0qPd9X7jV6Ukve2ZKvTcd2bku+ML2HzA/JtWdLntuSk1ty4VR/zmzJ+1ry\nxDY7lNPWhylaXJfnHtVa266ACgDsQFX3T/9m6m/T2pHrvDew0Fr6YAIA6+/o9NvjO+wXwbBWaxmm\nCABYD1V3TO8veNf0v4393rT2+fXdKViZgAkAO7+7pv8hjQuTvD19zFLYaemDCQDAUPpgAgAwlIAJ\nAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVg\nAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJ\nmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQ\nAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAw\nlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAA\nDCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYA\nAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJ\nAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVg\nAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJ\nmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQ\nAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAw\nlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAA\nDCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYA\nAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJ\nAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVg\nAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJ\nmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQ\nAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAw\nlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAA\nDCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYA\nAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJ\nAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVgAgAwlIAJAMBQAiYAAEMJmAAADCVg\nAgAw1P8HG54HQ82HZVgAAAAASUVORK5CYII=\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAsgAAAFDCAYAAAAnNPjwAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAGZ1JREFUeJzt3Xm0LVV9J/DvD1DjQBhE1MQoihrHoCIhaqvPEDXaKmpnQG0bEo04tdJZSxOjJiTaascxYpxiEMel7RRRjEOApwERVNBOC4KtwTgrIigIgrj7j12Ht9955753H2+49/E+n7XOOvdU1alTtWtX1fec2rVvtdYCAAB0u6z0AgAAwGoiIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAYKcMyFXZryqtKset9LLMVGXNtExHr/SybGtVWVuVttLLAZtSlWdU5eyqXDbtn0et9DJx7bSork3Pa1d62WBHU5Ujpv3niLnh51fl/OXMY6cMyMD6ljqY7MyqcliSv0tyeZJXJfnrJJ/Zhp93rf6SvBp/mFgttnddAzZtt5VeAHZK/y3JDVZ6IWATHjZ7bi3fXtEl4dpuYV2ryh2T/HRlFgl2bgIy211r+Y+VXgZYhl9JEuGY7WBhXWstX16ZxQF2+iYWVblDVf6pKhdW5dKqnFKVB81Ns0dVnlWVk6ryzapcUZUfVOX4qtxrifm2qa3tPlV5Y1W+U5WfVeVLVfmjzVi+X6rKe6f5/X3V6t9m46XUqty+Ku+uyver8ovpMvJ6bZCrctg0/SuXmN/1qvKjqQx3mxv3mKqcXJWLqnJ5Vc6pyvOqcr0F85ltk5tV5U1V+VZVrlptzQqqcqOpjp06N/z60zq2qjx+btxTpuF/PL0+sCp/V5UvTnX78qp8pSovr8pec+9dm+TN08s3T/OZPfYbptutKk+tymeq8uOq/LQqZ1Xl6fP1clN1YKsV1jZQlaOn+vmA6fXV5TG9fmRV3l6V86ZjxqVV+Xz1NqQb7J9VuWlVXlaVc6dpL5r+Pq4qt5mmOS7JydNb/mpuG6zZLiu+DVVvNvLv08vD59bviBqal1TlN6tywlRv5+vgLarymqp8bTqe/rD6cfigJT532XV2JSyjrm3QBnn2nqnMfq8qZ0zrdWFV3lWVX13wOcs+HkzTX93kqioPqH7c/MlUhidU/2V70frcoCp/VpXPTdNfUv2Y/Oqq3HTBtM+pyhem/eKSqpxWlcdc8xJdbO54tH/1c+oPp2X8eFXuMk13k1p3vr68Kp+t6ttmbn57VOXF0358efXz08eq8jsLph3r9t2m8rto2mafrMq9l1jmZdXd6hmmVV19/Fg0r3+rypVVufk1K8FtqyqPqMqJtS4nfXsqm6fOTbf3VO7nVG+rf/H0vgctNe8tsbP/gnzrJKcl+bckb0hy8yR/mOSfq/LY1vLuabo7JvmfST6V5IQkP0pyyySPSPKQqjy8tXx0wfz3THJqkiuSvDfJ9ZL8fpJjq/KL1vKWjS3cdOA6Psl9kjyntbxkS1Z2Beyf5PQk5yV5R5LrJ/nxgun+KcnFSR5blWe1lp/PjT80vSxfPo6ryrFJ/ijJN5O8L8lFSX4ryQuSHFKVBy6Y197pbfsuSfL+JL9I8r0tWcmtrbVcUpUzkhxcld1by0+mUfdJrg7+hyR52/C2Q6bnE6fnP0nyqCSfTPIv6V+GD0zyp+l19uBhvsell92hST6Y5AvDfC9KkqpcJ8mHkjw4yblJ3pneXvIBSY5JcnCyfmifLLcOrCZrp+cjktwqvT3o6CXp9eb0JN9KskeS305vQ3pQhnKoyg3SjwH7J/lEehnWNN9D048LX0vfB5Lk8PRtNluGJMu7oWSVW5u+Dz8zyRezbn2TXt/2nP6+V5LnJDklybFJ9kk/fqYq90jy8fR9+GPp++8+SR6Z5JSqPKq1fGQ20y2os9vT2un5iCyuaxvz1PRz0PHpdebg9PPXAVW5W2v52TDt5hwPRg9Lr6f/nOT1Se6U5KFJDqrKnVrLBbMJp/PVyUkOSC/vY9O33f7px+n3ZzrWVmXPJCcluXuSM6dpd0nfVu+syp1by/M2oyyWa7/0/fac9OPefunlsrb6j10fTT8+vTu9nh2WngduP7vyOS37qVNZfDa9zfg+Sf4gycer8pTW8oYFn33PJM9OzxxvSs8Q/yXJidP2Onc24ebU3dby5SkcP2BazvPGD50C+F2SvK+1fOcaldo2VJUnpeev76av8wVJ9k3yG+n15rXTdLdK31/2S/Kv6dvqhul19KNVObK1/MNWXbjW2k73SNp+SWvT46Vz4+6ZtCuT9qOk/fI0bI+k7bNgPrdI2reTds6CcbP5vylpuw7D75S0nyft7Lnp10zTHz29vlXSzk7aFUl73EqX2RaU74sWjF+btDY37A3T9A9bMP0J07i7DsOOmIa9P2nXn5v+6GncM5fYJm9N2m4rXU6bKMO/mZb1Pw/DXjzVnROT9o1h+C5J+2HSvjoMu9VY74bhT5jm+2dzw2flecQSyzMr02Pm6vOuSfvHadyhy60DO8JjUT2dhu+/YNguSXvLtL4HD8MfPg175YL3XDdpuw+v1zsGXNseQ504bsG4NUN9OXLB+N2S9v+SdnnS7j837leS9q2kfSdp1xuGb1adXaV1rSVt7dyw2Xr9eDwmTuPeOY37g7nh1/R48POkHTI37sXTuGcv8dmvS9ouc+NulLQ9htfHLTGPX0raR5P2i6TdbRvUvZa0586Ne/40/MKkvX5c9qQ9fn7/zbpz1RuSVsPw2yXt4qT9LGn7LVG3j5j77COn4a9dYhsv93j7e9Owly1Y91lZP3Cl6/kS2+bzU5ntu2DcPsPfa6d6cdjcNHsm7QtJuyxpN11Qh+fL/Pyknb+sZVvpwlmhDTLbWS4aT1ALKtThy5jXq6dpbzk3vCXt0kwhe27cJ6fxNxqGXX1yTNrd0oP3xfMHpx3hMZTvdzOcsIbxiwLyvaf3vGdu+M2mg/SZc8PPSv8is+eC+e+atAuSdsaCbbJwR1xtj6Tdf1reVwzDzkja6Ul72jTu9tPwe0yv37iM+dZUr06aG75kQM66AP6dLPhiMR2gfpG0/73cOrAjPBbV001MP9sOfzkMmwXkTX5JiIDcknbWEu89dBr/0iXGP3Ma/9Dp9WbX2dVY16Z1Wjs3bBaeXrhg+gdM4zYISkt87qaOB29f8J5bT+PeOwzbN2lXTeetG27iM288HdM/u8T4A6b5/+02qHv/nrkvCkm75XC+3n1u3K7Teebk6fV1p+l+krS9F3zOCxYcA2Z1+5QF019nmv/nhmHX5Hi721T2F2T9L4l7Ju2n6V8ua35eq+GRHpAvTdpeG5lmVifes8T42fHhqQvq8BFz0y47IO/sTSzObIsvK61Nv9R596Q3g6jKfdIvD94r/ef/686951eTDW4++0prCy8nf2N63iv9Uv/oP6Vf9vpJkvu1li8ua01Wpy+29S/zLam1fLoq5yV5eFX2ai0/mkY9LsmuybquoabL1gekX4o5qmrhLH+WLGwnd35r+f6y12DlnJbkskxNJ6qyR5J7JPnb9EuTmcadl355P8Pw2SW6I9MvEd4pvRnA2OZyg3aKG3H79MuNX0nyvCXK+7IsLu9l14EdRVVunORZ6Zeab5N+mW80lu0n05th/PnUROAj6Zdnv9BartoOi7ujOWOJ4bN7PW5Vi7vBu930fMf0Mt6SOruj+NyCYeO55WpbcDxY7mccNM3vU63l0o0vdg5KP6Yv1aXhdabnbbFtFu13sxsjz5vPA63lqqp8L8ktpkG/nt4D06mt5cIF8z8pyfPSs8O8DcqytVw5zX8sy82uu63l51X5hyR/md5s453TqMenN2t7Y2ur9n8PvCPJy5OcXZV3pR8zT20tPximme3/eyxRZ24yPW/VOrOzB+Sl2p5+d3reI0mq8qj0toKXp7cj/GqSS9PbIa5Jcv9kw5vCMrXfXGDWLnbXBePunmT3JJ9Odvg7mL+76UnW85b0tt6HJXndNOzwJFdm3Q6f9INJpe8Uf7WNl2lFtJYrqnJKkt+pyk2S3Du9vpzYWs6pynfSA/LrpueWISCnt6F7VHr71g+mr/csqB6VxfV1KTeenm+XjZf3jRYM2yHKe7mm9oefTb9/4Ywkb01yYfo+PWtje3XZtpYfV+W30tuWPiK9TWGSXFCV1yZ5YWu5cvutwaq3VH2Z1cHf38T7Z3VwS+rsjmLR+WWpc8s1PR5s8BlTGJv/jFkb8m9taqGzbtscND2Wsi22zcXzA4b12WDc5OdZF9r3mJ6Xass7G77ngnEbywNjWV7TuvvGJM9N/yI0O18+Kb0d+Js3Mp8V1VpeUZUL0tvUPyO9PraqfDLJs1rL57KuTB44PZayVevMzh6Qb7rE8JtNz7Md5gXpleyereWcccKqvCE9IG8tr0n/hfrJSY6vyiNby2Vbcf7b0+Z+Y31belkfnuR1Vbl7krsm+WAbbgbJuu1yVmu5xzZeppV0UvrB4JD0gHx5cnXPFiel31xzvST3TfKl2S/jVbln+snwX5I8pK1/Y+Mu6TeKbI5ZeX+gtTx6M9+7I5X3cjwxPRz/dWvr/5Ix3eTzzPk3tJZvJnlCVSr917vfTvK09F97dkny/G28zDuSperLrA4e2lqOX8Z8tqTOXqtsg+PBIrPwt5wrU7Nt88rW8qdb4bO3p9my32yJ8Tefm25LPmOz6m5r+VZVjk/yqKrcIf1X6Lskeffcr7GrTmt5a5K3Tj9A3Du9vv5xko9N6zIrk2e2lldvr+Va8W5uVtg9qrL7guFrpuezpufbJjl7QTjeJb1JxNbUWstT0u+MfVCSE6o2uIR7rdRavpEe/A6uyq+nB+Uk6/f20VouSfKlJHeuyt7bdym3q1mPFIekh6pPt5bLh3F7J3lK+iX+E4f33XZ6Pr5t2IvHb6Zfcps3u+y46KrGlzP1EDJdqt2Zzcr2fQvGbfSL8tSs7Uut5Zis+xXkkcMkG9sG1wZbsn6z/yp332VOr86uc02OB5vrjPQrqvdbxvlqNu1yt+Vqcm76P245YApz82Zdwp25BZ+xJXX3tdPzkem/HidZ2KPGqtRaLmotH2ktf5LerHLvJPfL5u//W8XOHpD3SP8V52rTt+3HpX9j+cA0+Pwkt6vqnblP01WSo9N/EdrqWsv/SPLi9B3uY1X55W3xOavQcdPzE5I8Jr2d8YcXTPeK9Hbgxy46UFVlr6nN547szPR6eGiSO2f9EDxrTvGcudfJum7B1owzq8q+Sf5+ic/64fR8y/kR00n1mPRfR15dteEJtSo3r9o2+8Iqc/70vGYcOF3teM78xFW5c9XCK1WzYeN/SVtyG1xL/Cj9F+Jrsn4fTG/a9rSqPHTRBFW513R/gjq7vvOn5zXjwE0cDzbL9Avlu9LL+2W1Yb/oN5ruo8h0pesdSe5ZledXbfiFqXpfxbfeGsu2NbWWK9KXfff0q51Xq8r+6U0Ersz6XXBu7mdsSd09Mf2+lMPTu507t7Wl+0deDar3s72opfW+0/NPp2YW/5rk0TX19b9gPned6vRWs7M3sfhUkidW5eD0S9ezfpB3SXLkcIPdK9P7gDyrKu9L3wHukx6OP5Tk4dti4VrLX1Tl8vT2i5+oyu8ON69dW30gvR/Ko9LbfR2zqI1mazm2Kgemt1v6alU+ln6T5N7pl8Dvl97u6snba8G3tukGkbXpATkZAnJr+XpVvprex+hV6Tc2zHw2vT4/uiqfTu9T9qZJHpL+C8ii/wx3WnpYO2q6CW3WFvSY1nJx+snggPTyfHhVTkpvb7hvelu5+6S3fzt7C1d7tXtr+g16r6r+DwS+kr7+D0vv5/UP56Z/YJKXVuW09BPX99Nv+Dk0/Ve0lw7TnptepodV5cokX08PlG9rLV/fZmu0nbTev/fpSe5blXekl8dVyaabTEw3Mz06vf/jE6Z6/YX0Ovtr6W1Zb5N+DJ996VBnu2tyPLgmnp5+Sf/JSdZMx+Qr0o/HD05vg792mPZ2Sf4myeOn+y2+l/4fBe+Yvj0fk3X/XGY1+fP0XzKfXv0f1Jycdf0g757k6a1t8XJfo7rbWlpVXp/+A1LS2yWvdh9IcklVPpP+Za7Sy/egJJ9PbxqUJI9N/yHoH6vyjPT+rC9KP57+Rnrdu1eyFW/CX+kuPlaoW5H9pu4/jkvaHZP2wfR+j3+atFOT9uAF7zkiva+9S6euVD6QtLtmXZc7a+am36B7nmHccdP4/YZha6ZhRy+Y/lnTuDOzoD/m1fbIRrpzmsavTVrbyPvfNL2/Je3ATXzWw5L24aR9P73P6O+md4f2wqTdYbnbZLU+kvbfp+W+OBt2TzTrj/P0Be/bO2mvnbq0uTxpX03ai5J2g6W6uUna7ybttKRdMpT/WEcrvV/QE9P7DL0ivf/ZU5L2F0n7teXWgR3hsVQ9Te/L/Pipzl2a3k3RExet83R8eUXSPpe0H6R3M3h+0t6btHsvmPdBU/lenN6V0wbHlh35kbTbJu1D6d1YzdbviI0d/+bev2/SXpK0/zsdry9J2lem8vyvmesWa3Pq7Cqtaxvr5m2DerHUfre5x4Nsul/0hcfSpN0wac9N2v+Zts9P0vvzf1XmutdM7zLt6Un7dNb1H/wf07Y6Kmk33orlu6lz0sbO14vKZ8+k/a+p7v0svcvYTyTtQQvev9G6vWj+W1J3k7ZXepd7l23NMtyGdf/J6Xnqa1OduTC9G9dnZ8Nu93af1v3z075/WXrXfSck7UkZuhhcqg4vVd6LHtXfAADAjqz6v6Y/OcnbW1vx/xS5Q9vZ2yADAFxbzHolec2KLsW1wM7eBhkAYIdVlbum3wdxYHrb8g+3ltNXdql2fAIyAMCO68AkL0q/wf096Tevs4W0QQYAgIE2yAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgIGADAAAAwEZAAAGAjIAAAwEZAAAGAjIAAAwEJABAGAgIAMAwEBABgCAgYAMAAADARkAAAYCMgAADARkAAAYCMgAADAQkAEAYCAgAwDAQEAGAICBgAwAAAMBGQAABgIyAAAMBGQAABgIyAAAMBCQAQBgICADAMBAQAYAgMH/ByiQiCR8rK9UAAAAAElFTkSuQmCC\n", "text/plain": [ - "" + "
" ] }, - "metadata": {}, + "metadata": { + "needs_background": "light" + }, "output_type": "display_data" } ], @@ -926,10 +827,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "We see that the document word coloring is done just the way we expected. :)\n", "\n", @@ -943,9 +841,7 @@ { "cell_type": "code", "execution_count": 20, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "def color_words_dict(model, dictionary):\n", @@ -993,18 +889,18 @@ { "cell_type": "code", "execution_count": 21, - "metadata": { - "collapsed": false - }, + "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABUsAAAFBCAYAAABO9f56AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3Xm4LVlB3/3vAkERQyMCTrEFERX1RW0gGJkaUIMKiAYT\nyauAr1FRwDFEowQRfQwOiRBxJjROOKCiiIoDdAsC4gBEI2EI2ihoZG5mobvX+0fVuXffc/e5fc65\nt/ue2/35PM9+zr2ralfVrlq1quq3q9Yec84AAAAAAK7rrne2FwAAAAAA4CgQlgIAAAAAJCwFAAAA\nAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUs\nBQAAAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJSwEAAAAAKmEpAAAA\nAEAlLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAAAABQCUsBAAAAACph\nKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAA\nAAAqYSkAAAAAQCUsBQAAAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJ\nSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAA\nAABQCUsBAAAAACphKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBK\nWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAAAACojkpYOsZDGuPKxnjwrvJLG+Ovz9JSsc0YH7tu\nq6ec7UXhkMb4+sb4q8Z4d2Nc0RjfsG7T557tRbuuG6OvH6O/GqN3j9EVY/QNY3TlGNk2h6G94iwZ\no49d91117wja1dZeOUZff7aXCc4JYzx2Pa7e/Wwvymkb45LGuPJsLwZ7G6OHrm30g6967OumM3E8\nG6Onru89f6PsOnkeM0aXjJF24SCO4vXWGPdYl+kxpzOZoxGWLuY+yw7nKG7Eo+qqg7PZmdw2XHPG\n+NLqCdV7qh+qHlv9cbbpWTdGe20bOHKuqyfRnPuu6bZ2jO6x7iundcJ+XTFGDxGOHGnXpvPFa9Nn\nubayjU7hDB7PrOfjZglLWXzA2V4Azjmvr25XXXa2F4RD+YKWg8AXNOc/Hisd43bVu8/WQlFtbJs5\nO7Ztxjh7CwRwLbS1reVIcdEOVP1a9aLqH872ghxRjmdn3pdXH3y2F4Kj4boUlooczoQ5L69edbYX\ng0P7qKoTgtLl/7bp2fdRVU52OEc4pnKuuqbbWvvKwVhfQFVz9o7qHWd7OY4w1w5n2Jy97mwvA0fH\nwR/DH+P+jfGcxvj7xnhvY7x+7fPla3eN96GN8V8a4+Vr34hva4w/aIzPOVMLf4Bl/s7qr1u+eXno\n+pj5zuvBJ/RpMMadGuO3GuPNa3+O56/TuLAxfnLt6/Gy9TP95fqeD9wyz+N9+ozxwMZ4cWO8a53u\nLzTGR215z63Xebx6nf6bG+MvGuPHGuNDN8a7SWM8at0Of9cY/9QYb2iM32iMzzzFevjExnhKY/zN\nuu3+sTGe1xgPW4c/ZO27Z1YX7lpPj1nH2bs7gzE+ojF+ZJ3+zjL9amNcsGXc4/3UjnHPxri4Md6+\nrttnNcYnnTCvMT6uMX6lMd60jvd7jfGp67Ru3hhPXuvkexrjTxvjwi3zvMlaJ1+xjveWxnh2Y9x7\ny7ibdeLT1jrx1nUbXtIY/3KPdXz9xvi6xnjR+lne1RgvaYyHNzbuEVy2xZWN8ZxTbK+/XNfjh+85\nzn6N8Z3rtr1nNTa26xXr8JO7XjhcHb6gMZ7YGC9bx3tPY7yqMX6wMW66ZfyrrgfbP8+NGuNb1239\n9sZ4R0tb88TGuMWWcf9TY7y0Md65jvvCli4Jzrox+s61b5x7VmN9/PDKMbriKt53kzH6L2P0ijF6\nzxi9ZYyePUb33jXeJ6zT+9ld5bfamNdddg37vrX8wjP0MY+Wg7VVB29vd/anMT6spU3fOV7+r8Z4\n6NX86a52Y3TCMXWjHl05Rg/efOx4jO40Rr81Rm9e++Hd7A/ro8foSWP0mjF67xi9aYx+Y4zuuMd8\nrz9GXzdGLxqjy8boXWP0kjF6+BhHN2AZo08co19f18E7x+j5Y3TSudAY3XCMvm2M/mL9bJeN0fPG\n6Eu2jHusG4Qxuu0Y/dIY/eO6ju++jnPJ+v8brNviFet6fspB5zlGNx6j943R83eVf9A6zSvH6P/d\nNexr1/KHnuYqPCOuqq0doweM0c+O0SvX7fTOMfqzMXrktvo1Rrccox9c1+s7x+it678vGqNbreNc\nVD23ZV957OY8d7bTUXYmtvsYXTBGTxyjl637wHvG6FXrurvprvdeXMfq51N3ra/NtmPfbcF+9pUj\n50ye/47x1HVa52+Zz959uo1xh5Zz5J1zst/f85h3FO33enUZ93qN8e3r+ep7G+NvG+PxjXGDPaZ9\n73XdvHkd/5Ut1xc32TLuJS3XkzdouaZ4xfqep+wa70Et58BvXbflyxvjOxrjhmdmhVwzrmp/O0h7\nsE5va7ccY3TpGP31GH3wGP3AGL12bZNePUb/8Zr7xGfHmT6eXZecoo5evtbRS8ZGn6Vj9G/X8f/r\nHtO74Xr8f/0YJ2ZrY/SgMbp4Hf6eMXr5GH3HGJ20X6/zeO4YffgYPXmMXrcu07nVJc2Scfz62j6+\nszGe3+7872xeW43xgesx9crG+OGrGv1gd5aO8dXVj7fcCv/M6k3VLavbVw+tfmwd7/zqD6vzq+dX\nv1PduLpv9ezG+Orm/B8Hmvfpubg6r/rG6mXVr28Me1m1E0R+VvXtLcv8P6qbV+9bh31r9YnVC6tn\nVR9U3aWlb5B7NMZnN+fmY0M7fX88vLpfy/q6pLpz9W+r2zfGpzfn+6vl4r3+rPqQ6rerX1nncevq\ny6ofrt66Tvt21fe0rONnreXnV/evPq8x7tucv3fCGhjjC6pfrm5YPbt6WnXT6tOqR7Vs15etn+ex\n1aXVUzemcEmnMsatqhdUH9FyYfC06mOqL6m+oDG+uDl/e9e75rpuvnD9zD9WfXLLIwV3rD53He/W\n1Yurl1cXVbeqvri6uDHuur73bdUvVjerHlT9dmN8QnO+bl2+81q23SdVf9ryWMfNq39T/V5jPKw5\nf2rLJ7tTy7Z/YfVTLev5gdUfrNvv1Rvr4ANatsfnVq+ofr56b8uB7Ierf1E9ZPnk85WNcXFLKP3x\nzfl/dq3Pz6o+pXr6SXeBHs7FLev7K9bP8NiWuzdO9ajbwerw4quqB7TUzd9v+ULmDtU3V/dpjDs3\n57u2zGfvejDGJzfnW46NvYSul7S0O69o2VffV92mpR361eqN67jnrZ/906qXrONer/pX1dPWaZ/t\nfuQOvG3G6JT1eYweNmc/VTVnrxqj11f32jWZnVB1rv9+wcawe7X0f/TC0/lgR9LB26qDt7eLm67z\n+afq6dUHrvN4SmNc0Zw/u+U954rTPqaO0QXV77Wsp99t2W9v3tJ+/NEYPWDOnr0z0THaf/t6tHxc\nyyOEf9FynP3Ilvbzd8boQXP29KoxukHL+rh79b+rJ7U8BvbA6pfG6NPm7NFbpv/xLcfHV1Y/V92o\nevs6bKcN+dWWY+rvVM+o3nDQec7Zu8boxdW/GKMbz9lOO36XlvOKnXbk5zeW7d5r+d5fCl6zrqqt\n/S/VFS39vb2+pY7fq3piy/o7Vr/G6EYt7eOtW451z1yn9bEtbcPTW86jntHOF/XLceuSjeW59Ex+\nuKvDaW73P1j/f8rzgjG688Z0L2ppY7+wpV152c6itJznnU5bcKp95ag6/fPfw/RFuJyD/n51g5b2\n4zXVp7fU36P/g5P7vV497hequ7a0kW+vPr/6j9Utqq/cNe2vqX60emfLfv6G6sKWa4X7NsZdmnOz\nXp2yHV6n+ZR1uf6u5frvbdVnVt9d3asxPqc5z7U+FHfvbx/Usm6/pv23Bzv2+l2TG7ScP3xky75w\n+Trtx4/RB87Zd5/pD3WEnLHj2XXYXnV0d5v56y3dD/67MXrUnCf1Z/qAlvX7k5vDxvLF9EPbY78e\no8/ZMq2btWyzd7S0GVfWOXXX8J7nvI3xoOZ8+jre2bm2WjKE36z+ZfWtzfkDV/mJ5pz7f9WfzXrP\nrA/bMuxmG/++ZNbls75k1zg3mfXSWe+adYuN8ofMumLWg3eN/zez/vpAy7j3sn/srCtnPWXLsHus\nw66Y9e/3eP+t9ij/rvV9uz/rd67TfNusT9417OfX9zxwo+wRa9kjtszjRrM+cOP//+yE9X28/KNm\nvX7WX+0q/7BZl81676y7bn3fif+/ctZzD7Qe63fX5f+2XeWfOev9s94464N3bfMrZ71v1oW73vO9\n67S+Z2O77J7uozfW74/sGvZl67D/ulH2E2vZj+4a9zbrNN4z6/w96sSX73rPV6/DnrSr/LFr+RNm\njY3yMevJ67Tut1H+r9fxv3/Len7qOv69zkj9Pz7di2ddsaX85G1+0Dq8lH/MCZ/9ePlXrNN61K7y\n/dSD/7Cr/Glr+ZO2zOeDZ/2zLevxW3aNd8NZvzOXdur2Z3QdH/JV8+KaJ22bmlfWfO6usp9Yy390\nV/ltar6t5ntqnr9R/tM1r6h5u42yp9X8x5p/XvMPN8pvWvPymr93ttfJab+2tVcHb6sO1t4uw3ba\njp/Y1Rbcbp3H/zrr6+Y0XzU/dq2DJx1Ta95jHXZFzZOOqTWvX/P/1Hx3zbvuGvYRNV9X8/U1b7BR\n/th1mk+oOTbKR80nr/O635n4bGd4/VxR8/G7hl1Q830131zzQ9ay/7SO/5s1r7cx7s1r/s06nc/c\nY/rfvccyXLyO87KaH7pl+EHn+V1r2edtlH3v+ll+v+Zrd22XN9V89dneFnusl21t7a33GP+p6+e+\n00bZfdd194Nbxv+Amjfesj885mx/9kOur9Pa7jU/ZnOf3Sj/inW9PGpX+UPW+T14j+U5UFuwn33l\nyL2OH7vOxPnvRet0zt8yn3us4z9mV/kr1vfcd1f5IzeW6+5nfT3tvf72e7168fp5/nTWeRvlN5r1\n6vV4fcuN8vPnci31tlm33TXdH1mn9eO7ynfm8bJZJ7XDsx66Dn/6rBvuGvaYdV0/8qyv032+rmp/\nO1PtwcYx6jdrfuBG+S1qvrXmW2pe/2yvj2tgfZ/28Wwtv2gt37x22PM871x+7aOOnrROa/74Ov7n\nbxn/t9Zhn7JR9tB1Hk+vecNd4z9mHf+Ru8p3lumizXOyc+J14jHr8buGXTCX6/w3z/qQtezqv7ba\nfXxblvHlaxv+pfuuLwdcEX826x2zbnqKcW6/Ltgv7TH8/usHfdhG2UPm0QhL//wQ073Z+t4n7yr/\nzrX8u7a858K5OyRbwtIr515h7f6X54nruvznG2Xfsk77v+1zGgcLS+uj17K/mXXygal+Zl2mL9u1\nza+c9dNbxr/VOuxZ69/XzN0B3BLKXbnWxxvvGna9dad8zvr/G8x651wC45Prbj1uXb5Hb6kTf7hl\n/A9Yp/8nG2Vj1pvWHfzkBq7OW+fxixtl15/1ullvmHWDXeO+a9arzkjdP3E5Lp4HD0v3V4dPPd8x\nl5PLP9hVvp968MsbZbeYS8D5ulk3uop53mxtPF+8x/Cdturx+/oMV/PrFCc8J4SlNW9Q8501L6t5\nUn2u+bj1YPvojbIHr9N5xEbZ/635CzW/v+Z7a95oLf+iddxvOxOf66y+drdXh2mrTj39k9vbpXyn\nbfqQLe+5ZH3PBx/osxyx16lOojfCoa3H1Jr3X4d/3x7Dv36tw/dZ/78TwLx+2wlkzfPW8X/xMJ/l\nal4/b2kjONsYftG6zF++/v/VLV9S3HbLuP/fOq0nb5n+37cRKu9638XrPO67x/CDzvPu7QoIa764\n5otqfu06r49fyz9jHffHt837LG+brW3tKca/YP0sm23qTlj6Pft4/87+cK6GpVfLdl/367fV/INd\n5Q9pj7D0MG3BfvaVI/c6fuw6vfPfpeyieZCwtD5r6znh8em/ep4bYempr1eX8S5eP8s9twx77Drs\n8zfKvmMtOzl0r5vO5TrjXfPEc/qdeWxth+dyE9E/zbrJHuv7jbP++Kyv032+Dru/HbQ96HhYelIo\n2PFA8JMPuvzn2utMHM/W8p1zkutSWLq1jm5bpzX/5fqeX9pV/uE131/zT3eVv7TmP9U8ab+ueb2a\nb6z5x7vKr2y52eXmZ3sdHfh1/Jj1lpOOS8vwi+a2G9C2T+vMXFttHt/q02b9/ay3zt03Z13F66A/\n8PTz1Q9WL2+MX2y5dfYFzfmmjXF2+nI8r6Wv0N1u2XKb+O0OOO9rwp/sOWSMD2555PAB1SdU/6yO\n9fkxq4/e8q5Z/fmW8r9b/37oRtkzq++tfrQx7tPyWMELmvPleyzPXapvaLmd+5Z1Qt8XO8uz8wjO\nndeyZ3f1+Iz17/Obc1s/i89t6UrgM1puc990qvVz3vr3ZWsrsunv17+vavdj3XNe2Rj/WP3zteQT\nWx4t/KPmfNsey/fojc9x6uWb8/J1+pvb7xNabp1/VfWfGyd3b9byWPPxej/nFY3xU9Vjqn/d8hhV\n1YNbHg/7iS3Lc007SB3e6YrgYS233H9yyzbc7L9l237SAeZxp3V6z2vO95xqwddxr1/NPdqinX3m\nKLZFp3KsPs/ZfuvzzmNz966eNEaf2tJuPKelnfgPLY/i/m7HH6E8+o/aHdzh2qqDtbc7Xt2c79wy\nj816/e4DLv+5Zq9j6s55wq3G0v/pbrft+HnCs9vVvp7cvG5pX4+Ol8yTHyms5XHWh1SfMUbPaOlG\n5HVz9uot4+7si9uOUf9zzt6/pXzTn+4uGKMPOcQ8X9Synu+9TuMm1QXV41seCRzrsP/TOdiOjNHN\nWh69/byWR8luvDF493neH7Y82vhtY3SHlkdAX1C9bJ78WN257rS2+/rY/GHOC7Y5nbZgP/vKUXO6\n57+HsdN39/NOGrJM/49a9o+jbD/Xq5v2ew660x5efNLYc76tMV5a3a2li6S/3DXGSe1wY9yopWuA\nN1bftMe1wz91NI9tV2Xr/naG24PL5uxvtpRvv0a5Djng8ey6at/HhDl70Ri9qrrfGJ03Z5etg76s\npf4+dWfctZueY/v1HsepvfbrS+dsr3bqXPCSk45Li0taz3lr/Q2Na+7a6m7Vt7R0sXC35vxf+/ws\n1UH7LJ3zhxrjjdXXVY9s+YA1xh9Wj2rOP68+bB37c9bX1il14k57VPzfraVLAHRxS/jyly2h1hvr\n2A722JY+E7bZFmZcvv69/rGSOf+2Me60Tus+1RdVozH+rvrB5jzeAe0YX9TST8N7Wvp7eU31rjrW\n0fPddy3PTofZr99jGU/XTqj5D3sM3ynf3XH3bNv6WULEOn7wvOwU45w8bHF5S182p7N8bV2+49O/\n/sb/d+r9bVvCz73srvc/VX1HSx8+O2HpV7c0ok89xXSuSfurw4tfbvlC4TUtfbz835bPUvVNbd9P\nrqoebM7jIHV5Z5vcaX1tc1TbolM5cH2es9eN0aure6wdu2/2KfeGlrbs3h0PS9/ethP7c9/B24KD\nt7c7TtV21Mn7zrXR9mPq8X3zgad472zpw3tz/IO2r0fBXn1N7ayb8zq9Y9Re6/iYuf1Xcg/Tjrx/\njP6ouvcYfVhLH3/Xq54zZ68Yo39oaT9+onMsLF37gf6zlj5H/6T66eotLfvrTVu+LD+2n8/ZO8bo\nztV3tfSx9bktF0BvGqMfrb5nzmP7+jntDGz3w5wX7OV02oKr3FeOoNM9/z2M81q24VW1XUfX/q5X\nN8ff1nfttmP14dvq7b8/8KEt7cYtOnV93h2Ynwv2qidnsj1wnrXFQY9n12EHbct+uqWfzS/t+A1N\nD2m5hvqFjfFOZ78++u3rqe3nnPeavrb69JbriRe09E97IAe9s7Tm/Lnq51p+8e+zWkK9r2z54aZP\n6vjB+xua80kHnv7ZtdfB6AtbwpanNOe/P2HI8sNMjz0zc5+vrB7UGNdr+UGaz245yD+hMd7ZnBet\nY353y4HlDs35ql3L81F10q977lSsj67+6ows64l2tvlH7DH8I3eNd027JpZv573PaM5TBQAnmvPv\nG+OZ1Rc1xie0/MDJp1S/0JxvPo3lueaNcYeWE6Dfqz6/zc7oxxgtnd+frs26fFV2tskPNed/OAPz\nPioOW5+f2xLE36mlk/fXzrn8wMgY/Un12WP0kS13rj5zeYLhWucw6+6g7S3H7VWHLluH3X/Ofmsf\n0znWvs55yoD1KPrwPcp36uBlnd4x6rD76em0I5/dEordpeWHdV64Mew+66+83rX6q3PoDomvavnx\nnO+cu34UZIw+s+Xi8gRz9vfr+75qjG7X0q4+vOXiaNTWu6bPVYfa7utdt8fOC+aJP35xmPOC02kL\nro3HtP3YWefbrvm2fQFzWUv9vaq262i7quvVw51jb7ab/3vL8INeT+yM99LmvOMhlucoO2l/uxra\nA7Y78PHsOuqgx4SfbbkmeEj1E2P0GdWnthyP3rIx3rH9es4Oul+f68ep/Zzz1jV7bfWkljtXv7b6\nzcZ4QHO+d79vvt5Vj7KHOd/enM9uzq9puQPuZi0f7I/XMe526GlfPXYeuTzMt0wf31J5n7Fl2IWH\nXaA9zXllc7605Re6/l3LScsDNsa4TfXyLZVrtH29//E6jc/b5xJc2cHW00vXv3ddg97d7tWy/l5y\ngGmeSa9suSX709aTpt12fiX8dJbvFe38yt0YB61jP9qyfR7WcoCbHY1H8A/q49e/v9nJv9p555au\nBU7Xn7TUz7uvjy/tZ9yj1hadrmP1eX0ccred+rz7sbKdX6S+T0tb/Zxdw27f8lhUnSN3gx3CYdqq\ng7a31xWnc0zdOSbt92ToWPs6xjl3p8gFY2y9y+2erXVtzt7Z8q36R4/RbbaMu9c+fWinMc/ntGy7\nz17HeeGcvW9j2M1aTkhv3IltzFF3m5bt8Wtbhl14VW+es/89Zz/ScodpnXjOdjr7ylFx2O1+7Lxg\nS/cEe50XXLHOa9v6OpfbgrPlrevfj9ky7E6dfHG+c/y7x0ljL8fNu56xJbsm7H29ehgvbambF540\nZIzzWu5gem/bg9Rty/aulptYPmX9leZru8O0BxzcaR3P2G7OXtdyfXTnMbptS2g6W+443Rzv2H49\nxtYvpK7NLmiMU57zrv+/Jq+tZnM+vHpCyznab63da+7LwcLSMS7cY8hOivzu9dGG51df3Bhfscd0\nPrUxbnGgeZ++t7ZspPMP8d5L23ZwHOPjWvpsOv1vAca4YI8gbyeJ3+x/4dLqtutdrZu+q+39X/x0\ny2O1X9sYJ1fAMXbfpffmtp9UbTfn61tuob5VyyMUm9O+c/Wgltv/t4XNV78539/Sf9FN6sRv2Brj\nNtXXV+9rpw+Nw83jiuqHq4+qfrgxPuikccb4iMY4efvM+dyWAOwh1b+pXtmcJ/cVdfRduv698ITS\nMW7Z8q3O6Vv6m/rFlvX8g2ujujmvGx/bj+Z8Y8t2v2NjPHprODbGxzXGrc7Isl1D1v51ttbnNfTY\nqc+7+wfe6WPr69b3bl7QPrflePBtnUOPzh7Y4dqqSztYe3tdcTrH1N9oCeoePsb2L/HG6DPH6IOq\n5uyE9nWnfNf4H7He3XfUnNeuOwzH6I4tX4S+reUxxKqntOyDPzDG8XOzMbp59Z9b1vVFnVmHmedL\nWu4M+MKW/uZ2tyOj+k+de+3IpW05z1vvHNlpFzfLP3mMbrllOjvtxGafXTt3sB1mXzkqDrvdL13/\nXrg5sXXd7XVesOf6OsfbgrPlT1q2z1edUDrG/9NyvnCiOV/Yck5698a4/66hj6ytX64cLfu5Xj2c\nn2t55PaR6/XDpu9pObf62fW6Y7/+W8vjphetgeuJxrhpY2zrr/pcdOn698LNwqtoDzi4SzvA8YwD\neer699+3PI7/ptr6hNSx/XrtFuEEY3TTdXtc25x0ztsY2855L+2avraa85tbfh/ontXvNsaHXMU7\nqoM/hv+Mxnhny10hl7bsiHdr+WbyT1v6v6tlhTynenJjfH314pYV9M9b7l76lJYfeHjjxrRP7v72\nTJrzXY3x4upujfFzLZ3DX9Hyw0pX5TdbOq7/5sa4fcs3ix9bfUH1rJad5XR9efU1a8fpr2m5EL1N\ndb+WbymfsDHuD1U/Vr2sMX615cB9l5bK9cz1PcfN+ebG+HctfUNc3Bi/U/1Fy0H99i3bZfOg/5zq\n366Ph79knf7zmvP5p1j+h1V/VH1/Y3xuS18p57f0SXdF9RVbOvy9erf5ib6tpa4+ojH+RUtwdIvq\nS1r6sXh4c772NOfx3S3r82uq+zXGc1v61rxlS/9ad6m+ve3fOP94y3Y9V+8qraUNeEHLFyUvaKkP\nH95yR/MrOv6jBLsdtB48oqUNeVh1z8b43ZZw8ONavjG6X8d/mOARLd9kf1f15ev+9Y8tF1q3q+7Y\nEpBdesBlONuO1ecx2lqf5+yE+jxnbx6jv2jp4mP3Be2LWi4eblm9Yc4O1Pn1OeagbdXB2tvriDl7\n1xi9uLrbGB3omDpnl4/RF7f8eNNvjdELq5e11MGPaTmnuHXLI407j8qc0L6O0UHa17PpedVXrv1b\nvqCl7fk3Le3e16x3eNbyYySf1xJG/c8x+u2WH3L7kpZ9+/vmPPbY85ly4HnO2ZVjdMn6ntlGaDZn\nfztGr2k5n7i85UdVzhU/Uz2qeuIY3at6dUu9um/1q518nvc5LSHzi1rq/htazqW+sGU/+IGNcV/Z\nUle/dIwur17bsu5+Zs5jP0pwpJ3Gdj92XjBG+z0v2DkefeMa3O/0dfbf5+wdnbttwdnyGy31+UGN\n8TEt12Tnt2zLX+/4EyWbvrLlUelfbYxfa7kG+vSWu4p/p+UJlaNsv9erV+XE89M5X9sY39gS7L2k\nMX655VrDyqcIAAALCUlEQVT2Hi3XtS9vOT/bvzkvaowLWr7Ifs16Tvu3LXfA3rrlLtinrMPPdYdp\nD+qavV68Njjo8Yz9e0b1jpauDG5QPXH9Eu8Ec3bRGB3br8fo2rxfb3pe9ZXrDSgnnfNu/DjT2bm2\nmvPRjfHe6nHVHzTGffb48e9jDvoY/re2fEP5GS2P2zy0JXB9VHWvY78uvNy9c4eWH665vCU8fWTL\ngeS1Lf3m7f6VwL2+5TiT3358WUv6/69a+pR6XMd/2XDuOa85392SQj+t5Rv1R7b0UbEEMKd67952\nv+dpLXdw7AQe37Au29OqOzbnizeW5yerr2g5qDy4Zf2+tuURhpe2zZy/3RIM/VzLCc+3tIQDV7ak\n7Ju+oaWj4ju1bMPHrZ9/r2WvOf9mnf6Pt/xa6be0rOffru7SnM/aYx3sZW78PVXd2M80as63tvza\n2ve3NFTf1PIL9H9c/avm3BZQ7n/6yzwub84vatkmr2gJ07+5ZT2MlnX583tM66dbtsV7Ww5yV6dt\nn+n06/Dy6P39Whq/j2zZT+5S/WTLOnj/Kea9v3ks83lbS/9Tj24JSb+qJQC7XfXklpPVnXHf0XIS\n+8iWE9ovbtn2F7bcbf2NLXcaHhX72jZzdsr6POeegftz1mn91Zy9YWN67285aT3X7gbbj9319GBt\n1WHa24O2Heeuwx1Tqzn7y5bg/vEtX9w9tGU/vqDlS7ovq+P9Xc7Z5XN22Pb1bJnVX7e0V29pCXce\n2BLQf96c/cqxEZd98LNbPsds+aLnwS1B24Pm7Nv3mP5V1aVTbYPDzLOOtyOXrZ9l27A/W4Oto2p3\nm/oPLY8XP6vluPXwlkDpYR2/Y3LzPb9b/feWx0bv31IX77aW323O43enr4+bPqCljX1gSz/3j2u5\nYDqXHHi7r5/9QOcFc/a2lmP1y1ueuHnc+vrQdfhh2oLDnOOcbWfq/PefWkLOX275ovnhLXXvS1uO\ng9vOs17YUp9/vyUYfUTL9d6FLdeBR93+rlcXBztWz/ljLXXtRR0/p7xF9X3VZ+1x4X3qujfnI1v2\nkxe29Av8Tev/b7JO9wl7v/lI2lo/D9MebExvr/lw+sezrdPZKLs2rudDnafP2Xtabj77gJbr9j2v\n2efsoPv1ub6uT3nO25y/cnzMa+zaatvx7XtajgV3aglMb3aqDzXmPJe3CVxLjHGvlm+6f6Y5H3qW\nlwYAAADgOunwP/AEnEmPavnmQ589AAAAAGfJQfssBc6UMT615Xb8O7Q8fvLM5tz9aBsAAAAA1xBh\nKZw9d2j59cy3V7/U0qcMAAAAAGeJPksBAAAAANJnKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAA\nAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAAAACohKUAAAAAAJWw\nFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAA\nAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAAAABQCUsBAAAAACphKQAAAABAJSwFAAAAAKiE\npQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAA\nAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJSwEAAAAAKmEpAAAAAEAl\nLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAAAABQCUsBAAAAACphKQAA\nAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAq\nYSkAAAAAQCUsBQAAAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJSwEA\nAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAAAABQ\nCUsBAAAAACphKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoA\nAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAAAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAAAACA\nSlgKAAAAAFAJSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABUwlIA\nAAAAgEpYCgAAAABQCUsBAAAAACphKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAA\nVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAAAACohKUAAAAAAJWwFAAAAACgEpYC\nAAAAAFTCUgAAAACASlgKAAAAAFAJSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAAAACVsBQAAAAA\noBKWAgAAAABUwlIAAAAAgEpYCgAAAABQCUsBAAAAACphKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAU\nAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAAAACohKUAAAAA\nAJWwFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISl\nAAAAAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAAAABQCUsBAAAAACphKQAAAABAJSwFAAAA\nAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUs\nBQAAAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJSwEAAAAAKmEpAAAA\nAEAlLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAAAABQCUsBAAAAACph\nKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAA\nAAAqYSkAAAAAQCUsBQAAAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJ\nSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAA\nAABQCUsBAAAAACphKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIAAAAAVMJSAAAAAIBK\nWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAAAACohKUAAAAAAJWwFAAAAACgEpYCAAAAAFTCUgAA\nAACASlgKAAAAAFAJSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAAAACVsBQAAAAAoBKWAgAAAABU\nwlIAAAAAgEpYCgAAAABQCUsBAAAAACphKQAAAABAJSwFAAAAAKiEpQAAAAAAlbAUAAAAAKASlgIA\nAAAAVMJSAAAAAIBKWAoAAAAAUAlLAQAAAAAqYSkAAAAAQCUsBQAAAACohKUAAAAAAJWwFAAAAACg\nEpYCAAAAAFTCUgAAAACASlgKAAAAAFAJSwEAAAAAKmEpAAAAAEAlLAUAAAAAqISlAAAAAACVsBQA\nAAAAoBKWAgAAAABUwlIAAAAAgEpYCgAAAABQCUsBAAAAACphKQAAAABAVf8/DUP4McpJzWYAAAAA\nSUVORK5CYII=\n", + "image/png": "iVBORw0KGgoAAAANSUhEUgAABXoAAAFDCAYAAACEDLZ3AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDMuMC4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvnQurowAAIABJREFUeJzt3Xm4JVddL+7Pl0TmyGgUFAmjCCJIiBG4QHODOIFRVAS9SDuBIArX3w8QnOJwQUVQQUG4GgOCigNoZFQTOjJJGAIqIJM0IoOQhAQSMgBZ949Vu3ufffY5fc7p4ZzVed/n2c/uXlW7qnbVqqpVn7NrVbXWAgAAAADAuK6x3QsAAAAAAMDBEfQCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAxO0AsAAAAAMDhBLwAAAADA4AS9AAAAAACDE/QCAAAAAAzuqA56q3JCVVpVztjuZZmpyq5pmU7b7mU53Kqypyptu5fjqFC1J1XWJUOpyk9X5d1VuWw67j1+u5dpeFU/nap3p+qyVLVUPX5637PdiwYbtqweb34aZ0yfPWGu7ISp7IxDtahXF1XZPR2nd2/3sjCn6rSpTu/a7kVx/oEd7gidA3dixsLht1Y7oSp7q7J3e5bq8Bq5rh/VQS/AEVG1e2pY7d7uRdkpqvLQJL+b5PIkv5Pkl5P882Gc39H/R7SqI7pOrw5GbsANSz2G8dhvOZz8kW7j/HEF2IBjt3sBOKr9UJLrbvdCANvigbP31vKxbV2So8e+dZrW9q/Tqu1ZGtia5fWY7fay9ODu49u9IOxIa51/vjbJ57ZliYBFH03ytUku3u4FAbaXoJfDprX853YvA7Btbp4kQt5D6uZJIhxjcOrxDtRaLo5wgLUt329b+/ftWBhgidY+n8Q+CVx9um6oyh2q8jdVubAql1bl9VV5wMI4N6jKE6pydlX+qypXVuVTVTmzKvdYY7pt6ov2plV5flU+XpUrqvKuqvzwJpbv2lX5q2l6v1+187fN/C2vVbl9VV5SlU9W5arpNuoVffRW5aHT+L+9xvSuVZVPT+vw2IVhD6vKa6tyUVUur8p7qvLzVbnWkunMtslXVOUPq/LRqnxxx/Y7V/WdqTorVR9P1RWp+liqzknVY5aMe2yqnpKq90/jfiRVv5Gqa64x7VNS9epUXTiN/75U/XqqbrBk3D3T7UDXTNUvpuq902fOWBjvYal6baouStXlqXpPqn4+Vau2xbaoun6qrkzVGxbKrzMtb0vVwxeGPXoq/5Hp/yem6ndT9c5p3V0+rfNnpOpGC5/dk+SPp//98TSd2euEufGOTdVjUvXPqfpMqj6XqvNS9dhUXWNhmvtvYau6fapekqpPpuqqHdFP3zqqctq0399v+n+bvab/f1dVXlSV903H4kur8rapP99Vx72qfHlVfqsq753GvWj69xlVufU0zhlJXjt95Jfm51mVXUfkix9Osz4ap3W6oo6t/7kbpOpp0758eao+narXpOr+C+N9zTS9Fy+U32puXvdeGPYbU/n/PPgvuD2mbj4+NP33EQv1Zvd8dyBV+caqvGJqQ7SqnDA3na+qyu9V5T+m8/8FU7vhpDXme2xVHlOVf67KZ6ryuaqcV5XHjnDu37ID1eOq70rVi6bz1KXT623p/YIevetlizbQBjuxKr9blXdO9fbyqry/Ks+oyo2WTG93rdP3XlWuV5WnV+U/p3r+gao8qSrj31Kw8px7m1T9VaouSNVnU/X3qfq6abwvS9Xz09trl6fqLam638K0VvcdvX/YrmnYaUuGnZjeXvvs1Eb4x1QtvfY4og68366+jXy+X+Gq703VuVOb58JU/XmqvnLJfDbe7urj7+8yq+p+6W3Y2bp7RfovjZd9n+um6kmpeus0/iXp7dhnperLl4z75FS9YzoeXZKqN6XqYVtYk+s7lHWwj7ex838fd3+9rLrrtP4umrbZOam65xrLvLF2bdUdpum/do3pnJa5c3FWtqN3LyzfN07Ld+GK/azXgeen9yH9mfR+pP8tVb+Uqmsvnefm6+itp3l8YJr+han611T9QapusrDun5Cqs1P1X+nXJJ9K1ZlZb5/u6+n0VO1Nv/76ZKpel6pHT8N7ne/uu7CeTpvGWbsLjKqbper3p+nPlumlqTpxybjr7l9PzZNvs3/UA2cs03jXqsrPVuVfp3bPZ6ryuqo8ZMm4J6x3fpvG2TONc82q/OJ0bXBFzXXFtdF5VuX61XOfNyyUX2c6d7aqPHxh2KOn8h9Ztf52gKp8Z1XOqv3Z1Meqck5VHrMw3o2r8rTq2cplVbl4+tyqbch+VblZ9cxub+3PDF9alVX7U21Txnh1+UXvrZK8Kcm/Jnlekpsl+f4kr6rKD7SWl0zjfW2S/5Pkn5K8Ismnk3x1ku9M8m1VeVBrefWS6d8wyRuSXJnkr5JcK8n3JTm9Kle1lhest3BTg/vMJPdK8uTW8usH82W3wW2SvDnJ+5K8OMl1knxmyXh/k/5rkR+oyhNayxcWhp+avi6fMT+sKqcn+eEk/5Xkr5NclOSbkvxqklOq8s1LpnXj9FsQL0ny0iRXJfnvg/mSh0XVI9Pr5CeS/F2S85Mcn+Tr07/zcxY+8adJ7p3kVenr+NuTPHH6zMqdvupRSZ6b5NIkf5nkk0l2JXlSkgel6l5p7aIlS/XXSU6a5vE30+dm01x3W6Tqm9Pa4rY4slq7JFXnJjk5Vceltc9OQ+6V7PvDwClJ/mTuU6dM72dN7z+e5LuTnJPkH9P/KHZikp9J8m2pOnluumekr4dTk/xtknfMTbev36ovSd++35Lkvenb8fL0C6dnJzk5WdmAmGx039pJ9kzvu5PcMr0fv3m/nr4/vjn9FrMbJPmf6X3/nZS59VCV66YfW2+T5B/S12FN0z01/Xj7H+n1NEkekb7NZsuQ5Kh4OMCe6X13lq/T1apm56U7JnlLep+KN03ykCR/n6pHp7XnJUlae2+qPpq+HeadsvDv1y38//Ikb9zUN9lZ9qSfcx6X5J3ZX4+Svh/fcPr3PZI8Ocnrk5yevh6vTJKq3C3J36efc16Tfr65aZLvSvL6qnx3a3nlbKJV2eqx4GiwZ3rfnYM8NrDCWueJR2ad81hVTm4tn106xdW+JL1+3zy9bfCF9Dr+60munY0ck8ZwQvq6fE/6uf2E9HW4ZwpoXp2+bl+Svs8/NMmrUnX7tLb1u9h6kPaPSa6Zfgz5QJK7pu8zZ295uofGnul9dzZ6/tnvMenXUGem18OT06+/7pKqu6a1K+bG3Uy7a94D09sDr0ryB+nnvG9PclKq7pjWzt83Zg+MX5vkLunH39PTj+W3SW/bvjSza4V+Dj07yTckefs07jXSj91/mqo7pbWf38S62KgTcrB1cDPn/5Xunn5N8aYkf5h+Dfw9Sc6attd79425mXZta/+eHvLeb1rO9y3M91Nz/97SuTj92uYO6W2SV6Qfl+6V5LQku1J1/7T2xSXfeWN1tOpm6evyS5O8Mv0a6NrpGcPDk/xekgumaa6bJ6TqQWltZZ5Q9R3p12rXSt/GfzZ977ukb5PnTuvil5P8UpIPJyueLbBnyXebn/6tpvV28/R6/WdJbpGeV3xHqr4nrb18ySeX7l8PyV+c/JQ8LdlgxlKVa6afQ+6b/ovj30/v3vF7k7ykKndtLU9ZMv+NXActvW7dzDxbyyVVOTfJyVU5bu7cuJlrxx2jKhvKF6pyy/S6c0J6G//VSa6Xvt1fXZVHtZb/e4QXf8eryrr7U1W+p7XM70/bkjGmtXbUvpJ2QtLa9Hr6wrC7J+3zSft00r50KrtB0m66ZDpflbSPJe09S4bNpv+HSTtmrvyOSftC0t69MP6uafzTpv/fMmnvTtqVSfvB7V5nB7F+n7pk+J6ktYWy503jP3DJ+K+Yht15rmz3VPbSpF1nYfzTpmGPW2ObvDBpx273elr3lbytJVe05Pglw2469+8905d6W0tuPFd+vZZ8oCVfbMlXzJXfcpruZ1pyh4XpPmea1vMXymfz+JcV894/fPc0/KUtuc7CsNOmYY/b0Pc+/Ov1V6bl+Y65sqe15AstOaslH5krv0ZLLmjJBxfW3zFLpvuj03SftMa62b3G8szWz7NXTDc5piV/NA07da78hLa/Iq/at0Z4Ldv/p/LbLCm7RtJeMH3lk+fKHzSV/faSz1wzacfN/X/FsfWofM320dXlrSV7FsqeN5U/ryU1V367llw8HR9OmCt/4TT+nebK/qwln2rJeS153Vz5jaZjzlnbvk4O8jV3HjtjybBd+3fD9qglw49N2geSdnnS7rsw7OZJ+2jSPp60a82Vz85bz15oMxyTtD+ahp16sN9rR7/Wrserjg3T8fkF00Y4eWHYGVP5CXNls2Pnqu15tL020Aa75Xwdmyv/0ekzT1oon7W3di+U753KXznfDkva8Um7aHp9yXavj4N6rTzn/tzCsF+Yyi9syR+05Bpzwx4+DfvtubLV9XL/sF3TsNPmyqol/76qHdCHPW5uuXZt8zrazPln1ub5TEvuvDDsT6dhD1kov+UW211faMkpC8OeNg174hrzfu6K7diHXb8lN1iyHRence2WvLolV7Xkrju0Dm72/L9rbt67F+b9qKn8OWts4422a793KvutJd/9jLn5n7HOftNasupcPI1z6xXfdX/5r06f+/6DqqPJT7W1rnP6tdh15v5/g7b8OuqrWvKxlrxnofym03a5siX3Xfq5lf9vq/a51fXojIXy16xRt+457UMXtOT6G92/PpRbzm2SDWUsT547jxw7N+7xc+eYe86Vr3t+m8bZMw3/lyzPbzY7z1+Zyr5jruxp6XnOWUn7yFz5NZJ2QdI+uGzZtvuVtLcl7YqkrcoX5tfVtA6vStpDF8a5YdLekbTLkvblc+XrtRP2bvf3PkzrctV1QtJeM5X93MK495zqywVJu/5c+WHPGJcu+3avvCO0YS7KXCAwN/yMafgjNjCtZ03jfvWSjXDp7EC2MOycafj8ht4XRiTtrtPGvThpp2z0e+2U19z6/UTmLmTnhi8Leu85feYvF8q/Yqq0b18oP286WdxwyfSPSdr5STt3yTZZenDbca8e3F7akhsdYLxZCHv/JcN+eRr2wLmyn5vKVp8ce0jzmZZc1pJrLZnH8pChhz2fb8mqbdF6w+78lpy77vc4cuv1vtN3eeZc2bkteXNLfnIadvup/G7T/5+/genW1Bg7e6F87aB3f5D88Zas/sNDcsPWLxj+Yq5s1lD7xIptNNBr2f5/gPHvNu27vzhXNgt6Dxh2R9C7Z+7/15yOK59t838Y2j98duHzi3Nlj5jKfnqu7L9b8pKWPL31C5DrTeUPnsZ9yravk4N8LWvALalT563x2VOn4U9fY/jjpuHfPv1/dmHw8Sz5I+TUsL4qaX+xle8yzGuterz2+HdbVV97uaA3bc022Dqfq6ndefZC+YGC3tsumdbsD3Rft93r46Be++vNh9pi2Jh89TTs0pYctzDsmKld9Nq5ss0Gvfeays5ZMv4xrf8xv7Uxg95fWzL+/aZhqwO/5fM9ULvrRUs+c6tp2F/NlR3f+h8oP7bvXLb2PG/SesD1ljWG32Wa/m/uuDq4tfP/rF6+fsn4XzJN/61zZVtp1x47rfvz28prjxu25HMt2bvmsXv/8i09Fx9gvd54+uzpB1VH9we9jzzI7fysaTpfPVf2/01lv7vBabRV+9zqenTGXNlXTWUfbsnqP8olfzIN/6GN7l9zQe+GMpakvX9q39xhybizPz6ePld2wPNb9ge9S69btzDP+05lz5wrOzdpb07aT07Dbj+Vz65ZDnztuA2v9KD30qStmS8k7S7Td/jLNYbP2riPmSu72ge96eFsS9qHs+SP3En7k2n4D21w+ockY1z2urp03fD2tvz2tD3pt/p+Q9J/+lyVe6XfxnmP9J+4L/Z9+pXJqoeMvb+1pbdTf2R6v1F6FwLz/kf67UifTXKf1vLODX2TnemdreWKA4+WtJY3VuV9SR5UlRu1lk9Pg34wyTHJin51rpt+y8r5SR5fy3uBuyL95/CL9rY21+XAzvXiJM9I8u5U/Xn6bUNvSGufWmP8ty4pm69nM3eb3lff8tfap1N1XpL7pN/mtFj3zl31maoV2yLLN8Za22I7vCnJZZndVtP7JL5bkt/M/nVySvqtQLPb1fevq35L2qPSb4m7Y/otxPN9RK7uu2ttt0+/ve79SX5+jXV3WZavu3dm5a2Nw6vKTZI8If3Wylun3yI0b37dnpN+C/fPTrfIvzL9FpZ3tJZlt+DRfU0ydXvR2oVLhp+d5OfTz33zZUnfL56V3h/g8em3pH0kyf+ffsx4VZbtM0e31cfEbtav1i2r9/e76HbT+9em190Vx4I1zmlrHQuOfr2Pw40eG9hvaRts6ibkUJ3HLm4tH1hSvqz9MbJ3ZPXt3bOHj70vi10HtPbFVP13kq86iHnO2mvnrBrSp//69NuXR7TRNuvBtLs2Oo+Tpun9U1q7dN2l7uMek2R5f8q9K5Pk8ByrD7YObuX8P7N6Xbb2+Wn68+ty8+3a1r6Qqv+b5BfTu4P402nIw9Nvx/+zJD+7bEJz1joXJ1XXS79+/+5p+Y5LVvQffrD158wkT03y+6n6lvQuAd6Q5N1T8rK4PJvJE75pen/VGst4sGbb+nXpD2tbdHaS/zWN98KFYeutn2QDGUtVXprktkk+2trSB8XN2pLL6uRGMoZV9aIqx21hniuuHauyuWvHnWVfvlCVfflCayu6SZm1YW+wRhv2y6b3q2ebdG379qfWsuH96QhmjPtcXYLetfpm/cT0foMkqcp3p/d/cXl6f5AfTO/f9Kr0vk3vm6x++Fdm/XCuNuur9Jglw74h/ST0xoz/dMxPHHiUFV6Q3k/JQ9P7HEr6yeDz2X/iT3rlrfQDzS8d5mXaHq09M1Xnp/cR9dNJHp/esDwnyRPS2lsXxl9W15bVs9nD1j6+xpxn5TdcMmzZujuYbXHktXbldHF0/1R9WZJ7pq+fs9Lae1L18fST9XOn95aVJ+uXpDcW/yO9391PJPsaGo/P8uPAWmYPaLhd1l93119SNkY93qCq3DC9j7NbpTfMXpjkwvQ6POsrdd+6bS2fqco3pfdJ9p3pfcElyflVeU6SX1vjJHt1t/n9v7WPpOr96Q/4OCYr+x77RPrx+ZT0C5FT0vtIe8uhXewda639cLZvf98BPj/btw/mWHB0631KbvjYwApr1c9DeR7bSjt3RBevKukB1fJh3ReyP/jbitnx+kDXKiPaaJs12Xp9XT2P/dtsfh6z891HD7TQ2X+sPml6reVwHKsPtg4eTPt/vf18fl1u9Vz2/CQ/lx7oz673Hpne/+Rf5sBB7/J9of+R4Owk35jk39Lr0qeSfe3DX8pm6s+yOtrah1P1jel9/n5rkgdPQz6Sqt9Ka8+aW57N5gmbqZtbcWjrRGtfSJ0w+99GMpZDfU26kXE2Pc/WcmVVXp/k/lVZce3YWt5TlQNdO+4YreWZVVmVL1TlnCRPaC1vzf79+Jun11qufm3S9W26bh3hjHGfq0vQ++VrlH/F9D47cf5q+snm7q3lPfMjVuV56RvhUPm99DT/J5KcWZXvai2XHcLpH0mr/5K5vj9JX9ePSPLcqnxDkjsn+dvWcv7ceLPtcl5r+37xcLiWafu09sIkL5wudO+Z3tD9kSSvSdUd1vl173pm6+4rkrxryfCbLYw3vzzL1t2+bZHWNrsttsvZ6SeuU9LX6+XJvqepnp3+QIRrpT/c7l1prf8CvOru6dvgH5N8W+YfLtefIvzETS7HbN29LK09eN0xVxunHm/Mj6UHOb/c2sq/Hk9PHX3c4gday38l+dHqT3a/Y/pf0X8y/Vch10jyC4d5mUc0v/8vs9b+f3b6BdhJ6fvNh9PaB5NkesDh/VN18/Q7AV6+5FdHR6u19sPZ+ju1tZy5gensOxa0ls0eC452+44Nae20FUP6A4hWHRvYZ1X9rMqK81hb+YDbrZzH2Lirpvdl11jLgozZceFA1ypHr0Pf7lpmdsG8kV+yz7bJb6e1nzkE8z6Stnr+38o8Nteube2jqTozyXen6g7pvwr+uvRgdtmvj1dNYY3yU9ND3jPS2uKDqW+WQ/UDldbek+T7U3Vs+l2O90/yU0l+N1WXprU/msbclydMn5lfnmV5wnzd/NdDsqwrHc46sZGM5WDmf8DroNaWjnMw7eB1rx2rsu/acSffPdxaXpjkhdOPbFbkC1W5Q/Z/98e1lmetMRlW20rdOpIZ4z7XOPAoR4W7TT/hX7Rrej9ver9tkncv2QDXSO9q4VBqreXR6U9CfUCSV1Stuk3xqNRaPpJ+sDy5Kl+THvgmWfnkwNZySXpIeaeq3PjILuU2aO2itPbKtPbj6V1Y3Dj9VumtmNXpXauG9ED5ruknr/esGr582fZti1SNsi1mT0E9JT0cfGNau3xu2I2TPDr99uD5J6bedno/c8XFRveN6beYLZoFXsv+svbv6Y24b5p+dXB1Nlu3f71k2Lonuam7oXe1lmdn/1+ev2tulPW2wdXNe5N8Lv2p0cuChftN729fKJ/tB9+Sfuw5a2HY16c/TTnZgU8Z3qKDqTf/PL3fe4Pj7zsWTLfVs9+Wjw0ste88Nh/yTtY6j3FozLoku8WSYXdfUjY7Dq+u5/3uikN9/bETbaXdtVnnpofw95lu89/IuBs9tu8kWz3/b8bBtGufM70/Kv3XvEnyvBzcuXhWf166ZNihP3+09oW09ra09htJHjaVzrdHb5vepcNiyLtWnjBrS3zbBpfgqmxuPc2uCf/HFFIvOpg6ccCMZera4YNJvrJqX5dWh2r+Sx3EPFddO7aWjVw77lit5aLW8srWspgvbLYNS7dvf6pa+gfdZXXrSGaM+1xdgt4bpP/6a5/p1w4/mJ62v2wq3pvkdlW5+dx4lX6bxh0Px4K1lv+d5GnpleI1VfnSwzGfHeiM6f1H00+S5yd5+ZLxnpneh8np01+kVqjKjaa+O8dUdb/U0s6tjp/eP7fFKb8o/Zaln0rVbReG/WqSL03yok32/7pvWyxtPFbdKFU7aVu8PX3/PjXJnbLyhDy71ebJC/9P+nEgWQzJq45P8vtrzOuC6f2rVw3pFy3PTv8L37NStfqCpepmqTosx5gdZu/0vmu+cPpV/5MXR67KnaqW/lpgVja/f6y9Da5uWrsyvX+u49L39/2qbpN+G9fn0++umPfa9F9PPCb9vLm4z1T231q5I29X24JPp3/nrdSbv02/kPjJqnz7shGqco+pv/lMgdu+Y0HV6vCiKjerOjztjR1u7/S+a0Vp1dJjAwe0d3rfNV9YlfXOYxwas/4if3xFadWds/yX6W9MD+fuk6pTF4Y9NuP2z7sZe6f3XStK1293bU6/O+7P04+/vzWFbvPzuv70PIdMd3i9OMndU/ULU+CehfFvk6pbHZJlO5S2fv7fzDwOpl17Vnofp49I8pAk701rr83BnYv3Tu+7Fpbh1kl+YwvTW63qxH31Y6Vl7dG9SW433QE1+/x6ecIL0rvDenSqVv/Ap2qxD/ALsvwPScu19l/pt4ufkH4L//y0T07yA+nr/2WLH92AjWYsp6e3IZ9etT+krspNs//OvNO3MP/1bGWeW7123FGqcr8pw1q0L1+Yum94XZIHV+VH1pjOnad2A5PpTtOl+1NV1tqf9uYIZ4zJ1afrhn9K8mPTyn9D+onp+9OD7kfNdXL820n+IMl5Vfnr9BPhvdI3wN8ledDhWLjW8pSqXJ7eD+U/VOVb5x5SdrR6WfpJ7fHp/Uo9e1lfm63l9KqcmB48fLAqr0nvqPrG6bd53ifJH6d3gTGilyW5JFX/nH4QqPS/rJ2U5G3pt7FtXmt7U/X49Aby21P1F+n9Vd03vRPwf0/ypE1O8/RU7dsWqdrZ26I/oGJP+sk6mT9Z9762Pph+AfXFrHwIylvSjxMPTtUbk7w+vSH3bekXYx/Lam9Kb+Q9Pv2BQrP+op6d1i5Ob2zfJX3dPChVZ6f3xXV8eh9n90rvt+zdB/eld7wXpj9s6Xeqcr/0B3ncLskD03+J8f0L439zegPtTekXBp9Mf+DIqem/aHj63LjvTV+nD63K55N8OP2i4U9ay4cP2zfauX42/Vjy2FSdlB7i3jT9wuq4JI9Nax9a8YnWzk/Vv6TX1WRlI3ZWx49PP5YcjtsLj7jWcklV3pzk3lV5cXo9+2Jy4K4YWsvnq/Lg9IeyvKIqb0zyjvT1dIv04/it09scs4vAFceCqlxdjwWL9h0bUrWRYwPr23cem+rlRs5jHBp/m15/HzYFNG9OD69OnYY9ZMXYrbVU/Wj6heNfp+qlST6QfufVKUlend4n6NFsK+2urXhselcBP5Fk19SOvTK9Dfst6c8C2DM37u2S/EqSh0/PffjvJDdPfzjRSek/VFl5Ht0ZNn/+37yttWt7ff+D9B+PJL3f3n7nYNWbk9w7VZs6F6dfo38gyc9Mf1A5L32fe2CSV+TQ/ADg4UkeNdWDD6YHObdJzwauSL9Dd2ZfnpCqA+cJve31A+l9eL4ynwTfAAAMo0lEQVQ2Va9K8i/pP8r5+vT2xPwfFc5K8tBU/V16MPn59IcM/tM6y/8T6fvY01P1gPSHrN0i/RkDVyX54VUP+tuYjWYsv5W+P5+a5J1VeWX6QwO/L73O/GZref0W5r+eTc+ztXyxKnuy5NqxtXy4KmtdO+40L0tySVUOlC/8QHpb/4+q8tPp56uL0q+1vj79eHmPZOd2UbFN9u1PVVm6Py08pHBbMsa06X7Yo/GVtBOS1pJ2RtK+Nml/m7RPJ+1zSXtD0r5lyWd2J+0dSbs0aecn7WVJu3PSTpumtWth/Ja0PWvM/4xp+AlzZbumstOWjP+Eadjbk3bT7V5/m1m/awzfk7S2zuf/cPp8S9qJB5jXA5P28qR9MmlXJu0TSTs3ab+WtDtsdJvsuFfyEy15WUv+oyWfa8mFLTmvJU9syXFz4+1pfWUum8buaSXuXjLsAS35+5Z8uiVXtOQDLfnNltxwybhrz2PleA9syctb8smWXNmST7Tk3Jb8WkvucMDPH9n1+1PTurm4JccsDHveNOzNSz5345Y8pyV7W3J5Sz7Ykqe25LpT2d4ln/nWlrypJZe0/RX7hLnh1ZKHt+SsaTtf2ZKPtuT1LXlKS24xN+4J0+fP2PZ1uMXXWvt/0u6YtDOnffnSpL0taT+27HgyHbefmbS3Ju1TSbsiaXuT9ldJu+eSaZ+UtLOSdnHSrlp2zB76tdY+2r/oniXlN2zJb7Tk/dP+f1FL/qElD1hnHs+YpveuJcNeMw17ybavi0P4Stptk/Z3Sbtgrt7sXu98vfD545P260n7t6l9cUnS3j/V0/+VtGMXxq+kPXyqqxdO57SPJu31SXtK0m5xuL7rjnitXY/v2JIzp3PLpS15W0t+bM3jYXLGkuPs8MfOjb420Aa7cdKeMx0zL0/aB5P21KRddyrbuzD+7lndXyhfNe7csKVt4+FeB6o3ax1j+7DVbYLkFi15yXSuv6wlb2nJg1uya5rWaUumc2JLXt2Sz06vf2zJPVpy2vSZ7V3Hmzn/rLfMa+/Pm2t3rdf2XW+bJddryc+15F9ab3d/tiXvbsnvtOT4hXGv2ZLHtuSNrbcjr2jJf07tuMe35CY7uA5u/Py/Xr1ca/q9fOPt2pWfu1FLvjjtGzeZK79tS/6uJRe05Kp92/dAy9f27XMvnuZ/WUve1fq11LGHpI4mJ7fkuS1559x+/YGW/HFLvm7JNHa35B2tn8vOb/1a784HmO+dWvLC6Ttc2ZL/bsk5LXnkwnjHt+RPp+FfXLFu1qtHyVdO3+HD0/TPb8nftOSkNZZ/zf3rQ7llm51/svGM5dpTG+ffknZZ0j47tXsetmTcdc9v0zjr5gybnefcZ35qmvfFSTtmYdjzpmGrrx130CtpP5GeYf3HtE0uTNp5SXti0o5bGPe4aR29bWq/Xpa0DyXtFUl7ZNKuNzfuptsJo7/WqotJ+8qkPTdpH57a8ecn7W+Stnp/2r/uDlvGuOxVfWQAAACAw6RqV/qvjF+U1h6+zUsDcFS6uvTRCwAAAGyfJ07vv7etSwFwFLu69NELAAAAHEm979wHJjkxvd/Ul6e1N2/vQgEcvQS9AAAAwOFwYpKnpj+I+y/TH+wMwGGij14AAAAAgMHpoxcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABicoBcAAAAAYHCCXgAAAACAwQl6AQAAAAAGJ+gFAAAAABjc/wMrZST1b0d05wAAAABJRU5ErkJggg==\n", "text/plain": [ - "" + "
" ] }, - "metadata": {}, + "metadata": { + "needs_background": "light" + }, "output_type": "display_data" } ], @@ -1024,23 +920,23 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/topic_network.ipynb b/docs/notebooks/topic_network.ipynb index f08d4ae746..bff569f805 100644 --- a/docs/notebooks/topic_network.ipynb +++ b/docs/notebooks/topic_network.ipynb @@ -11,16 +11,25 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 1, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[33mYou are using pip version 19.0.1, however version 19.1 is available.\r\n", + "You should consider upgrading via the 'pip install --upgrade pip' command.\u001b[0m\r\n" + ] + } + ], "source": [ "!pip install plotly>=2.0.16 # 2.0.16 need for support 'hovertext' argument from create_dendrogram function" ] }, { "cell_type": "code", - "execution_count": 1, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ @@ -44,9 +53,82 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 4, "metadata": {}, - "outputs": [], + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "--2019-05-12 18:54:33-- https://www.kaggle.com/mrisdal/fake-news/downloads/fake-news.zip/1\n", + "Resolving www.kaggle.com (www.kaggle.com)... 35.244.233.98\n", + "Connecting to www.kaggle.com (www.kaggle.com)|35.244.233.98|:443... connected.\n", + "HTTP request sent, awaiting response... 302 Found\n", + "Location: /account/login?returnUrl=%2Fmrisdal%2Ffake-news%2Fversion%2F1 [following]\n", + "--2019-05-12 18:54:35-- https://www.kaggle.com/account/login?returnUrl=%2Fmrisdal%2Ffake-news%2Fversion%2F1\n", + "Reusing existing connection to www.kaggle.com:443.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: unspecified [text/html]\n", + "Saving to: ‘fake.news.zip’\n", + "\n", + "fake.news.zip [ <=> ] 8.46K --.-KB/s in 0.01s \n", + "\n", + "2019-05-12 18:54:36 (640 KB/s) - ‘fake.news.zip’ saved [8668]\n", + "\n" + ] + } + ], + "source": [ + "!wget https://www.kaggle.com/mrisdal/fake-news/downloads/fake-news.zip/1 -O fake.news.zip" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Archive: fake.news.zip\r\n", + " End-of-central-directory signature not found. Either this file is not\r\n", + " a zipfile, or it constitutes one disk of a multi-part archive. In the\r\n", + " latter case the central directory and zipfile comment will be found on\r\n", + " the last disk(s) of this archive.\r\n", + "unzip: cannot find zipfile directory in one of fake.news.zip or\r\n", + " fake.news.zip.zip, and cannot find fake.news.zip.ZIP, period.\r\n" + ] + } + ], + "source": [ + "!unzip fake.news.zip" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] File b'fake.csv' does not exist: b'fake.csv'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mdf_fake\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mpd\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mread_csv\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'fake.csv'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2\u001b[0m \u001b[0mdf_fake\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'title'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'text'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'language'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mhead\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 3\u001b[0m \u001b[0mdf_fake\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mdf_fake\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mloc\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpd\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnotnull\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mdf_fake\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtext\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;34m&\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mdf_fake\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlanguage\u001b[0m\u001b[0;34m==\u001b[0m\u001b[0;34m'english'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 4\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0;31m# remove stopwords and punctuations\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36mparser_f\u001b[0;34m(filepath_or_buffer, sep, delimiter, header, names, index_col, usecols, squeeze, prefix, mangle_dupe_cols, dtype, engine, converters, true_values, false_values, skipinitialspace, skiprows, skipfooter, nrows, na_values, keep_default_na, na_filter, verbose, skip_blank_lines, parse_dates, infer_datetime_format, keep_date_col, date_parser, dayfirst, iterator, chunksize, compression, thousands, decimal, lineterminator, quotechar, quoting, doublequote, escapechar, comment, encoding, dialect, tupleize_cols, error_bad_lines, warn_bad_lines, delim_whitespace, low_memory, memory_map, float_precision)\u001b[0m\n\u001b[1;32m 700\u001b[0m skip_blank_lines=skip_blank_lines)\n\u001b[1;32m 701\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 702\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_read\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfilepath_or_buffer\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 703\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 704\u001b[0m \u001b[0mparser_f\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m__name__\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mname\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m_read\u001b[0;34m(filepath_or_buffer, kwds)\u001b[0m\n\u001b[1;32m 427\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 428\u001b[0m \u001b[0;31m# Create the parser.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 429\u001b[0;31m \u001b[0mparser\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mTextFileReader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mfilepath_or_buffer\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 430\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 431\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mchunksize\u001b[0m \u001b[0;32mor\u001b[0m \u001b[0miterator\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, f, engine, **kwds)\u001b[0m\n\u001b[1;32m 893\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moptions\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'has_index_names'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mkwds\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'has_index_names'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 894\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 895\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_make_engine\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mengine\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 896\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 897\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mclose\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m_make_engine\u001b[0;34m(self, engine)\u001b[0m\n\u001b[1;32m 1120\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_make_engine\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mengine\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m'c'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1121\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mengine\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m'c'\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1122\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_engine\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mCParserWrapper\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mf\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0moptions\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1123\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1124\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mengine\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m'python'\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/pandas/io/parsers.py\u001b[0m in \u001b[0;36m__init__\u001b[0;34m(self, src, **kwds)\u001b[0m\n\u001b[1;32m 1851\u001b[0m \u001b[0mkwds\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'usecols'\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0musecols\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1852\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1853\u001b[0;31m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_reader\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mparsers\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mTextReader\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msrc\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwds\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1854\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munnamed_cols\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0m_reader\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munnamed_cols\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1855\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32mpandas/_libs/parsers.pyx\u001b[0m in \u001b[0;36mpandas._libs.parsers.TextReader.__cinit__\u001b[0;34m()\u001b[0m\n", + "\u001b[0;32mpandas/_libs/parsers.pyx\u001b[0m in \u001b[0;36mpandas._libs.parsers.TextReader._setup_parser_source\u001b[0;34m()\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] File b'fake.csv' does not exist: b'fake.csv'" + ] + } + ], "source": [ "df_fake = pd.read_csv('fake.csv')\n", "df_fake[['title', 'text', 'language']].head()\n", @@ -75,7 +157,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -85,7 +167,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -103,7 +185,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -124,7 +206,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -157,182 +239,9 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "" - ], - "text/vnd.plotly.v1+html": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "import plotly.offline as py\n", "from plotly.graph_objs import *\n", @@ -350,7 +259,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": { "scrolled": false }, @@ -424,4148 +333,9 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "hoverinfo": "text", - "line": { - "color": "#888", - "width": 0.5 - }, - "mode": "lines", - "text": [ - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - "+++: [u'military', u'iran', u'war', u'forces', u'government']
---: [u'operations', u'rebels', u'chinese', u'fighters', u'qaeda', u'mosul', u'assad', u'japan', u'daesh', u'iraqi']", - null, - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - "+++: [u'country']
---: [u'operations', u'chinese', u'protest', u'japan', u'group', u'air', u'black', u'thousands', u'government', u'food']", - null, - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - "+++: [u'near', u'north']
---: [u'operations', u'chinese', u'dakota', u'japan', u'access', u'police', u'sheriff', u'lake', u'nato', u'local']", - null, - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - "+++: [u'countries', u'country', u'government', u'china', u'minister', u'world', u'war']
---: [u'operations', u'chinese', u'german', u'known', u'london', u'japan', u'nato', u'joint', u'migrants', u'prime']", - null, - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - "+++: [u'world', u'october']
---: [u'operations', u'chinese', u'years', u'japan', u'25', u'20', u'0', u'nato', u'4', u'2015']", - null, - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - "+++: []
---: [u'operations', u'office', u'money', u'years', u'including', u'japan', u'1', u'group', u'chinese', u'personal']", - null, - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - "+++: [u'october', u'secretary']
---: [u'operations', u'chinese', u'japan', u'justice', u'source', u'nato', u'huma', u'sent', u'government', u'joint']", - null, - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - "+++: [u'country', u'united']
---: [u'operations', u'office', u'elect', u'supporter', u'chinese', u'candidate', u'him', u'going', u'nato', u'he']", - null, - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - "+++: [u'security', u'officials', u'government']
---: [u'operations', u'office', u'legal', u'japan', u'police', u'chinese', u'justice', u'crime', u'arrest', u'nato']", - null, - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - "+++: []
---: [u'operations', u'help', u'chinese', u'cdc', u'japan', u'children', u'vaccines', u'symptoms', u'air', u'nato']", - null, - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - "+++: [u'world']
---: [u'operations', u'help', u'chinese', u'human', u'japan', u'based', u'personal', u'better', u'nato', u'government']", - null, - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - "+++: [u'united', u'u', u'russia', u'government', u'nuclear', u'countries', u'washington', u'foreign', u'states', u'nato']
---: [u'operations', u'coup', u'force', u'clinton', u'vladimir', u'chinese', u'intelligence', u'general', u'middle', u'defense']", - null, - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - "+++: [u'united', u'government', u'country', u'washington', u'foreign', u'states', u'u', u'security', u'border', u'secretary']
---: [u'operations', u'office', u'executive', u'committee', u'japan', u'issues', u'judges', u'chinese', u'justice', u'barack']", - null, - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - "+++: [u'states']
---: [u'operations', u'chinese', u'democrats', u'japan', u'debate', u'votes', u'candidate', u'candidates', u'government', u'early']", - null, - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - "+++: [u'world', u'china', u'u', u'government']
---: [u'operations', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'japan', u'chinese', u'nato']", - null, - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - "+++: [u'united', u'government', u'country', u'foreign', u'states', u'u', u'world', u'military', u'war']
---: [u'operations', u'chinese', u'global', u'years', u'japan', u'black', u'policy', u'elites', u'nation', u'joint']", - null, - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - "+++: [u'world', u'great', u'the']
---: [u'consciousness', u'german', u'london', u'human', u'existence', u'religious', u'pope', u'lord', u'humanity', u'government']", - null, - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - "+++: [u'body', u'heart']
---: [u'help', u'consciousness', u'cdc', u'human', u'earth', u'research', u'religious', u'children', u'pope', u'symptoms']", - null, - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - "+++: [u'body', u'earth', u'energy', u'power', u'light']
---: [u'consciousness', u'caused', u'magnetic', u'years', u'human', u'existence', u'moon', u'religious', u'pope', u'electricity']", - null, - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - "+++: [u'control', u'power', u'society', u'state', u'world', u'the', u'history']
---: [u'consciousness', u'global', u'years', u'human', u'earth', u'religious', u'pope', u'elite', u'black', u'policy']", - null, - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - "+++: [u'control', u'life', u'power', u'mind', u'human', u'world', u'order']
---: [u'help', u'consciousness', u'earth', u'religious', u'based', u'pope', u'personal', u'better', u'lord', u'humanity']", - null, - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - "+++: [u'need', u'things', u'work', u'way', u'better']
---: [u'all', u'help', u'years', u'human', u'based', u'personal', u'll', u'actually', u'going', u'them']", - null, - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - "+++: [u'right', u'years']
---: [u'all', u'global', u'll', u'actually', u'better', u'going', u'black', u'policy', u'elites', u'them']", - null, - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - "+++: [u'comment', u'twitter', u'share', u'facebook', u'internet', u'news', u'posted']
---: [u'help', u'follow', u'trunews', u'o', u'26', u'27', u'tv', u'28', u'0', u'mainstream']", - null, - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - "+++: [u'city', u'state']
---: [u'rebels', u'violence', u'fighters', u'qaeda', u'mosul', u'group', u'day', u'iraqi', u'black', u'terror']", - null, - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - "+++: [u'local']
---: [u'protest', u'children', u'group', u'father', u'young', u'day', u'black', u'thousands', u'wearing', u'woman']", - null, - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - "+++: [u'police', u'camp', u'protesters', u'according', u'state', u'peaceful', u'local']
---: [u'protest', u'dakota', u'group', u'sheriff', u'lake', u'black', u'thousands', u'food', u'indigenous', u'community']", - null, - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - "+++: [u'country', u'violence', u'day']
---: [u'office', u'protest', u'elect', u'supporter', u'group', u'candidate', u'him', u'going', u'black', u'he']", - null, - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - "+++: [u'police', u'rights', u'according', u'state', u'authorities', u'local']
---: [u'soros', u'office', u'protest', u'group', u'justice', u'crime', u'arrest', u'black', u'criminal', u'thousands']", - null, - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - "+++: [u'city', u'crisis']
---: [u'ron', u'proposes', u'protest', u'protests', u'paul', u'group', u'obamacare', u'offers', u'black', u'thousands']", - null, - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - "+++: [u'city', u'state', u'police', u'according', u'black']
---: [u'shot', u'years', u'protest', u'committed', u'children', u'suicide', u'group', u'crime', u'prison', u'thousands']", - null, - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - "+++: [u'social', u'video', u'told']
---: [u'children', u'campaign', u'tv', u'father', u'young', u'women', u'local', u'wearing', u'woman', u'mainstream']", - null, - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - "+++: [u'news', u'campaign', u'told']
---: [u'justice', u'source', u'huma', u'sent', u'mainstream', u'watch', u'department', u'facebook', u'lynch', u'reporters']", - null, - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - "+++: [u'campaign']
---: [u'office', u'elect', u'supporter', u'candidate', u'tv', u'him', u'going', u'obama', u'mainstream', u'watch']", - null, - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - "+++: [u'news', u'story', u'stories', u'times']
---: [u'years', u'alt', u'tv', u'bush', u'black', u'case', u'mainstream', u'watch', u'facebook', u'reporters']", - null, - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - "+++: [u'press', u'posted', u'told']
---: [u'office', u'results', u'paper', u'article', u'votes', u'voter', u'tv', u'going', u'tape', u'voted']", - null, - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - "+++: [u'news', u'campaign', u'media']
---: [u'electoral', u'democrats', u'debate', u'votes', u'candidate', u'tv', u'candidates', u'obama', u'mainstream', u'watch']", - null, - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - "+++: [u'reported', u'story', u'times', u'told']
---: [u'shot', u'years', u'report', u'committed', u'children', u'suicide', u'police', u'tv', u'crime', u'black']", - null, - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'dakota', u'police', u'sheriff', u'supply', u'lake', u'iraqi']", - null, - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - "+++: [u'enforcement', u'police', u'according', u'private', u'state', u'local']
---: [u'office', u'dakota', u'sheriff', u'justice', u'lake', u'crime', u'arrest', u'criminal', u'government', u'protesters']", - null, - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - "+++: [u'state', u'oil']
---: [u'money', u'embassy', u'human', u'dakota', u'weapons', u'police', u'sheriff', u'lake', u'local', u'kingdom']", - null, - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - "+++: [u'state', u'police', u'according']
---: [u'shot', u'years', u'committed', u'dakota', u'children', u'suicide', u'sheriff', u'lake', u'crime', u'black']", - null, - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - "+++: [u'city', u'government', u'jewish', u'west', u'western', u'war']
---: [u'rebels', u'german', u'fighters', u'qaeda', u'london', u'mosul', u'assad', u'daesh', u'iraqi', u'terror']", - null, - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - "+++: [u'europe', u'countries', u'country', u'government', u'western', u'west', u'world', u'war']
---: [u'coup', u'german', u'russian', u'london', u'zone', u'nato', u'policy', u'east', u'assad', u'prime']", - null, - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - "+++: [u'city', u'later', u'called']
---: [u'shot', u'german', u'years', u'london', u'committed', u'children', u'suicide', u'police', u'crime', u'black']", - null, - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - "+++: []
---: [u'rebels', u'month', u'fighters', u'qaeda', u'mosul', u'world', u'15', u'25', u'20', u'3']", - null, - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - "+++: [u'1', u'the', u'million', u'000', u'years']
---: [u'office', u'money', u'month', u'including', u'25', u'group', u'personal', u'writes', u'state', u'0']", - null, - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - "+++: [u'news', u'october', u'according']
---: [u'years', u'25', u'20', u'justice', u'3', u'emails', u'0', u'4', u'2015', u'2014']", - null, - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - "+++: [u'november', u'day', u'likely']
---: [u'office', u'years', u'elect', u'supporter', u'25', u'20', u'candidate', u'0', u'going', u'4']", - null, - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - "+++: [u'according']
---: [u'office', u'years', u'report', u'25', u'20', u'justice', u'state', u'crime', u'0', u'4']", - null, - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - "+++: [u'1', u'2']
---: [u'help', u'cdc', u'years', u'children', u'25', u'20', u'symptoms', u'0', u'treatment', u'2015']", - null, - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - "+++: [u'world', u'change']
---: [u'help', u'able', u'years', u'human', u'25', u'based', u'personal', u'better', u'0', u'4']", - null, - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - "+++: [u'world', u'change']
---: [u'coup', u'administration', u'years', u'25', u'20', u'zone', u'state', u'0', u'nato', u'4']", - null, - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - "+++: [u'the', u'000']
---: [u'office', u'administration', u'executive', u'years', u'committee', u'issues', u'25', u'judges', u'20', u'justice']", - null, - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - "+++: [u'news', u'percent', u'day']
---: [u'years', u'democrats', u'debate', u'25', u'votes', u'republican', u'20', u'candidate', u'state', u'0']", - null, - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - "+++: [u'world', u'year']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'25', u'20', u'silver', u'0', u'4']", - null, - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - "+++: [u'source', u'state', u'john', u'foundation']
---: [u'office', u'money', u'years', u'including', u'note', u'group', u'justice', u'writes', u'to', u'board']", - null, - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - "+++: [u'state', u'public', u'office']
---: [u'money', u'years', u'including', u'1', u'police', u'justice', u'writes', u'crime', u'source', u'board']", - null, - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - "+++: [u'1']
---: [u'help', u'office', u'cdc', u'money', u'years', u'including', u'children', u'group', u'personal', u'writes']", - null, - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - "+++: [u'control', u'personal', u'work']
---: [u'help', u'office', u'money', u'years', u'including', u'human', u'1', u'group', u'writes', u'better']", - null, - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - "+++: [u'president', u'state', u'media']
---: [u'coup', u'office', u'money', u'years', u'including', u'world', u'1', u'group', u'zone', u'personal']", - null, - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - "+++: [u'office', u'work', u'state', u'chief', u'000', u'president', u'the', u'john']
---: [u'money', u'executive', u'years', u'including', u'committee', u'issues', u'note', u'judges', u'group', u'personal']", - null, - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - "+++: [u'media', u'support', u'state', u'president']
---: [u'office', u'money', u'years', u'including', u'democrats', u'debate', u'1', u'votes', u'group', u'candidate']", - null, - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - "+++: [u'money', u'business']
---: [u'gold', u'global', u'dollar', u'trade', u'including', u'1', u'group', u'office', u'personal', u'writes']", - null, - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - "+++: [u'control', u'media', u'support', u'years', u'state', u'the', u'public', u'fact']
---: [u'office', u'money', u'global', u'including', u'1', u'group', u'personal', u'writes', u'to', u'black']", - null, - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - "+++: [u'state']
---: [u'rebels', u'fighters', u'qaeda', u'mosul', u'justice', u'emails', u'iraqi', u'according', u'terror', u'east']", - null, - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - "+++: [u'clinton', u'campaign', u'house', u'days', u'hillary', u'election', u'presidential']
---: [u'office', u'supporter', u'candidate', u'justice', u'him', u'source', u'investigation', u'huma', u'sent', u'nation']", - null, - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - "+++: [u'case', u'information', u'justice', u'according', u'private', u'evidence', u'state', u'department', u'criminal', u'told']
---: [u'office', u'police', u'crime', u'source', u'huma', u'local', u'sent', u'government', u'records', u'october']", - null, - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - "+++: [u'information']
---: [u'help', u'human', u'based', u'personal', u'better', u'source', u'according', u'huma', u'sent', u'means']", - null, - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - "+++: [u'state', u'clinton']
---: [u'coup', u'world', u'zone', u'justice', u'source', u'according', u'nato', u'policy', u'east', u'sent']", - null, - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - "+++: [u'campaign', u'congress', u'justice', u'house', u'state', u'department', u'john', u'secretary']
---: [u'office', u'executive', u'committee', u'issues', u'judges', u'barack', u'source', u'according', u'policy', u'huma']", - null, - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - "+++: [u'clinton', u'campaign', u'political', u'hillary', u'state', u'election', u'news', u'presidential']
---: [u'secretary', u'democrats', u'debate', u'votes', u'candidate', u'justice', u'day', u'source', u'investigation', u'candidates']", - null, - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - "+++: [u'state', u'political']
---: [u'global', u'years', u'justice', u'source', u'according', u'black', u'policy', u'huma', u'elites', u'government']", - null, - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - "+++: [u'case', u'state', u'investigation', u'according', u'told']
---: [u'shot', u'years', u'committed', u'children', u'suicide', u'police', u'justice', u'crime', u'source', u'black']", - null, - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - "+++: [u'body', u'water', u'use', u'natural', u'dr', u'study', u'research', u'high', u'health', u'studies']
---: [u'help', u'cdc', u'caused', u'magnetic', u'years', u'earth', u'children', u'cell', u'electricity', u'symptoms']", - null, - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - "+++: [u'university', u'years', u'field', u'scientists', u'known', u'earth', u'researchers']
---: [u'caused', u'magnetic', u'discovered', u'paper', u'electricity', u'sky', u'signals', u'source', u'black', u'image']", - null, - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - "+++: [u'house', u'white', u'mr', u'american', u'president']
---: [u'office', u'years', u'elect', u'alt', u'supporter', u'candidate', u'him', u'bush', u'going', u'black']", - null, - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - "+++: [u'i', u'going', u'election', u'office', u'day']
---: [u'results', u'paper', u'elect', u'supporter', u'votes', u'voter', u'candidate', u'tape', u'voted', u'ballots']", - null, - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - "+++: [u'united', u'clinton', u'country', u'american', u'president', u'obama']
---: [u'coup', u'office', u'world', u'supporter', u'candidate', u'him', u'going', u'nato', u'policy', u'east']", - null, - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - "+++: [u'united', u'office', u'campaign', u'house', u'american', u'americans', u'country', u'president', u'white', u'america']
---: [u'executive', u'committee', u'elect', u'supporter', u'issues', u'judges', u'candidate', u'justice', u'day', u'barack']", - null, - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - "+++: [u'obama', u'clinton', u'trump', u'campaign', u'win', u'american', u'candidate', u'hillary', u'donald', u'won']
---: [u'violence', u'elect', u'voters', u'days', u'house', u'national', u'him', u'democrat', u'states', u'elected']", - null, - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - "+++: [u'secret', u'u']
---: [u'coup', u'years', u'alt', u'nevada', u'warren', u'assassination', u'bush', u'edward', u'black', u'texas']", - null, - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - "+++: [u'intelligence', u'u', u'government']
---: [u'coup', u'money', u'embassy', u'human', u'nevada', u'warren', u'assassination', u'edward', u'texas', u'kingdom']", - null, - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - "+++: [u'case', u'story', u'times', u'black', u'years']
---: [u'shot', u'committed', u'alt', u'children', u'suicide', u'police', u'crime', u'bush', u'prison', u'woman']", - null, - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - "+++: [u'u']
---: [u'soros', u'office', u'results', u'years', u'paper', u'alt', u'nixon', u'votes', u'voter', u'bush']", - null, - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'fighters', u'qaeda', u'mosul', u'police', u'justice', u'crime', u'iraqi', u'terror']", - null, - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - "+++: [u'high', u'use']
---: [u'help', u'office', u'cdc', u'children', u'police', u'justice', u'crime', u'symptoms', u'arrest', u'treatment']", - null, - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - "+++: [u'state', u'officials', u'office', u'told']
---: [u'soros', u'results', u'press', u'paper', u'comments', u'votes', u'voter', u'police', u'justice', u'crime']", - null, - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - "+++: [u'state', u'government']
---: [u'coup', u'office', u'world', u'police', u'zone', u'justice', u'crime', u'arrest', u'nato', u'policy']", - null, - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - "+++: [u'court', u'office', u'government', u'federal', u'rights', u'justice', u'state', u'act', u'department', u'security']
---: [u'executive', u'committee', u'issues', u'judges', u'police', u'crime', u'barack', u'arrest', u'policy', u'criminal']", - null, - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - "+++: [u'federal', u'private', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'police', u'office', u'justice', u'crime', u'civil']", - null, - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - "+++: [u'case', u'court', u'crimes', u'according', u'crime', u'state', u'officials', u'police', u'told']
---: [u'shot', u'office', u'years', u'report', u'committed', u'children', u'suicide', u'justice', u'arrest', u'black']", - null, - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - "+++: [u'use', u'help']
---: [u'cdc', u'human', u'research', u'children', u'based', u'personal', u'better', u'treatment', u'zika', u'risk']", - null, - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - "+++: [u'oil']
---: [u'help', u'gold', u'cdc', u'money', u'global', u'dollar', u'trade', u'children', u'symptoms', u'treatment']", - null, - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - "+++: [u'votes', u'voters', u'elections', u'states', u'rigged', u'state', u'election', u'vote', u'voting', u'day']
---: [u'office', u'results', u'paper', u'democrats', u'debate', u'voter', u'candidate', u'going', u'tape', u'voted']", - null, - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - "+++: [u'states', u'state', u'u']
---: [u'office', u'money', u'results', u'report', u'embassy', u'human', u'votes', u'voter', u'going', u'tape']", - null, - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - "+++: [u'state', u'officials', u'told']
---: [u'shot', u'office', u'results', u'voter', u'years', u'report', u'paper', u'committed', u'children', u'votes']", - null, - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - "+++: [u'world', u'change']
---: [u'coup', u'help', u'able', u'human', u'based', u'zone', u'personal', u'better', u'nato', u'policy']", - null, - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - "+++: []
---: [u'help', u'able', u'democrats', u'human', u'debate', u'votes', u'based', u'candidate', u'personal', u'better']", - null, - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - "+++: [u'world']
---: [u'help', u'gold', u'money', u'global', u'dollar', u'trade', u'human', u'based', u'personal', u'better']", - null, - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - "+++: [u'control', u'world', u'change', u'power', u'social']
---: [u'help', u'global', u'years', u'human', u'based', u'personal', u'better', u'black', u'policy', u'elites']", - null, - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - "+++: [u'turkey', u'iraq', u'government', u'west', u'syria', u'us', u'middle', u'state', u'western', u'assad']
---: [u'policy', u'coup', u'clinton', u'rebels', u'terrorists', u'crimea', u'intelligence', u'washington', u'al', u'states']", - null, - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - "+++: [u'united', u'government', u'washington', u'administration', u'american', u'foreign', u'states', u'state', u'u', u'country']
---: [u'amendment', u'coup', u'supreme', u'immigrants', u'clinton', u'vladimir', u'office', u'senate', u'house', u'national']", - null, - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - "+++: [u'clinton', u'media', u'american', u'states', u'state', u'president', u'obama']
---: [u'coup', u'administration', u'democrats', u'world', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'east']", - null, - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - "+++: [u'united', u'libya', u'government', u'intelligence', u'countries', u'foreign', u'states', u'middle', u'state', u'u']
---: [u'coup', u'president', u'clinton', u'human', u'campaign', u'russia', u'money', u'africa', u'assange', u'russian']", - null, - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - "+++: [u'world', u'u', u'government']
---: [u'coup', u'gold', u'money', u'global', u'dollar', u'trade', u'russian', u'zone', u'nato', u'policy']", - null, - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - "+++: [u'united', u'government', u'media', u'american', u'foreign', u'states', u'state', u'u', u'world', u'policy']
---: [u'control', u'coup', u'right', u'clinton', u'vladimir', u'crimea', u'intelligence', u'national', u'global', u'washington']", - null, - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - "+++: [u'state', u'government']
---: [u'rebels', u'office', u'executive', u'fighters', u'qaeda', u'mosul', u'committee', u'issues', u'judges', u'justice']", - null, - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - "+++: [u'campaign', u'national', u'american', u'states', u'state', u'americans', u'president', u'obama']
---: [u'office', u'administration', u'executive', u'democrats', u'committee', u'debate', u'issues', u'votes', u'candidate', u'justice']", - null, - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - "+++: [u'house', u'white', u'americans', u'we', u'obama']
---: [u'ron', u'executive', u'proposes', u'committee', u'paul', u'issues', u'judges', u'office', u'justice', u'obamacare']", - null, - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - "+++: [u'federal', u'u', u'government']
---: [u'gold', u'money', u'global', u'dollar', u'trade', u'committee', u'issues', u'judges', u'office', u'justice']", - null, - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - "+++: [u'united', u'government', u'country', u'national', u'rights', u'american', u'foreign', u'states', u'state', u'u']
---: [u'control', u'amendment', u'supreme', u'right', u'security', u'office', u'senate', u'house', u'global', u'washington']", - null, - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - "+++: [u'report', u'intelligence', u'world']
---: [u'phenomenon', u'founder', u'money', u'alien', u'embassy', u'human', u'group', u'tv', u'0', u'adl']", - null, - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - "+++: [u'media', u'national', u'political', u'american', u'states', u'state', u'americans', u'party', u'support']
---: [u'global', u'years', u'democrats', u'debate', u'votes', u'candidate', u'candidates', u'policy', u'elites', u'government']", - null, - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - "+++: [u'isis', u'government', u'support', u'al', u'middle', u'state', u'groups', u'war']
---: [u'rebels', u'money', u'fighters', u'qaeda', u'mosul', u'human', u'assad', u'iraqi', u'terror', u'east']", - null, - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - "+++: [u'report', u'state']
---: [u'shot', u'money', u'years', u'embassy', u'human', u'committed', u'children', u'suicide', u'police', u'crime']", - null, - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - "+++: [u'world', u'global', u'economic', u'u', u'government']
---: [u'gold', u'money', u'dollar', u'years', u'black', u'policy', u'elites', u'nation', u'trade', u'silver']", - null, - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - "+++: [u'city', u'state', u'killed']
---: [u'shot', u'rebels', u'years', u'fighters', u'qaeda', u'mosul', u'committed', u'children', u'suicide', u'police']", - null, - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - "+++: [u'woman', u'took', u'year', u'home', u'children', u'told']
---: [u'shot', u'years', u'committed', u'suicide', u'police', u'father', u'young', u'killed', u'black', u'prison']", - null - ], - "type": "scatter", - "x": [ - -0.06122496905473652, - -0.052306081839790255, - -0.043387194624843986, - -0.034468307409897724, - -0.02554942019495146, - -0.0166305329800052, - -0.007711645765058929, - 0.0012072414498873335, - 0.010126128664833596, - 0.019045015879779865, - null, - -0.06122496905473652, - -0.052988742959406136, - -0.04475251686407576, - -0.03651629076874538, - -0.028280064673414998, - -0.020043838578084616, - -0.011807612482754241, - -0.0035713863874238597, - 0.004664839707906522, - 0.01290106580323691, - null, - -0.06122496905473652, - -0.04753701306783979, - -0.03384905708094307, - -0.02016110109404634, - -0.006473145107149615, - 0.0072148108797471175, - 0.020902766866643836, - 0.034590722853540555, - 0.04827867884043729, - 0.06196663482733402, - null, - -0.06122496905473652, - -0.06733652092147946, - -0.07344807278822241, - -0.07955962465496534, - -0.08567117652170828, - -0.09178272838845122, - -0.09789428025519417, - -0.1040058321219371, - -0.11011738398868004, - -0.11622893585542299, - null, - -0.06122496905473652, - -0.061646210982364294, - -0.06206745290999208, - -0.06248869483761985, - -0.06290993676524763, - -0.06333117869287541, - -0.0637524206205032, - -0.06417366254813098, - -0.06459490447575875, - -0.06501614640338653, - null, - -0.06122496905473652, - -0.06510161810023485, - -0.06897826714573317, - -0.0728549161912315, - -0.07673156523672982, - -0.08060821428222814, - -0.08448486332772648, - -0.08836151237322479, - -0.09223816141872312, - -0.09611481046422145, - null, - -0.06122496905473652, - -0.05325516298944129, - -0.04528535692414605, - -0.03731555085885082, - -0.02934574479355559, - -0.02137593872826036, - -0.013406132662965121, - -0.005436326597669891, - 0.0025334794676253394, - 0.010503285532920573, - null, - -0.06122496905473652, - -0.04643312456252767, - -0.03164128007031882, - -0.016849435578109973, - -0.002057591085901124, - 0.012734253406307731, - 0.027526097898516573, - 0.042317942390725415, - 0.05710978688293427, - 0.07190163137514313, - null, - -0.06122496905473652, - -0.05760478453871124, - -0.053984600022685965, - -0.05036441550666069, - -0.04674423099063541, - -0.043124046474610135, - -0.03950386195858486, - -0.03588367744255958, - -0.032263492926534305, - -0.02864330841050903, - null, - -0.06122496905473652, - -0.07773107660135539, - -0.09423718414797425, - -0.11074329169459313, - -0.12724939924121198, - -0.14375550678783086, - -0.16026161433444971, - -0.1767677218810686, - -0.19327382942768745, - -0.20977993697430633, - null, - -0.06122496905473652, - -0.0691241621938655, - -0.07702335533299447, - -0.08492254847212344, - -0.09282174161125242, - -0.10072093475038141, - -0.10862012788951037, - -0.11651932102863935, - -0.12441851416776833, - -0.1323177073068973, - null, - -0.06122496905473652, - -0.056513898179889895, - -0.05180282730504327, - -0.04709175643019665, - -0.042380685555350024, - -0.0376696146805034, - -0.03295854380565678, - -0.028247472930810154, - -0.02353640205596353, - -0.018825331181116907, - null, - -0.06122496905473652, - -0.06266618969084199, - -0.06410741032694746, - -0.06554863096305294, - -0.0669898515991584, - -0.06843107223526387, - -0.06987229287136935, - -0.07131351350747482, - -0.0727547341435803, - -0.07419595477968577, - null, - -0.06122496905473652, - -0.05141335515662474, - -0.041601741258512966, - -0.03179012736040119, - -0.021978513462289413, - -0.012166899564177637, - -0.002355285666065861, - 0.007456328232045915, - 0.01726794213015769, - 0.027079556028269464, - null, - -0.06122496905473652, - -0.07036200301966299, - -0.07949903698458946, - -0.08863607094951594, - -0.09777310491444241, - -0.10691013887936889, - -0.11604717284429536, - -0.12518420680922182, - -0.1343212407741483, - -0.14345827473907477, - null, - -0.06122496905473652, - -0.0657187653225651, - -0.07021256159039367, - -0.07470635785822224, - -0.07920015412605083, - -0.0836939503938794, - -0.08818774666170798, - -0.09268154292953656, - -0.09717533919736512, - -0.10166913546519371, - null, - -0.26718421567497197, - -0.2504114068061332, - -0.2336385979372944, - -0.21686578906845566, - -0.20009298019961685, - -0.1833201713307781, - -0.16654736246193932, - -0.14977455359310055, - -0.13300174472426177, - -0.11622893585542299, - null, - -0.26718421567497197, - -0.2608059624860091, - -0.2544277092970463, - -0.24804945610808343, - -0.2416712029191206, - -0.23529294973015774, - -0.22891469654119487, - -0.22253644335223202, - -0.21615819016326918, - -0.20977993697430633, - null, - -0.26718421567497197, - -0.28528447286682723, - -0.30338473005868255, - -0.3214849872505378, - -0.33958524444239313, - -0.3576855016342484, - -0.37578575882610366, - -0.393886016017959, - -0.4119862732098143, - -0.43008653040166955, - null, - -0.26718421567497197, - -0.24879365120721883, - -0.2304030867394657, - -0.21201252227171255, - -0.1936219578039594, - -0.17523139333620627, - -0.15684082886845313, - -0.1384502644007, - -0.12005969993294685, - -0.10166913546519371, - null, - -0.26718421567497197, - -0.25219904807851923, - -0.23721388048206649, - -0.22222871288561374, - -0.207243545289161, - -0.19225837769270826, - -0.17727321009625552, - -0.16228804249980278, - -0.14730287490335003, - -0.1323177073068973, - null, - -0.1841564590463138, - -0.1783965977419342, - -0.1726367364375546, - -0.16687687513317498, - -0.16111701382879534, - -0.15535715252441573, - -0.14959729122003612, - -0.1438374299156565, - -0.1380775686112769, - -0.1323177073068973, - null, - -0.1841564590463138, - -0.1749912008706338, - -0.1658259426949538, - -0.15666068451927379, - -0.14749542634359375, - -0.13833016816791377, - -0.12916490999223373, - -0.11999965181655373, - -0.11083439364087372, - -0.10166913546519371, - null, - 0.3510584345324244, - 0.33144032720138067, - 0.31182221987033687, - 0.2922041125392931, - 0.2725860052082494, - 0.25296789787720564, - 0.23334979054616187, - 0.2137316832151181, - 0.19411357588407435, - 0.17449546855303058, - null, - 0.01290106580323691, - 0.013583726922852795, - 0.01426638804246868, - 0.014949049162084562, - 0.015631710281700448, - 0.01631437140131633, - 0.016997032520932213, - 0.017679693640548097, - 0.01836235476016398, - 0.019045015879779865, - null, - 0.01290106580323691, - 0.027595613336861675, - 0.04229016087048644, - 0.05698470840411121, - 0.07167925593773597, - 0.08637380347136074, - 0.10106835100498551, - 0.11576289853861027, - 0.13045744607223503, - 0.1451519936058598, - null, - 0.01290106580323691, - 0.018352795694803255, - 0.023804525586369602, - 0.02925625547793595, - 0.034707985369502294, - 0.04015971526106864, - 0.04561144515263499, - 0.05106317504420133, - 0.056514904935767676, - 0.06196663482733402, - null, - 0.01290106580323691, - 0.01945668420011538, - 0.02601230259699385, - 0.03256792099387232, - 0.03912353939075079, - 0.04567915778762926, - 0.052234776184507725, - 0.0587903945813862, - 0.06534601297826467, - 0.07190163137514313, - null, - 0.01290106580323691, - 0.008285024223931806, - 0.003668982644626702, - -0.0009470589346784013, - -0.0055631005139835064, - -0.010179142093288612, - -0.014795183672593713, - -0.01941122525189882, - -0.024027266831203924, - -0.02864330841050903, - null, - 0.01290106580323691, - -0.00019316328859571123, - -0.013287392380428333, - -0.026381621472260953, - -0.03947585056409358, - -0.052570079655926194, - -0.06566430874775882, - -0.07875853783959144, - -0.09185276693142407, - -0.10494699602325669, - null, - 0.01290106580323691, - 0.022385487317219246, - 0.03186990883120158, - 0.041354330345183925, - 0.05083875185916626, - 0.060323173373148596, - 0.06980759488713094, - 0.07929201640111327, - 0.08877643791509561, - 0.09826085942907795, - null, - 0.17449546855303058, - 0.17123508244778937, - 0.1679746963425482, - 0.16471431023730698, - 0.1614539241320658, - 0.1581935380268246, - 0.1549331519215834, - 0.1516727658163422, - 0.148412379711101, - 0.1451519936058598, - null, - 0.17449546855303058, - 0.15627411488412946, - 0.13805276121522836, - 0.11983140754632725, - 0.10161005387742614, - 0.08338870020852503, - 0.06516734653962392, - 0.04694599287072279, - 0.028724639201821695, - 0.010503285532920573, - null, - 0.17449546855303058, - 0.16309615331104307, - 0.1516968380690556, - 0.1402975228270681, - 0.1288982075850806, - 0.1174988923430931, - 0.10609957710110561, - 0.09470026185911812, - 0.08330094661713063, - 0.07190163137514313, - null, - 0.17449546855303058, - 0.18235081737650166, - 0.19020616619997271, - 0.1980615150234438, - 0.20591686384691488, - 0.21377221267038593, - 0.221627561493857, - 0.2294829103173281, - 0.23733825914079915, - 0.24519360796427023, - null, - 0.17449546855303058, - 0.1711781738951392, - 0.16786087923724782, - 0.16454358457935644, - 0.16122628992146507, - 0.15790899526357366, - 0.15459170060568228, - 0.1512744059477909, - 0.14795711128989952, - 0.14463981663200814, - null, - 0.17449546855303058, - 0.15811592271694602, - 0.14173637688086144, - 0.12535683104477688, - 0.1089772852086923, - 0.09259773937260773, - 0.07621819353652318, - 0.059838647700438605, - 0.04345910186435403, - 0.027079556028269464, - null, - 0.17449546855303058, - 0.16602495642814696, - 0.15755444430326332, - 0.1490839321783797, - 0.14061342005349609, - 0.13214290792861244, - 0.12367239580372882, - 0.11520188367884521, - 0.10673137155396158, - 0.09826085942907795, - null, - 0.06196663482733402, - 0.05719756605538356, - 0.0524284972834331, - 0.04765942851148264, - 0.042890359739532175, - 0.03812129096758171, - 0.03335222219563125, - 0.028583153423680792, - 0.02381408465173033, - 0.019045015879779865, - null, - 0.06196663482733402, - 0.05189886335646257, - 0.04183109188559112, - 0.03176332041471967, - 0.021695548943848224, - 0.011627777472976775, - 0.0015600060021053255, - -0.008507765468766117, - -0.018575536939637573, - -0.02864330841050903, - null, - 0.06196663482733402, - 0.0759576115889728, - 0.08994858835061158, - 0.10393956511225036, - 0.11793054187388913, - 0.1319215186355279, - 0.1459124953971667, - 0.15990347215880546, - 0.17389444892044423, - 0.18788542568208302, - null, - 0.06196663482733402, - 0.06599932644975001, - 0.070032018072166, - 0.074064709694582, - 0.078097401316998, - 0.08213009293941398, - 0.08616278456182996, - 0.09019547618424596, - 0.09422816780666196, - 0.09826085942907795, - null, - -0.11622893585542299, - -0.10119849677373378, - -0.08616805769204458, - -0.07113761861035536, - -0.056107179528666166, - -0.041076740446976956, - -0.026046301365287752, - -0.011015862283598549, - 0.004014576798090655, - 0.019045015879779865, - null, - -0.11622893585542299, - -0.10540631311383342, - -0.09458369037224386, - -0.0837610676306543, - -0.07293844488906473, - -0.062115822147475165, - -0.0512931994058856, - -0.04047057666429604, - -0.02964795392270647, - -0.018825331181116907, - null, - -0.11622893585542299, - -0.09239673637936732, - -0.06856453690331167, - -0.04473233742725602, - -0.020900137951200354, - 0.0029320615248553117, - 0.02676426100091095, - 0.050596460476966615, - 0.07442865995302228, - 0.09826085942907795, - null, - -0.06501614640338653, - -0.055676017260812484, - -0.04633588811823844, - -0.03699575897566439, - -0.027655629833090348, - -0.018315500690516302, - -0.008975371547942257, - 0.00036475759463179547, - 0.009704886737205834, - 0.019045015879779865, - null, - -0.06501614640338653, - -0.06847155352125707, - -0.07192696063912762, - -0.07538236775699816, - -0.07883777487486872, - -0.08229318199273926, - -0.08574858911060981, - -0.08920399622848035, - -0.0926594033463509, - -0.09611481046422145, - null, - -0.06501614640338653, - -0.056625098410463516, - -0.0482340504175405, - -0.039843002424617496, - -0.03145195443169448, - -0.02306090643877147, - -0.014669858445848463, - -0.00627881045292545, - 0.0021122375399975635, - 0.010503285532920573, - null, - -0.06501614640338653, - -0.049803059983549905, - -0.034589973563713274, - -0.019376887143876642, - -0.004163800724040018, - 0.011049285695796607, - 0.026262372115633245, - 0.04147545853546987, - 0.056688544955306494, - 0.07190163137514313, - null, - -0.06501614640338653, - -0.06097471995973347, - -0.05693329351608042, - -0.052891867072427365, - -0.048850440628774305, - -0.044809014185121246, - -0.04076758774146819, - -0.03672616129781514, - -0.03268473485416208, - -0.02864330841050903, - null, - -0.06501614640338653, - -0.08110101202237763, - -0.09718587764136871, - -0.1132707432603598, - -0.12935560887935088, - -0.14544047449834197, - -0.16152534011733308, - -0.1776102057363242, - -0.19369507135531527, - -0.20977993697430633, - null, - -0.06501614640338653, - -0.07249409761488773, - -0.07997204882638892, - -0.08745000003789012, - -0.09492795124939131, - -0.10240590246089251, - -0.1098838536723937, - -0.1173618048838949, - -0.1248397560953961, - -0.1323177073068973, - null, - -0.06501614640338653, - -0.05988383360091212, - -0.054751520798437724, - -0.049619207995963324, - -0.04448689519348892, - -0.03935458239101451, - -0.03422226958854011, - -0.029089956786065713, - -0.023957643983591306, - -0.018825331181116907, - null, - -0.06501614640338653, - -0.06603612511186423, - -0.06705610382034191, - -0.06807608252881961, - -0.06909606123729731, - -0.07011603994577499, - -0.07113601865425269, - -0.07215599736273039, - -0.07317597607120807, - -0.07419595477968577, - null, - -0.06501614640338653, - -0.05478329057764698, - -0.044550434751907425, - -0.034317578926167866, - -0.024084723100428314, - -0.013851867274688762, - -0.0036190114489492026, - 0.006613844376790343, - 0.016846700202529902, - 0.027079556028269464, - null, - -0.06501614640338653, - -0.07373193844068522, - -0.08244773047798391, - -0.09116352251528262, - -0.09987931455258131, - -0.10859510658988, - -0.1173108986271787, - -0.1260266906644774, - -0.13474248270177608, - -0.14345827473907477, - null, - -0.09611481046422145, - -0.08426835535342789, - -0.07242190024263434, - -0.06057544513184078, - -0.04872899002104722, - -0.03688253491025366, - -0.025036079799460112, - -0.013189624688666551, - -0.0013431695778729907, - 0.010503285532920573, - null, - -0.09611481046422145, - -0.08861797690269785, - -0.08112114334117425, - -0.07362430977965065, - -0.06612747621812703, - -0.05863064265660344, - -0.051133809095079835, - -0.043636975533556235, - -0.036140141972032636, - -0.02864330841050903, - null, - -0.09611481046422145, - -0.10874426896534199, - -0.12137372746646254, - -0.13400318596758307, - -0.1466326444687036, - -0.15926210296982415, - -0.1718915614709447, - -0.18452101997206524, - -0.1971504784731858, - -0.20977993697430633, - null, - -0.09611481046422145, - -0.1001373545578521, - -0.10415989865148274, - -0.10818244274511339, - -0.11220498683874405, - -0.1162275309323747, - -0.12025007502600535, - -0.124272619119636, - -0.12829516321326664, - -0.1323177073068973, - null, - -0.09611481046422145, - -0.0875270905438765, - -0.07893937062353155, - -0.07035165070318661, - -0.061763930782841654, - -0.05317621086249671, - -0.044588490942151754, - -0.03600077102180681, - -0.02741305110146186, - -0.018825331181116907, - null, - -0.09611481046422145, - -0.09367938205482859, - -0.09124395364543574, - -0.08880852523604289, - -0.08637309682665004, - -0.08393766841725718, - -0.08150224000786432, - -0.07906681159847148, - -0.07663138318907863, - -0.07419595477968577, - null, - -0.09611481046422145, - -0.08242654752061135, - -0.06873828457700125, - -0.05505002163339114, - -0.04136175868978104, - -0.027673495746170937, - -0.013985232802560837, - -0.000296969858950738, - 0.013391293084659361, - 0.027079556028269464, - null, - -0.09611481046422145, - -0.1013751953836496, - -0.10663558030307774, - -0.11189596522250589, - -0.11715635014193404, - -0.12241673506136219, - -0.12767711998079034, - -0.1329375049002185, - -0.13819788981964662, - -0.14345827473907477, - null, - -0.09611481046422145, - -0.0967319576865517, - -0.09734910490888195, - -0.0979662521312122, - -0.09858339935354245, - -0.09920054657587271, - -0.09981769379820296, - -0.10043484102053321, - -0.10105198824286346, - -0.10166913546519371, - null, - 0.010503285532920573, - 0.011452366682571605, - 0.012401447832222637, - 0.013350528981873671, - 0.014299610131524703, - 0.015248691281175735, - 0.01619777243082677, - 0.0171468535804778, - 0.018095934730128833, - 0.019045015879779865, - null, - 0.010503285532920573, - 0.01732532395983419, - 0.02414736238674781, - 0.030969400813661428, - 0.03779143924057504, - 0.04461347766748866, - 0.05143551609440228, - 0.058257554521315896, - 0.06507959294822951, - 0.07190163137514313, - null, - 0.010503285532920573, - 0.006153663983650617, - 0.0018040424343806604, - -0.002545579114889295, - -0.0068952006641592525, - -0.01124482221342921, - -0.015594443762699164, - -0.01994406531196912, - -0.02429368686123908, - -0.02864330841050903, - null, - 0.010503285532920573, - -0.005365713671503635, - -0.021234712875927843, - -0.037103712080352055, - -0.052972711284776264, - -0.06884171048920047, - -0.08471070969362468, - -0.10057970889804889, - -0.1164487081024731, - -0.1323177073068973, - null, - 0.010503285532920573, - 0.007244550342471965, - 0.003985815152023356, - 0.0007270799615747472, - -0.0025316552288738615, - -0.0057903904193224685, - -0.009049125609771079, - -0.01230786080021969, - -0.015566595990668296, - -0.018825331181116907, - null, - 0.010503285532920573, - 0.001092258831519869, - -0.008318767869880835, - -0.01772979457128154, - -0.027140821272682244, - -0.03655184797408295, - -0.045962874675483656, - -0.05537390137688436, - -0.06478492807828506, - -0.07419595477968577, - null, - 0.010503285532920573, - 0.012345093365737117, - 0.01418690119855366, - 0.016028709031370204, - 0.017870516864186746, - 0.01971232469700329, - 0.021554132529819834, - 0.023395940362636376, - 0.025237748195452922, - 0.027079556028269464, - null, - 0.010503285532920573, - -0.0019603168002032354, - -0.014423919133327044, - -0.02688752146645085, - -0.03935112379957466, - -0.05181472613269847, - -0.06427832846582228, - -0.07674193079894609, - -0.0892055331320699, - -0.10166913546519371, - null, - 0.010503285532920573, - 0.02025412707693806, - 0.030004968620955547, - 0.03975581016497304, - 0.04950665170899052, - 0.05925749325300801, - 0.06900833479702549, - 0.07875917634104299, - 0.08851001788506047, - 0.09826085942907795, - null, - -0.43008653040166955, - -0.4056080200208514, - -0.3811295096400333, - -0.3566509992592152, - -0.332172488878397, - -0.30769397849757885, - -0.28321546811676074, - -0.25873695773594263, - -0.23425844735512447, - -0.20977993697430633, - null, - -0.43008653040166955, - -0.45013671833052843, - -0.4701869062593873, - -0.4902370941882462, - -0.5102872821171051, - -0.530337470045964, - -0.5503876579748228, - -0.5704378459036817, - -0.5904880338325407, - -0.6105382217613995, - null, - 0.07190163137514313, - 0.09115629544060169, - 0.11041095950606027, - 0.12966562357151884, - 0.1489202876369774, - 0.16817495170243596, - 0.18742961576789452, - 0.2066842798333531, - 0.22593894389881167, - 0.24519360796427023, - null, - 0.07190163137514313, - 0.07998365195923925, - 0.08806567254333536, - 0.09614769312743146, - 0.10422971371152759, - 0.11231173429562369, - 0.1203937548797198, - 0.12847577546381592, - 0.13655779604791202, - 0.14463981663200814, - null, - 0.07190163137514313, - 0.06182085775778091, - 0.05174008414041868, - 0.04165931052305646, - 0.03157853690569423, - 0.021497763288332007, - 0.011416989670969782, - 0.001336216053607564, - -0.008744557563754668, - -0.018825331181116907, - null, - 0.07190163137514313, - 0.05566856624682881, - 0.03943550111851449, - 0.023202435990200165, - 0.006969370861885843, - -0.00926369426642848, - -0.0254967593947428, - -0.041729824523057124, - -0.057962889651371446, - -0.07419595477968577, - null, - 0.07190163137514313, - 0.06692140078104605, - 0.06194117018694898, - 0.05696093959285191, - 0.05198070899875483, - 0.04700047840465776, - 0.042020247810560685, - 0.037040017216463605, - 0.03205978662236653, - 0.027079556028269464, - null, - 0.36205329990277496, - 0.34906888968738553, - 0.33608447947199616, - 0.3231000692566067, - 0.3101156590412173, - 0.29713124882582787, - 0.2841468386104385, - 0.27116242839504906, - 0.25817801817965963, - 0.24519360796427023, - null, - 0.36205329990277496, - 0.34270131387825364, - 0.3233493278537323, - 0.303997341829211, - 0.28464535580468964, - 0.2652933697801683, - 0.245941383755647, - 0.22658939773112566, - 0.20723741170660434, - 0.18788542568208302, - null, - 0.24519360796427023, - 0.22886774701591553, - 0.21254188606756083, - 0.19621602511920613, - 0.17989016417085144, - 0.16356430322249674, - 0.14723844227414204, - 0.13091258132578734, - 0.11458672037743264, - 0.09826085942907795, - null, - 0.24519360796427023, - 0.23402096448290777, - 0.22284832100154534, - 0.21167567752018288, - 0.20050303403882042, - 0.18933039055745796, - 0.1781577470760955, - 0.16698510359473306, - 0.1558124601133706, - 0.14463981663200814, - null, - -0.02864330841050903, - -0.02334460571158804, - -0.01804590301266705, - -0.012747200313746064, - -0.007448497614825075, - -0.0021497949159040852, - 0.0031489077830169007, - 0.008447610481937894, - 0.01374631318085888, - 0.019045015879779865, - null, - -0.02864330841050903, - -0.04876960047315317, - -0.06889589253579731, - -0.08902218459844147, - -0.1091484766610856, - -0.12927476872372975, - -0.14940106078637388, - -0.16952735284901801, - -0.18965364491166217, - -0.20977993697430633, - null, - -0.02864330841050903, - -0.009389627850229343, - 0.009864052710050343, - 0.02911773327033003, - 0.048371413830609715, - 0.0676250943908894, - 0.08687877495116908, - 0.10613245551144879, - 0.12538613607172847, - 0.14463981663200814, - null, - -0.02864330841050903, - -0.027552422051687682, - -0.026461535692866335, - -0.025370649334044988, - -0.02427976297522364, - -0.023188876616402294, - -0.022097990257580948, - -0.0210071038987596, - -0.019916217539938254, - -0.018825331181116907, - null, - -0.02864330841050903, - -0.03370471356263978, - -0.03876611871477052, - -0.04382752386690127, - -0.048888929019032024, - -0.053950334171162774, - -0.059011739323293524, - -0.06407314447542427, - -0.06913454962755503, - -0.07419595477968577, - null, - -0.02864330841050903, - -0.04140052689146078, - -0.054157745372412525, - -0.06691496385336428, - -0.07967218233431603, - -0.09242940081526776, - -0.10518661929621953, - -0.11794383777717127, - -0.13070105625812303, - -0.14345827473907477, - null, - -0.02864330841050903, - -0.014542845317221588, - -0.0004423822239341471, - 0.013658080869353294, - 0.027758543962640735, - 0.041859007055928175, - 0.055959470149215616, - 0.07005993324250306, - 0.0841603963357905, - 0.09826085942907795, - null, - -0.20977993697430633, - -0.20117302256681643, - -0.19256610815932654, - -0.18395919375183664, - -0.17535227934434677, - -0.16674536493685688, - -0.15813845052936698, - -0.14953153612187708, - -0.1409246217143872, - -0.1323177073068973, - null, - -0.20977993697430633, - -0.20241086339261394, - -0.19504178981092155, - -0.18767271622922915, - -0.18030364264753673, - -0.17293456906584437, - -0.16556549548415195, - -0.15819642190245956, - -0.15082734832076716, - -0.14345827473907477, - null, - 0.14463981663200814, - 0.13157756545381497, - 0.11851531427562177, - 0.10545306309742858, - 0.0923908119192354, - 0.07932856074104222, - 0.06626630956284903, - 0.053204058384655833, - 0.040141807206462654, - 0.027079556028269464, - null, - 0.14463981663200814, - 0.1494448843042387, - 0.15424995197646924, - 0.15905501964869978, - 0.16386008732093033, - 0.16866515499316084, - 0.1734702226653914, - 0.17827529033762193, - 0.18308035800985248, - 0.18788542568208302, - null, - 0.14463981663200814, - 0.1394865991650159, - 0.13433338169802367, - 0.1291801642310314, - 0.12402694676403916, - 0.11887372929704693, - 0.11372051183005469, - 0.10856729436306244, - 0.10341407689607018, - 0.09826085942907795, - null, - -0.1323177073068973, - -0.1197074432929217, - -0.10709717927894609, - -0.0944869152649705, - -0.08187665125099489, - -0.06926638723701929, - -0.0566561232230437, - -0.04404585920906809, - -0.031435595195092494, - -0.018825331181116907, - null, - -0.1323177073068973, - -0.11460690026965654, - -0.0968960932324158, - -0.07918528619517504, - -0.06147447915793429, - -0.04376367212069354, - -0.02605286508345278, - -0.008342058046212034, - 0.009368748991028714, - 0.027079556028269464, - null, - -0.1323177073068973, - -0.1335555481326948, - -0.1347933889584923, - -0.13603122978428978, - -0.13726907061008728, - -0.13850691143588478, - -0.1397447522616823, - -0.1409825930874798, - -0.14222043391327727, - -0.14345827473907477, - null, - -0.1323177073068973, - -0.1289123104355969, - -0.1255069135642965, - -0.1221015166929961, - -0.1186961198216957, - -0.1152907229503953, - -0.1118853260790949, - -0.1084799292077945, - -0.10507453233649411, - -0.10166913546519371, - null, - -0.018825331181116907, - -0.014617514841017264, - -0.010409698500917624, - -0.006201882160817983, - -0.0019940658207183402, - 0.0022137505193813023, - 0.006421566859480941, - 0.010629383199580584, - 0.014837199539680226, - 0.019045015879779865, - null, - -0.018825331181116907, - -0.024977622692069004, - -0.031129914203021098, - -0.03728220571397319, - -0.04343449722492529, - -0.049586788735877387, - -0.05573908024682948, - -0.061891371757781574, - -0.06804366326873368, - -0.07419595477968577, - null, - -0.018825331181116907, - -0.013724788157851754, - -0.008624245134586601, - -0.0035237021113214487, - 0.001576840911943704, - 0.006677383935208857, - 0.01177792695847401, - 0.016878469981739162, - 0.021979013005004315, - 0.027079556028269464, - null, - -0.018825331181116907, - 0.004142530692571974, - 0.027110392566260855, - 0.05007825443994974, - 0.07304611631363861, - 0.09601397818732749, - 0.11898184006101639, - 0.14194970193470527, - 0.16491756380839415, - 0.18788542568208302, - null, - -0.018825331181116907, - -0.032673436020890005, - -0.046521540860663096, - -0.060369645700436195, - -0.07421775054020929, - -0.08806585537998238, - -0.10191396021975549, - -0.11576206505952857, - -0.12961016989930169, - -0.14345827473907477, - null, - -0.018825331181116907, - -0.02803019832379211, - -0.03723506546646731, - -0.04643993260914251, - -0.055644799751817714, - -0.06484966689449292, - -0.07405453403716811, - -0.08325940117984332, - -0.09246426832251853, - -0.10166913546519371, - null, - -0.07419595477968577, - -0.06383584692863403, - -0.053475739077582296, - -0.04311563122653056, - -0.03275552337547882, - -0.022395415524427087, - -0.01203530767337535, - -0.0016751998223236142, - 0.008684908028728122, - 0.019045015879779865, - null, - -0.07419595477968577, - -0.06294312024546853, - -0.05169028571125127, - -0.040437451177034026, - -0.029184616642816776, - -0.017931782108599525, - -0.006678947574382282, - 0.004573886959834975, - 0.015826721494052218, - 0.027079556028269464, - null, - -0.07419595477968577, - -0.07761273714008254, - -0.0810295195004793, - -0.08444630186087608, - -0.08786308422127284, - -0.09127986658166962, - -0.09469664894206639, - -0.09811343130246315, - -0.10153021366285991, - -0.10494699602325669, - null, - -0.07419595477968577, - -0.08189176810850676, - -0.08958758143732777, - -0.09728339476614876, - -0.10497920809496977, - -0.11267502142379077, - -0.12037083475261176, - -0.12806664808143275, - -0.13576246141025378, - -0.14345827473907477, - null, - -0.07419595477968577, - -0.07724853041140887, - -0.08030110604313198, - -0.08335368167485509, - -0.0864062573065782, - -0.08945883293830129, - -0.09251140857002439, - -0.0955639842017475, - -0.0986165598334706, - -0.10166913546519371, - null, - 0.3532472077807258, - 0.3348736764364322, - 0.31650014509213853, - 0.2981266137478449, - 0.27975308240355123, - 0.2613795510592576, - 0.24300601971496397, - 0.22463248837067032, - 0.20625895702637667, - 0.18788542568208302, - null, - 0.027079556028269464, - 0.01277414586232911, - -0.0015312643036112447, - -0.015836674469551597, - -0.030142084635491954, - -0.04444749480143231, - -0.05875290496737266, - -0.07305831513331303, - -0.08736372529925338, - -0.10166913546519371, - null, - 0.18788542568208302, - 0.1691253801484938, - 0.15036533461490453, - 0.1316052890813153, - 0.11284524354772606, - 0.09408519801413681, - 0.07532515248054758, - 0.05656510694695832, - 0.03780506141336909, - 0.019045015879779865, - null, - 0.18788542568208302, - 0.17792714054286024, - 0.16796885540363746, - 0.15801057026441467, - 0.14805228512519186, - 0.1380939999859691, - 0.1281357148467463, - 0.11817742970752351, - 0.10821914456830073, - 0.09826085942907795, - null, - -0.14345827473907477, - -0.13881503704197687, - -0.13417179934487897, - -0.1295285616477811, - -0.12488532395068319, - -0.12024208625358529, - -0.11559884855648739, - -0.1109556108593895, - -0.10631237316229161, - -0.10166913546519371, - null, - 0.09826085942907795, - 0.0894590990347115, - 0.08065733864034504, - 0.07185557824597857, - 0.06305381785161213, - 0.05425205745724567, - 0.045450297062879216, - 0.03664853666851276, - 0.027846776274146307, - 0.019045015879779865, - null, - 0.09826085942907795, - 0.10347098544872038, - 0.1086811114683628, - 0.11389123748800524, - 0.11910136350764766, - 0.1243114895272901, - 0.12952161554693253, - 0.13473174156657497, - 0.13994186758621738, - 0.1451519936058598, - null - ], - "y": [ - 0.05813621730871762, - 0.06377965918636305, - 0.06942310106400848, - 0.07506654294165391, - 0.08070998481929934, - 0.08635342669694478, - 0.0919968685745902, - 0.09764031045223565, - 0.10328375232988107, - 0.1089271942075265, - null, - 0.05813621730871762, - 0.07515199486802632, - 0.09216777242733501, - 0.10918354998664372, - 0.12619932754595242, - 0.14321510510526111, - 0.1602308826645698, - 0.17724666022387853, - 0.19426243778318722, - 0.2112782153424959, - null, - 0.05813621730871762, - 0.06959064027894135, - 0.08104506324916509, - 0.09249948621938883, - 0.10395390918961257, - 0.11540833215983631, - 0.12686275513006004, - 0.1383171781002838, - 0.14977160107050752, - 0.16122602404073128, - null, - 0.05813621730871762, - 0.06502740845299484, - 0.07191859959727206, - 0.07880979074154928, - 0.0857009818858265, - 0.09259217303010372, - 0.09948336417438094, - 0.10637455531865816, - 0.11326574646293538, - 0.1201569376072126, - null, - 0.05813621730871762, - 0.0534495463411695, - 0.04876287537362139, - 0.04407620440607327, - 0.03938953343852516, - 0.03470286247097704, - 0.030016191503428928, - 0.025329520535880813, - 0.020642849568332698, - 0.015956178600784587, - null, - 0.05813621730871762, - 0.050430630760419676, - 0.042725044212121734, - 0.03501945766382379, - 0.027313871115525846, - 0.0196082845672279, - 0.011902698018929958, - 0.004197111470632016, - -0.0035084750776659263, - -0.011214061625963875, - null, - 0.05813621730871762, - 0.05574671306944252, - 0.05335720883016742, - 0.05096770459089232, - 0.048578200351617216, - 0.046188696112342116, - 0.043799191873067016, - 0.041409687633791915, - 0.039020183394516815, - 0.036630679155241715, - null, - 0.05813621730871762, - 0.060175708128255664, - 0.062215198947793704, - 0.06425468976733176, - 0.0662941805868698, - 0.06833367140640784, - 0.07037316222594589, - 0.07241265304548393, - 0.07445214386502197, - 0.07649163468456002, - null, - 0.05813621730871762, - 0.06223195028617613, - 0.06632768326363464, - 0.07042341624109315, - 0.07451914921855166, - 0.07861488219601018, - 0.08271061517346869, - 0.08680634815092719, - 0.09090208112838571, - 0.09499781410584422, - null, - 0.05813621730871762, - 0.05416996920184712, - 0.05020372109497663, - 0.04623747298810613, - 0.042271224881235636, - 0.038304976774365146, - 0.03433872866749465, - 0.030372480560624155, - 0.02640623245375366, - 0.022439984346883164, - null, - 0.05813621730871762, - 0.04561372212299776, - 0.0330912269372779, - 0.020568731751558045, - 0.008046236565838187, - -0.004476258619881664, - -0.01699875380560153, - -0.029521248991321393, - -0.042043744177041244, - -0.0545662393627611, - null, - 0.05813621730871762, - 0.051877473932782865, - 0.04561873055684812, - 0.03935998718091337, - 0.033101243804978614, - 0.02684250042904386, - 0.020583757053109115, - 0.014325013677174363, - 0.00806627030123961, - 0.001807526925304857, - null, - 0.05813621730871762, - 0.06219427334651188, - 0.06625232938430614, - 0.0703103854221004, - 0.07436844145989466, - 0.07842649749768893, - 0.08248455353548319, - 0.08654260957327745, - 0.09060066561107172, - 0.09465872164886598, - null, - 0.05813621730871762, - 0.05085506980008732, - 0.04357392229145702, - 0.03629277478282672, - 0.029011627274196424, - 0.02173047976556613, - 0.014449332256935829, - 0.00716818474830553, - -0.0001129627603247696, - -0.0073941102689550715, - null, - 0.05813621730871762, - 0.05399214455497727, - 0.049848071801236925, - 0.04570399904749657, - 0.041559926293756225, - 0.03741585354001588, - 0.03327178078627553, - 0.029127708032535185, - 0.02498363527879484, - 0.020839562525054492, - null, - 0.05813621730871762, - 0.044004970998998555, - 0.029873724689279495, - 0.015742478379560436, - 0.001611232069841373, - -0.01252001423987769, - -0.026651260549596746, - -0.040782506859315816, - -0.05491375316903487, - -0.06904499947875392, - null, - -0.012424101500786142, - 0.0023071250667692726, - 0.017038351634324687, - 0.0317695782018801, - 0.046500804769435515, - 0.06123203133699093, - 0.07596325790454635, - 0.09069448447210175, - 0.10542571103965717, - 0.1201569376072126, - null, - -0.012424101500786142, - -0.008550314184378441, - -0.004676526867970741, - -0.0008027395515630403, - 0.00307104776484466, - 0.006944835081252362, - 0.010818622397660061, - 0.01469240971406776, - 0.018566197030475462, - 0.022439984346883164, - null, - -0.012424101500786142, - -0.011993140381982192, - -0.011562179263178242, - -0.011131218144374292, - -0.010700257025570342, - -0.010269295906766392, - -0.00983833478796244, - -0.009407373669158491, - -0.008976412550354541, - -0.008545451431550591, - null, - -0.012424101500786142, - -0.018715312387227005, - -0.02500652327366787, - -0.03129773416010874, - -0.037588945046549596, - -0.04388015593299047, - -0.05017136681943133, - -0.056462577705872194, - -0.06275378859231306, - -0.06904499947875392, - null, - -0.012424101500786142, - -0.017106561263227803, - -0.021789021025669465, - -0.026471480788111127, - -0.03115394055055279, - -0.035836400312994454, - -0.04051886007543611, - -0.04520131983787777, - -0.049883779600319436, - -0.0545662393627611, - null, - -0.21204329755664703, - -0.19454584664621527, - -0.1770483957357835, - -0.1595509448253517, - -0.14205349391491995, - -0.12455604300448818, - -0.10705859209405641, - -0.08956114118362464, - -0.07206369027319287, - -0.0545662393627611, - null, - -0.21204329755664703, - -0.19615459777021446, - -0.1802658979837819, - -0.1643771981973493, - -0.14848849841091677, - -0.13259979862448418, - -0.11671109883805161, - -0.10082239905161905, - -0.08493369926518649, - -0.06904499947875392, - null, - 0.27128883241568325, - 0.2574065518241376, - 0.24352427123259193, - 0.2296419906410463, - 0.21575971004950065, - 0.201877429457955, - 0.18799514886640933, - 0.1741128682748637, - 0.16023058768331805, - 0.14634830709177238, - null, - 0.2112782153424959, - 0.19990587966083265, - 0.18853354397916938, - 0.1771612082975061, - 0.16578887261584285, - 0.15441653693417956, - 0.1430442012525163, - 0.13167186557085303, - 0.12029952988918977, - 0.1089271942075265, - null, - 0.2112782153424959, - 0.21930394417370364, - 0.22732967300491136, - 0.2353554018361191, - 0.24338113066732683, - 0.2514068594985346, - 0.2594325883297423, - 0.26745831716095003, - 0.27548404599215776, - 0.2835097748233655, - null, - 0.2112782153424959, - 0.20571686075341095, - 0.20015550616432598, - 0.19459415157524104, - 0.18903279698615608, - 0.1834714423970711, - 0.17791008780798614, - 0.1723487332189012, - 0.16678737862981624, - 0.16122602404073128, - null, - 0.2112782153424959, - 0.19630192860272525, - 0.1813256418629546, - 0.16634935512318394, - 0.1513730683834133, - 0.13639678164364263, - 0.12142049490387198, - 0.10644420816410133, - 0.09146792142433068, - 0.07649163468456002, - null, - 0.2112782153424959, - 0.1983581707606457, - 0.18543812617879554, - 0.17251808159694534, - 0.15959803701509517, - 0.14667799243324497, - 0.13375794785139478, - 0.12083790326954459, - 0.1079178586876944, - 0.09499781410584422, - null, - 0.2112782153424959, - 0.21959686085800215, - 0.2279155063735084, - 0.23623415188901464, - 0.24455279740452088, - 0.2528714429200271, - 0.2611900884355334, - 0.26950873395103964, - 0.27782737946654584, - 0.2861460249820521, - null, - 0.2112782153424959, - 0.20371788718850042, - 0.19615755903450494, - 0.18859723088050945, - 0.18103690272651396, - 0.17347657457251847, - 0.165916246418523, - 0.15835591826452752, - 0.15079559011053204, - 0.14323526195653655, - null, - 0.14634830709177238, - 0.1615884701730605, - 0.1768286332543486, - 0.19206879633563675, - 0.20730895941692487, - 0.222549122498213, - 0.23778928557950113, - 0.25302944866078925, - 0.26826961174207736, - 0.2835097748233655, - null, - 0.14634830709177238, - 0.13415745954326896, - 0.12196661199476556, - 0.10977576444626216, - 0.09758491689775875, - 0.08539406934925534, - 0.07320322180075194, - 0.061012374252248536, - 0.04882152670374512, - 0.036630679155241715, - null, - 0.14634830709177238, - 0.1385864546020821, - 0.13082460211239186, - 0.12306274962270158, - 0.11530089713301134, - 0.10753904464332106, - 0.0997771921536308, - 0.09201533966394054, - 0.08425348717425028, - 0.07649163468456002, - null, - 0.14634830709177238, - 0.1414185836074971, - 0.1364888601232218, - 0.13155913663894653, - 0.12662941315467122, - 0.12169968967039593, - 0.11676996618612065, - 0.11184024270184537, - 0.10691051921757008, - 0.10198079573329479, - null, - 0.14634830709177238, - 0.13748064875184668, - 0.12861299041192098, - 0.11974533207199531, - 0.11087767373206961, - 0.10201001539214391, - 0.09314235705221822, - 0.08427469871229254, - 0.07540704037236684, - 0.06653938203244116, - null, - 0.14634830709177238, - 0.12926581627391376, - 0.11218332545605517, - 0.09510083463819656, - 0.07801834382033795, - 0.06093585300247935, - 0.04385336218462074, - 0.026770871366762136, - 0.00968838054890353, - -0.0073941102689550715, - null, - 0.14634830709177238, - 0.14600241318785728, - 0.1456565192839422, - 0.1453106253800271, - 0.144964731476112, - 0.14461883757219693, - 0.14427294366828183, - 0.14392704976436674, - 0.14358115586045164, - 0.14323526195653655, - null, - 0.16122602404073128, - 0.15541504294815298, - 0.14960406185557465, - 0.14379308076299635, - 0.13798209967041805, - 0.13217111857783972, - 0.12636013748526143, - 0.12054915639268311, - 0.1147381753001048, - 0.1089271942075265, - null, - 0.16122602404073128, - 0.15386733404796604, - 0.1465086440552008, - 0.13914995406243558, - 0.13179126406967037, - 0.12443257407690514, - 0.1170738840841399, - 0.10971519409137467, - 0.10235650409860944, - 0.09499781410584422, - null, - 0.16122602404073128, - 0.14625251367957426, - 0.13127900331841724, - 0.11630549295726021, - 0.1013319825961032, - 0.08635847223494618, - 0.07138496187378915, - 0.05641145151263213, - 0.041437941151475116, - 0.026464430790318093, - null, - 0.16122602404073128, - 0.15922705047582075, - 0.15722807691091023, - 0.1552291033459997, - 0.15323012978108919, - 0.15123115621617864, - 0.1492321826512681, - 0.1472332090863576, - 0.14523423552144707, - 0.14323526195653655, - null, - 0.1201569376072126, - 0.11890918834058081, - 0.11766143907394902, - 0.11641368980731724, - 0.11516594054068545, - 0.11391819127405366, - 0.11267044200742186, - 0.11142269274079009, - 0.1101749434741583, - 0.1089271942075265, - null, - 0.1201569376072126, - 0.10700700308700063, - 0.09385706856678866, - 0.08070713404657669, - 0.06755719952636471, - 0.05440726500615274, - 0.04125733048594077, - 0.028107395965728796, - 0.014957461445516823, - 0.001807526925304857, - null, - 0.1201569376072126, - 0.1227211958682486, - 0.1252854541292846, - 0.12784971239032059, - 0.13041397065135657, - 0.13297822891239258, - 0.13554248717342857, - 0.13810674543446455, - 0.14067100369550056, - 0.14323526195653655, - null, - 0.015956178600784587, - 0.026286291445978133, - 0.036616404291171675, - 0.046946517136365225, - 0.057276629981558774, - 0.06760674282675232, - 0.07793685567194586, - 0.08826696851713942, - 0.09859708136233296, - 0.1089271942075265, - null, - 0.015956178600784587, - 0.012937263020034758, - 0.009918347439284929, - 0.0068994318585351, - 0.003880516277785271, - 0.0008616006970354421, - -0.002157314883714387, - -0.0051762304644642175, - -0.008195146045214045, - -0.011214061625963875, - null, - 0.015956178600784587, - 0.0182533453290576, - 0.020550512057330616, - 0.022847678785603627, - 0.02514484551387664, - 0.027442012242149656, - 0.02973917897042267, - 0.032036345698695685, - 0.0343335124269687, - 0.036630679155241715, - null, - 0.015956178600784587, - 0.022682340387870745, - 0.029408502174956906, - 0.03613466396204307, - 0.04286082574912922, - 0.04958698753621538, - 0.056313149323301545, - 0.0630393111103877, - 0.06976547289747385, - 0.07649163468456002, - null, - 0.015956178600784587, - 0.024738582545791213, - 0.033520986490797836, - 0.042303390435804465, - 0.051085794380811095, - 0.05986819832581772, - 0.06865060227082434, - 0.07743300621583098, - 0.0862154101608376, - 0.09499781410584422, - null, - 0.015956178600784587, - 0.016676601461462208, - 0.017397024322139826, - 0.018117447182817447, - 0.018837870043495065, - 0.019558292904172686, - 0.020278715764850304, - 0.020999138625527925, - 0.021719561486205546, - 0.022439984346883164, - null, - 0.015956178600784587, - 0.008120354382612844, - 0.0002845301644411012, - -0.0075512940537306415, - -0.015387118271902384, - -0.023222942490074127, - -0.03105876670824587, - -0.038894590926417616, - -0.04673041514458935, - -0.0545662393627611, - null, - 0.015956178600784587, - 0.01438410619239795, - 0.012812033784011313, - 0.011239961375624677, - 0.00966788896723804, - 0.008095816558851403, - 0.006523744150464767, - 0.004951671742078129, - 0.0033795993336914933, - 0.001807526925304857, - null, - 0.015956178600784587, - 0.024700905606126963, - 0.033445632611469336, - 0.042190359616811716, - 0.0509350866221541, - 0.05967981362749647, - 0.06842454063283884, - 0.07716926763818123, - 0.0859139946435236, - 0.09465872164886598, - null, - 0.015956178600784587, - 0.013361702059702402, - 0.010767225518620218, - 0.008172748977538034, - 0.005578272436455849, - 0.002983795895373665, - 0.00038931935429148065, - -0.0022051571867907037, - -0.004799633727872888, - -0.0073941102689550715, - null, - 0.015956178600784587, - 0.016498776814592355, - 0.01704137502840012, - 0.01758397324220789, - 0.018126571456015657, - 0.018669169669823422, - 0.01921176788363119, - 0.01975436609743896, - 0.020296964311246724, - 0.020839562525054492, - null, - -0.011214061625963875, - -0.005897979316941032, - -0.0005818970079181883, - 0.004734185301104657, - 0.010050267610127499, - 0.01536634991915034, - 0.02068243222817319, - 0.02599851453719603, - 0.03131459684621887, - 0.036630679155241715, - null, - -0.011214061625963875, - 0.0005872578997925797, - 0.012388577425549035, - 0.024189896951305488, - 0.035991216477061945, - 0.0477925360028184, - 0.05959385552857485, - 0.07139517505433131, - 0.08319649458008777, - 0.09499781410584422, - null, - -0.011214061625963875, - -0.007474723184536427, - -0.0037353847431089776, - 3.953698318471741e-06, - 0.00374329213974592, - 0.00748263058117337, - 0.011221969022600819, - 0.014961307464028267, - 0.018700645905455716, - 0.022439984346883164, - null, - -0.011214061625963875, - -0.01603097026338579, - -0.020847878900807703, - -0.025664787538229615, - -0.03048169617565153, - -0.035298604813073446, - -0.040115513450495355, - -0.04493242208791727, - -0.049749330725339186, - -0.0545662393627611, - null, - -0.011214061625963875, - -0.009767218453600682, - -0.00832037528123749, - -0.006873532108874298, - -0.0054266889365111055, - -0.0039798457641479126, - -0.0025330025917847214, - -0.0010861594194215285, - 0.0003606837529416644, - 0.001807526925304857, - null, - -0.011214061625963875, - 0.0005495809601283302, - 0.012313223546220536, - 0.02407686613231274, - 0.03584050871840495, - 0.047604151304497154, - 0.059367793890589354, - 0.07113143647668156, - 0.08289507906277377, - 0.09465872164886598, - null, - -0.011214061625963875, - -0.01078962258629623, - -0.010365183546628586, - -0.00994074450696094, - -0.009516305467293295, - -0.00909186642762565, - -0.008667427387958006, - -0.008242988348290362, - -0.007818549308622717, - -0.0073941102689550715, - null, - -0.011214061625963875, - -0.007652547831406279, - -0.004091034036848682, - -0.0005295202422910851, - 0.0030319935522665105, - 0.006593507346824106, - 0.010155021141381705, - 0.0137165349359393, - 0.017278048730496896, - 0.020839562525054492, - null, - -0.011214061625963875, - -0.017639721387384993, - -0.02406538114880611, - -0.030491040910227224, - -0.036916700671648345, - -0.04334236043306946, - -0.04976802019449057, - -0.05619367995591169, - -0.0626193397173328, - -0.06904499947875392, - null, - 0.036630679155241715, - 0.04466362527216225, - 0.05269657138908278, - 0.06072951750600331, - 0.06876246362292385, - 0.07679540973984439, - 0.0848283558567649, - 0.09286130197368545, - 0.10089424809060599, - 0.1089271942075265, - null, - 0.036630679155241715, - 0.04105967421405486, - 0.045488669272868, - 0.04991766433168115, - 0.054346659390494295, - 0.05877565444930744, - 0.06320464950812059, - 0.06763364456693373, - 0.07206263962574688, - 0.07649163468456002, - null, - 0.036630679155241715, - 0.04311591637197533, - 0.04960115358870894, - 0.056086390805442546, - 0.06257162802217617, - 0.06905686523890978, - 0.07554210245564338, - 0.08202733967237699, - 0.0885125768891106, - 0.09499781410584422, - null, - 0.036630679155241715, - 0.026497688208796957, - 0.0163646972623522, - 0.006231706315907443, - -0.0039012846305373147, - -0.014034275576982072, - -0.02416726652342683, - -0.03430025746987158, - -0.044433248416316344, - -0.0545662393627611, - null, - 0.036630679155241715, - 0.03276144001858206, - 0.028892200881922413, - 0.025022961745262765, - 0.021153722608603112, - 0.01728448347194346, - 0.013415244335283811, - 0.009546005198624162, - 0.00567676606196451, - 0.001807526925304857, - null, - 0.036630679155241715, - 0.04307823943231108, - 0.04952579970938044, - 0.0559733599864498, - 0.06242092026351916, - 0.06886848054058853, - 0.07531604081765789, - 0.08176360109472725, - 0.0882111613717966, - 0.09465872164886598, - null, - 0.036630679155241715, - 0.031739035885886516, - 0.026847392616531317, - 0.02195574934717612, - 0.017064106077820922, - 0.012172462808465723, - 0.007280819539110528, - 0.002389176269755329, - -0.00250246699959987, - -0.0073941102689550715, - null, - 0.036630679155241715, - 0.024888937084797755, - 0.013147195014353796, - 0.0014054529439098337, - -0.010336289126534122, - -0.022078031196978078, - -0.03381977326742205, - -0.045561515337866, - -0.05730325740830996, - -0.06904499947875392, - null, - 0.036630679155241715, - 0.048475632799830026, - 0.060320586444418345, - 0.07216554008900666, - 0.08401049373359498, - 0.0958554473781833, - 0.10770040102277159, - 0.11954535466735991, - 0.13139030831194823, - 0.14323526195653655, - null, - -0.008545451431550591, - -0.005102625233946841, - -0.00165979903634309, - 0.0017830271612606606, - 0.005225853358864411, - 0.00866867955646816, - 0.012111505754071912, - 0.015554331951675665, - 0.018997158149279415, - 0.022439984346883164, - null, - -0.008545451431550591, - -0.009860773046788217, - -0.011176094662025843, - -0.012491416277263467, - -0.013806737892501093, - -0.01512205950773872, - -0.016437381122976345, - -0.01775270273821397, - -0.019068024353451597, - -0.020383345968689223, - null, - 0.07649163468456002, - 0.079323763689975, - 0.08215589269538998, - 0.08498802170080494, - 0.08782015070621992, - 0.09065227971163489, - 0.09348440871704987, - 0.09631653772246485, - 0.09914866672787981, - 0.10198079573329479, - null, - 0.07649163468456002, - 0.0753858288343246, - 0.07428002298408916, - 0.07317421713385373, - 0.07206841128361831, - 0.07096260543338287, - 0.06985679958314744, - 0.06875099373291202, - 0.06764518788267658, - 0.06653938203244116, - null, - 0.07649163468456002, - 0.06819340048908723, - 0.059895166293614424, - 0.05159693209814163, - 0.04329869790266883, - 0.03500046370719603, - 0.02670222951172324, - 0.018403995316250442, - 0.010105761120777643, - 0.001807526925304857, - null, - 0.07649163468456002, - 0.07851019990281624, - 0.08052876512107246, - 0.08254733033932868, - 0.0845658955575849, - 0.0865844607758411, - 0.08860302599409732, - 0.09062159121235354, - 0.09264015643060976, - 0.09465872164886598, - null, - 0.07649163468456002, - 0.06717099635639168, - 0.05785035802822333, - 0.04852971970005499, - 0.039209081371886646, - 0.0298884430437183, - 0.02056780471554996, - 0.011247166387381616, - 0.00192652805921327, - -0.0073941102689550715, - null, - 0.04342036672345108, - 0.04992708105787816, - 0.05643379539230524, - 0.06294050972673232, - 0.06944722406115938, - 0.07595393839558648, - 0.08246065273001355, - 0.08896736706444063, - 0.0954740813988677, - 0.10198079573329479, - null, - 0.04342036672345108, - 0.04153637384199186, - 0.03965238096053264, - 0.037768388079073414, - 0.035884395197614195, - 0.034000402316154976, - 0.03211640943469576, - 0.030232416553236535, - 0.028348423671777312, - 0.026464430790318093, - null, - 0.10198079573329479, - 0.10656462531365499, - 0.11114845489401518, - 0.11573228447437538, - 0.12031611405473557, - 0.12489994363509577, - 0.12948377321545596, - 0.13406760279581614, - 0.13865143237617636, - 0.14323526195653655, - null, - 0.10198079573329479, - 0.09804286087764438, - 0.09410492602199398, - 0.09016699116634358, - 0.08622905631069316, - 0.08229112145504278, - 0.07835318659939236, - 0.07441525174374196, - 0.07047731688809156, - 0.06653938203244116, - null, - 0.09499781410584422, - 0.09654552300603114, - 0.09809323190621806, - 0.09964094080640498, - 0.1011886497065919, - 0.10273635860677882, - 0.10428406750696574, - 0.10583177640715266, - 0.10737948530733958, - 0.1089271942075265, - null, - 0.09499781410584422, - 0.08693583302151522, - 0.07887385193718621, - 0.0708118708528572, - 0.0627498897685282, - 0.0546879086841992, - 0.04662592759987019, - 0.03856394651554119, - 0.030501965431212183, - 0.022439984346883164, - null, - 0.09499781410584422, - 0.09183576609768833, - 0.08867371808953244, - 0.08551167008137653, - 0.08234962207322064, - 0.07918757406506474, - 0.07602552605690885, - 0.07286347804875296, - 0.06970143004059705, - 0.06653938203244116, - null, - 0.09499781410584422, - 0.08464333775245096, - 0.07428886139905769, - 0.06393438504566443, - 0.053579908692271166, - 0.043225432338877906, - 0.03287095598548464, - 0.02251647963209137, - 0.01216200327869811, - 0.001807526925304857, - null, - 0.09499781410584422, - 0.09496013716617997, - 0.09492246022651572, - 0.09488478328685147, - 0.09484710634718722, - 0.09480942940752297, - 0.09477175246785872, - 0.09473407552819448, - 0.09469639858853023, - 0.09465872164886598, - null, - 0.09499781410584422, - 0.08675800837464537, - 0.0785182026434465, - 0.07027839691224765, - 0.062038591181048784, - 0.05379878544984992, - 0.04555897971865107, - 0.03731917398745221, - 0.029079368256253346, - 0.020839562525054492, - null, - 0.09499781410584422, - 0.10035753053369892, - 0.10571724696155363, - 0.11107696338940833, - 0.11643667981726304, - 0.12179639624511773, - 0.12715611267297244, - 0.13251582910082715, - 0.13787554552868184, - 0.14323526195653655, - null, - 0.022439984346883164, - 0.0138837372680338, - 0.005327490189184436, - -0.003228756889664928, - -0.011785003968514292, - -0.020341251047363652, - -0.02889749812621302, - -0.03745374520506239, - -0.04600999228391175, - -0.0545662393627611, - null, - 0.022439984346883164, - 0.02226215970001331, - 0.02208433505314346, - 0.021906510406273606, - 0.021728685759403753, - 0.021550861112533903, - 0.02137303646566405, - 0.021195211818794198, - 0.021017387171924345, - 0.020839562525054492, - null, - 0.06653938203244116, - 0.05832454955450824, - 0.05010971707657533, - 0.041894884598642414, - 0.0336800521207095, - 0.025465219642776586, - 0.017250387164843672, - 0.009035554686910759, - 0.0008207222089778449, - -0.0073941102689550715, - null, - 0.06653938203244116, - 0.06208660967220526, - 0.05763383731196936, - 0.05318106495173347, - 0.04872829259149757, - 0.044275520231261675, - 0.039822747871025785, - 0.03536997551078989, - 0.03091720315055399, - 0.026464430790318093, - null, - 0.06653938203244116, - 0.07506114646845176, - 0.08358291090446235, - 0.09210467534047295, - 0.10062643977648356, - 0.10914820421249415, - 0.11766996864850475, - 0.12619173308451534, - 0.13471349752052594, - 0.14323526195653655, - null, - -0.0545662393627611, - -0.048302487552975996, - -0.04203873574319089, - -0.03577498393340578, - -0.029511232123620675, - -0.02324748031383557, - -0.016983728504050458, - -0.010719976694265353, - -0.004456224884480248, - 0.001807526925304857, - null, - -0.0545662393627611, - -0.04932489168567154, - -0.044083544008581985, - -0.038842196331492426, - -0.03360084865440287, - -0.028359500977313306, - -0.023118153300223744, - -0.017876805623134186, - -0.012635457946044627, - -0.0073941102689550715, - null, - -0.0545662393627611, - -0.04618781693078159, - -0.03780939449880208, - -0.029430972066822568, - -0.021052549634843057, - -0.012674127202863546, - -0.004295704770884035, - 0.004082717661095477, - 0.012461140093074988, - 0.020839562525054492, - null, - -0.0545662393627611, - -0.05617499048676031, - -0.057783741610759505, - -0.05939249273475871, - -0.06100124385875791, - -0.06260999498275711, - -0.06421874610675632, - -0.06582749723075551, - -0.06743624835475472, - -0.06904499947875392, - null, - 0.001807526925304857, - 0.013709712178885041, - 0.025611897432465225, - 0.03751408268604541, - 0.04941626793962559, - 0.06131845319320577, - 0.07322063844678596, - 0.08512282370036614, - 0.09702500895394632, - 0.1089271942075265, - null, - 0.001807526925304857, - 0.012124326339033872, - 0.022441125752762886, - 0.0327579251664919, - 0.043074724580220915, - 0.053391523993949926, - 0.06370832340767894, - 0.07402512282140795, - 0.08434192223513697, - 0.09465872164886598, - null, - 0.001807526925304857, - 0.0007851227926093096, - -0.0002372813400862378, - -0.0012596854727817853, - -0.0022820896054773325, - -0.00330449373817288, - -0.004326897870868427, - -0.005349302003563975, - -0.006371706136259522, - -0.0073941102689550715, - null, - 0.001807526925304857, - 0.004547182910306328, - 0.007286838895307799, - 0.01002649488030927, - 0.01276615086531074, - 0.01550580685031221, - 0.018245462835313683, - 0.020985118820315153, - 0.023724774805316623, - 0.026464430790318093, - null, - 0.001807526925304857, - 0.003922197547499261, - 0.006036868169693665, - 0.008151538791888069, - 0.010266209414082473, - 0.012380880036276878, - 0.01449555065847128, - 0.016610221280665683, - 0.01872489190286009, - 0.020839562525054492, - null, - 0.001807526925304857, - -0.006064976008479451, - -0.01393747894226376, - -0.021809981876048067, - -0.029682484809832377, - -0.03755498774361669, - -0.04542749067740099, - -0.0532999936111853, - -0.06117249654496961, - -0.06904499947875392, - null, - 0.09465872164886598, - 0.09624410748871715, - 0.09782949332856831, - 0.09941487916841948, - 0.10100026500827065, - 0.10258565084812182, - 0.10417103668797299, - 0.10575642252782416, - 0.10734180836767533, - 0.1089271942075265, - null, - 0.09465872164886598, - 0.08331951810244141, - 0.07198031455601686, - 0.0606411110095923, - 0.04930190746316773, - 0.03796270391674317, - 0.026623500370318617, - 0.015284296823894053, - 0.003945093277469489, - -0.0073941102689550715, - null, - 0.09465872164886598, - 0.11593508868588666, - 0.13721145572290733, - 0.158487822759928, - 0.1797641897969487, - 0.20104055683396937, - 0.22231692387099006, - 0.24359329090801074, - 0.2648696579450314, - 0.2861460249820521, - null, - 0.09465872164886598, - 0.08645659285733137, - 0.07825446406579675, - 0.07005233527426215, - 0.061850206482727536, - 0.053648077691192925, - 0.04544594889965832, - 0.03724382010812371, - 0.029041691316589097, - 0.020839562525054492, - null, - 0.09465872164886598, - 0.07646941930135265, - 0.058280116953839334, - 0.04009081460632601, - 0.02190151225881269, - 0.0037122099112993773, - -0.01447709243621395, - -0.03266639478372728, - -0.05085569713124059, - -0.06904499947875392, - null, - -0.0956502987712455, - -0.08208199548662733, - -0.06851369220200915, - -0.054945388917390973, - -0.04137708563277279, - -0.02780878234815462, - -0.01424047906353644, - -0.0006721757789182603, - 0.01289612750569992, - 0.026464430790318093, - null, - -0.0073941102689550715, - -0.014244209070043833, - -0.021094307871132593, - -0.027944406672221356, - -0.03479450547331012, - -0.04164460427439887, - -0.04849470307548764, - -0.055344801876576394, - -0.06219490067766516, - -0.06904499947875392, - null, - 0.026464430790318093, - 0.0356269600588968, - 0.044789489327475514, - 0.053952018596054224, - 0.06311454786463294, - 0.07227707713321165, - 0.08143960640179035, - 0.09060213567036907, - 0.09976466493894778, - 0.1089271942075265, - null, - 0.026464430790318093, - 0.03943896758656459, - 0.05241350438281108, - 0.06538804117905758, - 0.07836257797530408, - 0.09133711477155057, - 0.10431165156779706, - 0.11728618836404356, - 0.13026072516029005, - 0.14323526195653655, - null, - 0.020839562525054492, - 0.010852388969075779, - 0.000865215413097066, - -0.009121958142881647, - -0.01910913169886036, - -0.02909630525483907, - -0.039083478810817786, - -0.0490706523667965, - -0.05905782592277521, - -0.06904499947875392, - null, - 0.14323526195653655, - 0.13942325442886877, - 0.135611246901201, - 0.1317992393735332, - 0.1279872318458654, - 0.12417522431819764, - 0.12036321679052986, - 0.11655120926286207, - 0.11273920173519428, - 0.1089271942075265, - null, - 0.14323526195653655, - 0.15882131894173976, - 0.17440737592694297, - 0.1899934329121462, - 0.20557948989734942, - 0.22116554688255263, - 0.23675160386775584, - 0.25233766085295906, - 0.26792371783816227, - 0.2835097748233655, - null - ] - }, - { - "hoverinfo": "text", - "marker": { - "color": [ - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2, - 2 - ], - "colorbar": { - "thickness": 15, - "xanchor": "left" - }, - "colorscale": "YIGnBu", - "line": { - "width": 2 - }, - "reversescale": true, - "showscale": true, - "size": 10 - }, - "mode": "markers", - "text": [ - "1: [u'operations', u'force', u'chinese', u'washington', u'general', u'states', u'defense', u'nations', u'sea', u'japan']", - "2: [u'control', u'heart', u'spiritual', u'love', u'consciousness', u'energy', u'mind', u'jesus', u'society', u'beings']", - "3: [u'this', u'all', u'right', u've', u'well', u'is', u'them', u'doesn', u'years', u'sure']", - "4: [u'comment', u'www', u'google', u'co', u'help', u'twitter', u'pic', u'share', u'site', u'at']", - "5: [u'and', u'vitamins', u'www', u'acids', u'force', u'campaign', u'mind', u'widget', u'jpg', u'brain']", - "6: [u'camp', u'protests', u'national', u'streets', u'community', u'according', u'protest', u'set', u'anti', u'homeless']", - "7: [u'comment', u'videos', u'list', u'twitter', u'share', u'bias', u'video', u'fake', u'article', u'journalists']", - "8: [u'tribe', u'vehicles', u'supply', u'energy', u'site', u'private', u'lake', u'county', u'fukushima', u'dakota']", - "9: [u'called', u'eastern', u'england', u'jews', u'century', u'german', u'modern', u'britain', u'london', u'eu']", - "10: [u'number', u'years', u'likely', u'numbers', u'year', u'news', u'october', u'25', u'20', u'percent']", - "11: [u'and', u'control', u'office', u'money', u'in', u'years', u'including', u'article', u'open', u'worked']", - "12: [u'pakistan', u'major', u'force', u'moore', u'national', u'india', u'general', u'quake', u'soldiers', u'navy']", - "13: [u'official', u'clinton', u'campaign', u'days', u'john', u'private', u'evidence', u'election', u'news', u'scandal']", - "14: [u'cancer', u'soil', u'energy', u'tests', u'years', u'high', u'weather', u'caused', u'earth', u'kratom']", - "15: [u'clinton', u'trump', u'office', u'win', u'seen', u'elected', u'donald', u'americans', u'election', u'rally']", - "16: [u'control', u'coup', u'ammon', u'intelligence', u'national', u'conspiracy', u'year', u'jury', u'nevada', u'defendants']", - "17: [u'duke', u'carter', u'whites', u'house', u'cohen', u'reagan', u'fuck', u'evidence', u'alt', u'dumb']", - "18: [u'comment', u'jews', u'text', u'cited', u'results', u'community', u'college', u'in', u'need', u'phrase']", - "19: [u'attorney', u'office', u'civil', u'crimes', u'private', u'evidence', u'high', u'authorities', u'officials', u'agents']", - "20: [u'heart', u'help', u'cdc', u'tea', u'high', u'foods', u'organic', u'acid', u'children', u'mercury']", - "21: [u'em', u'office', u'voters', u'results', u'flip', u'states', u'officials', u'election', u'vote', u'ballot']", - "22: [u'control', u'help', u'process', u'mind', u'community', u'individual', u'simply', u'personal', u'human', u'sense']", - "23: [u'coup', u'think', u'clinton', u'intelligence', u'washington', u'states', u'middle', u'president', u'crimea', u'regime']", - "24: [u'amendment', u'supreme', u'work', u'office', u'senate', u'house', u'national', u'executive', u'washington', u'america']", - "25: [u'disclosure', u'0', u'founder', u'egypt', u'intelligence', u'metals', u'evidence', u'alien', u'eddie', u'video']", - "26: [u'clinton', u'trump', u'campaign', u'voters', u'win', u'national', u'elections', u'states', u'donald', u'americans']", - "27: [u'money', u'council', u'campaign', u'intelligence', u'africa', u'assange', u'states', u'middle', u'embassy', u'human']", - "28: [u'retired', u'ron', u'house', u'mike', u'd', u'biden', u'americans', u'tea', u'paul', u'crisis']", - "29: [u'financial', u'gold', u'wall', u'money', u'global', u'dollar', u'private', u'trade', u'currency', u'economic']", - "30: [u'aliens', u'surface', u'years', u'discovered', u'paper', u'sea', u'quantum', u'earth', u'mins', u'film']", - "31: [u'control', u'right', u'national', u'global', u'years', u'states', u'society', u'economic', u'anti', u'politics']", - "32: [u'shot', u'crimes', u'dead', u'officers', u'woman', u'year', u'claimed', u'home', u'shooting', u'children']", - "33: [u'humanitarian', u'rebels', u'terrorists', u'al', u'middle', u'fighters', u'qaeda', u'mosul', u'led', u'syrian']", - "34: [u'old', u'family', u'father', u'halloween', u'son', u'video', u'female', u'year', u'home', u'girl']", - "35: [u'son', u'catholics', u'generation', u'mosque', u'pot', u'marijuana', u'rest', u'jesus', u'human', u'use']" - ], - "type": "scatter", - "x": [ - -0.06122496905473652, - -0.26718421567497197, - -0.1841564590463138, - 0.3510584345324244, - 0.43802186839111196, - 0.01290106580323691, - 0.17449546855303058, - 0.06196663482733402, - -0.11622893585542299, - -0.06501614640338653, - -0.09611481046422145, - 0.8369770354079769, - 0.010503285532920573, - -0.43008653040166955, - 0.07190163137514313, - 0.36205329990277496, - 0.24519360796427023, - -0.8927064187103969, - -0.02864330841050903, - -0.20977993697430633, - 0.14463981663200814, - -0.1323177073068973, - -0.018825331181116907, - -0.07419595477968577, - 0.3532472077807258, - 0.027079556028269464, - 0.18788542568208302, - -0.10494699602325669, - -0.14345827473907477, - -0.6105382217613995, - -0.10166913546519371, - 0.09826085942907795, - 0.019045015879779865, - 0.1451519936058598, - -0.0032888550754690015 - ], - "y": [ - 0.05813621730871762, - -0.012424101500786142, - -0.21204329755664703, - 0.27128883241568325, - -0.9940104742444628, - 0.2112782153424959, - 0.14634830709177238, - 0.16122602404073128, - 0.1201569376072126, - 0.015956178600784587, - -0.011214061625963875, - 0.666424446673233, - 0.036630679155241715, - -0.008545451431550591, - 0.07649163468456002, - 0.04342036672345108, - 0.10198079573329479, - -0.5736279335115572, - 0.09499781410584422, - 0.022439984346883164, - 0.06653938203244116, - -0.0545662393627611, - 0.001807526925304857, - 0.09465872164886598, - -0.0956502987712455, - -0.0073941102689550715, - 0.026464430790318093, - 0.2861460249820521, - 0.020839562525054492, - -0.020383345968689223, - -0.06904499947875392, - 0.14323526195653655, - 0.1089271942075265, - 0.2835097748233655, - -1 - ] - } - ], - "layout": { - "hovermode": "closest", - "showlegend": false, - "xaxis": { - "showgrid": true, - "showticklabels": true, - "zeroline": false - }, - "yaxis": { - "showgrid": true, - "showticklabels": true, - "zeroline": false - } - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "fig = Figure(data=Data([edge_trace, node_trace]),\n", " layout=Layout(showlegend=False,\n", @@ -4589,1080 +359,9 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'coup', u'peace', u'shot', u'citizenry', u'maduro', u'teams', u'actions', u'cross', u'seen', u'unrest']", - [], - [], - "[u'monte', u'sprayed', u'shot', u'they', u'corps', u'september', u'sound', u'jurisdiction', u'resistance', u'sites']" - ], - "type": "scatter", - "x": [ - 85, - 85, - 95, - 95 - ], - "xaxis": "x", - "y": [ - 0, - 0.5239915229525761, - 0.5239915229525761, - 0 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'atmosphere', u'stores', u'help', u'caused', u'magnetic', u'major', u'produce', u'years', u'product', u'baby']", - [], - [], - "[u'all', u'influenza', u'help', u'cdc', u'biological', u'caused', u'child', u'results', u'dose', u'brain']" - ], - "type": "scatter", - "x": [ - 145, - 145, - 155, - 155 - ], - "xaxis": "x", - "y": [ - 0, - 0.4952833500135926, - 0.4952833500135926, - 0 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'passed', u'rifles', u'tactics', u'office', u'violation', u'issued', u'obtain', u'actions', u'years', u'sources']", - [], - [], - "[u'affair', u'thomas', u'responsible', u'shot', u'office', u'sentence', u'september', u'issued', u'agreed', u'child']" - ], - "type": "scatter", - "x": [ - 205, - 205, - 215, - 215 - ], - "xaxis": "x", - "y": [ - 0, - 0.4842267300317968, - 0.4842267300317968, - 0 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(61,153,112)" - }, - "mode": "lines", - "text": [ - "[u'rating', u'office', u'photo', u'over', u'despite', u'results', u'years', u'course', u'protest', u'radio']", - [], - [], - "[u'saying', u'decide', u'predicted', u'fox', u'results', u'night', u'including', u'democrats', u'committee', u'mcmullin']" - ], - "type": "scatter", - "x": [ - 245, - 245, - 255, - 255 - ], - "xaxis": "x", - "y": [ - 0, - 0.4091655719588642, - 0.4091655719588642, - 0 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(61,153,112)" - }, - "mode": "lines", - "text": [ - "[u'saying', u'breaking', u'office', u'watergate', u'mishandling', u'laptop', u'probe', u'actions', u'discovered', u'sources']", - [], - [], - "+++: [u'results', u'paul', u'supporter', u'candidate', u'actually', u'barack', u'going', u'8', u'far', u'possible']
---: [u'saying', u'rating', u'month', u'unrest', u'protest', u'radio', u'democrats', u'mcmullin', u'follow', u'battleground']" - ], - "type": "scatter", - "x": [ - 235, - 235, - 250, - 250 - ], - "xaxis": "x", - "y": [ - 0, - 0.41213545918752137, - 0.41213545918752137, - 0.4091655719588642 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(255,65,54)" - }, - "mode": "lines", - "text": [ - "[u'operations', u'called', u'bomb', u'0', u'chinese', u'september', u'photo', u'agreed', u'global', u'spain']", - [], - [], - "[u'coup', u'all', u'sergey', u'bomb', u'saying', u'photo', u'supported', u'repeatedly', u'soon', u'actions']" - ], - "type": "scatter", - "x": [ - 285, - 285, - 295, - 295 - ], - "xaxis": "x", - "y": [ - 0, - 0.41280889631027384, - 0.41280889631027384, - 0 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(255,65,54)" - }, - "mode": "lines", - "text": [ - "[u'operations', u'saying', u'peace', u'rebels', u'ambassador', u'september', u'settlements', u'years', u'held', u'fighters']", - [], - [], - "+++: [u'bomb', u'photo', u'global', u'soon', u'years', u'including', u'cold', u'issues', u'ground', u'based']
---: [u'saying', u'all', u'chinese', u'enemy', u'agreed', u'supported', u'month', u'sergey', u'planning', u'asia']" - ], - "type": "scatter", - "x": [ - 275, - 275, - 290, - 290 - ], - "xaxis": "x", - "y": [ - 0, - 0.4337091828241252, - 0.4337091828241252, - 0.41280889631027384 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(35,205,205)" - }, - "mode": "lines", - "text": [ - "[u'greater', u'limited', u'help', u'lack', u'focus', u'actions', u'naturally', u'bring', u'books', u'higher']", - [], - [], - "[u'called', u'all', u'enemy', u'hands', u'global', u'domestic', u'resistance', u'rest', u'years', u'course']" - ], - "type": "scatter", - "x": [ - 305, - 305, - 315, - 315 - ], - "xaxis": "x", - "y": [ - 0, - 0.44592943928705275, - 0.44592943928705275, - 0 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "+++: [u'major', u'force', u'years', u'likely', u'officials', u'anti', u'iran', u'armed', u'ground', u'united']
---: [u'saying', u'bomb', u'rebels', u'ali', u'global', u'tehran', u'qaeda', u'mosul', u'battle', u'soldiers']", - [], - [], - "+++: [u'and', u'control', u'major', u'want', u'point', u'powerful', u'community', u'past', u'society', u'simply']
---: [u'limited', u'all', u'consider', u'global', u'resistance', u'bring', u'emotions', u'follow', u'meditation', u'research']" - ], - "type": "scatter", - "x": [ - 282.5, - 282.5, - 310, - 310 - ], - "xaxis": "x", - "y": [ - 0.4337091828241252, - 0.46861372445664873, - 0.46861372445664873, - 0.44592943928705275 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'operations', u'all', u'soros', u'office', u'money', u'meetings', u'executive', u'insider', u'years', u'founded']", - [], - [], - "+++: [u'major', u'us']
---: [u'control', u'point', u'powerful', u'community', u'years', u'course', u'simply', u'human', u'fear', u'armed']" - ], - "type": "scatter", - "x": [ - 265, - 265, - 296.25, - 296.25 - ], - "xaxis": "x", - "y": [ - 0, - 0.4806143422338316, - 0.4806143422338316, - 0.46861372445664873 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "+++: [u'says', u'campaign', u'point', u'house', u'in', u'washington', u'likely', u'street', u'election', u'year']
---: [u'saying', u'watergate', u'mishandling', u'probe', u'results', u'discovered', u'obstruction', u'manager', u'democrats', u'aides']", - [], - [], - "+++: []
---: [u'operations', u'all', u'responsible', u'office', u'money', u'meetings', u'executive', u'raised', u'years', u'founded']" - ], - "type": "scatter", - "x": [ - 242.5, - 242.5, - 280.625, - 280.625 - ], - "xaxis": "x", - "y": [ - 0.41213545918752137, - 0.4847681088638261, - 0.4847681088638261, - 0.4806143422338316 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'ambassador', u'agency', u'mexican', u'help', u'office', u'diplomacy', u'money', u'executive', u'years', u'2008']", - [], - [], - "+++: []
---: [u'says', u'nominee', u'point', u'house', u'in', u'washington', u'likely', u'street', u'election', u'year']" - ], - "type": "scatter", - "x": [ - 225, - 225, - 261.5625, - 261.5625 - ], - "xaxis": "x", - "y": [ - 0, - 0.4848588855404342, - 0.4848588855404342, - 0.4847681088638261 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "+++: [u'and', u'attorney', u'ordered', u'office', u'judge', u'issued', u'national', u'crimes', u'authorities', u'actions']
---: [u'affair', u'thomas', u'shot', u'violation', u'agreed', u'allegations', u'month', u'discovered', u'rifles', u'gang']", - [], - [], - "+++: []
---: [u'ambassador', u'code', u'mexican', u'help', u'office', u'diplomacy', u'money', u'executive', u'years', u'supreme']" - ], - "type": "scatter", - "x": [ - 210, - 210, - 243.28125, - 243.28125 - ], - "xaxis": "x", - "y": [ - 0.4842267300317968, - 0.49484305255926003, - 0.49484305255926003, - 0.4848588855404342 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'saying', u'all', u'help', u'money', u'hands', u'soon', u'rest', u'years', u'course', u'looks']", - [], - [], - "+++: []
---: [u'and', u'asked', u'attorney', u'ordered', u'family', u'judge', u'issued', u'national', u'crimes', u'actions']" - ], - "type": "scatter", - "x": [ - 195, - 195, - 226.640625, - 226.640625 - ], - "xaxis": "x", - "y": [ - 0, - 0.500953938948598, - 0.500953938948598, - 0.49484305255926003 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'sector', u'bull', u'gold', u'unemployment', u'money', u'global', u'dollar', u'trade', u'paper', u'businesses']", - [], - [], - "+++: []
---: [u'saying', u'all', u'help', u'money', u'able', u'soon', u'rest', u'years', u'course', u'looks']" - ], - "type": "scatter", - "x": [ - 185, - 185, - 210.8203125, - 210.8203125 - ], - "xaxis": "x", - "y": [ - 0, - 0.5090095510485566, - 0.5090095510485566, - 0.500953938948598 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'gdp', u'proceeds', u'september', u'42', u'global', u'wednesday', u'results', u'years', u'leads', u'batteries']", - [], - [], - "+++: []
---: [u'sector', u'manufacturing', u'chinese', u'unemployment', u'money', u'global', u'dollar', u'trade', u'paper', u'businesses']" - ], - "type": "scatter", - "x": [ - 175, - 175, - 197.91015625, - 197.91015625 - ], - "xaxis": "x", - "y": [ - 0, - 0.5114472916005423, - 0.5114472916005423, - 0.5090095510485566 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'saying', u'neighborhood', u'answering', u'shot', u'help', u'photo', u'celebrities', u'years', u'seen', u'performance']", - [], - [], - "+++: []
---: [u'gdp', u'september', u'percent', u'global', u'43', u'results', u'years', u'leads', u'batteries', u'including']" - ], - "type": "scatter", - "x": [ - 165, - 165, - 186.455078125, - 186.455078125 - ], - "xaxis": "x", - "y": [ - 0, - 0.5123688748079201, - 0.5123688748079201, - 0.5114472916005423 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "+++: [u'heavy', u'available', u'associated', u'help', u'cancer', u'caused', u'reduce', u'plant', u'evidence', u'high']
---: [u'wild', u'all', u'influenza', u'sci', u'phenomenon', u'cdc', u'magnetic', u'results', u'produce', u'sleep']", - [], - [], - "+++: []
---: [u'saying', u'breaking', u'shot', u'help', u'photo', u'child', u'celebrities', u'years', u'costume', u'victim']" - ], - "type": "scatter", - "x": [ - 150, - 150, - 175.7275390625, - 175.7275390625 - ], - "xaxis": "x", - "y": [ - 0.4952833500135926, - 0.527410482799219, - 0.527410482799219, - 0.5123688748079201 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'stones', u'atmosphere', u'concept', u'evidence', u'consciousness', u'being', u'global', u'souls', u'years', u'held']", - [], - [], - "+++: []
---: [u'heavy', u'body', u'associated', u'help', u'cancer', u'caused', u'reduce', u'product', u'evidence', u'high']" - ], - "type": "scatter", - "x": [ - 135, - 135, - 162.86376953125, - 162.86376953125 - ], - "xaxis": "x", - "y": [ - 0, - 0.5298682068894442, - 0.5298682068894442, - 0.527410482799219 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'forced', u'played', u'chinese', u'german', u'2005', u'supported', u'rest', u'years', u'course', u'cambridge']", - [], - [], - "+++: []
---: [u'stones', u'called', u'atmosphere', u'concept', u'pope', u'being', u'global', u'souls', u'years', u'held']" - ], - "type": "scatter", - "x": [ - 125, - 125, - 148.931884765625, - 148.931884765625 - ], - "xaxis": "x", - "y": [ - 0, - 0.5358130859045249, - 0.5358130859045249, - 0.5298682068894442 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'jihadist', u'acts', u'particularly', u'cheese', u'money', u'half', u'month', u'sources', u'embassy', u'including']", - [], - [], - "+++: []
---: [u'called', u'chinese', u'german', u'supported', u'rest', u'years', u'course', u'aoun', u'london', u'hungary']" - ], - "type": "scatter", - "x": [ - 115, - 115, - 136.9659423828125, - 136.9659423828125 - ], - "xaxis": "x", - "y": [ - 0, - 0.5368743566366792, - 0.5368743566366792, - 0.5358130859045249 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'watergate', u'thomas', u'impression', u'kkk', u'stephens', u'show', u'rapture', u'photo', u'for', u'sexist']", - [], - [], - "+++: []
---: [u'called', u'responsible', u'particularly', u'libyan', u'sales', u'money', u'supported', u'terrorist', u'month', u'sources']" - ], - "type": "scatter", - "x": [ - 105, - 105, - 125.98297119140625, - 125.98297119140625 - ], - "xaxis": "x", - "y": [ - 0, - 0.5405631185995701, - 0.5405631185995701, - 0.5368743566366792 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "+++: [u'the', u'set', u'shot', u'national', u'activists', u'site', u'officers', u'authorities', u'fires', u'seen']
---: [u'monte', u'homes', u'corps', u'hurricane', u'jurisdiction', u'resistance', u'eminent', u'unrest', u'farms', u'mile']", - [], - [], - "+++: []
---: [u'watergate', u'thomas', u'kkk', u'stephens', u'impression', u'rapture', u'photo', u'morons', u'sexist', u'years']" - ], - "type": "scatter", - "x": [ - 90, - 90, - 115.49148559570312, - 115.49148559570312 - ], - "xaxis": "x", - "y": [ - 0.5239915229525761, - 0.5407990711594035, - 0.5407990711594035, - 0.5405631185995701 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'credible', u'arnaldo', u'code', u'help', u'founder', u'exclusive', u'series', u'global', u'design', u'gavin']", - [], - [], - "[u'saying', u'answers', u'liar', u'opinions', u'photo', u'reporters', u'networks', u'sources', u'paper', u'scott']" - ], - "type": "scatter", - "x": [ - 335, - 335, - 345, - 345 - ], - "xaxis": "x", - "y": [ - 0, - 0.5241246859656508, - 0.5241246859656508, - 0 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'longer', u'nc', u'office', u'switched', u'september', u'pros', u'copy', u'neilson', u'results', u'technicians']", - [], - [], - "+++: [u'comment', u'google', u'videos', u'appeared', u'series', u'twitter', u'share', u'subscribe', u'video', u'article']
---: [u'saying', u'code', u'liar', u'forget', u'founder', u'exclusive', u'dear', u'global', u'danney', u'solutions']" - ], - "type": "scatter", - "x": [ - 325, - 325, - 340, - 340 - ], - "xaxis": "x", - "y": [ - 0, - 0.5477582438343798, - 0.5477582438343798, - 0.5241246859656508 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "+++: []
---: [u'set', u'shot', u'national', u'activists', u'site', u'officers', u'communities', u'fires', u'seen', u'protests']", - [], - [], - "+++: [u'comment', u'use', u'mainstream', u'media', u'comments', u'1', u'2', u'radio', u'editor', u'news']
---: [u'45', u'office', u'switched', u'september', u'electoral', u'neilson', u'results', u'technicians', u'years', u'held']" - ], - "type": "scatter", - "x": [ - 102.74574279785156, - 102.74574279785156, - 332.5, - 332.5 - ], - "xaxis": "x", - "y": [ - 0.5407990711594035, - 0.555896060550066, - 0.555896060550066, - 0.5477582438343798 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'planetary', u'code', u'closely', u'producer', u'photo', u'astronomical', u'queen', u'confirm', u'years', u'discovered']", - [], - [], - "+++: []
---: [u'comment', u'use', u'mainstream', u'media', u'comments', u'1', u'2', u'radio', u'editor', u'article']" - ], - "type": "scatter", - "x": [ - 75, - 75, - 217.62287139892578, - 217.62287139892578 - ], - "xaxis": "x", - "y": [ - 0, - 0.5561728330392073, - 0.5561728330392073, - 0.555896060550066 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'coup', u'checkpoints', u'wakingtimes', u'paragraph', u'jonsdottir', u'knowingly', u'ended', u'lands', u'including', u'parks']", - [], - [], - "+++: []
---: [u'science', u'planetary', u'code', u'closely', u'producer', u'photo', u'astronomical', u'queen', u'soon', u'years']" - ], - "type": "scatter", - "x": [ - 65, - 65, - 146.3114356994629, - 146.3114356994629 - ], - "xaxis": "x", - "y": [ - 0, - 0.5564856128519003, - 0.5564856128519003, - 0.5561728330392073 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'morsi', u'phenomenon', u'founder', u'caused', u'labeled', u'mission', u'actress', u'years', u'alien', u'report']", - [], - [], - "+++: []
---: [u'coup', u'checkpoints', u'wakingtimes', u'weapons', u'jonsdottir', u'ended', u'keystone', u'including', u'1962', u'nevada']" - ], - "type": "scatter", - "x": [ - 55, - 55, - 105.65571784973145, - 105.65571784973145 - ], - "xaxis": "x", - "y": [ - 0, - 0.5704763562651556, - 0.5704763562651556, - 0.5564856128519003 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'1st', u'now', u'jason', u'help', u'ron', u'demand', u'caused', u'executive', u'dollar', u'damage']", - [], - [], - "+++: []
---: [u'phenomenon', u'founder', u'caused', u'mission', u'actress', u'years', u'alien', u'report', u'bright', u'swedish']" - ], - "type": "scatter", - "x": [ - 45, - 45, - 80.32785892486572, - 80.32785892486572 - ], - "xaxis": "x", - "y": [ - 0, - 0.5726519085057408, - 0.5726519085057408, - 0.5704763562651556 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'represent', u'thomas', u'words', u'founder', u'produces', u'rev', u'authors', u'unseen', u'infant', u'rest']", - [], - [], - "+++: []
---: [u'now', u'breaking', u'jason', u'help', u'ron', u'caused', u'executive', u'dollar', u'proposes', u'executes']" - ], - "type": "scatter", - "x": [ - 35, - 35, - 62.66392946243286, - 62.66392946243286 - ], - "xaxis": "x", - "y": [ - 0, - 0.5985741306483363, - 0.5985741306483363, - 0.5726519085057408 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'perspective', u'imploding', u'colleges', u'help', u'founder', u'text', u'rob', u'results', u'bookmark', u'professors']", - [], - [], - "+++: []
---: [u'represent', u'thomas', u'birth', u'founder', u'produces', u'child', u'unseen', u'infant', u'rest', u'years']" - ], - "type": "scatter", - "x": [ - 25, - 25, - 48.83196473121643, - 48.83196473121643 - ], - "xaxis": "x", - "y": [ - 0, - 0.6044867266886239, - 0.6044867266886239, - 0.5985741306483363 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'rtd', u'thomas', u'shot', u'pti', u'sergei', u'ndtv', u'caused', u'kejriwal', u'gun', u'laura']", - [], - [], - "+++: []
---: [u'imploding', u'colleges', u'help', u'founder', u'text', u'rob', u'results', u'professors', u'facilities', u'spaces']" - ], - "type": "scatter", - "x": [ - 15, - 15, - 36.915982365608215, - 36.915982365608215 - ], - "xaxis": "x", - "y": [ - 0, - 0.6092748581752581, - 0.6092748581752581, - 0.6044867266886239 - ], - "yaxis": "y" - }, - { - "hoverinfo": "text", - "marker": { - "color": "rgb(0,116,217)" - }, - "mode": "lines", - "text": [ - "[u'urinary', u'fungal', u'molecule', u'facial', u'tincture', u'ginseng', u'sciencedaily', u'zen', u'powders', u'narcotic']", - [], - [], - "+++: []
---: [u'rtd', u'thomas', u'shot', u'pti', u'sergei', u'ndtv', u'caused', u'kejriwal', u'officers', u'laura']" - ], - "type": "scatter", - "x": [ - 5, - 5, - 25.957991182804108, - 25.957991182804108 - ], - "xaxis": "x", - "y": [ - 0, - 0.6439303839488679, - 0.6439303839488679, - 0.6092748581752581 - ], - "yaxis": "y" - } - ], - "layout": { - "autosize": false, - "height": 600, - "hovermode": "closest", - "showlegend": false, - "width": 1000, - "xaxis": { - "mirror": "allticks", - "rangemode": "tozero", - "showgrid": false, - "showline": true, - "showticklabels": true, - "tickmode": "array", - "ticks": "outside", - "ticktext": [ - 5, - 12, - 18, - 35, - 28, - 25, - 16, - 30, - 6, - 8, - 17, - 27, - 9, - 2, - 14, - 20, - 34, - 10, - 29, - 3, - 19, - 32, - 24, - 13, - 15, - 26, - 11, - 33, - 1, - 23, - 22, - 31, - 21, - 4, - 7 - ], - "tickvals": [ - 5, - 15, - 25, - 35, - 45, - 55, - 65, - 75, - 85, - 95, - 105, - 115, - 125, - 135, - 145, - 155, - 165, - 175, - 185, - 195, - 205, - 215, - 225, - 235, - 245, - 255, - 265, - 275, - 285, - 295, - 305, - 315, - 325, - 335, - 345 - ], - "type": "linear", - "zeroline": false - }, - "yaxis": { - "mirror": "allticks", - "rangemode": "tozero", - "showgrid": false, - "showline": true, - "showticklabels": true, - "ticks": "outside", - "type": "linear", - "zeroline": false - } - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "from gensim.matutils import jensen_shannon\n", "import scipy as scp\n", @@ -5761,21 +460,21 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.13" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/translation_matrix.ipynb b/docs/notebooks/translation_matrix.ipynb index 5439005a8c..8832f732e6 100644 --- a/docs/notebooks/translation_matrix.ipynb +++ b/docs/notebooks/translation_matrix.ipynb @@ -2,30 +2,21 @@ "cells": [ { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "# Tranlation Matrix Tutorial" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## What is it ?" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Suppose we are given a set of word pairs and their associated vector representaion $\\{x_{i},z_{i}\\}_{i=1}^{n}$, where $x_{i} \\in R^{d_{1}}$ is the distibuted representation of word $i$ in the source language, and ${z_{i} \\in R^{d_{2}}}$ is the vector representation of its translation. Our goal is to find a transformation matrix $W$ such that $Wx_{i}$ approximates $z_{i}$. In practice, $W$ can be learned by the following optimization prolem:\n", "\n", @@ -34,20 +25,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "## Resources" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Tomas Mikolov, Quoc V Le, Ilya Sutskever. 2013.[Exploiting Similarities among Languages for Machine Translation](https://arxiv.org/pdf/1309.4168.pdf)\n", "\n", @@ -56,21 +41,9 @@ }, { "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using Theano backend.\n" - ] - } - ], + "execution_count": 1, + "metadata": {}, + "outputs": [], "source": [ "import os\n", "\n", @@ -81,10 +54,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "For this tutorial, we'll train our model using the English -> Italian word pairs from the OPUS collection. This corpus contains 5000 word pairs. Each word pair is English word with corresponding Italian word.\n", "\n", @@ -95,18 +65,30 @@ }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "!rm 1nuIuQoT" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, "outputs": [ { - "name": "stdout", - "output_type": "stream", - "text": [ - "[(u'for', u'per'), (u'that', u'che'), (u'with', u'con'), (u'are', u'are'), (u'are', u'sono'), (u'this', u'questa'), (u'this', u'questo'), (u'you', u'lei'), (u'not', u'non'), (u'which', u'che')]\n" + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: 'OPUS_en_it_europarl_train_5K.txt'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[0mtrain_file\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m\"OPUS_en_it_europarl_train_5K.txt\"\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 3\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0mutils\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msmart_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mtrain_file\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m\"r\"\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 4\u001b[0m \u001b[0mword_pair\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0mtuple\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mutils\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mto_unicode\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mline\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstrip\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msplit\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mline\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0mprint\u001b[0m \u001b[0;34m(\u001b[0m\u001b[0mword_pair\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;36m10\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36msmart_open\u001b[0;34m(uri, mode, **kw)\u001b[0m\n\u001b[1;32m 437\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mkey\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvalue\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 438\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 439\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0muri\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mignore_ext\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mignore_extension\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mtransport_params\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtransport_params\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mscrubbed_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 440\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 441\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36mopen\u001b[0;34m(uri, mode, buffering, encoding, errors, newline, closefd, opener, ignore_ext, transport_params)\u001b[0m\n\u001b[1;32m 305\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 306\u001b[0m \u001b[0mencoding\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mencoding\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 307\u001b[0;31m \u001b[0merrors\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0merrors\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 308\u001b[0m )\n\u001b[1;32m 309\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mfobj\u001b[0m \u001b[0;32mis\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0;32mNone\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/smart_open/smart_open_lib.py\u001b[0m in \u001b[0;36m_shortcut_open\u001b[0;34m(uri, mode, ignore_ext, buffering, encoding, errors)\u001b[0m\n\u001b[1;32m 496\u001b[0m \u001b[0;31m#\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 497\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0msix\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mPY3\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 498\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mopen_kwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 499\u001b[0m \u001b[0;32melif\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0mopen_kwargs\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 500\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0m_builtin_open\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mparsed_uri\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0muri_path\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mmode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mbuffering\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mbuffering\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: 'OPUS_en_it_europarl_train_5K.txt'" ] } ], @@ -120,10 +102,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "This tutorial uses 300-dimensional vectors of English words as source and vectors of Italian words as target. (Those vector trained by the word2vec toolkit with cbow. The context window was set 5 words to either side of the target,\n", "the sub-sampling option was set to 1e-05 and estimate the probability of a target word with the negative sampling method, drawing 10 samples from the noise distribution)\n", @@ -137,12 +116,8 @@ }, { "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# Load the source language word vector\n", @@ -152,12 +127,8 @@ }, { "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# Load the target language word vector\n", @@ -167,31 +138,16 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Train the translation matrix" ] }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "('the shape of translation matrix is: ', (300, 300))\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "transmat = translation_matrix.TranslationMatrix(source_word_vec, target_word_vec, word_pair)\n", "transmat.train(word_pair)\n", @@ -200,20 +156,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Prediction Time: For any given new word, we can map it to the other language space by coputing $z = Wx$, then we find the word whose representation is closet to z in the target language space, using consine similarity as the distance metric." ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "#### Part one:\n", "Let's look at some vocabulary of numbers translation. We use English words (one, two, three, four and five) as test." @@ -221,24 +171,9 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/robotcator/PycharmProjects/gensim/gensim/models/translation_matrix.py:223: UserWarning: The parameter source_lang_vec isn't specified, use the model's source language word vector as default.\n", - " warnings.warn(\"The parameter source_lang_vec isn't specified, use the model's source language word vector as default.\")\n", - "/home/robotcator/PycharmProjects/gensim/gensim/models/translation_matrix.py:227: UserWarning: The parameter target_lang_vec isn't specified, use the model's target language word vector as default.\n", - " warnings.warn(\"The parameter target_lang_vec isn't specified, use the model's target language word vector as default.\")\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "# The pair is in the form of (English, Italian), we can see whether the translated word is correct\n", "words = [(\"one\", \"uno\"), (\"two\", \"due\"), (\"three\", \"tre\"), (\"four\", \"quattro\"), (\"five\", \"cinque\")]\n", @@ -248,26 +183,11 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "metadata": { - "collapsed": false, - "deletable": true, - "editable": true, "scrolled": true }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "('word ', 'one', ' and translated word', [u'solo', u'due', u'tre', u'cinque', u'quattro'])\n", - "('word ', 'two', ' and translated word', [u'due', u'tre', u'quattro', u'cinque', u'otto'])\n", - "('word ', 'three', ' and translated word', [u'tre', u'quattro', u'due', u'cinque', u'sette'])\n", - "('word ', 'four', ' and translated word', [u'tre', u'quattro', u'cinque', u'due', u'sette'])\n", - "('word ', 'five', ' and translated word', [u'cinque', u'tre', u'quattro', u'otto', u'dieci'])\n" - ] - } - ], + "outputs": [], "source": [ "for k, v in translated_word.iteritems():\n", " print (\"word \", k, \" and translated word\", v)" @@ -275,10 +195,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "#### Part two:\n", "Let's look at some vocabulary of fruits translation. We use English words (apple, orange, grape, banana and mango) as test." @@ -286,25 +203,9 @@ }, { "cell_type": "code", - "execution_count": 8, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "word apple and translated word [u'apple', u'mela', u'microsoft', u'macintosh', u'turbolinux']\n", - "word orange and translated word [u'arancione', u'curacao', u'aranciato', u'gialloarancio', u'bluastro']\n", - "word grape and translated word [u'sylvaner', u'vinsanto', u'marzemino', u'traminer', u'legume']\n", - "word banana and translated word [u'anacardi', u'papaia', u'muesli', u'manioca', u'basmati']\n", - "word mango and translated word [u'patchouli', u'anacardi', u'papaia', u'tamarindo', u'guacamole']\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "words = [(\"apple\", \"mela\"), (\"orange\", \"arancione\"), (\"grape\", \"acino\"), (\"banana\", \"banana\"), (\"mango\", \"mango\")]\n", "source_word, target_word = zip(*words)\n", @@ -315,10 +216,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "#### Part three:\n", "Let's look at some vocabulary of animals translation. We use English words (dog, pig, cat, horse and bird) as test." @@ -326,25 +224,9 @@ }, { "cell_type": "code", - "execution_count": 9, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "word dog and translated word [u'cane', u'cani', u'cagnolino', u'barboncino', u'micio']\n", - "word pig and translated word [u'maiali', u'maialini', u'animale', u'barboncino', u'vitella']\n", - "word cat and translated word [u'gatto', u'gattino', u'micio', u'cagnolino', u'cane']\n", - "word fish and translated word [u'krill', u'pesce', u'pesci', u'storioni', u'alborelle']\n", - "word birds and translated word [u'uccelli', u'passeriformi', u'antilopi', u'rettili', u'svassi']\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "words = [(\"dog\", \"cane\"), (\"pig\", \"maiale\"), (\"cat\", \"gatto\"), (\"fish\", \"cavallo\"), (\"birds\", \"uccelli\")]\n", "source_word, target_word = zip(*words)\n", @@ -355,41 +237,23 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "### The Creation Time for the Translation Matrix" ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Testing the creation time, we extracted more word pairs from a dictionary built from Europarl([Europara, en-it](http://opus.lingfil.uu.se/)). We obtain about 20K word pairs and their coresponding word vectors or you can download from this.[word_dict.pkl](https://pan.baidu.com/s/1dF8HUX7)" ] }, { "cell_type": "code", - "execution_count": 10, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "the length of word pair 20942\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "import pickle\n", "word_dict = \"word_dict.pkl\"\n", @@ -400,12 +264,8 @@ }, { "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "import time\n", @@ -431,72 +291,9 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "text/html": [ - "" - ], - "text/vnd.plotly.v1+html": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "type": "scatter", - "x": [ - 2094, - 4188, - 6282, - 8376, - 10470, - 12564, - 14658, - 16752, - 18846, - 20940 - ], - "y": [ - 0.5877759456634521, - 0.8401670455932617, - 0.9247369766235352, - 1.2453999519348145, - 1.60801100730896, - 1.892496109008789, - 2.141044855117798, - 2.1962528228759766, - 2.7086141109466553, - 3.2611770629882812 - ] - } - ], - "layout": { - "title": "time for creation" - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "import plotly\n", "from plotly.graph_objs import Scatter, Layout\n", @@ -511,10 +308,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "You will see a two dimensional coordination whose horizontal axis is the size of corpus and vertical axis is the time to train a translation matrix (the unit is second). As the size of corpus increases, the time increases linearly." ] @@ -522,9 +316,7 @@ { "cell_type": "markdown", "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "source": [ "### Linear Relationship Between Languages" @@ -532,36 +324,16 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "To have a better understanding of the principles behind, we visualized the word vectors using PCA, we noticed that the vector representations of similar words in different languages were related by a linear transformation." ] }, { "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "text/html": [ - "" - ], - "text/vnd.plotly.v1+html": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "from sklearn.decomposition import PCA\n", "\n", @@ -572,12 +344,8 @@ }, { "cell_type": "code", - "execution_count": 15, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "words = [(\"one\", \"uno\"), (\"two\", \"due\"), (\"three\", \"tre\"), (\"four\", \"quattro\"), (\"five\", \"cinque\")]\n", @@ -606,85 +374,9 @@ }, { "cell_type": "code", - "execution_count": 16, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "mode": "markers+text", - "text": [ - "one", - "two", - "three", - "four", - "five" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 1.3152927124584963, - -0.2135391946410942, - -0.41853131679090877, - -0.44261965826408217, - -0.24060254276241194 - ], - "y": [ - -0.012982020585119488, - 0.6946434653689207, - 0.07943642028572512, - -0.07689106511677166, - -0.6842067999527552 - ] - }, - { - "mode": "markers+text", - "text": [ - "uno", - "due", - "tre", - "quattro", - "cinque" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 2.027197813185206, - -0.29054172798853567, - -0.5369809554860695, - -0.6418108143913539, - -0.5578643153192474 - ], - "y": [ - -0.09450346833782378, - 0.853948136638104, - 0.15055229620593427, - -0.1533556973430418, - -0.756641267163173 - ] - } - ], - "layout": { - "showlegend": false - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "# you can also using plotly lib to plot in one figure\n", "trace1 = Scatter(\n", @@ -712,10 +404,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "The figure shows that the word vectors for English number one to five and the corresponding Italian words uno to cinque have similar geometric arrangements. So the relationship between vector spaces that represent these two languages can be captured by linear mapping. \n", "If we know the translation of one to four from English to Italian, we can learn the transformation matrix that can help us to translate five or other numbers to the Italian word." @@ -723,21 +412,9 @@ }, { "cell_type": "code", - "execution_count": 17, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "translation of five: OrderedDict([('five', [u'cinque', u'quattro', u'tre'])])\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "words = [(\"one\", \"uno\"), (\"two\", \"due\"), (\"three\", \"tre\"), (\"four\", \"quattro\"), (\"five\", \"cinque\")]\n", "en_words, it_words = zip(*words)\n", @@ -778,120 +455,9 @@ }, { "cell_type": "code", - "execution_count": 18, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "mode": "markers+text", - "text": [ - "one", - "two", - "three", - "four", - "five" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 1.3152927124584963, - -0.2135391946410942, - -0.41853131679090877, - -0.44261965826408217, - -0.24060254276241194 - ], - "y": [ - -0.012982020585119488, - 0.6946434653689207, - 0.07943642028572512, - -0.07689106511677166, - -0.6842067999527552 - ] - }, - { - "mode": "markers+text", - "text": [ - "uno", - "due", - "tre", - "quattro", - "cinque" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 2.238256809135214, - -0.001303773153150972, - -0.3056676679567372, - -0.43875310919367744, - -0.374055740840617, - -0.374055740840617, - -0.43875310919367744, - -0.3056676679567372 - ], - "y": [ - -0.1257325191472076, - 0.7888307462022796, - 0.33178257213847573, - 0.08474468776781709, - -0.7480763734338287, - -0.7480763734338287, - 0.08474468776781709, - 0.33178257213847556 - ] - } - ], - "layout": { - "annotations": [ - { - "arrowcolor": "black", - "arrowhead": 0.5, - "arrowsize": 1.5, - "arrowwidth": 1, - "text": "cinque", - "x": -0.374055740840617, - "y": -0.7480763734338287 - }, - { - "arrowcolor": "black", - "arrowhead": 0.5, - "arrowsize": 1.5, - "arrowwidth": 1, - "text": "quattro", - "x": -0.43875310919367744, - "y": 0.08474468776781709 - }, - { - "arrowcolor": "black", - "arrowhead": 0.5, - "arrowsize": 1.5, - "arrowwidth": 1, - "text": "tre", - "x": -0.3056676679567372, - "y": 0.33178257213847556 - } - ], - "showlegend": false - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "trace1 = Scatter(\n", " x = new_en_words_vec[:, 0],\n", @@ -943,32 +509,22 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "You probably will see that two kind of different color nodes, one for the English and the other for the Italian. For the translation of word `five`, we return `top 3` similar words `[u'cinque', u'quattro', u'tre']`. We can easily see that the translation is convincing." ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Let's see some animal words, the figue shows that most of words are also share the similar geometric arrangements." ] }, { "cell_type": "code", - "execution_count": 19, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "words = [(\"dog\", \"cane\"), (\"pig\", \"maiale\"), (\"cat\", \"gatto\"), (\"horse\", \"cavallo\"), (\"birds\", \"uccelli\")]\n", @@ -997,91 +553,9 @@ }, { "cell_type": "code", - "execution_count": 20, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "mode": "markers+text", - "text": [ - "dog", - "pig", - "cat", - "horse", - "birds" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 1.3152927124584963, - -0.2135391946410942, - -0.41853131679090877, - -0.44261965826408217, - -0.24060254276241194 - ], - "y": [ - -0.012982020585119488, - 0.6946434653689207, - 0.07943642028572512, - -0.07689106511677166, - -0.6842067999527552 - ] - }, - { - "mode": "markers+text", - "text": [ - "cane", - "maiale", - "gatto", - "cavallo", - "uccelli" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 2.238256809135214, - -0.001303773153150972, - -0.3056676679567372, - -0.43875310919367744, - -0.374055740840617, - -0.374055740840617, - -0.43875310919367744, - -0.3056676679567372 - ], - "y": [ - -0.1257325191472076, - 0.7888307462022796, - 0.33178257213847573, - 0.08474468776781709, - -0.7480763734338287, - -0.7480763734338287, - 0.08474468776781709, - 0.33178257213847556 - ] - } - ], - "layout": { - "showlegend": false - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "trace1 = Scatter(\n", " x = new_en_words_vec[:, 0],\n", @@ -1108,21 +582,9 @@ }, { "cell_type": "code", - "execution_count": 21, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "translation of birds: OrderedDict([('birds', [u'uccelli', u'garzette', u'iguane'])])\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "words = [(\"dog\", \"cane\"), (\"pig\", \"maiale\"), (\"cat\", \"gatto\"), (\"horse\", \"cavallo\"), (\"birds\", \"uccelli\")]\n", "en_words, it_words = zip(*words)\n", @@ -1163,114 +625,9 @@ }, { "cell_type": "code", - "execution_count": 22, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "mode": "markers+text", - "text": [ - "dog", - "pig", - "cat", - "horse", - "birds" - ], - "textposition": "top", - "type": "scatter", - "x": [ - -0.7834409574097115, - -0.24918978502602576, - -0.3596040571376046, - -1.1177974088927534, - 2.510032208466096 - ], - "y": [ - -0.0023674114362893157, - 1.7359129383593168, - 0.5183138512392008, - -1.728125363648011, - -0.5237340145142162 - ] - }, - { - "mode": "markers+text", - "text": [ - "cane", - "maiale", - "gatto", - "cavallo", - "uccelli" - ], - "textposition": "top", - "type": "scatter", - "x": [ - -1.2409943327592234, - -1.7527728653051347, - -1.2766374897944894, - -1.06059013714337, - 2.3863134870161686 - ], - "y": [ - -1.3573964620591614, - 2.405608050256626, - -1.1248098791692556, - -0.28287459942417575, - 0.16446671644015692 - ] - } - ], - "layout": { - "annotations": [ - { - "arrowcolor": "black", - "arrowhead": 0.5, - "arrowsize": 1.5, - "arrowwidth": 1, - "text": "uccelli", - "x": 2.3863134870161686, - "y": 0.1644667164401571 - }, - { - "arrowcolor": "black", - "arrowhead": 0.5, - "arrowsize": 1.5, - "arrowwidth": 1, - "text": "garzette", - "x": 0.29281044463499584, - "y": 0.10738109697864884 - }, - { - "arrowcolor": "black", - "arrowhead": 0.5, - "arrowsize": 1.5, - "arrowwidth": 1, - "text": "iguane", - "x": 0.2655574063348864, - "y": -0.07684163946299687 - } - ], - "showlegend": false - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "trace1 = Scatter(\n", " x = new_en_words_vec[:, 0],\n", @@ -1322,10 +679,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "You probably will see that two kind of different color nodes, one for the English and the other for the Italian. For the translation of word `birds`, we return `top 3` similar words `[u'uccelli', u'garzette', u'iguane']`. We can easily see that the animals' words translation is also convincing as the numbers." ] @@ -1333,9 +687,7 @@ { "cell_type": "markdown", "metadata": { - "collapsed": true, - "deletable": true, - "editable": true + "collapsed": true }, "source": [ "# Tranlation Matrix Revisit \n", @@ -1344,10 +696,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "As dicussion in this [PR](https://github.com/RaRe-Technologies/gensim/pull/1434), Translation Matrix not only can used to translate the words from one source language to another target lanuage, but also to translate new document vectors back to old model space.\n", "\n", @@ -1356,32 +705,16 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "In this notebook, we use the IMDB dataset as example. For more information about this dataset, please refer to [this](http://ai.stanford.edu/~amaas/data/sentiment/). And some of code are borrowed from this [notebook](http://localhost:8888/notebooks/docs/notebooks/doc2vec-IMDB.ipynb)" ] }, { "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "100000 docs: 25000 train-sentiment, 25000 test-sentiment\n", - "25000 25000 100000 15000 50000\n" - ] - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "import gensim\n", "from gensim.models.doc2vec import TaggedDocument\n", @@ -1420,10 +753,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "Here, we train two Doc2vec model, the parameters can be determined by yourself. We trained on 15k documents for the `model1` and 50k documents for the `model2`. But you should mixed some documents which from the 15k document in `model` to the `model2` as dicussed before. " ] @@ -1431,11 +761,7 @@ { "cell_type": "code", "execution_count": null, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [ "# for the computer performance limited, didn't run on the notebook. \n", @@ -1467,22 +793,15 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "For the IMDB training dataset, we train an classifier on the train data which has 25k documents with positive and negative label. Then using this classifier to predict the test data. To see what accuracy can the document vectors which learned by different method achieve." ] }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "import os\n", @@ -1499,56 +818,16 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "For the experiment one, we use the vector which learned by the Doc2vec method.To evalute those document vector, we use split those 50k document into two part, one for training and the other for testing." ] }, { "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "The vectors are learned by doc2vec method\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/dist-packages/sklearn/utils/validation.py:526: DataConversionWarning: A column-vector y was passed when a 1d array was expected. Please change the shape of y to (n_samples, ), for example using ravel().\n", - " y = column_or_1d(y, warn=True)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "the classifier score : 0.83372\n" - ] - }, - { - "data": { - "text/plain": [ - "0.83372000000000002" - ] - }, - "execution_count": 4, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "#you can change the data folder\n", "basedir = \"/home/robotcator/doc2vec\"\n", @@ -1582,42 +861,16 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "For the experiment two, the document vectors are learned by the back-mapping method, which has a linear mapping for the `model1` and `model2`. Using this method like translation matrix for the word translation, If we provide the vector for the addtional 35k document vector in `model2`, we can infer this vector for the `model1`." ] }, { "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "The vectors are learned by back-mapping method\n", - "the classifier score : 0.79768\n" - ] - }, - { - "data": { - "text/plain": [ - "0.79767999999999994" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "from gensim.models import translation_matrix\n", "# you can change the data folder\n", @@ -1663,20 +916,14 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "As we can see that, the vectors learned by back-mapping method performed not bad but still need improved." ] }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "### Visulization\n", " we pick some documents and extract the vector both from `model1` and `model2`, we can see that they also share the similar geometric arrangment." @@ -1684,26 +931,9 @@ }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "text/html": [ - "" - ], - "text/vnd.plotly.v1+html": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "from sklearn.decomposition import PCA\n", "\n", @@ -1724,85 +954,9 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "mode": "markers+text", - "text": [ - "doc0", - "doc1", - "doc2", - "doc3", - "doc4" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 0.07051670680398692, - -1.0102077577398751, - 3.1857742321798215, - -0.09972059557783772, - -2.146362585666094 - ], - "y": [ - -0.5189691969210101, - -2.246528790821405, - 0.9159540904585602, - -0.5770896605559841, - 2.426633557839838 - ] - }, - { - "mode": "markers+text", - "text": [ - "doc0", - "doc1", - "doc2", - "doc3", - "doc4" - ], - "textposition": "top", - "type": "scatter", - "x": [ - -0.011053430964214062, - -1.1904447145193158, - 3.5412222519049386, - -0.9894757593888498, - -1.3502483470325575 - ], - "y": [ - 0.012735965193926151, - -2.356435297960164, - 0.13346781751478554, - -0.8130964900528699, - 3.023328005304322 - ] - } - ], - "layout": { - "showlegend": false - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "trace1 = Scatter(\n", " x = reduced_vec1[:, 0],\n", @@ -1829,97 +983,9 @@ }, { "cell_type": "code", - "execution_count": 12, - "metadata": { - "collapsed": false, - "deletable": true, - "editable": true - }, - "outputs": [ - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "mode": "markers+text", - "text": [ - "sdoc0", - "sdoc1", - "sdoc2", - "sdoc3", - "sdoc4", - "sdoc5", - "sdoc6" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 0.04158070321494938, - -1.0480734663754014, - 3.002603402152576, - -0.3126488313897585, - -2.3445114105964766, - 0.18737105057985928, - 0.4736785524142543 - ], - "y": [ - -0.48619949120991746, - -2.218257278235836, - 1.1661253585758709, - -0.13988024172066588, - 2.388154917904303, - -0.298685545053014, - -0.4112577202607385 - ] - }, - { - "mode": "markers+text", - "text": [ - "tdoc0", - "tdoc1", - "tdoc2", - "tdoc3", - "tdoc4", - "tdoc5", - "tdoc6" - ], - "textposition": "top", - "type": "scatter", - "x": [ - 0.06096140712493523, - -1.680577246175968, - 3.393929811676195, - -0.18136268486571286, - -0.8359715950914588, - -1.4302173299991963, - 0.6732376373312039 - ], - "y": [ - 0.1419609400305979, - -1.532885470324882, - -0.3535097325934502, - 1.3402699793233748, - 2.9078194104268373, - -1.4140948773566353, - -1.089560249505842 - ] - } - ], - "layout": { - "showlegend": false - } - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "m1_part = m1[14995: 15002]\n", "m2_part = m2[14995: 15002]\n", @@ -1956,10 +1022,7 @@ }, { "cell_type": "markdown", - "metadata": { - "deletable": true, - "editable": true - }, + "metadata": {}, "source": [ "You probably will see kinds of colors point. One for the `model1`, the `sdoc0` to `sdoc4` document vector are learned by Doc2vec and `sdoc5` and `sdoc6` are learned by back-mapping. One for the `model2`, the `tdoc0` to `tdoc6` are learned by Doc2vec. We can see that some of points learned from the back-mapping method still have the relative position with the point learned by Doc2vec." ] @@ -1967,34 +1030,30 @@ { "cell_type": "code", "execution_count": null, - "metadata": { - "collapsed": true, - "deletable": true, - "editable": true - }, + "metadata": {}, "outputs": [], "source": [] } ], "metadata": { "kernelspec": { - "display_name": "Python 2", + "display_name": "Python 3", "language": "python", - "name": "python2" + "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", - "version": 2 + "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.6" + "pygments_lexer": "ipython3", + "version": "3.7.1" } }, "nbformat": 4, - "nbformat_minor": 0 + "nbformat_minor": 1 } diff --git a/docs/notebooks/wikinews-bigram-en.ipynb b/docs/notebooks/wikinews-bigram-en.ipynb index 89ef9c3ec0..9bbda88ad1 100644 --- a/docs/notebooks/wikinews-bigram-en.ipynb +++ b/docs/notebooks/wikinews-bigram-en.ipynb @@ -19,9 +19,7 @@ { "cell_type": "code", "execution_count": 1, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [ "LANG=\"english\"" @@ -30,10 +28,37 @@ { "cell_type": "code", "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "--2019-05-12 19:33:27-- https://dumps.wikimedia.org/other/cirrussearch/20170327/enwikinews-20170327-cirrussearch-content.json.gz\n", + "Resolving dumps.wikimedia.org (dumps.wikimedia.org)... 2620:0:861:4:208:80:155:106, 208.80.155.106\n", + "Connecting to dumps.wikimedia.org (dumps.wikimedia.org)|2620:0:861:4:208:80:155:106|:443... connected.\n", + "HTTP request sent, awaiting response... 404 Not Found\n", + "2019-05-12 19:33:28 ERROR 404: Not Found.\n", + "\n" + ] + }, + { + "ename": "CalledProcessError", + "evalue": "Command 'b'\\nfdate=20170327\\nfname=enwikinews-$fdate-cirrussearch-content.json.gz\\nif [ ! -e $fname ]\\nthen\\n wget \"https://dumps.wikimedia.org/other/cirrussearch/$fdate/$fname\"\\nfi\\n'' returned non-zero exit status 8.", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mCalledProcessError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mget_ipython\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mrun_cell_magic\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m'bash'\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m''\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'\\nfdate=20170327\\nfname=enwikinews-$fdate-cirrussearch-content.json.gz\\nif [ ! -e $fname ]\\nthen\\n wget \"https://dumps.wikimedia.org/other/cirrussearch/$fdate/$fname\"\\nfi\\n'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/IPython/core/interactiveshell.py\u001b[0m in \u001b[0;36mrun_cell_magic\u001b[0;34m(self, magic_name, line, cell)\u001b[0m\n\u001b[1;32m 2321\u001b[0m \u001b[0mmagic_arg_s\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mvar_expand\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mline\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mstack_depth\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2322\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mbuiltin_trap\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 2323\u001b[0;31m \u001b[0mresult\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mfn\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mmagic_arg_s\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcell\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2324\u001b[0m \u001b[0;32mreturn\u001b[0m \u001b[0mresult\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2325\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/IPython/core/magics/script.py\u001b[0m in \u001b[0;36mnamed_script_magic\u001b[0;34m(line, cell)\u001b[0m\n\u001b[1;32m 140\u001b[0m \u001b[0;32melse\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 141\u001b[0m \u001b[0mline\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mscript\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 142\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mshebang\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mline\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcell\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 143\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 144\u001b[0m \u001b[0;31m# write a basic docstring:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m\u001b[0m in \u001b[0;36mshebang\u001b[0;34m(self, line, cell)\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/IPython/core/magic.py\u001b[0m in \u001b[0;36m\u001b[0;34m(f, *a, **k)\u001b[0m\n\u001b[1;32m 185\u001b[0m \u001b[0;31m# but it's overkill for just that one bit of state.\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 186\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mmagic_deco\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0marg\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 187\u001b[0;31m \u001b[0mcall\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;32mlambda\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m*\u001b[0m\u001b[0ma\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mk\u001b[0m\u001b[0;34m:\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0ma\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mk\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 188\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 189\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mcallable\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0marg\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m~/envs/gensim/lib/python3.7/site-packages/IPython/core/magics/script.py\u001b[0m in \u001b[0;36mshebang\u001b[0;34m(self, line, cell)\u001b[0m\n\u001b[1;32m 243\u001b[0m \u001b[0msys\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstderr\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mflush\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 244\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0margs\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mraise_error\u001b[0m \u001b[0;32mand\u001b[0m \u001b[0mp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mreturncode\u001b[0m\u001b[0;34m!=\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 245\u001b[0;31m \u001b[0;32mraise\u001b[0m \u001b[0mCalledProcessError\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mreturncode\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcell\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mout\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mstderr\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0merr\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 246\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 247\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0m_run_script\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mp\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcell\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mto_close\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mCalledProcessError\u001b[0m: Command 'b'\\nfdate=20170327\\nfname=enwikinews-$fdate-cirrussearch-content.json.gz\\nif [ ! -e $fname ]\\nthen\\n wget \"https://dumps.wikimedia.org/other/cirrussearch/$fdate/$fname\"\\nfi\\n'' returned non-zero exit status 8." + ] + } + ], "source": [ "%%bash\n", "\n", @@ -47,10 +72,8 @@ }, { "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# iterator\n", @@ -71,30 +94,9 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[nltk_data] Downloading package punkt to /home/ubuntu/nltk_data...\n", - "[nltk_data] Package punkt is already up-to-date!\n", - "[nltk_data] Downloading package stopwords to /home/ubuntu/nltk_data...\n", - "[nltk_data] Package stopwords is already up-to-date!\n" - ] - }, - { - "data": { - "text/plain": [ - "True" - ] - }, - "execution_count": 4, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# also prepare nltk\n", "import nltk\n", @@ -113,10 +115,8 @@ }, { "cell_type": "code", - "execution_count": 5, - "metadata": { - "collapsed": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# make a custom tokenizer\n", @@ -128,10 +128,8 @@ }, { "cell_type": "code", - "execution_count": 6, - "metadata": { - "collapsed": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# prepare a text\n", @@ -144,10 +142,8 @@ }, { "cell_type": "code", - "execution_count": 7, - "metadata": { - "collapsed": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# we put all data in ram, it's not so much\n", @@ -158,17 +154,9 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Corpus has 1003521 words in 46159 sentences\n" - ] - } - ], + "outputs": [], "source": [ "# how many sentences and words ?\n", "words_count = sum(len(s) for s in corpus)\n", @@ -189,39 +177,20 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using TensorFlow backend.\n" - ] - } - ], + "outputs": [], "source": [ "from gensim.models.phrases import Phrases" ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": null, "metadata": { "scrolled": true }, - "outputs": [ - { - "data": { - "text/plain": [ - "'i me my myself we our ours ourselves you your yours yourself yourselves he him his himself she her hers herself it its itself they them their theirs themselves what which who whom this that these those am is are was were be been being have has had having do does did doing a an the and but if or because as until while of at by for with about against between into through during before after above below to from up down in out on off over under again further then once here there when where why how all any both each few more most other some such no nor not only own same so than too very s t can will just don should now d ll m o re ve y ain aren couldn didn doesn hadn hasn haven isn ma mightn mustn needn shan shouldn wasn weren won wouldn'" - ] - }, - "execution_count": 10, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# which are the stop words we will use\n", "from nltk.corpus import stopwords\n", @@ -230,10 +199,8 @@ }, { "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": true - }, + "execution_count": null, + "metadata": {}, "outputs": [], "source": [ "# a version of corups without stop words\n", @@ -245,20 +212,9 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 1.33 s, sys: 16 ms, total: 1.34 s\n", - "Wall time: 1.34 s\n", - "CPU times: user 1.64 s, sys: 24 ms, total: 1.67 s\n", - "Wall time: 1.67 s\n" - ] - } - ], + "outputs": [], "source": [ "# bigram std\n", "%time bigram = Phrases(st_corpus)\n", @@ -277,46 +233,9 @@ }, { "cell_type": "code", - "execution_count": 16, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "510 grams with common terms found\n" - ] - }, - { - "data": { - "text/plain": [ - "[(5339.47619047619, 'borussia m gladbach'),\n", - " (5460.194782608696, 'billboard in jakarta'),\n", - " (5606.450000000001, 'christ of latter-day'),\n", - " (5862.954248366013, 'skull and bones'),\n", - " (6006.910714285714, 'preserved in amber'),\n", - " (6129.452168746287, 'aisyah and doan'),\n", - " (6158.114416475973, 'funded by your generous'),\n", - " (6407.371428571429, 'restored as burkina'),\n", - " (7081.831578947369, 'click on the donate'),\n", - " (7234.129032258064, 'qatar of intervening'),\n", - " (7377.621673923561, 'sinks in suva'),\n", - " (8146.123931623933, 'lahm to hang'),\n", - " (8163.0819009100105, 'istanbul s ataturk'),\n", - " (8305.851851851852, 'derails in tabasco'),\n", - " (9060.929292929293, 'poet of apostasy'),\n", - " (9593.925133689841, 'creator of kinder'),\n", - " (10512.09375, 'consulate in irbil'),\n", - " (12176.904977375565, 'newsworthy and entertaining'),\n", - " (15829.976470588235, 'santos over nepotism'),\n", - " (16272.689342403628, 'hotness of bhut')]" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "# grams that have more than 2 terms, are those with common terms\n", "ct_ngrams = set((g[1], g[0].decode(\"utf-8\"))\n", @@ -330,27 +249,9 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "location-united : ['location of the united', 'location of united']\n", - "magnitude-6 : ['magnitude 6', 'magnitude of 6']\n", - "tuition-fees : ['tuition and fees', 'tuition fees']\n", - "pleaded-guilty : ['pleaded not guilty', 'pleaded guilty']\n", - "found-guilty : ['found not guilty', 'found guilty']\n", - "france-germany : ['france germany', 'france and germany']\n", - "earlier-week : ['earlier this week', 'earlier in the week']\n", - "since-2003 : ['since 2003', 'since the 2003']\n", - "contact-admissions : ['contact the admissions', 'contact admissions']\n", - "created-text : ['created from text', 'created from the text']\n", - "external-inter-wiki : ['external and inter-wiki', 'external inter-wiki']\n" - ] - } - ], + "outputs": [], "source": [ "# did we found any bigram with same words but different stopwords\n", "import collections\n", @@ -366,9 +267,7 @@ { "cell_type": "code", "execution_count": null, - "metadata": { - "collapsed": true - }, + "metadata": {}, "outputs": [], "source": [] } @@ -389,7 +288,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.2" + "version": "3.7.1" } }, "nbformat": 4, diff --git a/docs/notebooks/word2vec.ipynb b/docs/notebooks/word2vec.ipynb deleted file mode 100644 index 02fc389ad0..0000000000 --- a/docs/notebooks/word2vec.ipynb +++ /dev/null @@ -1,6840 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Word2Vec Tutorial\n", - "\n", - "In case you missed the buzz, word2vec is a widely featured as a member of the “new wave” of machine learning algorithms based on neural networks, commonly referred to as \"deep learning\" (though word2vec itself is rather shallow). Using large amounts of unannotated plain text, word2vec learns relationships between words automatically. The output are vectors, one vector per word, with remarkable linear relationships that allow us to do things like vec(“king”) – vec(“man”) + vec(“woman”) =~ vec(“queen”), or vec(“Montreal Canadiens”) – vec(“Montreal”) + vec(“Toronto”) resembles the vector for “Toronto Maple Leafs”.\n", - "\n", - "Word2vec is very useful in [automatic text tagging](https://github.com/RaRe-Technologies/movie-plots-by-genre), recommender systems and machine translation.\n", - "\n", - "Check out an [online word2vec demo](http://radimrehurek.com/2014/02/word2vec-tutorial/#app) where you can try this vector algebra for yourself. That demo runs `word2vec` on the Google News dataset, of **about 100 billion words**.\n", - "\n", - "## This tutorial\n", - "\n", - "In this tutorial you will learn how to train and evaluate word2vec models on your business data.\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Preparing the Input\n", - "Starting from the beginning, gensim’s `word2vec` expects a sequence of sentences as its input. Each sentence is a list of words (utf8 strings):" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "# import modules & set up logging\n", - "import gensim, logging\n", - "\n", - "logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:19,117 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:19,119 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:19,120 : INFO : collected 3 word types from a corpus of 4 raw words and 2 sentences\n", - "2017-12-21 16:25:19,120 : INFO : Loading a fresh vocabulary\n", - "2017-12-21 16:25:19,121 : INFO : min_count=1 retains 3 unique words (100% of original 3, drops 0)\n", - "2017-12-21 16:25:19,122 : INFO : min_count=1 leaves 4 word corpus (100% of original 4, drops 0)\n", - "2017-12-21 16:25:19,123 : INFO : deleting the raw counts dictionary of 3 items\n", - "2017-12-21 16:25:19,124 : INFO : sample=0.001 downsamples 3 most-common words\n", - "2017-12-21 16:25:19,124 : INFO : downsampling leaves estimated 0 word corpus (5.7% of prior 4)\n", - "2017-12-21 16:25:19,125 : INFO : estimated required memory for 3 words and 100 dimensions: 3900 bytes\n", - "2017-12-21 16:25:19,126 : INFO : resetting layer weights\n", - "2017-12-21 16:25:19,127 : INFO : training model with 3 workers on 3 vocabulary and 100 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:19,130 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:19,130 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:19,131 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:19,131 : INFO : training on 20 raw words (0 effective words) took 0.0s, 0 effective words/s\n", - "2017-12-21 16:25:19,132 : WARNING : under 10 jobs per worker: consider setting a smaller `batch_words' for smoother alpha decay\n" - ] - } - ], - "source": [ - "sentences = [['first', 'sentence'], ['second', 'sentence']]\n", - "# train word2vec on the two sentences\n", - "model = gensim.models.Word2Vec(sentences, min_count=1)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Keeping the input as a Python built-in list is convenient, but can use up a lot of RAM when the input is large.\n", - "\n", - "Gensim only requires that the input must provide sentences sequentially, when iterated over. No need to keep everything in RAM: we can provide one sentence, process it, forget it, load another sentence…\n", - "\n", - "For example, if our input is strewn across several files on disk, with one sentence per line, then instead of loading everything into an in-memory list, we can process the input file by file, line by line:" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], - "source": [ - "# create some toy data to use with the following example\n", - "import smart_open, os\n", - "\n", - "if not os.path.exists('./data/'):\n", - " os.makedirs('./data/')\n", - "\n", - "filenames = ['./data/f1.txt', './data/f2.txt']\n", - "\n", - "for i, fname in enumerate(filenames):\n", - " with smart_open.smart_open(fname, 'w') as fout:\n", - " for line in sentences[i]:\n", - " fout.write(line + '\\n')" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "from smart_open import smart_open\n", - "class MySentences(object):\n", - " def __init__(self, dirname):\n", - " self.dirname = dirname\n", - " \n", - " def __iter__(self):\n", - " for fname in os.listdir(self.dirname):\n", - " for line in smart_open(os.path.join(self.dirname, fname), 'r'):\n", - " yield line.split()" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[['second'], ['sentence'], ['first'], ['sentence']]\n" - ] - } - ], - "source": [ - "sentences = MySentences('./data/') # a memory-friendly iterator\n", - "print(list(sentences))" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:19,155 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:19,156 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:19,156 : INFO : collected 3 word types from a corpus of 4 raw words and 4 sentences\n", - "2017-12-21 16:25:19,157 : INFO : Loading a fresh vocabulary\n", - "2017-12-21 16:25:19,158 : INFO : min_count=1 retains 3 unique words (100% of original 3, drops 0)\n", - "2017-12-21 16:25:19,159 : INFO : min_count=1 leaves 4 word corpus (100% of original 4, drops 0)\n", - "2017-12-21 16:25:19,161 : INFO : deleting the raw counts dictionary of 3 items\n", - "2017-12-21 16:25:19,162 : INFO : sample=0.001 downsamples 3 most-common words\n", - "2017-12-21 16:25:19,164 : INFO : downsampling leaves estimated 0 word corpus (5.7% of prior 4)\n", - "2017-12-21 16:25:19,165 : INFO : estimated required memory for 3 words and 100 dimensions: 3900 bytes\n", - "2017-12-21 16:25:19,167 : INFO : resetting layer weights\n", - "2017-12-21 16:25:19,168 : INFO : training model with 3 workers on 3 vocabulary and 100 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:19,172 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:19,173 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:19,173 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:19,174 : INFO : training on 20 raw words (0 effective words) took 0.0s, 0 effective words/s\n", - "2017-12-21 16:25:19,174 : WARNING : under 10 jobs per worker: consider setting a smaller `batch_words' for smoother alpha decay\n" - ] - } - ], - "source": [ - "# generate the Word2Vec model\n", - "model = gensim.models.Word2Vec(sentences, min_count=1)" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Word2Vec(vocab=3, size=100, alpha=0.025)\n", - "{'second': , 'sentence': , 'first': }\n" - ] - } - ], - "source": [ - "print(model)\n", - "print(model.wv.vocab)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Say we want to further preprocess the words from the files — convert to unicode, lowercase, remove numbers, extract named entities… All of this can be done inside the `MySentences` iterator and `word2vec` doesn’t need to know. All that is required is that the input yields one sentence (list of utf8 words) after another.\n", - "\n", - "**Note to advanced users:** calling `Word2Vec(sentences, iter=1)` will run **two** passes over the sentences iterator. In general it runs `iter+1` passes. By the way, the default value is `iter=5` to comply with Google's word2vec in C language. \n", - " 1. The first pass collects words and their frequencies to build an internal dictionary tree structure. \n", - " 2. The second pass trains the neural model.\n", - "\n", - "These two passes can also be initiated manually, in case your input stream is non-repeatable (you can only afford one pass), and you’re able to initialize the vocabulary some other way:" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:19,190 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:19,191 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:19,192 : INFO : collected 3 word types from a corpus of 4 raw words and 4 sentences\n", - "2017-12-21 16:25:19,192 : INFO : Loading a fresh vocabulary\n", - "2017-12-21 16:25:19,193 : INFO : min_count=1 retains 3 unique words (100% of original 3, drops 0)\n", - "2017-12-21 16:25:19,194 : INFO : min_count=1 leaves 4 word corpus (100% of original 4, drops 0)\n", - "2017-12-21 16:25:19,194 : INFO : deleting the raw counts dictionary of 3 items\n", - "2017-12-21 16:25:19,195 : INFO : sample=0.001 downsamples 3 most-common words\n", - "2017-12-21 16:25:19,195 : INFO : downsampling leaves estimated 0 word corpus (5.7% of prior 4)\n", - "2017-12-21 16:25:19,196 : INFO : estimated required memory for 3 words and 100 dimensions: 3900 bytes\n", - "2017-12-21 16:25:19,197 : INFO : resetting layer weights\n", - "2017-12-21 16:25:19,197 : INFO : training model with 3 workers on 3 vocabulary and 100 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:19,201 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:19,202 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:19,202 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:19,203 : INFO : training on 20 raw words (0 effective words) took 0.0s, 0 effective words/s\n", - "2017-12-21 16:25:19,203 : WARNING : under 10 jobs per worker: consider setting a smaller `batch_words' for smoother alpha decay\n" - ] - }, - { - "data": { - "text/plain": [ - "0" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# build the same model, making the 2 steps explicit\n", - "new_model = gensim.models.Word2Vec(min_count=1) # an empty model, no training\n", - "new_model.build_vocab(sentences) # can be a non-repeatable, 1-pass generator \n", - "new_model.train(sentences, total_examples=new_model.corpus_count, epochs=new_model.iter) \n", - "# can be a non-repeatable, 1-pass generator" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Word2Vec(vocab=3, size=100, alpha=0.025)\n", - "{'second': , 'sentence': , 'first': }\n" - ] - } - ], - "source": [ - "print(new_model)\n", - "print(model.wv.vocab)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### More data would be nice\n", - "For the following examples, we'll use the [Lee Corpus](https://github.com/RaRe-Technologies/gensim/blob/develop/gensim/test/test_data/lee_background.cor) (which you already have if you've installed gensim):" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "# Set file names for train and test data\n", - "test_data_dir = '{}'.format(os.sep).join([gensim.__path__[0], 'test', 'test_data']) + os.sep\n", - "lee_train_file = test_data_dir + 'lee_background.cor'" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "<__main__.MyText object at 0x7f20852714d0>\n" - ] - } - ], - "source": [ - "class MyText(object):\n", - " def __iter__(self):\n", - " for line in open(lee_train_file):\n", - " # assume there's one document per line, tokens separated by whitespace\n", - " yield line.lower().split()\n", - "\n", - "sentences = MyText()\n", - "\n", - "print(sentences)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Training\n", - "`Word2Vec` accepts several parameters that affect both training speed and quality.\n", - "\n", - "### min_count\n", - "`min_count` is for pruning the internal dictionary. Words that appear only once or twice in a billion-word corpus are probably uninteresting typos and garbage. In addition, there’s not enough data to make any meaningful training on those words, so it’s best to ignore them:" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:19,238 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:19,239 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:19,260 : INFO : collected 10186 word types from a corpus of 59890 raw words and 300 sentences\n", - "2017-12-21 16:25:19,262 : INFO : Loading a fresh vocabulary\n", - "2017-12-21 16:25:19,269 : INFO : min_count=10 retains 806 unique words (7% of original 10186, drops 9380)\n", - "2017-12-21 16:25:19,270 : INFO : min_count=10 leaves 40964 word corpus (68% of original 59890, drops 18926)\n", - "2017-12-21 16:25:19,274 : INFO : deleting the raw counts dictionary of 10186 items\n", - "2017-12-21 16:25:19,276 : INFO : sample=0.001 downsamples 54 most-common words\n", - "2017-12-21 16:25:19,277 : INFO : downsampling leaves estimated 26224 word corpus (64.0% of prior 40964)\n", - "2017-12-21 16:25:19,278 : INFO : estimated required memory for 806 words and 100 dimensions: 1047800 bytes\n", - "2017-12-21 16:25:19,284 : INFO : resetting layer weights\n", - "2017-12-21 16:25:19,295 : INFO : training model with 3 workers on 806 vocabulary and 100 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:19,425 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:19,427 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:19,429 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:19,430 : INFO : training on 299450 raw words (130961 effective words) took 0.1s, 984255 effective words/s\n" - ] - } - ], - "source": [ - "# default value of min_count=5\n", - "model = gensim.models.Word2Vec(sentences, min_count=10)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### size\n", - "`size` is the number of dimensions (N) of the N-dimensional space that gensim Word2Vec maps the words onto.\n", - "\n", - "Bigger size values require more training data, but can lead to better (more accurate) models. Reasonable values are in the tens to hundreds." - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:19,438 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:19,439 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:19,455 : INFO : collected 10186 word types from a corpus of 59890 raw words and 300 sentences\n", - "2017-12-21 16:25:19,456 : INFO : Loading a fresh vocabulary\n", - "2017-12-21 16:25:19,464 : INFO : min_count=5 retains 1723 unique words (16% of original 10186, drops 8463)\n", - "2017-12-21 16:25:19,465 : INFO : min_count=5 leaves 46858 word corpus (78% of original 59890, drops 13032)\n", - "2017-12-21 16:25:19,473 : INFO : deleting the raw counts dictionary of 10186 items\n", - "2017-12-21 16:25:19,474 : INFO : sample=0.001 downsamples 49 most-common words\n", - "2017-12-21 16:25:19,475 : INFO : downsampling leaves estimated 32849 word corpus (70.1% of prior 46858)\n", - "2017-12-21 16:25:19,476 : INFO : estimated required memory for 1723 words and 200 dimensions: 3618300 bytes\n", - "2017-12-21 16:25:19,482 : INFO : resetting layer weights\n", - "2017-12-21 16:25:19,504 : INFO : training model with 3 workers on 1723 vocabulary and 200 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:19,699 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:19,707 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:19,709 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:19,710 : INFO : training on 299450 raw words (164316 effective words) took 0.2s, 807544 effective words/s\n" - ] - } - ], - "source": [ - "# default value of size=100\n", - "model = gensim.models.Word2Vec(sentences, size=200)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### workers\n", - "`workers`, the last of the major parameters (full list [here](http://radimrehurek.com/gensim/models/word2vec.html#gensim.models.word2vec.Word2Vec)) is for training parallelization, to speed up training:" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:19,717 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:19,718 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:19,738 : INFO : collected 10186 word types from a corpus of 59890 raw words and 300 sentences\n", - "2017-12-21 16:25:19,739 : INFO : Loading a fresh vocabulary\n", - "2017-12-21 16:25:19,787 : INFO : min_count=5 retains 1723 unique words (16% of original 10186, drops 8463)\n", - "2017-12-21 16:25:19,788 : INFO : min_count=5 leaves 46858 word corpus (78% of original 59890, drops 13032)\n", - "2017-12-21 16:25:19,796 : INFO : deleting the raw counts dictionary of 10186 items\n", - "2017-12-21 16:25:19,798 : INFO : sample=0.001 downsamples 49 most-common words\n", - "2017-12-21 16:25:19,799 : INFO : downsampling leaves estimated 32849 word corpus (70.1% of prior 46858)\n", - "2017-12-21 16:25:19,800 : INFO : estimated required memory for 1723 words and 100 dimensions: 2239900 bytes\n", - "2017-12-21 16:25:19,807 : INFO : resetting layer weights\n", - "2017-12-21 16:25:19,831 : INFO : training model with 4 workers on 1723 vocabulary and 100 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:19,957 : INFO : worker thread finished; awaiting finish of 3 more threads\n", - "2017-12-21 16:25:19,959 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:19,962 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:19,965 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:19,966 : INFO : training on 299450 raw words (164263 effective words) took 0.1s, 1234170 effective words/s\n", - "2017-12-21 16:25:19,968 : WARNING : under 10 jobs per worker: consider setting a smaller `batch_words' for smoother alpha decay\n" - ] - } - ], - "source": [ - "# default value of workers=3 (tutorial says 1...)\n", - "model = gensim.models.Word2Vec(sentences, workers=4)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The `workers` parameter only has an effect if you have [Cython](http://cython.org/) installed. Without Cython, you’ll only be able to use one core because of the [GIL](https://wiki.python.org/moin/GlobalInterpreterLock) (and `word2vec` training will be [miserably slow](http://rare-technologies.com/word2vec-in-python-part-two-optimizing/))." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Memory\n", - "At its core, `word2vec` model parameters are stored as matrices (NumPy arrays). Each array is **#vocabulary** (controlled by min_count parameter) times **#size** (size parameter) of floats (single precision aka 4 bytes).\n", - "\n", - "Three such matrices are held in RAM (work is underway to reduce that number to two, or even one). So if your input contains 100,000 unique words, and you asked for layer `size=200`, the model will require approx. `100,000*200*4*3 bytes = ~229MB`.\n", - "\n", - "There’s a little extra memory needed for storing the vocabulary tree (100,000 words would take a few megabytes), but unless your words are extremely loooong strings, memory footprint will be dominated by the three matrices above." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Evaluating\n", - "`Word2Vec` training is an unsupervised task, there’s no good way to objectively evaluate the result. Evaluation depends on your end application.\n", - "\n", - "Google has released their testing set of about 20,000 syntactic and semantic test examples, following the “A is to B as C is to D” task. It is provided in the 'datasets' folder.\n", - "\n", - "For example a syntactic analogy of comparative type is bad:worse;good:?. There are total of 9 types of syntactic comparisons in the dataset like plural nouns and nouns of opposite meaning.\n", - "\n", - "The semantic questions contain five types of semantic analogies, such as capital cities (Paris:France;Tokyo:?) or family members (brother:sister;dad:?). " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Gensim supports the same evaluation set, in exactly the same format:" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:20,022 : INFO : precomputing L2-norms of word weight vectors\n", - "2017-12-21 16:25:20,037 : INFO : family: 0.0% (0/2)\n", - "2017-12-21 16:25:20,064 : INFO : gram3-comparative: 0.0% (0/12)\n", - "2017-12-21 16:25:20,077 : INFO : gram4-superlative: 0.0% (0/12)\n", - "2017-12-21 16:25:20,090 : INFO : gram5-present-participle: 0.0% (0/20)\n", - "2017-12-21 16:25:20,108 : INFO : gram6-nationality-adjective: 0.0% (0/20)\n", - "2017-12-21 16:25:20,125 : INFO : gram7-past-tense: 0.0% (0/20)\n", - "2017-12-21 16:25:20,142 : INFO : gram8-plural: 0.0% (0/12)\n", - "2017-12-21 16:25:20,151 : INFO : total: 0.0% (0/98)\n" - ] - }, - { - "data": { - "text/plain": [ - "[{'correct': [], 'incorrect': [], 'section': u'capital-common-countries'},\n", - " {'correct': [], 'incorrect': [], 'section': u'capital-world'},\n", - " {'correct': [], 'incorrect': [], 'section': u'currency'},\n", - " {'correct': [], 'incorrect': [], 'section': u'city-in-state'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'HE', u'SHE', u'HIS', u'HER'),\n", - " (u'HIS', u'HER', u'HE', u'SHE')],\n", - " 'section': u'family'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram1-adjective-to-adverb'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram2-opposite'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'GOOD', u'BETTER', u'GREAT', u'GREATER'),\n", - " (u'GOOD', u'BETTER', u'LONG', u'LONGER'),\n", - " (u'GOOD', u'BETTER', u'LOW', u'LOWER'),\n", - " (u'GREAT', u'GREATER', u'LONG', u'LONGER'),\n", - " (u'GREAT', u'GREATER', u'LOW', u'LOWER'),\n", - " (u'GREAT', u'GREATER', u'GOOD', u'BETTER'),\n", - " (u'LONG', u'LONGER', u'LOW', u'LOWER'),\n", - " (u'LONG', u'LONGER', u'GOOD', u'BETTER'),\n", - " (u'LONG', u'LONGER', u'GREAT', u'GREATER'),\n", - " (u'LOW', u'LOWER', u'GOOD', u'BETTER'),\n", - " (u'LOW', u'LOWER', u'GREAT', u'GREATER'),\n", - " (u'LOW', u'LOWER', u'LONG', u'LONGER')],\n", - " 'section': u'gram3-comparative'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'BIG', u'BIGGEST', u'GOOD', u'BEST'),\n", - " (u'BIG', u'BIGGEST', u'GREAT', u'GREATEST'),\n", - " (u'BIG', u'BIGGEST', u'LARGE', u'LARGEST'),\n", - " (u'GOOD', u'BEST', u'GREAT', u'GREATEST'),\n", - " (u'GOOD', u'BEST', u'LARGE', u'LARGEST'),\n", - " (u'GOOD', u'BEST', u'BIG', u'BIGGEST'),\n", - " (u'GREAT', u'GREATEST', u'LARGE', u'LARGEST'),\n", - " (u'GREAT', u'GREATEST', u'BIG', u'BIGGEST'),\n", - " (u'GREAT', u'GREATEST', u'GOOD', u'BEST'),\n", - " (u'LARGE', u'LARGEST', u'BIG', u'BIGGEST'),\n", - " (u'LARGE', u'LARGEST', u'GOOD', u'BEST'),\n", - " (u'LARGE', u'LARGEST', u'GREAT', u'GREATEST')],\n", - " 'section': u'gram4-superlative'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'GO', u'GOING', u'LOOK', u'LOOKING'),\n", - " (u'GO', u'GOING', u'PLAY', u'PLAYING'),\n", - " (u'GO', u'GOING', u'RUN', u'RUNNING'),\n", - " (u'GO', u'GOING', u'SAY', u'SAYING'),\n", - " (u'LOOK', u'LOOKING', u'PLAY', u'PLAYING'),\n", - " (u'LOOK', u'LOOKING', u'RUN', u'RUNNING'),\n", - " (u'LOOK', u'LOOKING', u'SAY', u'SAYING'),\n", - " (u'LOOK', u'LOOKING', u'GO', u'GOING'),\n", - " (u'PLAY', u'PLAYING', u'RUN', u'RUNNING'),\n", - " (u'PLAY', u'PLAYING', u'SAY', u'SAYING'),\n", - " (u'PLAY', u'PLAYING', u'GO', u'GOING'),\n", - " (u'PLAY', u'PLAYING', u'LOOK', u'LOOKING'),\n", - " (u'RUN', u'RUNNING', u'SAY', u'SAYING'),\n", - " (u'RUN', u'RUNNING', u'GO', u'GOING'),\n", - " (u'RUN', u'RUNNING', u'LOOK', u'LOOKING'),\n", - " (u'RUN', u'RUNNING', u'PLAY', u'PLAYING'),\n", - " (u'SAY', u'SAYING', u'GO', u'GOING'),\n", - " (u'SAY', u'SAYING', u'LOOK', u'LOOKING'),\n", - " (u'SAY', u'SAYING', u'PLAY', u'PLAYING'),\n", - " (u'SAY', u'SAYING', u'RUN', u'RUNNING')],\n", - " 'section': u'gram5-present-participle'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'AUSTRALIA', u'AUSTRALIAN', u'FRANCE', u'FRENCH'),\n", - " (u'AUSTRALIA', u'AUSTRALIAN', u'INDIA', u'INDIAN'),\n", - " (u'AUSTRALIA', u'AUSTRALIAN', u'ISRAEL', u'ISRAELI'),\n", - " (u'AUSTRALIA', u'AUSTRALIAN', u'SWITZERLAND', u'SWISS'),\n", - " (u'FRANCE', u'FRENCH', u'INDIA', u'INDIAN'),\n", - " (u'FRANCE', u'FRENCH', u'ISRAEL', u'ISRAELI'),\n", - " (u'FRANCE', u'FRENCH', u'SWITZERLAND', u'SWISS'),\n", - " (u'FRANCE', u'FRENCH', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'INDIA', u'INDIAN', u'ISRAEL', u'ISRAELI'),\n", - " (u'INDIA', u'INDIAN', u'SWITZERLAND', u'SWISS'),\n", - " (u'INDIA', u'INDIAN', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'INDIA', u'INDIAN', u'FRANCE', u'FRENCH'),\n", - " (u'ISRAEL', u'ISRAELI', u'SWITZERLAND', u'SWISS'),\n", - " (u'ISRAEL', u'ISRAELI', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'ISRAEL', u'ISRAELI', u'FRANCE', u'FRENCH'),\n", - " (u'ISRAEL', u'ISRAELI', u'INDIA', u'INDIAN'),\n", - " (u'SWITZERLAND', u'SWISS', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'SWITZERLAND', u'SWISS', u'FRANCE', u'FRENCH'),\n", - " (u'SWITZERLAND', u'SWISS', u'INDIA', u'INDIAN'),\n", - " (u'SWITZERLAND', u'SWISS', u'ISRAEL', u'ISRAELI')],\n", - " 'section': u'gram6-nationality-adjective'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'GOING', u'WENT', u'PAYING', u'PAID'),\n", - " (u'GOING', u'WENT', u'PLAYING', u'PLAYED'),\n", - " (u'GOING', u'WENT', u'SAYING', u'SAID'),\n", - " (u'GOING', u'WENT', u'TAKING', u'TOOK'),\n", - " (u'PAYING', u'PAID', u'PLAYING', u'PLAYED'),\n", - " (u'PAYING', u'PAID', u'SAYING', u'SAID'),\n", - " (u'PAYING', u'PAID', u'TAKING', u'TOOK'),\n", - " (u'PAYING', u'PAID', u'GOING', u'WENT'),\n", - " (u'PLAYING', u'PLAYED', u'SAYING', u'SAID'),\n", - " (u'PLAYING', u'PLAYED', u'TAKING', u'TOOK'),\n", - " (u'PLAYING', u'PLAYED', u'GOING', u'WENT'),\n", - " (u'PLAYING', u'PLAYED', u'PAYING', u'PAID'),\n", - " (u'SAYING', u'SAID', u'TAKING', u'TOOK'),\n", - " (u'SAYING', u'SAID', u'GOING', u'WENT'),\n", - " (u'SAYING', u'SAID', u'PAYING', u'PAID'),\n", - " (u'SAYING', u'SAID', u'PLAYING', u'PLAYED'),\n", - " (u'TAKING', u'TOOK', u'GOING', u'WENT'),\n", - " (u'TAKING', u'TOOK', u'PAYING', u'PAID'),\n", - " (u'TAKING', u'TOOK', u'PLAYING', u'PLAYED'),\n", - " (u'TAKING', u'TOOK', u'SAYING', u'SAID')],\n", - " 'section': u'gram7-past-tense'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'BUILDING', u'BUILDINGS', u'CAR', u'CARS'),\n", - " (u'BUILDING', u'BUILDINGS', u'CHILD', u'CHILDREN'),\n", - " (u'BUILDING', u'BUILDINGS', u'MAN', u'MEN'),\n", - " (u'CAR', u'CARS', u'CHILD', u'CHILDREN'),\n", - " (u'CAR', u'CARS', u'MAN', u'MEN'),\n", - " (u'CAR', u'CARS', u'BUILDING', u'BUILDINGS'),\n", - " (u'CHILD', u'CHILDREN', u'MAN', u'MEN'),\n", - " (u'CHILD', u'CHILDREN', u'BUILDING', u'BUILDINGS'),\n", - " (u'CHILD', u'CHILDREN', u'CAR', u'CARS'),\n", - " (u'MAN', u'MEN', u'BUILDING', u'BUILDINGS'),\n", - " (u'MAN', u'MEN', u'CAR', u'CARS'),\n", - " (u'MAN', u'MEN', u'CHILD', u'CHILDREN')],\n", - " 'section': u'gram8-plural'},\n", - " {'correct': [], 'incorrect': [], 'section': u'gram9-plural-verbs'},\n", - " {'correct': [],\n", - " 'incorrect': [(u'HE', u'SHE', u'HIS', u'HER'),\n", - " (u'HIS', u'HER', u'HE', u'SHE'),\n", - " (u'GOOD', u'BETTER', u'GREAT', u'GREATER'),\n", - " (u'GOOD', u'BETTER', u'LONG', u'LONGER'),\n", - " (u'GOOD', u'BETTER', u'LOW', u'LOWER'),\n", - " (u'GREAT', u'GREATER', u'LONG', u'LONGER'),\n", - " (u'GREAT', u'GREATER', u'LOW', u'LOWER'),\n", - " (u'GREAT', u'GREATER', u'GOOD', u'BETTER'),\n", - " (u'LONG', u'LONGER', u'LOW', u'LOWER'),\n", - " (u'LONG', u'LONGER', u'GOOD', u'BETTER'),\n", - " (u'LONG', u'LONGER', u'GREAT', u'GREATER'),\n", - " (u'LOW', u'LOWER', u'GOOD', u'BETTER'),\n", - " (u'LOW', u'LOWER', u'GREAT', u'GREATER'),\n", - " (u'LOW', u'LOWER', u'LONG', u'LONGER'),\n", - " (u'BIG', u'BIGGEST', u'GOOD', u'BEST'),\n", - " (u'BIG', u'BIGGEST', u'GREAT', u'GREATEST'),\n", - " (u'BIG', u'BIGGEST', u'LARGE', u'LARGEST'),\n", - " (u'GOOD', u'BEST', u'GREAT', u'GREATEST'),\n", - " (u'GOOD', u'BEST', u'LARGE', u'LARGEST'),\n", - " (u'GOOD', u'BEST', u'BIG', u'BIGGEST'),\n", - " (u'GREAT', u'GREATEST', u'LARGE', u'LARGEST'),\n", - " (u'GREAT', u'GREATEST', u'BIG', u'BIGGEST'),\n", - " (u'GREAT', u'GREATEST', u'GOOD', u'BEST'),\n", - " (u'LARGE', u'LARGEST', u'BIG', u'BIGGEST'),\n", - " (u'LARGE', u'LARGEST', u'GOOD', u'BEST'),\n", - " (u'LARGE', u'LARGEST', u'GREAT', u'GREATEST'),\n", - " (u'GO', u'GOING', u'LOOK', u'LOOKING'),\n", - " (u'GO', u'GOING', u'PLAY', u'PLAYING'),\n", - " (u'GO', u'GOING', u'RUN', u'RUNNING'),\n", - " (u'GO', u'GOING', u'SAY', u'SAYING'),\n", - " (u'LOOK', u'LOOKING', u'PLAY', u'PLAYING'),\n", - " (u'LOOK', u'LOOKING', u'RUN', u'RUNNING'),\n", - " (u'LOOK', u'LOOKING', u'SAY', u'SAYING'),\n", - " (u'LOOK', u'LOOKING', u'GO', u'GOING'),\n", - " (u'PLAY', u'PLAYING', u'RUN', u'RUNNING'),\n", - " (u'PLAY', u'PLAYING', u'SAY', u'SAYING'),\n", - " (u'PLAY', u'PLAYING', u'GO', u'GOING'),\n", - " (u'PLAY', u'PLAYING', u'LOOK', u'LOOKING'),\n", - " (u'RUN', u'RUNNING', u'SAY', u'SAYING'),\n", - " (u'RUN', u'RUNNING', u'GO', u'GOING'),\n", - " (u'RUN', u'RUNNING', u'LOOK', u'LOOKING'),\n", - " (u'RUN', u'RUNNING', u'PLAY', u'PLAYING'),\n", - " (u'SAY', u'SAYING', u'GO', u'GOING'),\n", - " (u'SAY', u'SAYING', u'LOOK', u'LOOKING'),\n", - " (u'SAY', u'SAYING', u'PLAY', u'PLAYING'),\n", - " (u'SAY', u'SAYING', u'RUN', u'RUNNING'),\n", - " (u'AUSTRALIA', u'AUSTRALIAN', u'FRANCE', u'FRENCH'),\n", - " (u'AUSTRALIA', u'AUSTRALIAN', u'INDIA', u'INDIAN'),\n", - " (u'AUSTRALIA', u'AUSTRALIAN', u'ISRAEL', u'ISRAELI'),\n", - " (u'AUSTRALIA', u'AUSTRALIAN', u'SWITZERLAND', u'SWISS'),\n", - " (u'FRANCE', u'FRENCH', u'INDIA', u'INDIAN'),\n", - " (u'FRANCE', u'FRENCH', u'ISRAEL', u'ISRAELI'),\n", - " (u'FRANCE', u'FRENCH', u'SWITZERLAND', u'SWISS'),\n", - " (u'FRANCE', u'FRENCH', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'INDIA', u'INDIAN', u'ISRAEL', u'ISRAELI'),\n", - " (u'INDIA', u'INDIAN', u'SWITZERLAND', u'SWISS'),\n", - " (u'INDIA', u'INDIAN', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'INDIA', u'INDIAN', u'FRANCE', u'FRENCH'),\n", - " (u'ISRAEL', u'ISRAELI', u'SWITZERLAND', u'SWISS'),\n", - " (u'ISRAEL', u'ISRAELI', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'ISRAEL', u'ISRAELI', u'FRANCE', u'FRENCH'),\n", - " (u'ISRAEL', u'ISRAELI', u'INDIA', u'INDIAN'),\n", - " (u'SWITZERLAND', u'SWISS', u'AUSTRALIA', u'AUSTRALIAN'),\n", - " (u'SWITZERLAND', u'SWISS', u'FRANCE', u'FRENCH'),\n", - " (u'SWITZERLAND', u'SWISS', u'INDIA', u'INDIAN'),\n", - " (u'SWITZERLAND', u'SWISS', u'ISRAEL', u'ISRAELI'),\n", - " (u'GOING', u'WENT', u'PAYING', u'PAID'),\n", - " (u'GOING', u'WENT', u'PLAYING', u'PLAYED'),\n", - " (u'GOING', u'WENT', u'SAYING', u'SAID'),\n", - " (u'GOING', u'WENT', u'TAKING', u'TOOK'),\n", - " (u'PAYING', u'PAID', u'PLAYING', u'PLAYED'),\n", - " (u'PAYING', u'PAID', u'SAYING', u'SAID'),\n", - " (u'PAYING', u'PAID', u'TAKING', u'TOOK'),\n", - " (u'PAYING', u'PAID', u'GOING', u'WENT'),\n", - " (u'PLAYING', u'PLAYED', u'SAYING', u'SAID'),\n", - " (u'PLAYING', u'PLAYED', u'TAKING', u'TOOK'),\n", - " (u'PLAYING', u'PLAYED', u'GOING', u'WENT'),\n", - " (u'PLAYING', u'PLAYED', u'PAYING', u'PAID'),\n", - " (u'SAYING', u'SAID', u'TAKING', u'TOOK'),\n", - " (u'SAYING', u'SAID', u'GOING', u'WENT'),\n", - " (u'SAYING', u'SAID', u'PAYING', u'PAID'),\n", - " (u'SAYING', u'SAID', u'PLAYING', u'PLAYED'),\n", - " (u'TAKING', u'TOOK', u'GOING', u'WENT'),\n", - " (u'TAKING', u'TOOK', u'PAYING', u'PAID'),\n", - " (u'TAKING', u'TOOK', u'PLAYING', u'PLAYED'),\n", - " (u'TAKING', u'TOOK', u'SAYING', u'SAID'),\n", - " (u'BUILDING', u'BUILDINGS', u'CAR', u'CARS'),\n", - " (u'BUILDING', u'BUILDINGS', u'CHILD', u'CHILDREN'),\n", - " (u'BUILDING', u'BUILDINGS', u'MAN', u'MEN'),\n", - " (u'CAR', u'CARS', u'CHILD', u'CHILDREN'),\n", - " (u'CAR', u'CARS', u'MAN', u'MEN'),\n", - " (u'CAR', u'CARS', u'BUILDING', u'BUILDINGS'),\n", - " (u'CHILD', u'CHILDREN', u'MAN', u'MEN'),\n", - " (u'CHILD', u'CHILDREN', u'BUILDING', u'BUILDINGS'),\n", - " (u'CHILD', u'CHILDREN', u'CAR', u'CARS'),\n", - " (u'MAN', u'MEN', u'BUILDING', u'BUILDINGS'),\n", - " (u'MAN', u'MEN', u'CAR', u'CARS'),\n", - " (u'MAN', u'MEN', u'CHILD', u'CHILDREN')],\n", - " 'section': 'total'}]" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "model.accuracy('./datasets/questions-words.txt')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "This `accuracy` takes an \n", - "[optional parameter](http://radimrehurek.com/gensim/models/word2vec.html#gensim.models.word2vec.Word2Vec.accuracy) `restrict_vocab` \n", - "which limits which test examples are to be considered.\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In the December 2016 release of Gensim we added a better way to evaluate semantic similarity.\n", - "\n", - "By default it uses an academic dataset WS-353 but one can create a dataset specific to your business based on it. It contains word pairs together with human-assigned similarity judgments. It measures the relatedness or co-occurrence of two words. For example, 'coast' and 'shore' are very similar as they appear in the same context. At the same time 'clothes' and 'closet' are less similar because they are related but not interchangeable." - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/dist-packages/ipykernel_launcher.py:1: DeprecationWarning: Call to deprecated `evaluate_word_pairs` (Method will be removed in 4.0.0, use self.wv.evaluate_word_pairs() instead).\n", - " \"\"\"Entry point for launching an IPython kernel.\n", - "2017-12-21 16:25:20,205 : INFO : Pearson correlation coefficient against /usr/local/lib/python2.7/dist-packages/gensim-3.2.0-py2.7-linux-x86_64.egg/gensim/test/test_data/wordsim353.tsv: 0.1020\n", - "2017-12-21 16:25:20,208 : INFO : Spearman rank-order correlation coefficient against /usr/local/lib/python2.7/dist-packages/gensim-3.2.0-py2.7-linux-x86_64.egg/gensim/test/test_data/wordsim353.tsv: 0.0816\n", - "2017-12-21 16:25:20,210 : INFO : Pairs with unknown words ratio: 85.6%\n" - ] - }, - { - "data": { - "text/plain": [ - "((0.10198070183634717, 0.47640746107165499),\n", - " SpearmanrResult(correlation=0.081592940565853908, pvalue=0.56922382052578302),\n", - " 85.55240793201133)" - ] - }, - "execution_count": 16, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "model.evaluate_word_pairs(test_data_dir + 'wordsim353.tsv')" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Once again, **good performance on Google's or WS-353 test set doesn’t mean word2vec will work well in your application, or vice versa**. It’s always best to evaluate directly on your intended task. For an example of how to use word2vec in a classifier pipeline, see this [tutorial](https://github.com/RaRe-Technologies/movie-plots-by-genre)." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Storing and loading models\n", - "You can store/load models using the standard gensim methods:" - ] - }, - { - "cell_type": "code", - "execution_count": 17, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:20,225 : INFO : saving Word2Vec object under /tmp/tmpot5iTxgensim_temp, separately None\n", - "2017-12-21 16:25:20,228 : INFO : not storing attribute syn0norm\n", - "2017-12-21 16:25:20,230 : INFO : not storing attribute cum_table\n", - "2017-12-21 16:25:20,242 : INFO : saved /tmp/tmpot5iTxgensim_temp\n" - ] - } - ], - "source": [ - "from tempfile import mkstemp\n", - "\n", - "fs, temp_path = mkstemp(\"gensim_temp\") # creates a temp file\n", - "\n", - "model.save(temp_path) # save the model" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:20,247 : INFO : loading Word2Vec object from /tmp/tmpot5iTxgensim_temp\n", - "2017-12-21 16:25:20,254 : INFO : loading wv recursively from /tmp/tmpot5iTxgensim_temp.wv.* with mmap=None\n", - "2017-12-21 16:25:20,255 : INFO : setting ignored attribute syn0norm to None\n", - "2017-12-21 16:25:20,255 : INFO : setting ignored attribute cum_table to None\n", - "2017-12-21 16:25:20,256 : INFO : loaded /tmp/tmpot5iTxgensim_temp\n" - ] - } - ], - "source": [ - "new_model = gensim.models.Word2Vec.load(temp_path) # open the model" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "which uses pickle internally, optionally `mmap`‘ing the model’s internal large NumPy matrices into virtual memory directly from disk files, for inter-process memory sharing.\n", - "\n", - "In addition, you can load models created by the original C tool, both using its text and binary formats:\n", - "```\n", - " model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False)\n", - " # using gzipped/bz2 input works too, no need to unzip:\n", - " model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.bin.gz', binary=True)\n", - "```" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Online training / Resuming training\n", - "Advanced users can load a model and continue training it with more sentences and [new vocabulary words](online_w2v_tutorial.ipynb):" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:20,266 : INFO : loading Word2Vec object from /tmp/tmpot5iTxgensim_temp\n", - "2017-12-21 16:25:20,273 : INFO : loading wv recursively from /tmp/tmpot5iTxgensim_temp.wv.* with mmap=None\n", - "2017-12-21 16:25:20,273 : INFO : setting ignored attribute syn0norm to None\n", - "2017-12-21 16:25:20,274 : INFO : setting ignored attribute cum_table to None\n", - "2017-12-21 16:25:20,275 : INFO : loaded /tmp/tmpot5iTxgensim_temp\n", - "2017-12-21 16:25:20,279 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:20,280 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:20,280 : INFO : collected 13 word types from a corpus of 13 raw words and 1 sentences\n", - "2017-12-21 16:25:20,281 : INFO : Updating model with new vocabulary\n", - "2017-12-21 16:25:20,281 : INFO : New added 0 unique words (0% of original 13) and increased the count of 0 pre-existing words (0% of original 13)\n", - "2017-12-21 16:25:20,282 : INFO : deleting the raw counts dictionary of 13 items\n", - "2017-12-21 16:25:20,282 : INFO : sample=0.001 downsamples 0 most-common words\n", - "2017-12-21 16:25:20,283 : INFO : downsampling leaves estimated 0 word corpus (0.0% of prior 0)\n", - "2017-12-21 16:25:20,283 : INFO : estimated required memory for 1723 words and 100 dimensions: 2239900 bytes\n", - "2017-12-21 16:25:20,287 : INFO : updating layer weights\n", - "2017-12-21 16:25:20,288 : INFO : training model with 4 workers on 1723 vocabulary and 100 features, using sg=0 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:20,291 : INFO : worker thread finished; awaiting finish of 3 more threads\n", - "2017-12-21 16:25:20,292 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:20,292 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:20,293 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:20,293 : INFO : training on 65 raw words (30 effective words) took 0.0s, 10799 effective words/s\n", - "2017-12-21 16:25:20,294 : WARNING : under 10 jobs per worker: consider setting a smaller `batch_words' for smoother alpha decay\n" - ] - } - ], - "source": [ - "model = gensim.models.Word2Vec.load(temp_path)\n", - "more_sentences = [['Advanced', 'users', 'can', 'load', 'a', 'model', 'and', 'continue', 'training', 'it', 'with', 'more', 'sentences']]\n", - "model.build_vocab(more_sentences, update=True)\n", - "model.train(more_sentences, total_examples=model.corpus_count, epochs=model.iter)\n", - "\n", - "# cleaning up temp\n", - "os.close(fs)\n", - "os.remove(temp_path)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "You may need to tweak the `total_words` parameter to `train()`, depending on what learning rate decay you want to simulate.\n", - "\n", - "Note that it’s not possible to resume training with models generated by the C tool, `KeyedVectors.load_word2vec_format()`. You can still use them for querying/similarity, but information vital for training (the vocab tree) is missing there.\n", - "\n", - "## Using the model\n", - "`Word2Vec` supports several word similarity tasks out of the box:" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/dist-packages/ipykernel_launcher.py:1: DeprecationWarning: Call to deprecated `most_similar` (Method will be removed in 4.0.0, use self.wv.most_similar() instead).\n", - " \"\"\"Entry point for launching an IPython kernel.\n", - "2017-12-21 16:25:20,299 : INFO : precomputing L2-norms of word weight vectors\n" - ] - }, - { - "data": { - "text/plain": [ - "[('longer', 0.9912284016609192)]" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "model.most_similar(positive=['human', 'crime'], negative=['party'], topn=1)" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/dist-packages/ipykernel_launcher.py:1: DeprecationWarning: Call to deprecated `doesnt_match` (Method will be removed in 4.0.0, use self.wv.doesnt_match() instead).\n", - " \"\"\"Entry point for launching an IPython kernel.\n", - "2017-12-21 16:25:20,311 : WARNING : vectors for words set(['lunch', 'input', 'cat']) are not present in the model, ignoring these words\n" - ] - }, - { - "data": { - "text/plain": [ - "'sentence'" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "model.doesnt_match(\"input is lunch he sentence cat\".split())" - ] - }, - { - "cell_type": "code", - "execution_count": 22, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "0.999182520993\n", - "0.995758952957\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/dist-packages/ipykernel_launcher.py:1: DeprecationWarning: Call to deprecated `similarity` (Method will be removed in 4.0.0, use self.wv.similarity() instead).\n", - " \"\"\"Entry point for launching an IPython kernel.\n", - "/usr/local/lib/python2.7/dist-packages/ipykernel_launcher.py:2: DeprecationWarning: Call to deprecated `similarity` (Method will be removed in 4.0.0, use self.wv.similarity() instead).\n", - " \n" - ] - } - ], - "source": [ - "print(model.similarity('human', 'party'))\n", - "print(model.similarity('tree', 'murder'))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "You can get the probability distribution for the center word given the context words as input:" - ] - }, - { - "cell_type": "code", - "execution_count": 23, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[('more', 0.0010738152), ('continue', 0.00097854261), ('can', 0.00088260754), ('training', 0.00085614622), ('it', 0.00077729771), ('there', 0.00076619512), ('australia', 0.00075446483), ('government', 0.00074923009), ('three', 0.00074201578), ('say', 0.00073336047)]\n" - ] - } - ], - "source": [ - "print(model.predict_output_word(['emergency', 'beacon', 'received']))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The results here don't look good because the training corpus is very small. To get meaningful results one needs to train on 500k+ words." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "If you need the raw output vectors in your application, you can access these either on a word-by-word basis:" - ] - }, - { - "cell_type": "code", - "execution_count": 24, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/dist-packages/ipykernel_launcher.py:1: DeprecationWarning: Call to deprecated `__getitem__` (Method will be removed in 4.0.0, use self.wv.__getitem__() instead).\n", - " \"\"\"Entry point for launching an IPython kernel.\n" - ] - }, - { - "data": { - "text/plain": [ - "array([ 5.09738876e-03, 2.24877093e-02, -2.87369397e-02,\n", - " -7.89474510e-03, -3.53376977e-02, -4.06462997e-02,\n", - " 8.37074965e-03, -9.41743553e-02, -1.49697680e-02,\n", - " -2.52366997e-02, 2.65039261e-02, -2.40766741e-02,\n", - " -6.85459673e-02, -2.18667872e-02, -2.14908309e-02,\n", - " 4.93087023e-02, -2.92534381e-02, -1.88865454e-03,\n", - " 2.26040259e-02, -2.84134373e-02, -6.83278441e-02,\n", - " -6.75840862e-03, 7.07488284e-02, 5.21996431e-02,\n", - " 2.36152187e-02, 1.46892993e-02, -4.65966389e-03,\n", - " 1.81521084e-02, -1.66943893e-02, -5.45500545e-04,\n", - " 9.81825942e-05, 7.39010796e-02, 8.24716035e-03,\n", - " -3.30754719e-03, 2.59200167e-02, 2.25928240e-02,\n", - " -4.78062779e-02, 1.68881603e-02, 1.27557423e-02,\n", - " -7.06009716e-02, -8.09376314e-02, 5.74318040e-03,\n", - " -4.43559177e-02, -3.11263874e-02, 3.13786902e-02,\n", - " -5.85887060e-02, 4.01994959e-02, 4.16668272e-03,\n", - " -1.61651354e-02, 4.03134711e-02, 1.64259598e-02,\n", - " 6.99962350e-03, -3.78169157e-02, 7.13254418e-03,\n", - " 1.50061641e-02, -2.01686379e-02, 5.82966506e-02,\n", - " -2.78297253e-02, 1.81606133e-02, -3.56090963e-02,\n", - " -2.89950594e-02, -4.97125871e-02, 1.93165317e-02,\n", - " -2.90847234e-02, -1.07406462e-02, -6.75966665e-02,\n", - " -8.05926248e-02, 3.87299024e-02, 5.84914126e-02,\n", - " -2.87338771e-04, -1.47654228e-02, 8.10218137e-03,\n", - " -5.38245104e-02, 1.52460849e-02, -4.90099788e-02,\n", - " -5.80144748e-02, 3.85234654e-02, -4.70485678e-03,\n", - " 4.69632484e-02, 4.56776805e-02, -2.43359935e-02,\n", - " 3.39893550e-02, -1.67205688e-02, 2.83701695e-04,\n", - " 1.79673471e-02, 1.03446953e-02, -9.53995809e-02,\n", - " -8.30710083e-02, 6.81236908e-02, -3.47741581e-02,\n", - " -6.30266443e-02, -4.59022224e-02, -4.83927876e-02,\n", - " -5.33403922e-03, -2.84888912e-02, -2.93440577e-02,\n", - " -2.53614448e-02, 2.14495976e-02, -5.01872450e-02,\n", - " -2.60770670e-03], dtype=float32)" - ] - }, - "execution_count": 24, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "model['tree'] # raw NumPy vector of a word" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "…or en-masse as a 2D NumPy matrix from `model.wv.syn0`." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Training Loss Computation\n", - "\n", - "The parameter `compute_loss` can be used to toggle computation of loss while training the Word2Vec model. The computed loss is stored in the model attribute `running_training_loss` and can be retrieved using the function `get_latest_training_loss` as follows : " - ] - }, - { - "cell_type": "code", - "execution_count": 25, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2017-12-21 16:25:20,341 : INFO : collecting all words and their counts\n", - "2017-12-21 16:25:20,343 : INFO : PROGRESS: at sentence #0, processed 0 words, keeping 0 word types\n", - "2017-12-21 16:25:20,361 : INFO : collected 10186 word types from a corpus of 59890 raw words and 300 sentences\n", - "2017-12-21 16:25:20,362 : INFO : Loading a fresh vocabulary\n", - "2017-12-21 16:25:20,392 : INFO : min_count=1 retains 10186 unique words (100% of original 10186, drops 0)\n", - "2017-12-21 16:25:20,393 : INFO : min_count=1 leaves 59890 word corpus (100% of original 59890, drops 0)\n", - "2017-12-21 16:25:20,428 : INFO : deleting the raw counts dictionary of 10186 items\n", - "2017-12-21 16:25:20,429 : INFO : sample=0.001 downsamples 37 most-common words\n", - "2017-12-21 16:25:20,429 : INFO : downsampling leaves estimated 47231 word corpus (78.9% of prior 59890)\n", - "2017-12-21 16:25:20,430 : INFO : estimated required memory for 10186 words and 100 dimensions: 13241800 bytes\n", - "2017-12-21 16:25:20,454 : INFO : resetting layer weights\n", - "2017-12-21 16:25:20,556 : INFO : training model with 3 workers on 10186 vocabulary and 100 features, using sg=1 hs=0 sample=0.001 negative=5 window=5\n", - "2017-12-21 16:25:21,174 : INFO : worker thread finished; awaiting finish of 2 more threads\n", - "2017-12-21 16:25:21,185 : INFO : worker thread finished; awaiting finish of 1 more threads\n", - "2017-12-21 16:25:21,191 : INFO : worker thread finished; awaiting finish of 0 more threads\n", - "2017-12-21 16:25:21,192 : INFO : training on 299450 raw words (235935 effective words) took 0.6s, 372397 effective words/s\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "1483200.25\n" - ] - } - ], - "source": [ - "# instantiating and training the Word2Vec model\n", - "model_with_loss = gensim.models.Word2Vec(sentences, min_count=1, compute_loss=True, hs=0, sg=1, seed=42)\n", - "\n", - "# getting the training loss value\n", - "training_loss = model_with_loss.get_latest_training_loss()\n", - "print(training_loss)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Benchmarks to see effect of training loss compuation code on training time\n", - "\n", - "We first download and setup the test data used for getting the benchmarks." - ] - }, - { - "cell_type": "code", - "execution_count": 26, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['/home/markroxor/Documents/gensim/docs/notebooks/../../gensim/test/test_data/lee_background.cor', '/home/markroxor/Documents/gensim/docs/notebooks/text8_1000000', '/home/markroxor/Documents/gensim/docs/notebooks/text8_10000000', '/home/markroxor/Documents/gensim/docs/notebooks/text8_50000000', '/home/markroxor/Documents/gensim/docs/notebooks/text8']\n" - ] - } - ], - "source": [ - "input_data_files = []\n", - "\n", - "def setup_input_data():\n", - " # check if test data already present\n", - " if os.path.isfile('./text8') is False:\n", - "\n", - " # download and decompress 'text8' corpus\n", - " import zipfile\n", - " ! wget 'http://mattmahoney.net/dc/text8.zip'\n", - " ! unzip 'text8.zip'\n", - " \n", - " # create 1 MB, 10 MB and 50 MB files\n", - " ! head -c1000000 text8 > text8_1000000\n", - " ! head -c10000000 text8 > text8_10000000\n", - " ! head -c50000000 text8 > text8_50000000\n", - " \n", - " # add 25 KB test file\n", - " input_data_files.append(os.path.join(os.getcwd(), '../../gensim/test/test_data/lee_background.cor'))\n", - "\n", - " # add 1 MB test file\n", - " input_data_files.append(os.path.join(os.getcwd(), 'text8_1000000'))\n", - "\n", - " # add 10 MB test file\n", - " input_data_files.append(os.path.join(os.getcwd(), 'text8_10000000'))\n", - "\n", - " # add 50 MB test file\n", - " input_data_files.append(os.path.join(os.getcwd(), 'text8_50000000'))\n", - "\n", - " # add 100 MB test file\n", - " input_data_files.append(os.path.join(os.getcwd(), 'text8'))\n", - "\n", - "setup_input_data()\n", - "print(input_data_files)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We now compare the training time taken for different combinations of input data and model training parameters like `hs` and `sg`." - ] - }, - { - "cell_type": "code", - "execution_count": 38, - "metadata": {}, - "outputs": [], - "source": [ - "logging.getLogger().setLevel(logging.ERROR)" - ] - }, - { - "cell_type": "code", - "execution_count": 30, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['/home/markroxor/Documents/gensim/docs/notebooks/../../gensim/test/test_data/lee_background.cor', '/home/markroxor/Documents/gensim/docs/notebooks/../../gensim/test/test_data/lee_background.cor']\n", - " compute_loss hs mean sg std \\\n", - "4 True 0 0.610034 1 0.022937 \n", - "12 True 0 0.593313 1 0.037120 \n", - "5 False 0 0.588043 1 0.027460 \n", - "13 False 0 0.578279 1 0.019227 \n", - "6 True 1 1.318451 1 0.100453 \n", - "14 True 1 1.309022 1 0.026008 \n", - "7 False 1 1.144407 1 0.120123 \n", - "15 False 1 1.362300 1 0.049005 \n", - "0 True 0 0.492458 0 0.079990 \n", - "8 True 0 0.452251 0 0.024318 \n", - "1 False 0 0.499348 0 0.130881 \n", - "9 False 0 0.469124 0 0.048385 \n", - "2 True 1 0.553494 0 0.033808 \n", - "10 True 1 0.604576 0 0.128907 \n", - "3 False 1 0.514230 0 0.019456 \n", - "11 False 1 0.477603 0 0.046651 \n", - "\n", - " train_data \n", - "4 /home/markroxor/Documents/gensim/docs/notebook... \n", - "12 /home/markroxor/Documents/gensim/docs/notebook... \n", - "5 /home/markroxor/Documents/gensim/docs/notebook... \n", - "13 /home/markroxor/Documents/gensim/docs/notebook... \n", - "6 /home/markroxor/Documents/gensim/docs/notebook... \n", - "14 /home/markroxor/Documents/gensim/docs/notebook... \n", - "7 /home/markroxor/Documents/gensim/docs/notebook... \n", - "15 /home/markroxor/Documents/gensim/docs/notebook... \n", - "0 /home/markroxor/Documents/gensim/docs/notebook... \n", - "8 /home/markroxor/Documents/gensim/docs/notebook... \n", - "1 /home/markroxor/Documents/gensim/docs/notebook... \n", - "9 /home/markroxor/Documents/gensim/docs/notebook... \n", - "2 /home/markroxor/Documents/gensim/docs/notebook... \n", - "10 /home/markroxor/Documents/gensim/docs/notebook... \n", - "3 /home/markroxor/Documents/gensim/docs/notebook... \n", - "11 /home/markroxor/Documents/gensim/docs/notebook... \n" - ] - } - ], - "source": [ - "# using 25 KB and 50 MB files only for generating o/p -> comment next line for using all 5 test files\n", - "input_data_files = [input_data_files[0], input_data_files[-2]]\n", - "print(input_data_files)\n", - "\n", - "import time\n", - "import numpy as np\n", - "import pandas as pd\n", - "\n", - "train_time_values = []\n", - "seed_val = 42\n", - "sg_values = [0, 1]\n", - "hs_values = [0, 1]\n", - "\n", - "for data_file in input_data_files:\n", - " data = gensim.models.word2vec.LineSentence(data_file) \n", - " for sg_val in sg_values:\n", - " for hs_val in hs_values:\n", - " for loss_flag in [True, False]:\n", - " time_taken_list = []\n", - " for i in range(3):\n", - " start_time = time.time()\n", - " w2v_model = gensim.models.Word2Vec(data, compute_loss=loss_flag, sg=sg_val, hs=hs_val, seed=seed_val) \n", - " time_taken_list.append(time.time() - start_time)\n", - "\n", - " time_taken_list = np.array(time_taken_list)\n", - " time_mean = np.mean(time_taken_list)\n", - " time_std = np.std(time_taken_list)\n", - " train_time_values.append({'train_data': data_file, 'compute_loss': loss_flag, 'sg': sg_val, 'hs': hs_val, 'mean': time_mean, 'std': time_std})\n", - "\n", - "train_times_table = pd.DataFrame(train_time_values)\n", - "train_times_table = train_times_table.sort_values(by=['train_data', 'sg', 'hs', 'compute_loss'], ascending=[False, False, True, False])\n", - "print(train_times_table)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Adding Word2Vec \"model to dict\" method to production pipeline\n", - "Suppose, we still want more performance improvement in production. \n", - "One good way is to cache all the similar words in a dictionary.\n", - "So that next time when we get the similar query word, we'll search it first in the dict.\n", - "And if it's a hit then we will show the result directly from the dictionary.\n", - "otherwise we will query the word and then cache it so that it doesn't miss next time." - ] - }, - { - "cell_type": "code", - "execution_count": 31, - "metadata": {}, - "outputs": [], - "source": [ - "logging.getLogger().setLevel(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" - ] - }, - { - "cell_type": "code", - "execution_count": 39, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "four [('over', 0.9999380111694336), ('world', 0.9999357461929321), ('after', 0.9999346137046814), ('local', 0.9999341368675232), ('on', 0.9999333024024963), ('last', 0.9999300241470337), ('into', 0.9999298453330994), ('a', 0.9999290704727173), ('at', 0.9999290108680725), ('from', 0.99992835521698)]\n", - "jihad [('on', 0.9995617866516113), ('gaza', 0.9995616674423218), ('and', 0.9995588064193726), ('palestinian', 0.9995542168617249), ('in', 0.999552845954895), ('former', 0.9995408654212952), ('from', 0.999538242816925), ('were', 0.9995372295379639), ('security', 0.9995347857475281), ('an', 0.9995279908180237)]\n", - "captain [('are', 0.9998434782028198), ('any', 0.9998313784599304), ('out', 0.9998288154602051), ('now', 0.9998278617858887), ('over', 0.999825656414032), ('have', 0.9998254776000977), ('australian', 0.999824583530426), ('is', 0.999819815158844), ('including', 0.9998170137405396), ('at', 0.99981689453125)]\n" - ] - } - ], - "source": [ - "most_similars_precalc = {word : model.wv.most_similar(word) for word in model.wv.index2word}\n", - "for i, (key, value) in enumerate(most_similars_precalc.iteritems()):\n", - " if i==3:\n", - " break\n", - " print key, value" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Comparison with and without caching" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "for time being lets take 4 words randomly" - ] - }, - { - "cell_type": "code", - "execution_count": 40, - "metadata": {}, - "outputs": [], - "source": [ - "import time\n", - "words = ['voted','few','their','around']" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Without caching" - ] - }, - { - "cell_type": "code", - "execution_count": 41, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[('action', 0.998902440071106), ('would', 0.998866081237793), ('could', 0.9988579154014587), ('need', 0.9988564848899841), ('will', 0.9988539218902588), ('it', 0.9988477826118469), ('expected', 0.998836874961853), ('legal', 0.9988292455673218), ('we', 0.9988272786140442), ('called', 0.9988245368003845)]\n", - "[('from', 0.9997947216033936), ('which', 0.9997938871383667), ('australian', 0.9997910261154175), ('a', 0.9997884035110474), ('police', 0.9997864365577698), ('told', 0.9997841119766235), ('his', 0.9997839331626892), ('with', 0.9997835159301758), ('if', 0.999783456325531), ('be', 0.999782383441925)]\n", - "[('up', 0.9999563097953796), ('last', 0.9999551177024841), ('on', 0.9999517798423767), ('over', 0.9999500513076782), ('are', 0.9999494552612305), ('also', 0.9999493956565857), ('and', 0.9999493360519409), ('had', 0.9999492168426514), ('as', 0.9999483227729797), ('an', 0.9999469518661499)]\n", - "[('over', 0.9999304413795471), ('their', 0.9999291896820068), ('three', 0.9999284148216248), ('on', 0.9999280571937561), ('two', 0.9999274015426636), ('last', 0.9999268054962158), ('have', 0.9999215602874756), ('as', 0.999921441078186), ('us', 0.9999210834503174), ('from', 0.9999209046363831)]\n", - "0.00567579269409\n" - ] - } - ], - "source": [ - "start = time.time()\n", - "for word in words:\n", - " result = model.wv.most_similar(word)\n", - " print(result)\n", - "end = time.time()\n", - "print(end-start)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now with caching" - ] - }, - { - "cell_type": "code", - "execution_count": 42, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[('action', 0.998902440071106), ('would', 0.998866081237793), ('could', 0.9988579154014587), ('need', 0.9988564848899841), ('will', 0.9988539218902588), ('it', 0.9988477826118469), ('expected', 0.998836874961853), ('legal', 0.9988292455673218), ('we', 0.9988272786140442), ('called', 0.9988245368003845)]\n", - "[('from', 0.9997947216033936), ('which', 0.9997938871383667), ('australian', 0.9997910261154175), ('a', 0.9997884035110474), ('police', 0.9997864365577698), ('told', 0.9997841119766235), ('his', 0.9997839331626892), ('with', 0.9997835159301758), ('if', 0.999783456325531), ('be', 0.999782383441925)]\n", - "[('up', 0.9999563097953796), ('last', 0.9999551177024841), ('on', 0.9999517798423767), ('over', 0.9999500513076782), ('are', 0.9999494552612305), ('also', 0.9999493956565857), ('and', 0.9999493360519409), ('had', 0.9999492168426514), ('as', 0.9999483227729797), ('an', 0.9999469518661499)]\n", - "[('over', 0.9999304413795471), ('their', 0.9999291896820068), ('three', 0.9999284148216248), ('on', 0.9999280571937561), ('two', 0.9999274015426636), ('last', 0.9999268054962158), ('have', 0.9999215602874756), ('as', 0.999921441078186), ('us', 0.9999210834503174), ('from', 0.9999209046363831)]\n", - "0.000878810882568\n" - ] - } - ], - "source": [ - "start = time.time()\n", - "for word in words:\n", - " if 'voted' in most_similars_precalc:\n", - " result = most_similars_precalc[word]\n", - " print(result)\n", - " else:\n", - " result = model.wv.most_similar(word)\n", - " most_similars_precalc[word] = result\n", - " print(result)\n", - " \n", - "end = time.time()\n", - "print(end-start)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Clearly you can see the improvement but this difference will be even larger when we take more words in the consideration." - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Visualising the Word Embeddings" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The word embeddings made by the model can be visualised by reducing dimensionality of the words to 2 dimensions using tSNE.\n", - "\n", - "Visualisations can be used to notice semantic and syntactic trends in the data.\n", - "\n", - "Example: Semantic- words like cat, dog, cow, etc. have a tendency to lie close by\n", - " Syntactic- words like run, running or cut, cutting lie close together.\n", - "Vector relations like vKing - vMan = vQueen - vWoman can also be noticed.\n", - "\n", - "Additional dependencies : \n", - "- sklearn\n", - "- numpy\n", - "- plotly\n", - "\n", - "The function below can be used to plot the embeddings in an ipython notebook.\n", - "It requires the model as the necessary parameter. If you don't have the model, you can load it by\n", - "\n", - "`model = gensim.models.Word2Vec.load('path/to/model')`\n", - "\n", - "If you don't want to plot inside a notebook, set the `plot_in_notebook` parameter to `False`.\n", - "\n", - "Note: the model used for the visualisation is trained on a small corpus. Thus some of the relations might not be so clear\n", - "\n", - "Beware : This sort dimension reduction comes at the cost of loss of information." - ] - }, - { - "cell_type": "code", - "execution_count": 43, - "metadata": {}, - "outputs": [], - "source": [ - "from sklearn.decomposition import IncrementalPCA # inital reduction\n", - "from sklearn.manifold import TSNE # final reduction\n", - "import numpy as np # array handling\n", - "\n", - "from plotly.offline import init_notebook_mode, iplot, plot\n", - "import plotly.graph_objs as go\n", - "\n", - "def reduce_dimensions(model, plot_in_notebook = True):\n", - "\n", - " num_dimensions = 2 # final num dimensions (2D, 3D, etc)\n", - "\n", - " vectors = [] # positions in vector space\n", - " labels = [] # keep track of words to label our data again later\n", - " for word in model.wv.vocab:\n", - " vectors.append(model[word])\n", - " labels.append(word)\n", - "\n", - "\n", - " # convert both lists into numpy vectors for reduction\n", - " vectors = np.asarray(vectors)\n", - " labels = np.asarray(labels)\n", - " \n", - " # reduce using t-SNE\n", - " vectors = np.asarray(vectors)\n", - " logging.info('starting tSNE dimensionality reduction. This may take some time.')\n", - " tsne = TSNE(n_components=num_dimensions, random_state=0)\n", - " vectors = tsne.fit_transform(vectors)\n", - "\n", - " x_vals = [v[0] for v in vectors]\n", - " y_vals = [v[1] for v in vectors]\n", - " \n", - " # Create a trace\n", - " trace = go.Scatter(\n", - " x=x_vals,\n", - " y=y_vals,\n", - " mode='text',\n", - " text=labels\n", - " )\n", - " \n", - " data = [trace]\n", - " \n", - " logging.info('All done. Plotting.')\n", - " \n", - " if plot_in_notebook:\n", - " init_notebook_mode(connected=True)\n", - " iplot(data, filename='word-embedding-plot')\n", - " else:\n", - " plot(data, filename='word-embedding-plot.html')" - ] - }, - { - "cell_type": "code", - "execution_count": 44, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/usr/local/lib/python2.7/dist-packages/ipykernel_launcher.py:15: DeprecationWarning:\n", - "\n", - "Call to deprecated `__getitem__` (Method will be removed in 4.0.0, use self.wv.__getitem__() instead).\n", - "\n" - ] - }, - { - "data": { - "text/html": [ - "" - ], - "text/vnd.plotly.v1+html": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "application/vnd.plotly.v1+json": { - "data": [ - { - "mode": "text", - "text": [ - "four", - "jihad", - "captain", - "gillespie", - "whose", - "seles", - "voted", - "warplanes", - "under", - "lord", - "placed", - "rescue", - "regional", - "women's", - "every", - "today.", - "today,", - "bringing", - "school", - "companies", - "announced", - "yesterday's", - "south-west", - "heading", - "force", - "leaders", - "japanese", - "second", - "warne", - "asio", - "spokesman", - "above", - "toll", - "new", - "ever", - "told", - "men", - "here", - "hundreds", - "met", - "protection", - "path", - "leader,", - "voice", - "employees", - "changed", - "envoy", - "reports", - "credit", - "smoke", - "military", - "i'm", - "changes", - "toowoomba", - "criticism", - "secure", - "campaign", - "hamas", - "war.", - "counts", - "total", - "unit", - "sarah", - "would", - "army", - "hospital", - "call", - "raids", - "strike", - "until", - "supporters", - "aware", - "hold", - "circumstances", - "me", - "locked", - "rights", - "1999", - "work", - "mt", - "ms", - "mr", - "my", - "india's", - "give", - "india", - "want", - "keep", - "risk", - "ceremony", - "end", - "recovery", - "provide", - "travel", - "damage", - "kabul", - "how", - "boats", - "place", - "massive", - "rise", - "after", - "damaged", - "president", - "law", - "amin", - "attempt", - "third", - "\"we've", - "enter", - "order", - "wind", - "operations", - "office", - "welcomed", - "over", - "expects", - "mayor", - "bombing", - "died.", - "crew", - "destroyed", - "400", - "wales", - "weeks", - "then", - "them", - "affected", - "we'll", - "break", - "they", - "jenin", - "bank", - "week.", - "arrested", - "bonn", - "each", - "went", - "side", - "costello", - "financial", - "yallourn", - "series", - "allan", - "vote", - "trading", - "doug", - "saturday", - "network", - "george", - "day.", - "got", - "26-year-old", - "resume", - "threatened", - "given", - "wanted", - "qantas'", - "created", - "days", - "\"this", - "today's", - "industrial", - "hearing", - "another", - "antarctic", - "service", - "top", - "rates", - "too", - "john", - "hewitt", - "murder", - "collapse", - "took", - "rejected", - "direct", - "western", - "ahmed", - "showed", - "tree", - "likely", - "nations", - "project", - "matter", - "solomon", - "williams", - "company's", - "powers", - "mining", - "yachts", - "well,", - "seen", - "ray", - "forced", - "laden", - "responsible", - "-", - "launceston", - "forces", - "completed", - "even", - "though", - "sharon's", - "explosives", - "zealand", - "assisting", - "richard", - "force,", - "professor", - "storm", - "came", - "reserve", - "saying", - "bomb", - "qaeda", - "radio", - "witnesses", - "proposed", - "unemployment", - "bush", - "adequate", - "do", - "stop", - "television", - "coast", - "despite", - "report", - "dr", - "runs", - "countries", - "twice", - "rival", - "ban", - "them.", - "secretary", - "respond", - "disaster", - "fair", - "decided", - "result", - "best", - "said", - "lockett", - "away", - "there's", - "cooperation", - "caves", - "approach", - "we", - "never", - "terms", - "however", - "news", - "debt", - "blasted", - "suggested", - "received", - "protect", - "accident", - "reported", - "country", - "against", - "faces", - "asked", - "tough", - "appeared", - "had", - "tony", - "100", - "now,", - "governor-general", - "\"you", - "union", - "three", - "been", - "quickly", - "commission", - "much", - "interest", - "expected", - "entered", - "dozens", - "life", - "families", - "eastern", - "child", - "worked", - "mohammad", - "east", - "publicly", - "air", - "near", - "property", - "study", - "launched", - "seven", - "\"a", - "played", - "is", - "it", - "in", - "said,", - "said.", - "if", - "confirmed", - "centre,", - "things", - "make", - "complex", - "several", - "blue", - "rain", - "shortly", - "replied:", - "greatest", - "claims", - "the", - "left", - "just", - "sentence", - "fighters", - "human", - "yet", - "previous", - "adding", - "unable", - "royal", - "squad", - "board", - "has", - "gave", - "ago,", - "ago.", - "possible", - "injuring", - "brought", - "states,", - "states.", - "country.", - "50", - "offices", - "night", - "security", - "right", - "old", - "deal", - "people", - "understand", - "dead", - "donald", - "bora", - "for", - "ice", - "everything", - "individuals", - "musharraf", - "attack.", - "month.", - "denied", - "christmas", - "payment", - "losing", - "post", - "manufacturing", - "attacks", - "airline's", - "dollars", - "months", - "costs", - "ensure", - "islands", - "efforts", - "palestinians", - "jacques", - "presence", - "civil", - "two", - "down", - "crowd", - "support", - "tennis", - "fight", - "absolutely", - "way", - "crews", - "factions", - "was", - "war", - "happy", - "head", - "form", - "offer", - "ford", - "statement.", - "tasmania", - "surrender", - "responding", - "inside", - "tell", - "economic", - "150", - "classic", - "evidence", - "peres", - "promised", - "trip", - "sydney's", - "adelaide", - "palestinian", - "no", - "when", - "actor", - "role", - "holding", - "test", - "scored", - "felt", - "fell", - "authorities", - "weekend", - "died", - "longer", - "australians", - "yacht", - "together", - "time", - "serious", - "mountains.", - "\"his", - "government,", - "anglican", - "government.", - "coach", - "austar", - "global", - "focus", - "manager", - "battle", - "bomber", - "hijacked", - "certainly", - "suicide", - "environment", - "charge", - "terror", - "month,", - "suffered", - "daryl", - "tanks", - "celebrations", - "timor", - "level", - "did", - "proposals", - "gun", - "leave", - "team", - "round", - "batsmen", - "prevent", - "says", - "findings", - "\"these", - "sign", - "colin", - "cost", - "targets", - "afghanistan", - "assistance", - "current", - "suspect", - "international", - "muslim", - "french", - "understanding", - "water", - "groups", - "address", - "gorge", - "along", - "appears", - "change", - "sending", - "neville", - "flames", - "battling", - "institute", - "guilty", - "industry.", - "retired", - "hicks,", - "pakistan's", - "nablus", - "crisis", - "sharon,", - "seekers.", - "troops", - "working", - "ariel", - "visit", - "france", - "territories", - "live", - "andy", - "australian", - "ruddock", - "today", - "commissioner", - "effort", - "boucher", - "bowler", - "car", - "believes", - "can", - "believed", - "making", - "australia.", - "claim", - "december", - "didn't", - "heard", - "dropped", - "council", - "allowed", - "redundancy", - "1", - "state's", - "economy", - "staying", - "information", - "may", - "southern", - "washington.", - "interlaken", - "crashed", - "such", - "revealed", - "man", - "natural", - "st", - "freeze.", - "jail", - "ambush.", - "african", - "representation", - "increase", - "pulled", - "years", - "course", - "still", - "group", - "he's", - "organisation", - "facility", - "months,", - "months.", - "policy", - "main", - "happened", - "halt", - "reveal", - "year,", - "year.", - "taliban", - "half", - "not", - "now", - "killed", - "january", - "drop", - "bowling", - "quarter", - "fired", - "peacekeepers", - "fires", - "begun", - "year", - "\"that", - "tried", - "adelaide.", - "opened", - "space", - "tensions", - "factory", - "looking", - "seriously", - "investigation", - "washington,", - "internet", - "entitlements", - "receiving", - "advice", - "shows", - "earlier", - "cars", - "million", - "possibility", - "quite", - "marine", - "advance", - "training", - "ministry", - "british", - "turn", - "\"we're", - "aboard", - "rumsfeld", - "think", - "first", - "flying", - "fleeing", - "one", - "americans", - "fast", - "suspended", - "carry", - "open", - "tomorrow", - "city", - "little", - "ian", - "virgin", - "caught", - "anyone", - "2", - "white", - "speaking", - "gives", - "million.", - "allegedly", - "that", - "\"there", - "released", - "representing", - "than", - "population", - "11", - "10", - "13", - "12", - "15", - "14", - "18", - "diplomatic", - "spokeswoman", - "authority.", - "victorian", - "future", - "were", - "marines", - "and", - "premier", - "say", - "saw", - "any", - "anz", - "potential", - "take", - "channel", - "200", - "begin", - "sure", - "normal", - "track", - "knew", - "harrison's", - "paid", - "afternoon,", - "kallis", - "later", - "senior", - "terrorism.", - "laws", - "shot", - "show", - "allegations", - "hopes", - "television.", - "ground", - "weapons", - "storms", - "behind", - "crime", - "september", - "only", - "going", - "dispute", - "get", - "meanwhile,", - "mission", - "cannot", - "nearly", - "honours", - "prime", - "krishna", - "morning", - "embassy", - "where", - "declared", - "elected", - "concern", - "israeli", - "farmers", - "federal", - "review", - "seekers", - "forecast", - "whereabouts", - "enough", - "bureau", - "between", - "nauru", - "before", - "across", - "jobs", - "killing", - "australia's", - "jets", - "come", - "israel.", - "israel,", - "many", - "region", - "according", - "called", - "tour", - "senator", - "comes", - "nearby", - "among", - "containment", - "cancer", - "period", - "approval", - "boat", - "late", - "howard", - "west", - "airlines", - "mark", - "helicopter", - "500", - "wants", - "shopping", - "offered", - "observers", - "wake", - "minister", - "suspected", - "former", - "those", - "pilot", - "paying", - "these", - "tribal", - "w", - "situation", - "eventually", - "self-rule", - "telephone", - "commander", - "middle", - "technology", - "different", - "pay", - "same", - "inquiry", - "negotiations", - "\"i", - "document", - "week", - "oil", - "director", - "running", - "charges", - "severe", - "without", - "can't", - "charged", - "pakistan", - "being", - "money", - "rest", - "violent", - "handed", - "guides", - "captured", - "death", - "we've", - "perth", - "treatment", - "republic", - "struck", - "scheduled", - "around", - "read", - "early", - "action,", - "action.", - "using", - "disappointed", - "ruled", - "served", - "reduced", - "pacific", - "confirm", - "attacks,", - "attacks.", - "recorded", - "legal", - "custody", - "sydney.", - "sydney,", - "victory", - "business", - "leadership", - "wickets", - "on", - "central", - "area,", - "hicks", - "island", - "industry", - "violence", - "community.", - "must", - "airline", - "act", - "mean", - "provisional", - "road", - "bichel", - "burning", - "determine", - "parties", - "morning,", - "your", - "morning.", - "vaughan", - "prepare", - "area", - "there", - "alleged", - "strip", - "start", - "low", - "lot", - "hare", - "downer", - "gaza", - "strikes", - "cabinet", - "trying", - "with", - "they're", - "monday,", - "assa", - "\"it's", - "gone", - "am", - "al", - "fellow", - "britain", - "at", - "senate", - "crean", - "again", - "personnel", - "insurance", - "field", - "summit", - "5", - "you", - "hospital.", - "shaun", - "4,000", - "separate", - "students", - "important", - "queensland", - "building", - "calls", - "qantas", - "directors", - "mass", - "adam", - "starting", - "all", - "caused", - "lack", - "month", - "unrest", - "talks", - "follow", - "settlement", - "children", - "north.", - "thursday", - "to", - "program", - "safety", - "earlier,", - "case", - "returned", - "returning", - "very", - "\"he", - "detention", - "\"every", - "worst", - "decide", - "fall", - "tomorrow.", - "condition", - "list", - "large", - "small", - "manslaughter", - "streets", - "past", - "winds", - "rate", - "further", - "investment", - "what", - "defence", - "consumers", - "him.", - "public", - "movement", - "full", - "28-year-old", - "hours", - "operating", - "civilians", - "november", - "strong", - "search", - "ahead", - "prior", - "airport", - "action", - "options", - "followed", - "family", - "africa", - "ask", - "gunmen", - "armed", - "finally", - "pollock", - "afghanistan's", - "taken", - "markets", - "more", - "ahead.", - "israel", - "company", - "landed", - "known", - "town", - "hour", - "remain", - "nine", - "male", - "share", - "accept", - "states", - "hours,", - "huge", - "needs", - "court", - "bank,", - "rather", - "american", - "reject", - "talks.", - "plans", - "b-52", - "brett", - "state.", - "plane", - "adventure", - "coming", - "response", - "a", - "short", - "overnight", - "responsibility", - "media", - "banks", - "playing", - "that's", - "\"in", - "help", - "don't", - "\"if", - "soon", - "trade", - "held", - "already", - "through", - "\"it", - "its", - "24", - "25", - "26", - "20", - "21", - "23", - "afghanistan.", - "border", - "actually", - "clashes", - "speech", - "might", - "it.", - "it,", - "good", - "return", - "seeking", - "food", - "number", - "always", - "ashes", - "stopped", - "found", - "heavy", - "neil", - "house", - "energy", - "hard", - "reduce", - "expect", - "operation", - "beyond", - "event", - "really", - "robert", - "since", - "research", - "hayden", - "acting", - "health", - "hill", - "issue", - "sharon", - "highway", - "confidence", - "base", - "members", - "put", - "beginning", - "yasser", - "year's", - "conducted", - "threat", - "major", - "feel", - "radical", - "tailenders", - "done", - "guess", - "leading", - "threatening", - "least", - "militant", - "station", - "statement", - "group,", - "hundred", - "passed", - "relationship", - "trapped", - "hotel", - "park", - "part", - "doctors", - "believe", - "canyoning", - "king", - "determined", - "coast.", - "treated", - "alongside", - "organisations", - "aged", - "mountain", - "built", - "officers", - "also", - "labour", - "chairman", - "finding", - "play", - "towards", - "singles", - "measures", - "reach", - "most", - "virus", - "negotiating", - "significant", - "services", - "clear", - "hamid", - "night,", - "attacking", - "night.", - "sector", - "find", - "giant", - "northern", - "justice", - "failed", - "flights", - "wayne", - "his", - "hit", - "hiv", - "trees", - "5,000", - "commission,", - "hih", - "during", - "him", - "alexander", - "resolve", - "banking", - "militants.", - "activity", - "switzerland", - "doubles", - "river", - "set", - "ses", - "city,", - "intelligence", - "ansett", - "geoff", - "are", - "sea", - "close", - "currently", - "unions", - "won", - "years,", - "years.", - "probably", - "conditions", - "europe", - "days.", - "aircraft", - "opposition", - "both", - "last", - "sultan", - "annual", - "foreign", - "connection", - "became", - "however,", - "whole", - "point", - "melbourne,", - "whatever", - "throughout", - "there,", - "described", - "create", - "political", - "due", - "convicted", - "secret", - "them,\"", - "maintenance", - "territory", - "meeting", - "firm", - "flight", - "champion", - "boy", - "fire", - "firefighters", - "gas", - "unidentified", - "anthony", - "races", - "lives", - "extensive", - "handling", - "look", - "bill", - "governor", - "pace", - "while", - "real", - "hoping", - "owen", - "ready", - "strip,", - "grant", - "arafat's", - "grand", - "conflict", - "used", - "temporary", - "affairs", - "yesterday", - "levels", - "arrived", - "cent.", - "residents", - "recent", - "lower", - "people,", - "people.", - "person", - "edge", - "swiss", - "lording", - "know", - "endeavour", - "questions", - "world", - "wage", - "cut", - "cup", - "workers", - "friedli", - "source", - "capital,", - "sydney", - "remaining", - "bin", - "...", - "indonesian", - "australia", - "march", - "emergency", - "big", - "bid", - "game", - "bit", - "projects", - "lost", - "follows", - "commanders", - "heart", - "zinni", - "continue", - "often", - "overnight.", - "some", - "back", - "metres", - "understood", - "added", - "\"we", - "investigating", - "delivered", - "decision", - "per", - "market", - "be", - "run", - "continuing", - "agreement", - "refused", - "step", - "union's", - "by", - "it,\"", - "anything", - "melbourne", - "range", - "militia", - "stuart", - "plan", - "into", - "within", - "osama", - "nothing", - "wicket", - "pentagon", - "centre.", - "statistics", - "long", - "timor's", - "crackdown", - "infected", - "we're", - "heritage", - "forward", - "mountains", - "himself", - "jewish", - "laden,", - "immigration", - "hoped", - "russian", - "line", - "deployed", - "up", - "us", - "un", - "planes", - "medical", - "argentina's", - "single", - "warning", - "well,\"", - "as", - "traditional", - "ballot", - "peace", - "department", - "nice", - "problems", - "prepared", - "militants", - "sides", - "ago", - "land", - "fighter", - "walked", - "2002", - "2001", - "far", - "having", - "jason", - "whiting", - "issued", - "resistance", - "steve", - "go", - "issues", - "seemed", - "simon", - "concerned", - "young", - "blaze", - "kieren", - "afroz", - "include", - "sent", - "fatah", - "outside", - "illawarra", - "continues", - "wave", - "putting", - "continued", - "afghanistan,", - "positions", - "michael", - "eve", - "try", - "race", - "verdict", - "laden's", - "government's", - "tora", - "power", - "giving", - "expressed", - "access", - "waiting", - "indian", - "capital", - "body", - "led", - "lee", - "growing", - "river.", - "others", - "hobart", - "great", - "receive", - "involved", - "leaving", - "india.", - "survey", - "added.", - "perth.", - "deputy", - "win", - "private", - "names", - "use", - "from", - "remains", - "ministers", - "next", - "few", - "doubt", - "save", - "themselves", - "sort", - "parliament", - "started", - "initial", - "local", - "carrying", - "israelis", - "women", - "this", - "minister,", - "crossed", - "of", - "meet", - "control", - "arafat", - "process", - "high", - "something", - "sir", - "united", - "boxing", - "escalating", - "hamas,", - "afp", - "stand", - "buildings", - "farm", - "abuse", - "ethnic", - "bombers", - "light", - "or", - "chief", - "out.", - "allow", - "volunteers", - "six", - "meeting.", - "alliance", - "including", - "mcgrath", - "helicopters", - "sunday", - "labor", - "criminal", - "world,", - "crash", - "greater", - "front", - "day", - "kilometres", - "yesterday.", - "warned", - "university", - "accompanied", - "commonwealth", - "3,000", - "gary", - "related", - "our", - "80", - "special", - "out", - "anti-taliban", - "ricky", - "time,", - "time.", - "cause", - "red", - "approached", - "weekend.", - "york", - "philip", - "her", - "islamic", - "could", - "times", - "south", - "williams,", - "2,000", - "strategic", - "reached", - "doesn't", - "city.", - "management", - "swept", - "data", - "system", - "relations", - "their", - "attack", - "israelis.", - "sergeant", - "travelled", - "pakistani", - "final", - "explanation", - "july", - "sex", - "australia,", - "hearings", - "see", - "pakistan.", - "have", - "need", - "region,", - "apparently", - "clearly", - "documents", - "agency", - "able", - "concerns", - "which", - "so", - "centre", - "waugh", - "who", - "eight", - "why", - "request", - "disease", - "face", - "1,000", - "wounded", - "fact", - "son", - "area.", - "agreed", - "bring", - "planning", - "soldiers", - "fear", - "asylum", - "debate", - "staff", - "based", - "knowledge", - "winner", - "should", - "bombings", - "tape", - "various", - "thousands", - "hope", - "move", - "means", - "beat", - "overall", - "hopman", - "areas", - "following", - "well.\"", - "ended", - "mohammed", - "calling", - "reid", - "extremists", - "control.", - "she", - "arafat,", - "available", - "national", - "freeze", - "officials", - "attempting", - "state", - "hollingworth", - "closed", - "ability", - "opening", - "gunships", - "job", - "key", - "police", - "david", - "karzai", - "taking", - "incident", - "drug", - "figures", - "wall", - "walk", - "kandahar", - "winning", - "attorney-general", - "tragedy.", - "it's", - "cent", - "\"i'm", - "general", - "moved", - "finished", - "an", - "present", - "homes", - "holiday", - "macgill", - "will", - "almost", - "helped", - "claimed", - "finance", - "terrorist", - "began", - "woomera", - "administration", - "member", - "matthew", - "unity", - "parts", - "largest", - "shuttle", - "party", - "terrorism", - "powell", - "difficult", - "injured", - "\"they", - "innings", - "fierce", - "afghan", - "off", - "48", - "i", - "indonesia", - "well", - "fighting", - "thought", - "position", - "latest", - "less", - "executive", - "domestic", - "sources", - "interim", - "test.", - "work.", - "headed", - "arrest", - "match", - "rafter", - "increased", - "government", - "zimbabwe", - "five", - "community", - "press", - "immediately", - "\"but", - "like", - "success", - "martin", - "become", - "yesterday,", - "because", - "searching", - "authority", - "growth", - "choosing", - "home", - "peter", - "employment", - "transport", - "happens", - "\"what", - "contested", - "lead", - "avoid", - "detainees", - "does", - "leader", - "pressure", - "although", - "stage", - "about", - "carried", - "getting", - "suharto", - "own", - "tourists", - "glenn", - "washington", - "guard", - "weather", - "lung", - "accused", - "confident", - "spread", - "biggest", - "place,", - "cricket", - "north", - "i've", - "shane", - "bus", - "but", - "administrators", - "construction", - "match.", - "he", - "made", - "places", - "whether", - "official", - "signed", - "record", - "problem", - "deaths", - "areas.", - "deadly", - "attacked", - "40", - "detain", - "other", - "details", - "better", - "you're", - "monday", - "stay", - "chance", - "resolution", - "rule", - "rural", - "\"the" - ], - "type": "scatter", - "x": [ - 0.3441716432571411, - -36.2669563293457, - 19.514047622680664, - 27.077457427978516, - -27.413311004638672, - -16.72726058959961, - 14.781585693359375, - -38.34743881225586, - 5.635685920715332, - 11.950584411621094, - -27.09663200378418, - -15.486586570739746, - 17.922334671020508, - 26.447107315063477, - -40.15137481689453, - -8.763297080993652, - -41.80199432373047, - -17.284311294555664, - 30.668914794921875, - 1.8460625410079956, - -39.81226348876953, - 23.482791900634766, - -3.469357967376709, - -0.07683272659778595, - 16.823055267333984, - 15.843067169189453, - 5.222157955169678, - 11.708001136779785, - -35.857601165771484, - -21.579833984375, - 23.33793067932129, - -12.320472717285156, - 34.06637954711914, - -12.86152458190918, - 16.33005714416504, - -4.908562183380127, - -33.672115325927734, - -20.26957893371582, - -17.83944320678711, - 13.13978099822998, - 1.0177682638168335, - 13.852602005004883, - 11.614957809448242, - 28.638872146606445, - -22.271793365478516, - -40.84769821166992, - -1.5715281963348389, - -10.064399719238281, - 34.20647048950195, - 1.5823731422424316, - 7.698818206787109, - -18.559370040893555, - -7.7181243896484375, - 7.985690593719482, - 9.65930461883545, - -5.47237491607666, - -26.925086975097656, - 10.278138160705566, - 26.12872886657715, - 13.641818046569824, - 33.239341735839844, - 10.524492263793945, - -31.00865364074707, - -9.118504524230957, - -26.35927963256836, - 3.941861867904663, - -25.549877166748047, - -36.432071685791016, - 18.563526153564453, - -38.8581657409668, - 22.018474578857422, - -22.7045841217041, - 34.37922286987305, - 12.438255310058594, - -40.742408752441406, - 22.07271385192871, - -39.65869140625, - 6.775811672210693, - 19.172849655151367, - -11.5621919631958, - -25.17427635192871, - -12.06090259552002, - -41.99275207519531, - -21.078670501708984, - -10.364314079284668, - 2.347712993621826, - 17.71481704711914, - 27.81553077697754, - -24.668556213378906, - 23.837844848632812, - 10.992938041687012, - 18.314453125, - 36.78922653198242, - -15.969558715820312, - -13.830667495727539, - -17.569873809814453, - 23.195358276367188, - 11.093222618103027, - 14.216841697692871, - -41.72689437866211, - 25.644468307495117, - -14.055258750915527, - 5.497405529022217, - 4.7616143226623535, - 13.14283275604248, - 23.63823699951172, - 25.398300170898438, - 21.102109909057617, - 17.53806495666504, - 35.5933952331543, - 4.381110668182373, - 10.122457504272461, - -40.3548698425293, - 21.647939682006836, - -6.522067070007324, - -10.010257720947266, - -19.908493041992188, - 35.58885192871094, - -37.10378646850586, - -2.11910080909729, - -28.97340965270996, - 28.538002014160156, - -12.469653129577637, - 23.053462982177734, - -39.99082565307617, - 22.64803695678711, - 9.213294982910156, - -9.02323055267334, - -9.048445701599121, - -15.328261375427246, - -10.589115142822266, - -12.439894676208496, - 16.501937866210938, - 15.578611373901367, - 9.476787567138672, - 35.10286331176758, - -12.821276664733887, - -1.0290251970291138, - -28.482240676879883, - -20.328372955322266, - -40.946449279785156, - 12.212675094604492, - -8.288383483886719, - -40.540592193603516, - 35.26898193359375, - 4.020646572113037, - 3.209683418273926, - 31.770708084106445, - -31.428325653076172, - 19.170114517211914, - 16.749540328979492, - 19.657033920288086, - -8.268899917602539, - 22.941049575805664, - 16.943527221679688, - 23.43215560913086, - 9.542856216430664, - 36.98458480834961, - -6.407179832458496, - 8.396486282348633, - -15.910055160522461, - 31.92619514465332, - 17.623615264892578, - -7.686980247497559, - 20.126184463500977, - 18.030317306518555, - 5.599037170410156, - -18.3237247467041, - 16.12378692626953, - 6.547216415405273, - 22.621679306030273, - 23.759859085083008, - 29.58074378967285, - -42.78729248046875, - 1.2752625942230225, - -39.78318786621094, - 25.0133056640625, - -41.898468017578125, - 11.324217796325684, - -15.153000831604004, - 7.873316287994385, - -41.14445495605469, - -14.100486755371094, - -10.717774391174316, - -40.18273162841797, - 2.179619550704956, - -41.41764450073242, - 8.313145637512207, - -12.422985076904297, - 31.39737319946289, - 35.13945770263672, - 27.244247436523438, - -16.10032844543457, - -41.0919189453125, - -34.001670837402344, - 13.603058815002441, - -14.241552352905273, - 5.653632164001465, - 24.565093994140625, - 4.273399353027344, - 31.67224884033203, - 21.763639450073242, - -38.871856689453125, - 2.980417490005493, - -20.853708267211914, - -41.95659637451172, - 22.868316650390625, - -4.132803440093994, - -21.067893981933594, - 32.128273010253906, - -15.465106010437012, - 13.129064559936523, - -35.14118194580078, - 20.13435935974121, - -27.715595245361328, - 7.454703330993652, - 3.3910107612609863, - -27.71367073059082, - -29.698774337768555, - 17.11701202392578, - 8.75468635559082, - -0.9203447699546814, - 23.345434188842773, - -6.246405124664307, - 34.99287033081055, - 31.242244720458984, - 4.329998016357422, - 17.282798767089844, - 24.16130828857422, - 26.493249893188477, - -29.385696411132812, - -16.481128692626953, - 25.84217071533203, - 18.61680030822754, - -29.51050567626953, - 21.880125045776367, - -15.03094482421875, - 21.632740020751953, - -1.7015608549118042, - -30.23459243774414, - -40.92909622192383, - -22.354049682617188, - -8.117551803588867, - 10.755376815795898, - -27.624746322631836, - -6.488640308380127, - -8.397943496704102, - -28.040761947631836, - 25.8380126953125, - -7.699199199676514, - -7.806941986083984, - 7.553912162780762, - -11.801652908325195, - 23.079330444335938, - 23.38890838623047, - 33.954837799072266, - 30.66902732849121, - -25.68922233581543, - -32.55316162109375, - 4.157405376434326, - 12.024250984191895, - 11.59543514251709, - -8.803746223449707, - -3.379915952682495, - 20.793575286865234, - 8.995561599731445, - -12.20897102355957, - -13.61474609375, - -13.293936729431152, - 20.435190200805664, - 16.13978385925293, - 34.11552429199219, - 14.20251178741455, - 20.931509017944336, - -3.824336528778076, - -6.989230632781982, - 11.353005409240723, - 15.047530174255371, - 3.2912509441375732, - 10.382299423217773, - 23.400211334228516, - 13.245428085327148, - 2.8338522911071777, - -26.0164794921875, - 36.71220779418945, - -1.173091173171997, - 21.273113250732422, - 32.27873992919922, - -0.1564653515815735, - 23.387229919433594, - -0.6504931449890137, - 14.265704154968262, - 13.91089916229248, - 24.5725040435791, - -37.58041763305664, - -39.49471664428711, - -12.738682746887207, - 30.593971252441406, - 35.13435745239258, - -13.966958999633789, - -6.459129810333252, - -15.922602653503418, - -18.352983474731445, - -8.586660385131836, - -7.7278242111206055, - -10.89254379272461, - 35.17725372314453, - 34.673343658447266, - 17.78322982788086, - -38.035945892333984, - 17.197294235229492, - -12.925386428833008, - 10.858497619628906, - -18.673032760620117, - 24.637537002563477, - 29.408321380615234, - 22.402036666870117, - -12.661136627197266, - 20.152666091918945, - 0.23137906193733215, - 10.585941314697266, - 16.273609161376953, - -34.88552474975586, - 26.921598434448242, - 32.194522857666016, - 19.138010025024414, - -7.741628646850586, - 21.827978134155273, - 28.421140670776367, - -36.087677001953125, - -16.27273941040039, - 6.403769016265869, - 7.504460334777832, - -36.256126403808594, - 1.688079595565796, - 36.220245361328125, - 5.072277069091797, - 4.8949055671691895, - 20.780153274536133, - 30.701297760009766, - 18.22875213623047, - 34.244895935058594, - 19.073402404785156, - -0.9242315888404846, - -31.893692016601562, - 32.103546142578125, - -42.24107360839844, - -5.8882880210876465, - 2.194720506668091, - -21.205039978027344, - -41.65480422973633, - 15.978181838989258, - -15.726758003234863, - 6.560624599456787, - -5.230326175689697, - 18.128477096557617, - -28.820234298706055, - 36.15542221069336, - -15.143564224243164, - -35.21653747558594, - 3.5054550170898438, - 24.115066528320312, - -8.794840812683105, - 6.901574611663818, - 0.7343757152557373, - 2.901069402694702, - -39.41712951660156, - 3.559549331665039, - 21.926761627197266, - -31.425626754760742, - -19.906003952026367, - -23.41631507873535, - 34.71387481689453, - -28.170190811157227, - -42.82838439941406, - -9.785712242126465, - -26.428955078125, - -13.200310707092285, - 10.835572242736816, - -14.773995399475098, - 10.982085227966309, - -40.693031311035156, - 21.41518783569336, - -11.849876403808594, - 5.587285041809082, - -6.821585178375244, - 33.39649963378906, - -10.070737838745117, - 18.352752685546875, - -22.923892974853516, - -0.28001901507377625, - 6.441034317016602, - 12.056329727172852, - -17.736223220825195, - 35.192527770996094, - -11.592900276184082, - -42.6396598815918, - 32.2723274230957, - -30.37262535095215, - -5.920992851257324, - 7.431147575378418, - 25.62916374206543, - -15.392983436584473, - -40.719364166259766, - 28.305822372436523, - 6.572179794311523, - -34.217124938964844, - 3.2613115310668945, - -42.39794921875, - -14.895818710327148, - -4.292418479919434, - -13.22745418548584, - -19.017240524291992, - -38.22163391113281, - 31.16456413269043, - 13.611600875854492, - 19.81173324584961, - 23.67908477783203, - 10.574554443359375, - 20.5964412689209, - 2.191901922225952, - 23.487682342529297, - 25.162439346313477, - 3.455176830291748, - -1.2308259010314941, - -25.553564071655273, - 10.537508010864258, - 32.227664947509766, - 6.136610507965088, - 7.323597431182861, - 32.157440185546875, - 1.339239239692688, - 33.365535736083984, - -8.165526390075684, - 31.209888458251953, - -40.93687438964844, - 9.10838508605957, - 28.57964515686035, - 29.97601890563965, - -20.281339645385742, - -10.291215896606445, - -39.20972442626953, - 8.253121376037598, - -1.5140866041183472, - 11.02096176147461, - 34.34604263305664, - 12.560676574707031, - 23.433242797851562, - -14.398913383483887, - -8.61042594909668, - 24.700693130493164, - 22.857393264770508, - -42.89187240600586, - 13.342815399169922, - -36.353973388671875, - -23.217243194580078, - 36.81663131713867, - 22.787668228149414, - 37.74707794189453, - 28.659833908081055, - -19.61472511291504, - -14.083924293518066, - -22.223833084106445, - 4.215460300445557, - -5.439958095550537, - 24.199003219604492, - -28.54169273376465, - -35.28537368774414, - 23.212377548217773, - -14.69186019897461, - -12.56456470489502, - 26.23053550720215, - 11.543251037597656, - -32.7660026550293, - -28.2899227142334, - 14.408480644226074, - -10.45701789855957, - 23.810102462768555, - -13.35201644897461, - -2.5502490997314453, - 8.998308181762695, - 20.295703887939453, - 10.212111473083496, - -17.144298553466797, - -29.04439926147461, - 26.969982147216797, - 5.076303005218506, - 5.67524528503418, - 2.0579748153686523, - -9.75886344909668, - 24.06614875793457, - 30.154558181762695, - 32.11421203613281, - -9.077534675598145, - 18.527454376220703, - -0.3790321946144104, - 28.15855598449707, - 21.92653465270996, - 7.553927898406982, - -38.31031036376953, - 24.979053497314453, - 1.5914021730422974, - -21.330007553100586, - 32.57120895385742, - -40.12417221069336, - -12.902202606201172, - 30.120967864990234, - 4.776141166687012, - -40.74917221069336, - -18.806638717651367, - 11.329346656799316, - 22.87773323059082, - 33.77981185913086, - -18.958810806274414, - 1.369333267211914, - -31.4913330078125, - -38.869163513183594, - -41.1978759765625, - 35.769718170166016, - -29.00092124938965, - 18.80598258972168, - -26.40456771850586, - 27.409761428833008, - -17.410778045654297, - 19.362276077270508, - 28.079153060913086, - -21.416444778442383, - 15.678470611572266, - -38.370540618896484, - -6.59579610824585, - 6.481317520141602, - -4.476906776428223, - 3.002472162246704, - -11.683700561523438, - -10.388267517089844, - 4.837961673736572, - -10.040055274963379, - 35.549896240234375, - 15.277955055236816, - 8.057889938354492, - 15.482254981994629, - -30.062902450561523, - -27.64145278930664, - 28.949743270874023, - -19.660499572753906, - 12.331584930419922, - 26.454416275024414, - 35.28300094604492, - 23.299888610839844, - 35.23591995239258, - -0.23602376878261566, - 17.894622802734375, - -4.40733528137207, - 6.758347034454346, - 10.945722579956055, - -10.347949028015137, - 28.595012664794922, - -35.45340347290039, - 11.895983695983887, - 14.952543258666992, - 6.550088882446289, - 28.933435440063477, - -27.456893920898438, - 23.80829620361328, - 8.672101974487305, - -39.07120895385742, - -7.886715888977051, - -1.434611439704895, - 7.338818073272705, - -5.219017505645752, - -26.293882369995117, - 7.869836807250977, - 17.645565032958984, - 17.548377990722656, - 26.384714126586914, - -1.2438222169876099, - -2.877965211868286, - 16.167722702026367, - -5.670554161071777, - -33.63566207885742, - -12.359522819519043, - -43.009098052978516, - -3.9784493446350098, - 33.67066955566406, - 13.564026832580566, - 19.091859817504883, - 22.006513595581055, - -33.492557525634766, - 8.253482818603516, - -16.3770694732666, - 24.29869842529297, - 12.092488288879395, - -4.571499824523926, - 19.95214080810547, - 22.438861846923828, - 20.32243537902832, - -21.600391387939453, - 0.7602234482765198, - -34.50156021118164, - 19.018390655517578, - 31.849674224853516, - -28.506826400756836, - 17.1005916595459, - 13.731721878051758, - 21.647268295288086, - -28.555959701538086, - -20.428403854370117, - 13.58320426940918, - 5.740431308746338, - -5.006318092346191, - -33.13893508911133, - 31.551671981811523, - -3.230564832687378, - 30.404739379882812, - -41.968265533447266, - 27.779766082763672, - 5.4957709312438965, - -40.20009231567383, - 6.239660263061523, - 21.513233184814453, - 22.40679931640625, - 25.77332878112793, - 4.547318935394287, - -40.98807907104492, - 37.57950210571289, - -34.57196807861328, - -36.590450286865234, - -15.052699089050293, - -34.83523941040039, - 7.766080856323242, - 33.805877685546875, - -13.077191352844238, - -41.66187286376953, - -26.092670440673828, - 33.213050842285156, - -7.213265419006348, - 28.652881622314453, - 22.470062255859375, - 18.374094009399414, - -13.398845672607422, - 17.492063522338867, - -14.885294914245605, - 4.4451003074646, - -33.48265075683594, - 35.956058502197266, - 13.403523445129395, - 25.214557647705078, - -20.604093551635742, - 23.95758056640625, - -13.264147758483887, - 16.161287307739258, - -15.65074634552002, - 27.19449806213379, - 3.7627997398376465, - -20.431821823120117, - -3.3399465084075928, - 35.33587646484375, - 8.538660049438477, - 9.362167358398438, - -4.00653076171875, - -21.966800689697266, - 34.82295227050781, - -33.66490173339844, - 35.9077033996582, - 18.136234283447266, - 13.574141502380371, - -1.1701887845993042, - 12.631327629089355, - 4.119241714477539, - -41.777496337890625, - -31.69370460510254, - 16.720666885375977, - 33.41749954223633, - -37.63968276977539, - -15.151747703552246, - -25.448440551757812, - -41.16664123535156, - 36.31774139404297, - 34.76136779785156, - -13.761948585510254, - -14.089491844177246, - -11.160415649414062, - 8.69224739074707, - -20.85268783569336, - 23.986263275146484, - 13.383834838867188, - 20.716121673583984, - -42.709739685058594, - 20.656997680664062, - 22.086042404174805, - 19.120283126831055, - -40.3531379699707, - -28.597700119018555, - 35.86021423339844, - 19.399120330810547, - -2.6791136264801025, - -21.39299201965332, - 31.128406524658203, - -2.240569829940796, - -41.1016845703125, - -7.711807727813721, - 33.76472854614258, - -5.501819610595703, - -15.549766540527344, - 13.940384864807129, - 12.994425773620605, - -37.73945236206055, - 22.3478946685791, - -18.93701934814453, - -22.701091766357422, - -9.821317672729492, - 5.370711326599121, - 25.4454402923584, - -2.6243703365325928, - 17.148693084716797, - -21.80069923400879, - -37.155696868896484, - 10.187382698059082, - 26.57404899597168, - 22.611055374145508, - 35.57776641845703, - 27.864791870117188, - 19.894235610961914, - -41.870849609375, - -18.444490432739258, - 20.959800720214844, - -14.246930122375488, - -34.75833511352539, - -42.14898681640625, - 29.79160499572754, - -36.32900619506836, - 34.09635543823242, - -17.868791580200195, - 32.691341400146484, - 5.747817039489746, - -33.619041442871094, - -25.48594093322754, - -9.610151290893555, - 10.63562297821045, - 13.1804780960083, - 1.7847059965133667, - 32.87369918823242, - 29.161144256591797, - -10.713772773742676, - 34.788856506347656, - 0.8377949595451355, - -20.192899703979492, - -20.407840728759766, - -6.3150835037231445, - -41.17596435546875, - 23.490447998046875, - 9.535750389099121, - 13.308808326721191, - -2.6385340690612793, - 20.183616638183594, - 5.323507308959961, - -34.80276107788086, - 3.403327226638794, - 27.087568283081055, - -4.821794509887695, - -20.3345947265625, - -35.65996170043945, - -36.77903366088867, - 30.37443733215332, - -41.96854782104492, - 15.418079376220703, - 3.9583637714385986, - -13.732425689697266, - -3.4484634399414062, - 1.1774235963821411, - 29.262998580932617, - 20.02873992919922, - 36.70588684082031, - -13.255624771118164, - -34.62184524536133, - -8.83012866973877, - -38.841793060302734, - 21.526975631713867, - -14.362652778625488, - 0.005943025462329388, - 21.0327205657959, - 2.1897993087768555, - -10.313132286071777, - 0.7487372756004333, - 21.926326751708984, - -11.515154838562012, - -41.115474700927734, - -7.619329929351807, - -33.97452163696289, - -37.41495895385742, - 13.497930526733398, - 31.96378517150879, - -23.424238204956055, - -33.73350143432617, - 10.296224594116211, - 0.7267763018608093, - 23.519290924072266, - 14.714529037475586, - -7.300425052642822, - -9.441391944885254, - -40.77896499633789, - 35.96951675415039, - 34.4238166809082, - -19.991382598876953, - 34.058895111083984, - -41.35506057739258, - -7.657968521118164, - 29.655696868896484, - -1.5376529693603516, - -13.152314186096191, - -5.549350738525391, - -6.019003391265869, - 2.1406121253967285, - -12.075727462768555, - -36.46196746826172, - 11.643309593200684, - 10.22955322265625, - 0.5215966701507568, - -16.6376895904541, - 34.274105072021484, - 27.38661766052246, - -15.15928840637207, - 20.778568267822266, - 28.542150497436523, - -6.344390869140625, - 3.4559524059295654, - 22.20368003845215, - -42.69802474975586, - -37.95822525024414, - 16.873437881469727, - -27.331575393676758, - -42.75210952758789, - -35.64015579223633, - 33.90262985229492, - 25.51144790649414, - -34.06315994262695, - 9.589845657348633, - 22.230876922607422, - -18.73003578186035, - 23.126161575317383, - -20.3041934967041, - 16.18963623046875, - -0.9436594843864441, - -41.56926345825195, - -11.563255310058594, - 6.799639701843262, - -3.2740113735198975, - 1.5690891742706299, - 30.994997024536133, - -41.233245849609375, - 9.663934707641602, - -8.365379333496094, - -28.14630889892578, - 20.144319534301758, - -16.392990112304688, - -6.2551116943359375, - 30.079866409301758, - 29.457735061645508, - -28.378313064575195, - -9.869866371154785, - -40.114383697509766, - 4.520865440368652, - -7.269228458404541, - -41.04510498046875, - -17.03011131286621, - -19.227848052978516, - 33.13481521606445, - -43.034393310546875, - 33.26664352416992, - 21.31254768371582, - 34.29552459716797, - 26.420019149780273, - 20.51741600036621, - 1.01149320602417, - 17.235612869262695, - -34.92913818359375, - -16.952640533447266, - -13.171865463256836, - 28.682170867919922, - -38.04417419433594, - 19.008094787597656, - -34.389156341552734, - -23.163007736206055, - 16.92605972290039, - -16.315576553344727, - -18.141942977905273, - 35.20695114135742, - 31.569194793701172, - 0.24186326563358307, - -41.20363998413086, - 32.433494567871094, - -21.939149856567383, - 11.66385269165039, - 13.59213924407959, - 34.696144104003906, - 33.247344970703125, - 11.532203674316406, - 35.60234832763672, - 2.757457733154297, - -16.10559844970703, - 24.27556610107422, - -8.683338165283203, - -41.84921646118164, - 31.352210998535156, - 5.068970680236816, - -22.744619369506836, - 3.2241179943084717, - -32.65812301635742, - -41.107730865478516, - 32.775028228759766, - -37.729923248291016, - -30.881086349487305, - 26.905073165893555, - -42.82952880859375, - 3.8383712768554688, - 33.19145965576172, - -1.675382375717163, - 18.89812469482422, - 29.827232360839844, - 22.093767166137695, - 1.0752538442611694, - 23.65761375427246, - -2.0960943698883057, - 22.985876083374023, - 35.7919921875, - 7.574285507202148, - 17.629859924316406, - -10.856526374816895, - 16.095609664916992, - 23.930994033813477, - -5.556952476501465, - -25.575586318969727, - -10.449138641357422, - 12.214472770690918, - -1.062213659286499, - 2.672656536102295, - -31.903085708618164, - 5.067280292510986, - 36.73414611816406, - -9.446503639221191, - 26.300241470336914, - -19.206851959228516, - 16.54561996459961, - 10.920074462890625, - -25.37654685974121, - -8.42446231842041, - -7.912299633026123, - -12.915019989013672, - -2.6219606399536133, - -1.083502173423767, - -0.22428539395332336, - 23.45298957824707, - -32.81148147583008, - -0.738736093044281, - 19.781702041625977, - -8.609883308410645, - 28.071887969970703, - 23.724653244018555, - 4.273060321807861, - 32.412384033203125, - -38.07188415527344, - -41.94694900512695, - 26.495248794555664, - -5.943386077880859, - -17.61503791809082, - 34.332340240478516, - 13.435355186462402, - -32.90852737426758, - 3.800069570541382, - 6.338272571563721, - -42.62565612792969, - 8.037069320678711, - 18.510791778564453, - 9.774521827697754, - -37.14213943481445, - -11.084701538085938, - 9.450480461120605, - 8.284170150756836, - -41.113014221191406, - -39.253414154052734, - -23.71526527404785, - 3.614091157913208, - -22.555051803588867, - -31.487998962402344, - 27.732284545898438, - 0.6760968565940857, - -14.780158042907715, - -14.094841003417969, - -34.191097259521484, - -26.887020111083984, - 13.928889274597168, - 31.381141662597656, - 21.476598739624023, - 16.884822845458984, - -40.8863525390625, - 23.168611526489258, - 23.207332611083984, - 5.4488325119018555, - -33.95857238769531, - -41.6834831237793, - -14.10073184967041, - -16.646617889404297, - 8.948871612548828, - -40.21477508544922, - -9.403465270996094, - 13.80239486694336, - -9.123040199279785, - 32.75171661376953, - -27.276023864746094, - -38.90724563598633, - 23.851409912109375, - 23.550886154174805, - -40.14568328857422, - -36.64610290527344, - 6.3558502197265625, - 7.738945960998535, - -20.75424575805664, - -1.4652290344238281, - 17.008895874023438, - 6.371554851531982, - -13.453227043151855, - 19.678369522094727, - 5.8979339599609375, - 16.22273063659668, - -41.22439193725586, - -19.77043342590332, - 34.49575424194336, - 23.767610549926758, - 20.475915908813477, - 12.37694263458252, - 0.31962117552757263, - -21.033435821533203, - -33.49580764770508, - 28.995756149291992, - -34.324703216552734, - 13.106755256652832, - -40.4100456237793, - -2.561028242111206, - -28.99853515625, - 11.752958297729492, - 4.560832977294922, - 5.626742362976074, - 24.883588790893555, - 6.713851451873779, - 18.503555297851562, - -3.390573024749756, - -22.11180877685547, - 8.215935707092285, - -21.703704833984375, - 34.175926208496094, - 26.925867080688477, - 16.86043357849121, - 23.475040435791016, - 15.050912857055664, - 23.445491790771484, - -31.020008087158203, - -1.432361364364624, - 16.97001838684082, - 9.454224586486816, - 32.08891677856445, - -27.89272689819336, - 19.776962280273438, - 30.292240142822266, - 35.74813461303711, - -2.5942978858947754, - 6.159162521362305, - -20.095149993896484, - -40.31454849243164, - -5.240176200866699, - -16.699443817138672, - 35.5908088684082, - 14.317322731018066, - 8.298852920532227, - -0.9840238094329834, - 32.52766418457031, - 14.150247573852539, - 26.131044387817383, - 9.182361602783203, - -12.937155723571777, - 1.2721984386444092, - 21.034896850585938, - 1.5887941122055054, - -9.887898445129395, - 13.217021942138672, - 34.791603088378906, - -15.410173416137695, - 6.252806663513184, - 21.90877342224121, - 20.726093292236328, - -15.388117790222168, - -40.70173645019531, - -7.1225762367248535, - 31.131221771240234, - 30.4782772064209, - -1.2909224033355713, - 15.733417510986328, - 2.9259283542633057, - 14.515764236450195, - 36.303985595703125, - -12.960878372192383, - 18.145919799804688, - -28.277956008911133, - -22.8345947265625, - 27.732770919799805, - 19.53671646118164, - -9.256217002868652, - 30.115079879760742, - -18.75785255432129, - 21.154176712036133, - -40.92526626586914, - -15.525068283081055, - -41.78668975830078, - -35.724220275878906, - 19.680580139160156, - -30.441509246826172, - -20.709970474243164, - -34.875762939453125, - 32.159942626953125, - -12.211539268493652, - 18.752771377563477, - 6.607948303222656, - -42.34769821166992, - -20.2247257232666, - 35.275047302246094, - -37.881370544433594, - 10.1520357131958, - 21.42133903503418, - -39.03042984008789, - -22.586530685424805, - 14.524286270141602, - 32.39199447631836, - 23.148860931396484, - -1.533204436302185, - 33.57130813598633, - 3.6240265369415283, - 23.57706069946289, - 9.1644926071167, - -20.155040740966797, - -22.03279685974121, - 2.883829355239868, - -33.751922607421875, - -16.542156219482422, - -28.175554275512695, - 23.029752731323242, - -40.940391540527344, - 23.55242156982422, - 23.629554748535156, - 27.420682907104492, - 26.552780151367188, - -40.00288009643555, - -26.197431564331055, - 33.136959075927734, - -6.221242904663086, - 4.368266582489014, - 0.739434540271759, - 20.925811767578125, - -14.4081392288208, - 11.168207168579102, - -36.53255844116211, - 9.173493385314941, - 35.19451904296875, - -16.118770599365234, - -7.830896377563477, - 13.23817253112793, - -40.89425277709961, - 30.95062828063965, - 16.43170738220215, - 21.072927474975586, - 17.506671905517578, - -7.194361209869385, - 10.52149772644043, - -40.667869567871094, - -36.03284454345703, - 1.030883550643921, - -1.9632076025009155, - -1.2190378904342651, - 22.587093353271484, - 29.216508865356445, - 14.122586250305176, - -12.440491676330566, - -41.30535888671875, - 17.764286041259766, - 30.799074172973633, - 0.32221564650535583, - -0.8745545148849487, - 32.843963623046875, - 10.044925689697266, - -40.335750579833984, - -3.1932454109191895, - -37.14716339111328, - 29.58164405822754, - 3.1914682388305664, - -28.9583740234375, - -20.285749435424805, - 26.2498779296875, - 19.505950927734375, - 4.974336624145508, - -22.03314781188965, - 35.51939010620117, - 3.889078378677368, - 23.405025482177734, - 33.7302360534668, - 27.598190307617188, - 23.973447799682617, - 11.571702003479004, - -1.5015196800231934, - -0.47105085849761963, - 11.227555274963379, - 29.67080307006836, - 20.59065818786621, - 7.866603851318359, - -0.2905783951282501, - -40.9521484375, - 21.66354751586914, - 34.702735900878906, - -5.604195594787598, - -30.19735336303711, - 2.5795814990997314, - -24.03499412536621, - 35.160743713378906, - -11.165702819824219, - 13.176756858825684, - 21.959291458129883, - -27.269222259521484, - 27.409643173217773, - -4.374024391174316, - -22.715694427490234, - 5.3080620765686035, - 10.275603294372559, - 1.2578907012939453, - 33.49661636352539, - 14.510002136230469, - 36.59795379638672, - 8.906756401062012, - 31.940153121948242, - -5.198551654815674, - -9.14240550994873, - 8.940909385681152, - -1.1971280574798584, - -34.946144104003906, - 12.70836067199707, - -32.10350036621094, - 2.6618075370788574, - -2.058574914932251, - -8.590977668762207, - 5.797741889953613, - 2.485365629196167, - 1.8723502159118652, - 6.945380687713623, - 12.864154815673828, - -40.005733489990234, - -19.3056697845459, - -19.456125259399414, - 33.3516960144043, - -2.993602752685547, - 23.82805633544922, - 19.571287155151367, - -18.42544937133789, - 19.86695671081543, - -0.6397964954376221, - 16.317148208618164, - 33.79291534423828, - -29.950841903686523, - -0.2245328724384308, - 33.19890213012695, - -9.150367736816406, - -29.70229721069336, - -18.743492126464844, - 10.694613456726074, - 29.592222213745117, - 32.16978454589844, - -5.642026424407959, - -16.51129913330078, - 2.300837993621826, - -32.54656982421875, - 22.14823341369629, - 17.865158081054688, - -42.25654602050781, - 21.908632278442383, - 34.314022064208984, - -10.190545082092285, - -18.046695709228516, - 15.961782455444336, - 1.1493905782699585, - 25.578798294067383, - -6.949272632598877, - -2.1920926570892334, - -1.722141981124878, - -5.359021186828613, - -6.463685512542725, - 17.75419807434082, - 6.0773491859436035, - -36.083675384521484, - 17.945051193237305, - -40.965877532958984, - -7.907982349395752, - -40.265655517578125, - -38.30506134033203, - 21.72896385192871, - -22.72304344177246, - -19.7296085357666, - -7.378566265106201, - -11.928963661193848, - 14.229740142822266, - -11.328550338745117, - -8.257034301757812, - -37.15234375, - 17.38343048095703, - 9.472164154052734, - 21.3681697845459, - -7.357054233551025, - 3.9846205711364746, - 35.65682601928711, - -13.705218315124512, - 3.156575918197632, - -18.30979347229004, - 22.052921295166016, - -15.665862083435059, - 26.37824249267578, - 20.41219711303711, - -27.25690269470215, - 15.945565223693848, - 24.306480407714844, - -8.353825569152832, - 27.811758041381836, - -7.930908679962158, - -7.896631717681885, - 7.452703952789307, - 22.057231903076172, - -41.4764289855957, - -38.29524612426758, - -42.335899353027344, - -4.242672920227051, - 33.22549819946289, - -23.42986488342285, - -32.7601432800293, - 22.63214111328125, - -32.0562744140625, - -14.771409034729004, - -36.4437141418457, - -41.68143081665039, - -41.13272476196289, - 23.65250015258789, - 33.30725860595703, - -26.598312377929688, - 32.820247650146484, - -40.13612365722656, - 33.42859649658203, - -33.064186096191406, - 35.15824508666992, - 31.135108947753906, - 35.25199508666992, - 8.83517074584961, - 3.4903724193573, - -12.531219482421875, - 35.553314208984375, - 31.436267852783203, - 8.353874206542969, - -42.291893005371094, - -37.11055374145508, - 20.411691665649414, - -21.082670211791992, - -9.225667953491211, - 14.832189559936523, - 22.405719757080078, - -35.428958892822266, - -43.41513442993164, - -39.00556182861328, - -7.611827373504639, - 23.427230834960938, - 36.18344497680664, - 4.545933246612549, - 19.56460189819336, - -0.2342565655708313, - 12.203118324279785, - 21.198867797851562, - -41.99233627319336, - 8.87612247467041, - -7.759870529174805, - 4.832760334014893, - -33.432464599609375, - 0.536600649356842, - -38.246952056884766, - -37.49674987792969, - 29.713600158691406, - -17.79979133605957, - -41.83468246459961, - 7.749581336975098, - -14.143150329589844, - 29.10352897644043, - -13.07437801361084, - -16.42338752746582, - 12.041471481323242, - 3.1221883296966553, - 3.815453052520752, - 9.741093635559082, - 26.253925323486328, - 5.667520523071289, - 34.39023208618164, - 15.848939895629883, - -30.43429946899414, - 27.46099090576172, - 5.473353862762451, - 4.344359874725342, - -35.79289245605469, - -42.538272857666016, - 31.83509635925293, - -14.375887870788574, - 24.117300033569336, - 35.076812744140625, - -14.425128936767578, - -14.133423805236816, - -19.14742660522461, - 5.863757610321045, - -32.75071334838867, - 3.4637153148651123, - -10.95847225189209, - -41.66207504272461, - -0.480092853307724, - -15.161439895629883, - 12.9270601272583, - -5.732761383056641, - -9.612813949584961, - -15.846092224121094, - -42.96913528442383, - 20.70514488220215, - -20.909164428710938, - 1.848104476928711, - -41.80708694458008, - 13.627616882324219, - -3.9661667346954346, - 23.242279052734375, - 24.843175888061523, - -24.877058029174805, - -40.528377532958984, - 13.4859037399292, - 12.088449478149414, - -7.190152645111084, - 3.1484739780426025, - -37.387699127197266, - 1.023643136024475, - 34.17557144165039, - -6.9046735763549805, - -14.83070182800293, - 19.23175811767578, - 33.86227035522461, - -21.879568099975586, - 5.495102882385254, - 6.615853786468506, - -37.47934341430664, - -33.968875885009766, - -36.7241096496582, - -22.772266387939453, - -12.762992858886719, - -14.93494987487793, - -8.788796424865723, - 3.272709369659424, - 28.125947952270508, - 6.018498420715332, - -16.063077926635742, - -2.853231906890869, - -6.535486221313477, - -32.00550842285156, - 28.933439254760742, - 33.62485885620117, - -35.81085968017578, - 26.165321350097656, - 19.277671813964844, - -8.734709739685059, - 35.36589813232422, - -41.85238265991211, - 12.574785232543945, - -1.6294138431549072, - 7.020055294036865, - -1.627120852470398, - -37.00338363647461, - -11.142776489257812, - 24.59052276611328, - 33.717525482177734, - -32.18458938598633, - -40.08710479736328, - 36.612762451171875, - 1.2783867120742798, - -40.73082733154297, - 11.493650436401367, - 11.884822845458984, - 24.37686538696289, - -26.874631881713867, - -9.136053085327148, - 17.196853637695312, - 35.42644500732422, - 0.5330314040184021, - -5.65974760055542, - -14.576261520385742, - -36.21036148071289, - -6.362594127655029, - -41.792240142822266, - -39.324485778808594, - -39.350860595703125, - -28.345518112182617, - -13.672765731811523, - 0.7410794496536255, - -15.97929859161377, - 20.714847564697266, - -7.553438186645508, - 30.073041915893555, - 8.99191951751709, - 19.152435302734375, - 34.27243423461914, - -31.310897827148438, - -20.683889389038086, - -10.809209823608398, - 14.062344551086426, - 18.750089645385742, - 13.959158897399902, - -8.645380973815918, - 23.788658142089844, - 22.035282135009766, - 18.044673919677734, - -41.75737380981445, - -41.31781768798828, - 32.19172286987305, - -12.388429641723633, - 24.06170654296875, - -16.11063003540039, - -16.608327865600586, - 35.45128631591797, - -21.5465145111084, - -41.050270080566406, - -42.05463790893555, - -0.6157612800598145, - 23.858266830444336, - 4.945340633392334, - 23.73905372619629, - -37.99441146850586, - 15.15748405456543, - 9.55198860168457, - 14.732538223266602, - -40.78012466430664, - 16.501951217651367, - 19.81125259399414, - -38.802276611328125, - 3.4446568489074707, - -31.811925888061523, - -11.924962997436523, - -34.01521301269531, - -11.77328109741211, - 29.429662704467773, - 23.282684326171875, - 22.76887321472168, - -13.897069931030273, - 24.63739585876465, - 24.547758102416992, - -6.784965991973877, - 3.5353200435638428, - 29.946332931518555, - 32.52227783203125, - 14.524889945983887, - 31.11566162109375, - 6.500742435455322, - 10.821308135986328, - 24.635740280151367, - 9.537750244140625, - -17.91515350341797, - 19.76047134399414, - -41.76491165161133, - -2.7922191619873047, - -7.154927730560303, - -22.69426918029785, - 32.132354736328125, - -19.798263549804688, - -22.878387451171875, - -1.3629356622695923, - 15.9620943069458, - 4.919292449951172, - -19.76166343688965, - 33.27949142456055, - -37.418617248535156, - -3.033407688140869, - 25.00918197631836, - 36.10431671142578, - -11.827169418334961, - 29.70917320251465, - -30.47922134399414, - -20.954191207885742, - 12.5928316116333, - 16.05235481262207, - 35.00455093383789, - 20.658048629760742, - -13.705899238586426, - -14.050765037536621, - -14.206786155700684, - -12.490314483642578, - -39.77098846435547, - 34.621368408203125, - -1.2785608768463135, - -15.189940452575684, - 1.8724192380905151, - -5.914083480834961, - -15.96410083770752, - -8.066412925720215, - 17.20330810546875, - -1.940897822380066, - -22.14067268371582, - -13.54328441619873, - -6.960697174072266, - -1.442679762840271, - -17.10752296447754, - 21.484874725341797, - 26.125211715698242, - 9.664216995239258, - -42.02814865112305, - 35.31327819824219, - 16.39208984375, - 18.59504508972168, - -34.12205123901367, - -40.42576599121094, - -41.52042007446289, - 34.008644104003906, - 7.176661491394043, - 16.850587844848633, - -29.375213623046875, - -7.718750476837158, - 31.245471954345703, - -3.4010841846466064, - 8.111698150634766, - 32.321468353271484, - -32.772762298583984, - -7.296995639801025, - -17.48038101196289, - -35.90983200073242, - -9.048584938049316, - 31.69009017944336, - 13.938096046447754, - -37.818260192871094, - -11.163557052612305, - 34.60731506347656, - -4.933875560760498, - 17.35405731201172, - -21.62071418762207, - -21.587984085083008, - -2.0981905460357666, - 24.754350662231445, - 13.314946174621582, - -31.041582107543945, - 3.6371617317199707, - -1.0978262424468994, - 36.462642669677734, - 23.4324893951416, - 27.699182510375977, - -13.913179397583008, - -41.21064758300781, - -15.399881362915039, - 16.2537899017334, - 19.833614349365234, - -8.575786590576172, - -19.841386795043945, - 34.48988342285156, - -20.53133773803711, - 19.870676040649414, - 32.118934631347656, - -2.723710536956787, - 22.04938316345215, - -7.72926664352417, - 1.873970627784729, - -40.167564392089844, - 3.8291873931884766, - -32.44989776611328, - 15.004900932312012, - 17.3597412109375, - 14.511397361755371, - -39.21103286743164, - 36.02815628051758, - -9.423357009887695, - -25.085813522338867, - -34.54728317260742, - -6.558016777038574, - -37.112754821777344, - -26.574220657348633, - -36.531761169433594, - 33.27244186401367, - 7.190450191497803, - 22.446924209594727, - 16.5830078125, - 2.8010201454162598, - 33.05457305908203, - 29.691181182861328, - -41.19761657714844, - -6.274199962615967, - -28.96893882751465, - 23.621461868286133, - 12.337835311889648, - -9.87059497833252, - -33.4103889465332, - -13.509648323059082, - 1.9265937805175781, - 34.01472091674805, - 2.942348003387451, - -6.067962169647217, - 12.946046829223633, - -19.032007217407227, - 21.527111053466797, - 16.587913513183594, - -6.044271945953369, - 4.195749282836914, - -4.166802883148193, - -38.27409362792969, - -40.676902770996094, - -30.03792381286621, - 33.24101638793945, - -13.414498329162598, - 34.26243591308594, - 5.034850120544434, - 11.35783863067627, - 19.286258697509766, - -23.48755645751953, - -7.0145158767700195, - 24.38704490661621, - 35.95271301269531, - 33.504432678222656, - 11.488479614257812, - -37.8311767578125, - 0.8079329133033752 - ], - "y": [ - -61.480674743652344, - -12.043272972106934, - -32.592308044433594, - 31.40899085998535, - -20.96391487121582, - 4.989370822906494, - 36.536251068115234, - 17.84284210205078, - -59.7054557800293, - -2.9420740604400635, - 28.417268753051758, - 5.252799034118652, - 34.427120208740234, - 26.723302841186523, - 12.01998233795166, - -26.878860473632812, - -1.1715153455734253, - 4.4166975021362305, - 22.560705184936523, - 39.11564254760742, - 12.541595458984375, - 33.4960823059082, - 2.7638087272644043, - 38.141357421875, - -53.601505279541016, - -30.03963851928711, - -0.1265784651041031, - -57.15496063232422, - 22.387067794799805, - 33.999855041503906, - -38.47835159301758, - 35.29441452026367, - 5.065643787384033, - -63.97444534301758, - 34.297462463378906, - -62.78593826293945, - -15.652792930603027, - 34.028446197509766, - -24.545751571655273, - -2.991508722305298, - 2.8946549892425537, - -0.19948166608810425, - 37.6116828918457, - -0.18985752761363983, - 33.35417938232422, - 7.079122543334961, - -27.298622131347656, - -26.061328887939453, - 6.224752902984619, - 0.6329492926597595, - -59.06143569946289, - -24.603940963745117, - 38.29323196411133, - 0.6298580765724182, - 37.81545639038086, - 2.9122257232666016, - -20.977357864379883, - -58.102169036865234, - -4.3929762840271, - 38.497928619384766, - 3.635345697402954, - 37.940818786621094, - 26.916149139404297, - -63.53215408325195, - -21.434703826904297, - -27.3466854095459, - -21.91029930114746, - -12.542204856872559, - 33.65286636352539, - 17.35704803466797, - 32.4138298034668, - 3.717416763305664, - 13.092041969299316, - 37.02755355834961, - -5.1270670890808105, - -0.5751668810844421, - 11.249330520629883, - -28.09562110900879, - -32.09378433227539, - 5.610830307006836, - -21.681278228759766, - -63.56985855102539, - 4.295847415924072, - 4.6663360595703125, - -26.447593688964844, - -27.749736785888672, - -30.958724975585938, - -1.4097768068313599, - -22.315702438354492, - -4.155525207519531, - -28.62801742553711, - -3.1580920219421387, - 16.24398422241211, - -25.26816177368164, - -25.68657112121582, - 35.67549133300781, - -38.1112060546875, - -0.8647691607475281, - -29.359477996826172, - 6.962841510772705, - -0.22972171008586884, - -64.13935852050781, - 38.8275260925293, - -59.92277145385742, - 34.659461975097656, - -0.6840454339981079, - 30.43796730041504, - -33.774925231933594, - -2.9898998737335205, - 11.9513578414917, - 0.06580480188131332, - 38.79294204711914, - -6.018031120300293, - -3.772249937057495, - 4.737522602081299, - -63.37661361694336, - 34.00006103515625, - 14.978324890136719, - -12.781704902648926, - 0.6900022029876709, - -19.80195426940918, - 23.35162925720215, - 38.4743537902832, - -36.07777786254883, - -7.313512325286865, - -46.12015151977539, - -58.155517578125, - 38.099769592285156, - 4.712123394012451, - 34.57962417602539, - -63.47708511352539, - 4.884887218475342, - -54.287025451660156, - 37.112083435058594, - -28.137651443481445, - 16.674354553222656, - -25.34832000732422, - 39.641414642333984, - 27.788631439208984, - 4.330867767333984, - 9.949804306030273, - -0.7418996095657349, - 37.00556945800781, - 7.265267372131348, - 4.451849937438965, - 38.15793228149414, - 39.815208435058594, - 3.1408278942108154, - -18.437936782836914, - -31.49749183654785, - -0.16939221322536469, - -32.05527877807617, - 4.025228977203369, - -1.6776552200317383, - -2.86260986328125, - -43.414058685302734, - 36.79518127441406, - 16.94497299194336, - 3.9295217990875244, - -58.743343353271484, - 36.237186431884766, - 22.90700912475586, - -53.24271011352539, - 4.162847995758057, - -50.54399490356445, - 35.34428405761719, - -28.347715377807617, - 35.05683135986328, - -30.449325561523438, - -27.772428512573242, - -36.6129264831543, - 31.660144805908203, - 25.916866302490234, - 5.381734371185303, - -27.484569549560547, - 10.842187881469727, - 31.470340728759766, - 5.853597164154053, - 37.90468978881836, - 37.82222366333008, - 0.35587093234062195, - -2.972116470336914, - -25.57817268371582, - 3.753777265548706, - 10.594511032104492, - 1.875398874282837, - 0.1050434559583664, - 40.165138244628906, - 37.91365051269531, - 19.487796783447266, - 3.927654266357422, - 29.071487426757812, - -25.243059158325195, - 1.9291791915893555, - -16.384580612182617, - -56.405948638916016, - 4.8278021812438965, - -60.05055236816406, - -2.4691202640533447, - -60.64045333862305, - 21.199909210205078, - -34.98977279663086, - 15.274322509765625, - 38.3557014465332, - 4.016332149505615, - 10.750792503356934, - 32.462493896484375, - 39.40964889526367, - 32.05412673950195, - 3.0690815448760986, - -24.96396827697754, - -29.151479721069336, - 20.727752685546875, - -49.94529342651367, - 27.349319458007812, - -59.321983337402344, - -26.99539566040039, - 28.213804244995117, - -19.503271102905273, - 33.344120025634766, - -28.38852310180664, - 1.125257134437561, - -39.780128479003906, - -26.87063217163086, - 7.4502410888671875, - 26.98569107055664, - -27.59294891357422, - -53.221065521240234, - -42.18768310546875, - -3.222277879714966, - -19.727157592773438, - 36.89710998535156, - 27.24711799621582, - 32.645931243896484, - 28.123720169067383, - -47.67127227783203, - 4.017451286315918, - 33.71159362792969, - 3.888524055480957, - 26.026023864746094, - 3.511535882949829, - -23.006662368774414, - -63.375205993652344, - 38.27859878540039, - 29.724611282348633, - -26.799402236938477, - 4.982662677764893, - 28.835433959960938, - -1.7858989238739014, - -63.414031982421875, - 39.04183578491211, - 37.96654510498047, - 4.793552398681641, - -45.52837371826172, - -3.5055088996887207, - 21.57052993774414, - 1.0034664869308472, - -22.00567054748535, - 24.459545135498047, - 37.265525817871094, - 34.95800018310547, - 1.018982172012329, - -62.96417999267578, - 37.99553298950195, - -33.64772033691406, - 39.18976593017578, - 37.56856155395508, - -63.690555572509766, - 38.052852630615234, - -50.047279357910156, - -2.582291841506958, - 13.910746574401855, - 37.20184326171875, - -49.511573791503906, - -62.598087310791016, - -63.15800476074219, - 36.69036102294922, - -55.019020080566406, - -28.18705940246582, - -28.675968170166016, - -42.81169509887695, - 36.70280838012695, - -1.2047396898269653, - -21.627946853637695, - 9.881550788879395, - -27.05532455444336, - -34.28832244873047, - 22.395450592041016, - 0.917619526386261, - -44.20471954345703, - 3.2996346950531006, - -55.55419158935547, - -55.74802780151367, - 29.57701301574707, - -13.465386390686035, - -7.428638935089111, - -25.82907485961914, - 24.80486488342285, - 6.747568130493164, - -63.475242614746094, - -63.05765914916992, - -64.33155822753906, - -24.329357147216797, - -63.633052825927734, - -63.01185989379883, - -25.937339782714844, - 20.136545181274414, - 3.101802349090576, - -52.6250114440918, - 17.380388259887695, - -52.89921188354492, - -26.17481231689453, - 39.25913619995117, - -24.138647079467773, - 29.777095794677734, - 23.366090774536133, - -47.13315200805664, - -63.84328079223633, - -50.542518615722656, - -61.88264083862305, - 39.723575592041016, - -29.833965301513672, - -15.97392463684082, - 29.420543670654297, - 2.5693418979644775, - -2.3625645637512207, - 3.282620429992676, - -47.77857971191406, - -1.2275155782699585, - -14.229364395141602, - -64.37805938720703, - 40.53861999511719, - 39.1164436340332, - -13.448114395141602, - -27.309993743896484, - 18.525068283081055, - -28.004867553710938, - -1.3116968870162964, - 34.144718170166016, - 20.434810638427734, - -52.216453552246094, - 18.77467918395996, - -32.309906005859375, - -62.164493560791016, - -17.77534294128418, - 8.553162574768066, - 7.040752410888672, - -62.88189697265625, - 37.47264862060547, - -23.361698150634766, - 0.8775835633277893, - -54.35594177246094, - -64.23775482177734, - 37.04502868652344, - 38.23442840576172, - -2.9214038848876953, - 27.919095993041992, - 5.48887825012207, - 5.050047397613525, - 22.307523727416992, - -27.266193389892578, - 29.39238739013672, - 5.455445766448975, - 39.71530532836914, - 3.0306360721588135, - -60.87746810913086, - -6.682908058166504, - 39.347347259521484, - -35.23627853393555, - 25.49798011779785, - 33.73427200317383, - 32.013668060302734, - 20.72621726989746, - -20.667129516601562, - 3.11320424079895, - 3.6428818702697754, - 28.465930938720703, - -64.03304290771484, - -57.60094451904297, - 36.852684020996094, - -28.6494140625, - -7.015733242034912, - 31.402727127075195, - 35.838863372802734, - -27.611543655395508, - 5.013535976409912, - 18.463258743286133, - -63.45197677612305, - -31.239688873291016, - 3.591519832611084, - -26.961605072021484, - -1.66299569606781, - -28.897733688354492, - 4.910057544708252, - 19.57660484313965, - 4.5836181640625, - 4.193397045135498, - 4.437515735626221, - 28.04106330871582, - 4.20413875579834, - -28.006959915161133, - 29.13387680053711, - 4.232264995574951, - 10.55494499206543, - -1.425222635269165, - 38.83818817138672, - 22.651548385620117, - 40.215110778808594, - 6.44537878036499, - -64.05548095703125, - -62.68120574951172, - -63.4276123046875, - 4.544284820556641, - -10.718592643737793, - 4.695982933044434, - -55.729881286621094, - 31.02854347229004, - 32.121910095214844, - -0.9634580016136169, - -33.80723190307617, - 40.65547561645508, - -38.86298370361328, - 33.000003814697266, - -27.629268646240234, - 39.44746780395508, - 30.237226486206055, - -57.7022819519043, - 20.895063400268555, - -1.1455742120742798, - -1.4443011283874512, - 3.9629061222076416, - 37.479393005371094, - 15.69947624206543, - 37.18579864501953, - 22.4757137298584, - 8.977503776550293, - -0.7441676259040833, - 27.086698532104492, - 24.0317325592041, - 32.6879997253418, - 4.130821228027344, - 14.372479438781738, - -58.80418395996094, - 1.2958229780197144, - 37.096412658691406, - 9.108587265014648, - -1.8399581909179688, - -0.7300185561180115, - 35.31788635253906, - 39.68400573730469, - -1.8879802227020264, - -2.837442398071289, - 1.5225698947906494, - -29.197080612182617, - 20.65998077392578, - 3.422218084335327, - 14.471817970275879, - -45.630558013916016, - 17.220706939697266, - 0.6541041731834412, - 32.932891845703125, - -63.390892028808594, - 3.8643622398376465, - 37.65583801269531, - 2.9329545497894287, - -0.6905434727668762, - 28.580150604248047, - -13.912064552307129, - -44.59450149536133, - 4.458897113800049, - 36.63665008544922, - 29.483503341674805, - -57.25037384033203, - 25.16649627685547, - 27.062782287597656, - 0.17897994816303253, - -26.565187454223633, - -40.81708908081055, - 37.446170806884766, - 2.950362205505371, - -28.1679744720459, - 34.6766242980957, - -28.476757049560547, - 4.641027450561523, - 28.394514083862305, - 29.13966941833496, - 40.169857025146484, - -0.22232122719287872, - -27.215269088745117, - 35.91492462158203, - -3.28307843208313, - 23.5399112701416, - 24.75715446472168, - 3.383347511291504, - -0.7112878561019897, - 1.7551109790802002, - 29.94927978515625, - -47.76029586791992, - -28.049259185791016, - -11.975086212158203, - 29.402305603027344, - 0.7294430136680603, - 4.388776779174805, - 7.0768632888793945, - 11.057950019836426, - -63.550533294677734, - -0.6732178926467896, - -60.5140495300293, - -6.499748229980469, - 4.636255264282227, - 36.01210403442383, - -44.96311569213867, - 11.708202362060547, - 34.649696350097656, - -61.36470031738281, - -18.296627044677734, - 15.3972806930542, - 6.282619953155518, - 15.865091323852539, - -20.20248031616211, - 33.60688018798828, - -22.185991287231445, - 27.50990104675293, - -24.570768356323242, - -1.4608176946640015, - 0.7444074749946594, - 33.16304016113281, - 36.41374588012695, - -10.296102523803711, - 3.5354506969451904, - -27.7725830078125, - -27.10236358642578, - -27.39808464050293, - 5.702514171600342, - 36.60171127319336, - -1.6929082870483398, - -26.73485565185547, - 11.60741138458252, - -54.84814453125, - 36.66768264770508, - -3.7641286849975586, - 26.46001625061035, - -21.4643611907959, - -2.7438156604766846, - -23.237518310546875, - 39.051082611083984, - 0.04965012148022652, - 18.686250686645508, - -45.172176361083984, - 16.605697631835938, - -61.633697509765625, - -52.63259506225586, - 38.073219299316406, - 37.8465461730957, - -0.1381797045469284, - 5.004022598266602, - 29.26926040649414, - -14.065816879272461, - 36.260498046875, - -1.399993658065796, - -2.799293279647827, - -0.25038692355155945, - 27.137758255004883, - -40.019371032714844, - -58.58118438720703, - -8.498489379882812, - -63.447731018066406, - -61.97050094604492, - -59.14287185668945, - 2.1864354610443115, - -22.015087127685547, - 39.460330963134766, - -1.6611998081207275, - 32.1303596496582, - 28.35546112060547, - -27.486278533935547, - 3.2647342681884766, - -29.925336837768555, - 5.441708564758301, - 23.021812438964844, - 4.404475212097168, - 6.67734432220459, - -27.15538787841797, - 7.5084004402160645, - -1.4707857370376587, - -51.35947036743164, - -2.981966495513916, - 24.41407585144043, - -2.2152678966522217, - 35.65385055541992, - -1.1496080160140991, - 37.96308517456055, - 3.377830982208252, - 30.721410751342773, - -46.674400329589844, - 31.881120681762695, - -24.260234832763672, - 0.29261675477027893, - -15.189901351928711, - 34.99309158325195, - 25.527326583862305, - -20.28346061706543, - 34.28883361816406, - -29.424861907958984, - -1.43039870262146, - 27.847869873046875, - 4.718268394470215, - -0.8817710280418396, - -60.10219192504883, - -62.80086898803711, - 22.230100631713867, - 6.762414932250977, - -62.48054122924805, - 3.6052544116973877, - -1.534804105758667, - 27.729394912719727, - 38.83906555175781, - -5.125649929046631, - 37.67529296875, - -34.54294204711914, - 33.39748001098633, - 28.32366943359375, - 0.7696217894554138, - 4.915186405181885, - 15.513355255126953, - 22.71554183959961, - -13.380609512329102, - 36.80825424194336, - 23.8537540435791, - -2.17038893699646, - 7.631438255310059, - -63.39493179321289, - 3.417362689971924, - -21.335172653198242, - 10.940052032470703, - -62.84935760498047, - 23.11026382446289, - -36.677978515625, - -31.79317855834961, - 34.968170166015625, - -30.966861724853516, - -25.65357780456543, - -27.756553649902344, - -17.709331512451172, - 7.697620391845703, - 36.23600769042969, - -0.6898511052131653, - 33.21560287475586, - 30.669408798217773, - -64.0248794555664, - -1.9956063032150269, - -64.07804870605469, - -0.7674408555030823, - -60.669342041015625, - 4.0422773361206055, - -62.50288009643555, - 12.767143249511719, - 37.19669723510742, - -58.08538055419922, - 4.963796138763428, - 32.44614028930664, - 16.047285079956055, - 22.17544174194336, - 9.31136417388916, - 32.93110656738281, - 34.82060623168945, - 38.311553955078125, - 35.60554122924805, - 1.62831449508667, - 11.968926429748535, - -18.31017303466797, - -30.263683319091797, - 15.217058181762695, - 18.01797103881836, - -25.505544662475586, - -22.4351806640625, - -5.9645256996154785, - 11.484642028808594, - 11.127676963806152, - 36.83308029174805, - 38.48106002807617, - 36.11284255981445, - -28.15666961669922, - 3.9227585792541504, - -43.14402770996094, - -56.13011169433594, - -49.28879165649414, - 2.202096939086914, - -49.13059997558594, - -47.626670837402344, - -2.1677112579345703, - 11.508316040039062, - 29.322481155395508, - 13.928443908691406, - -51.05385971069336, - 38.75053024291992, - -23.812549591064453, - 2.2937073707580566, - -62.27455139160156, - 10.9794921875, - 5.579909801483154, - 22.37540626525879, - -62.869049072265625, - 5.105968952178955, - -55.50702667236328, - -0.05386164039373398, - -12.500872611999512, - -2.4063663482666016, - 4.118222236633301, - 32.77030563354492, - -26.656665802001953, - -59.79287338256836, - 31.35134506225586, - -62.36713409423828, - -30.76654815673828, - -23.320842742919922, - -12.369174003601074, - -57.93106460571289, - -0.5931814908981323, - -36.467098236083984, - 22.126117706298828, - -0.24769264459609985, - -50.73255920410156, - 2.0914785861968994, - -25.082181930541992, - -49.34811782836914, - 35.7319221496582, - -14.980013847351074, - 7.247718334197998, - 26.92633819580078, - -13.39889907836914, - 5.258970260620117, - -24.959457397460938, - 15.44324016571045, - -0.37913069128990173, - 24.04711151123047, - -21.6185359954834, - 39.14898681640625, - -57.87785720825195, - 37.881378173828125, - -27.27126693725586, - 25.001018524169922, - 26.45905113220215, - -26.20281982421875, - 8.643841743469238, - -0.6031095385551453, - 3.8727056980133057, - 33.357879638671875, - -62.94544982910156, - -4.666679382324219, - -40.60042953491211, - -58.12790298461914, - -2.8687286376953125, - 1.854156732559204, - -49.90854263305664, - 40.197914123535156, - 23.09784698486328, - 38.6463623046875, - -2.046619176864624, - 3.788607358932495, - 4.9086761474609375, - 21.19991683959961, - -12.73623275756836, - 21.94483184814453, - 0.3259892463684082, - -29.93279457092285, - -28.037717819213867, - 36.836204528808594, - 39.41072082519531, - -61.40550994873047, - 1.677136778831482, - -32.77293395996094, - 15.609216690063477, - -26.300546646118164, - 22.08193016052246, - 3.4255714416503906, - -9.7802734375, - -34.610198974609375, - 34.730506896972656, - -27.295299530029297, - -34.1237907409668, - -61.10762405395508, - 36.2121696472168, - -0.2146104872226715, - -1.4764163494110107, - 3.558354616165161, - 11.141556739807129, - -27.011510848999023, - -16.551990509033203, - -12.25707721710205, - 36.019493103027344, - 23.15512466430664, - 3.290153980255127, - 23.811948776245117, - 36.885101318359375, - -61.747283935546875, - -2.0988786220550537, - -29.697751998901367, - 38.04241943359375, - 38.2957878112793, - -5.097221374511719, - 7.182695388793945, - 15.450820922851562, - 4.774181842803955, - 7.78124475479126, - 11.837586402893066, - 38.43436050415039, - 25.563491821289062, - 39.63302230834961, - 36.00912094116211, - -26.91862678527832, - 4.599719047546387, - 0.1693262755870819, - -26.269794464111328, - 18.376266479492188, - 40.19384765625, - 0.7535735964775085, - 38.5643424987793, - -63.99296188354492, - 23.237333297729492, - 26.78429412841797, - 34.77974319458008, - -4.122694492340088, - 25.991472244262695, - -26.949975967407227, - -2.2986044883728027, - -35.82746887207031, - 4.092322826385498, - -13.407011032104492, - 36.49249267578125, - 27.90200424194336, - 2.9560136795043945, - -12.933928489685059, - 20.631067276000977, - 28.408933639526367, - 21.971141815185547, - 37.95622253417969, - -35.893272399902344, - -23.801454544067383, - -2.161376953125, - 4.17488431930542, - -30.555795669555664, - -61.77583312988281, - 5.725335121154785, - 37.11252975463867, - -28.129959106445312, - 38.89986801147461, - -27.598876953125, - 1.2029330730438232, - 0.2849107086658478, - -58.465450286865234, - -26.49777603149414, - -20.862525939941406, - -33.001609802246094, - -64.3543930053711, - 37.76679229736328, - 3.322338581085205, - 0.3116052746772766, - -20.532785415649414, - 4.581684112548828, - -8.79466438293457, - -60.706695556640625, - 37.58601379394531, - 12.263519287109375, - -64.15077209472656, - 4.243093013763428, - 5.994231700897217, - 4.872600555419922, - 8.858481407165527, - 30.77275848388672, - 14.762014389038086, - -1.1449681520462036, - 31.16255760192871, - -61.60895538330078, - 32.73565673828125, - 20.40921974182129, - 34.059669494628906, - 5.114436149597168, - 24.596254348754883, - -11.217272758483887, - -31.592782974243164, - -16.495922088623047, - -23.000831604003906, - -53.91639709472656, - 4.3218607902526855, - 4.241258144378662, - 22.3723201751709, - 27.0317440032959, - -61.87722396850586, - -0.13052931427955627, - 5.441511631011963, - -23.462831497192383, - -1.8765075206756592, - -29.163307189941406, - 17.593265533447266, - 4.855567455291748, - -28.789764404296875, - 10.365987777709961, - 1.2838808298110962, - -63.72731399536133, - -0.3499872088432312, - -26.24040985107422, - -2.6023058891296387, - 4.001850605010986, - 39.7894172668457, - 3.6797165870666504, - -60.77792739868164, - -18.164609909057617, - 8.557841300964355, - 21.50970458984375, - -12.27089786529541, - 25.898569107055664, - -2.3520278930664062, - 1.7338147163391113, - -0.8907151222229004, - 17.013200759887695, - -27.54244041442871, - 32.44309616088867, - 24.2348575592041, - -0.3836762011051178, - -26.922143936157227, - -39.388832092285156, - -27.016376495361328, - -44.685157775878906, - 17.012378692626953, - -59.05735778808594, - -52.99447250366211, - 5.143078327178955, - -0.48179715871810913, - -40.45746994018555, - 39.336238861083984, - -22.338571548461914, - 4.738315105438232, - -56.86899948120117, - 38.00872039794922, - 37.4780387878418, - 23.935428619384766, - -27.414527893066406, - 7.222578525543213, - 36.98308181762695, - 30.091903686523438, - 33.560176849365234, - -53.42158508300781, - -2.6249232292175293, - 30.426259994506836, - -26.52850341796875, - -27.53760528564453, - 4.246921539306641, - 39.55330276489258, - -26.914525985717773, - 2.078949451446533, - 30.262502670288086, - 23.362995147705078, - -27.505435943603516, - -2.371814727783203, - -62.94947052001953, - 0.4788060784339905, - -43.39000701904297, - -60.174102783203125, - 3.2157673835754395, - 16.84161949157715, - 1.5968194007873535, - 30.27251434326172, - -27.316123962402344, - 34.804508209228516, - 17.560592651367188, - 34.52561950683594, - 22.956317901611328, - -60.260066986083984, - -2.098966121673584, - 2.748415470123291, - 36.97267150878906, - -31.314172744750977, - 39.61389923095703, - 18.955280303955078, - -26.706933975219727, - -0.5326884388923645, - -1.5437140464782715, - 6.398122310638428, - 13.832923889160156, - -22.712038040161133, - 2.222168445587158, - 33.544837951660156, - -18.819536209106445, - 0.5109617114067078, - 39.7147216796875, - -63.74007797241211, - 37.67893600463867, - -15.901487350463867, - 28.6321964263916, - 35.90068435668945, - 26.953475952148438, - 33.60068130493164, - -30.76392364501953, - -4.084541320800781, - -45.23905563354492, - -43.845436096191406, - -28.245502471923828, - 23.696863174438477, - 5.082270622253418, - -25.772619247436523, - -24.966873168945312, - -58.691810607910156, - -7.607051849365234, - -63.07357406616211, - 36.857975006103516, - 36.17024230957031, - 6.741005897521973, - 29.76398468017578, - 16.79330062866211, - 31.564029693603516, - -40.640907287597656, - 11.692161560058594, - -14.102388381958008, - 39.236083984375, - -1.301102876663208, - -24.424020767211914, - 0.4930482804775238, - 35.47406005859375, - -27.83707046508789, - -25.618043899536133, - 32.75431442260742, - 39.00019454956055, - -53.790252685546875, - -2.198779582977295, - 4.216226577758789, - 17.406036376953125, - -42.63969421386719, - 31.791492462158203, - 35.7048454284668, - -27.2637996673584, - -23.90845489501953, - -17.140317916870117, - 28.058378219604492, - 22.332487106323242, - -1.946228265762329, - 12.745601654052734, - -27.366979598999023, - -20.213396072387695, - 38.07920455932617, - -59.981197357177734, - 38.143089294433594, - -2.845381736755371, - 0.0017187658231705427, - -31.796371459960938, - -27.17812156677246, - 31.377683639526367, - -28.288312911987305, - 31.95099449157715, - 16.587059020996094, - 30.446308135986328, - -53.198509216308594, - -39.853145599365234, - 34.8203239440918, - -41.972469329833984, - -18.510196685791016, - 2.604130506515503, - 34.718162536621094, - -28.509185791015625, - 22.928176879882812, - -20.310882568359375, - 33.442134857177734, - 23.115095138549805, - 8.03622055053711, - -27.3338623046875, - -1.4667940139770508, - -23.96548843383789, - -5.169042110443115, - -27.08736801147461, - -25.149396896362305, - 14.08089542388916, - 35.460933685302734, - -1.4050744771957397, - 1.938452124595642, - 5.541860103607178, - -1.838897466659546, - -3.0214004516601562, - -28.48262596130371, - 5.160024166107178, - -28.268146514892578, - -33.603729248046875, - 1.5257902145385742, - 5.340751647949219, - -0.5197934508323669, - 9.577101707458496, - 35.59562301635742, - 39.26670455932617, - -2.8982152938842773, - 33.38420867919922, - 5.377727031707764, - -5.379171371459961, - -63.2160758972168, - 24.652334213256836, - 21.63873863220215, - 0.23861873149871826, - -30.010643005371094, - -27.90915298461914, - -3.047614812850952, - 13.329619407653809, - 36.017250061035156, - -52.28601837158203, - 28.975690841674805, - 31.81147003173828, - -0.22203683853149414, - -31.986066818237305, - 37.8968620300293, - 27.40378761291504, - 4.96359395980835, - -2.114614486694336, - -3.304506778717041, - 37.8709602355957, - 4.187405109405518, - 21.4754581451416, - -50.52713394165039, - -19.04728126525879, - -23.933269500732422, - 20.53144645690918, - 16.480615615844727, - -63.593475341796875, - -32.109474182128906, - -0.3344844877719879, - 1.1176507472991943, - 32.98955154418945, - 18.342859268188477, - 18.06956672668457, - -57.79457473754883, - -48.458255767822266, - -10.016047477722168, - 32.73568344116211, - -0.5465750098228455, - 4.655638217926025, - 31.03536033630371, - 1.5775032043457031, - 3.650477409362793, - -27.583576202392578, - -41.542572021484375, - -1.057565450668335, - 34.036170959472656, - 33.160274505615234, - -0.1496047079563141, - 23.670255661010742, - -63.83967208862305, - 28.137989044189453, - -37.6281623840332, - 4.704788684844971, - -42.428955078125, - -39.459228515625, - 28.165424346923828, - 1.1066405773162842, - -6.960291385650635, - -22.460174560546875, - 19.66263198852539, - 36.97003936767578, - -27.893463134765625, - -27.717472076416016, - -49.14589309692383, - -63.65694046020508, - -2.1659247875213623, - 18.9816951751709, - -58.67420196533203, - 13.288150787353516, - 4.2735819816589355, - -27.299545288085938, - 0.13628697395324707, - 10.243351936340332, - 25.852008819580078, - -0.25356534123420715, - 32.548465728759766, - -1.356724739074707, - 3.8489468097686768, - -1.6355146169662476, - -7.793449878692627, - -14.84836483001709, - -1.0650187730789185, - 39.754249572753906, - 2.22868275642395, - -36.646610260009766, - -0.050244737416505814, - -55.97161102294922, - 4.03416109085083, - 8.044095993041992, - 35.36585235595703, - 27.69380760192871, - -61.49150466918945, - -27.796289443969727, - 14.26133918762207, - -1.1663901805877686, - -3.6283984184265137, - 38.9509391784668, - 18.065641403198242, - 1.9264339208602905, - 0.6719098091125488, - 29.291500091552734, - -23.99098014831543, - -2.0498242378234863, - 34.672630310058594, - -60.329078674316406, - 3.982858657836914, - 6.0357537269592285, - 40.36344528198242, - -2.8225412368774414, - 9.224143028259277, - 26.773836135864258, - -40.41542434692383, - -0.4712863862514496, - 2.1779515743255615, - -27.83637237548828, - 0.5422235727310181, - -0.6953023672103882, - -33.2484130859375, - -0.8258787989616394, - 39.689109802246094, - -5.9947052001953125, - 32.540687561035156, - 5.194436073303223, - 37.99980545043945, - 25.662830352783203, - 2.114962100982666, - -22.589962005615234, - 14.885028839111328, - -26.05512237548828, - -2.8924615383148193, - -47.25772476196289, - 29.056489944458008, - -2.612872838973999, - -62.69695281982422, - -23.26530647277832, - -27.836584091186523, - -28.498939514160156, - -61.376312255859375, - 7.084342002868652, - 37.729244232177734, - 16.238754272460938, - -58.317081451416016, - 25.84549903869629, - -62.83806228637695, - 4.3709940910339355, - -2.038520097732544, - -62.22673797607422, - 22.14586067199707, - -29.034284591674805, - -17.693668365478516, - 41.08356475830078, - 38.86286163330078, - 5.121357440948486, - 1.7736495733261108, - 39.43232345581055, - 3.1867551803588867, - 38.320770263671875, - 37.32357406616211, - -5.671106338500977, - -24.26873779296875, - 4.5910234451293945, - 23.856155395507812, - -62.4300422668457, - -39.635581970214844, - -50.66555404663086, - 4.40753698348999, - -1.5631937980651855, - -61.76934051513672, - -2.0087203979492188, - 18.37723159790039, - -19.327226638793945, - -61.898502349853516, - 16.876049041748047, - -63.59306335449219, - 27.487152099609375, - -24.65072250366211, - -28.623411178588867, - 26.653919219970703, - 23.967802047729492, - 3.255126714706421, - -64.33305358886719, - 40.637168884277344, - 23.989030838012695, - -47.016380310058594, - -1.8743349313735962, - 4.842494964599609, - -1.9477990865707397, - 16.406835556030273, - -63.41006088256836, - -24.174264907836914, - -53.970035552978516, - 2.709540843963623, - 29.58982276916504, - -27.2517032623291, - 2.058258056640625, - 37.50181198120117, - -26.978517532348633, - 2.515031576156616, - -2.2505815029144287, - 0.5121996998786926, - -14.42166805267334, - 33.067359924316406, - 11.382640838623047, - -26.565149307250977, - -6.097373008728027, - 16.487831115722656, - 29.91762351989746, - 31.802902221679688, - 4.9023118019104, - 38.693206787109375, - -25.832775115966797, - 37.43745422363281, - -63.53795623779297, - -62.95209884643555, - -13.58823013305664, - -3.9219186305999756, - 40.528499603271484, - -1.8405629396438599, - 4.554493427276611, - 1.5983705520629883, - 3.9333322048187256, - -64.0775146484375, - -2.3036677837371826, - 33.150394439697266, - -35.406654357910156, - -25.424381256103516, - -0.6471800804138184, - 34.30892562866211, - 28.946149826049805, - -29.681602478027344, - -2.161604642868042, - -26.392436981201172, - -2.9252800941467285, - 39.510684967041016, - 5.053046226501465, - 1.2459185123443604, - 32.357948303222656, - -6.056866645812988, - 16.08070945739746, - 2.8824005126953125, - 39.36650466918945, - 22.76073455810547, - 3.2830684185028076, - -17.605016708374023, - -46.71043014526367, - -18.296785354614258, - 4.438990116119385, - 19.44968605041504, - -0.9538967609405518, - -3.6671547889709473, - 31.46181297302246, - 2.3968288898468018, - 29.962989807128906, - 19.915904998779297, - -6.383547782897949, - 4.341724395751953, - -16.777708053588867, - 9.707676887512207, - 23.593856811523438, - 15.878902435302734, - 0.14776451885700226, - 38.91976547241211, - -25.934722900390625, - 5.841156959533691, - 5.293880939483643, - 38.639732360839844, - -0.20858073234558105, - -13.953810691833496, - 32.43086624145508, - -23.06887435913086, - 39.01001739501953, - -55.140350341796875, - -46.531982421875, - 21.96519660949707, - 4.153124809265137, - 15.86575698852539, - 2.844680070877075, - -39.11983871459961, - 16.9582462310791, - -0.1299743950366974, - 33.702659606933594, - -27.08370590209961, - -1.0887905359268188, - 32.58169937133789, - -3.3841216564178467, - 38.037513732910156, - -26.949155807495117, - 39.19319534301758, - 24.108112335205078, - 1.2062193155288696, - 16.95845603942871, - 16.453784942626953, - 2.227854013442993, - 34.241180419921875, - 5.8759541511535645, - -28.072729110717773, - 37.38779830932617, - -2.648912191390991, - -25.5162353515625, - -63.80318069458008, - 38.3602409362793, - 37.65060043334961, - -60.640323638916016, - -28.328371047973633, - -0.9273831248283386, - 0.976649820804596, - 20.959630966186523, - -2.346435308456421, - 26.955402374267578, - 25.915433883666992, - 37.88669204711914, - -60.21174240112305, - -13.643136024475098, - -0.1432453840970993, - 24.26072120666504, - -63.58436965942383, - -41.97905731201172, - 22.32252311706543, - -64.1368637084961, - 36.4217414855957, - -24.440235137939453, - -59.74687576293945, - -16.509307861328125, - -28.01661491394043, - 37.83428955078125, - 3.955993175506592, - -62.18614959716797, - 36.379150390625, - -0.77024245262146, - 38.34869384765625, - 36.97224807739258, - 4.684527397155762, - 0.848071813583374, - -3.172745704650879, - -23.544767379760742, - -0.14866529405117035, - 1.2386960983276367, - -1.816688895225525, - -62.61982727050781, - -38.23335266113281, - -3.361351251602173, - -22.13477897644043, - 13.63122272491455, - -56.15132522583008, - -2.0477421283721924, - -26.810733795166016, - -60.791259765625, - -11.612616539001465, - -27.653966903686523, - 19.472070693969727, - -26.524471282958984, - 5.2015700340271, - -0.2515028715133667, - 11.758316040039062, - 32.07234573364258, - 37.31429672241211, - -59.513641357421875, - -11.215829849243164, - 24.264694213867188, - 19.80866050720215, - 3.6724066734313965, - 36.73297882080078, - 36.989540100097656, - 38.30718994140625, - 0.798355758190155, - 26.22112274169922, - -59.77694320678711, - 35.281898498535156, - -27.140371322631836, - -62.942039489746094, - 23.64890480041504, - -1.1313040256500244, - 21.266572952270508, - 20.03721046447754, - 31.836273193359375, - -3.7517285346984863, - 3.4908909797668457, - 6.122950553894043, - 9.70647144317627, - 0.03308623656630516, - -26.979305267333984, - -59.347511291503906, - -62.14955139160156, - -14.720474243164062, - -63.52603530883789, - 30.89692497253418, - 8.888566017150879, - 24.853931427001953, - 13.433610916137695, - 17.471975326538086, - 1.7564135789871216, - 6.334708213806152, - -2.4383559226989746, - -1.5902831554412842, - -4.2765679359436035, - -21.009740829467773, - -63.16373825073242, - -52.86893844604492, - 14.289836883544922, - 0.4050450325012207, - 3.9224584102630615, - 36.22104263305664, - -14.925239562988281, - 4.402613162994385, - 2.398420572280884, - 12.144015312194824, - -8.561134338378906, - 28.501800537109375, - -25.333396911621094, - 38.60236358642578, - -63.7545051574707, - -33.60231018066406, - 37.25978088378906, - 25.313209533691406, - -0.5758141279220581, - -4.0009284019470215, - 13.31080150604248, - -17.75765037536621, - 4.859969139099121, - -63.48576354980469, - -56.028446197509766, - -51.69991683959961, - -29.495641708374023, - -63.34651184082031, - -42.598106384277344, - 31.439218521118164, - -1.0416678190231323, - 6.817438125610352, - 1.3891685009002686, - 1.0885322093963623, - 36.10781478881836, - 32.568668365478516, - 37.214202880859375, - 35.462745666503906, - 19.100635528564453, - 32.847129821777344, - -7.180542945861816, - -0.8401433229446411, - 1.9241902828216553, - -41.274757385253906, - 39.97462463378906, - -41.988525390625, - 17.36005401611328, - -0.9170210361480713, - 1.0956847667694092, - -55.28605651855469, - 5.398019313812256, - 33.891937255859375, - -3.408128499984741, - 15.218342781066895, - -0.11333345621824265, - -17.380956649780273, - 38.679012298583984, - 21.5768985748291, - 36.80526351928711, - 25.00821304321289, - -44.8200798034668, - -46.133018493652344, - 4.66328763961792, - 27.95464515686035, - 0.7409499287605286, - 38.40158462524414, - -0.3511541187763214, - 27.117353439331055, - 19.943735122680664, - -55.54768371582031, - 5.402984142303467, - 39.02949142456055, - -57.615684509277344, - 28.58266258239746, - -58.50999069213867, - 4.673342704772949, - -50.32365417480469, - 9.889006614685059, - 38.26711654663086, - 4.778020858764648, - 31.388525009155273, - 21.787578582763672, - -23.602853775024414, - -23.114309310913086, - -62.08277130126953, - -30.531150817871094, - 38.00404739379883, - -24.502653121948242, - 10.13082218170166, - 17.211111068725586, - 39.5972900390625, - 30.18435287475586, - 6.612991809844971, - -26.3031063079834, - 4.497177600860596, - 26.957033157348633, - 4.342648983001709, - -56.6527214050293, - -54.42863464355469, - 7.2056403160095215, - -49.74263000488281, - 5.231359958648682, - 5.320628643035889, - -64.09492492675781, - 3.9145476818084717, - -7.543032169342041, - 8.957488059997559, - 3.012892961502075, - -63.757354736328125, - 38.49504089355469, - 37.085662841796875, - -25.004209518432617, - 38.21625518798828, - -30.257360458374023, - 37.33488082885742, - 31.784975051879883, - -25.982078552246094, - 37.57215118408203, - 38.879940032958984, - 4.509792804718018, - -0.5124152302742004, - -2.2195496559143066, - 36.64984893798828, - -3.364670753479004, - 18.019269943237305, - 35.606544494628906, - 35.300254821777344, - -16.630786895751953, - 9.7494535446167, - 10.403175354003906, - 6.010842800140381, - -59.259185791015625, - -53.821449279785156, - 26.803993225097656, - -62.9509391784668, - 25.513092041015625, - -27.196386337280273, - -28.157363891601562, - 23.555137634277344, - -17.12669563293457, - -26.50241470336914, - 35.86952590942383, - 20.856666564941406, - 3.041579484939575, - 19.050785064697266, - -29.24886703491211, - -13.180072784423828, - 4.433002471923828, - 6.291081428527832, - -27.024656295776367, - -30.756860733032227, - 31.651472091674805, - 4.052292823791504, - -62.264339447021484, - 32.46986389160156, - -56.107818603515625, - -18.137331008911133, - 38.479000091552734, - 38.447654724121094, - 14.741260528564453, - -42.63761520385742, - 1.3299680948257446, - 35.95125198364258, - -2.7822539806365967, - -25.296371459960938, - -54.040042877197266, - -1.8072234392166138, - -27.124515533447266, - -24.539522171020508, - 14.804998397827148, - -23.292150497436523, - -32.535640716552734, - 8.11711597442627, - 1.1332297325134277, - -3.4888503551483154, - 36.5699577331543, - -0.39776554703712463, - -6.49199914932251, - -0.9094511270523071, - -17.80312156677246, - -29.69569969177246, - -53.54084014892578, - -29.42601203918457, - 12.434128761291504, - 9.327139854431152, - -63.35926818847656, - -22.548171997070312, - -14.853911399841309, - 39.16135025024414, - 17.622228622436523, - 29.5159912109375, - 19.269851684570312, - 2.0788097381591797, - -0.3456469774246216, - -36.041507720947266, - 34.61992645263672, - -27.13702392578125, - 5.828062057495117, - -1.8593902587890625, - 11.930411338806152, - 3.196420669555664, - -19.756893157958984, - -43.987545013427734, - 36.77129364013672, - -26.33139991760254, - -16.167308807373047, - -63.423194885253906, - 1.0056897401809692, - 3.841773271560669, - -1.169779658317566, - -63.1141471862793, - -56.43079376220703, - 33.24720764160156, - -48.24141311645508, - -30.01872444152832, - 38.93962478637695, - -1.6013084650039673, - 3.7845945358276367, - -10.595367431640625, - 12.8846435546875, - 26.32992172241211, - 22.50519561767578, - 3.9998526573181152, - 21.58686065673828, - -60.298030853271484, - 39.328887939453125, - -32.17926788330078, - 32.47746276855469, - 37.84578323364258, - -3.5259218215942383, - 5.053607940673828, - 16.239458084106445, - 36.995140075683594, - 16.380924224853516, - -61.4214973449707 - ] - } - ], - "layout": {} - }, - "text/html": [ - "
" - ], - "text/vnd.plotly.v1+html": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "reduce_dimensions(model)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Conclusion\n", - "\n", - "In this tutorial we learned how to train word2vec models on your custom data and also how to evaluate it. Hope that you too will find this popular tool useful in your Machine Learning tasks!\n", - "\n", - "## Links\n", - "\n", - "\n", - "Full `word2vec` API docs [here](http://radimrehurek.com/gensim/models/word2vec.html); get [gensim](http://radimrehurek.com/gensim/) here. Original C toolkit and `word2vec` papers by Google [here](https://code.google.com/archive/p/word2vec/)." - ] - } - ], - "metadata": { - "anaconda-cloud": {}, - "kernelspec": { - "display_name": "Python 2", - "language": "python", - "name": "python2" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 2 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython2", - "version": "2.7.12" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} diff --git a/docs/src/_templates/indexcontent.html b/docs/src/_templates/indexcontent.html index f8c8de67d1..052137ba51 100644 --- a/docs/src/_templates/indexcontent.html +++ b/docs/src/_templates/indexcontent.html @@ -15,7 +15,7 @@
@@ -52,7 +52,7 @@
- + Fork me on GitHub + +
+

Quick install

+

Run in your terminal (recommended):

+
pip install --upgrade gensim
+            
+
+

or, alternatively for conda environments:

+
conda install -c conda-forge gensim
+            
+
+

That's it! Congratulations, you can proceed to the tutorials.

+

In case that failed, make sure you're installing into a writeable location.

+
+ +
+ +
+

Code dependencies

+

Gensim runs on Linux, Windows and Mac OS X, and should run on any other + platform that supports Python 2.7 or 3.5+ and NumPy. Gensim depends on the following software:

+
    +
  • Python, tested with versions 2.7, 3.5, 3.6 and 3.7.
  • +
  • NumPy for number crunching.
  • +
  • smart_open for transparently opening files on remote storages or compressed files.
  • +
+
+ +
+

Testing Gensim

+

Gensim uses continuous integration, automatically running a full test suite on each pull request with

+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
CI serviceTaskBuild badge
TravisRun tests on Linux and check code-styleTravis
AppVeyorRun tests on WindowsAppVeyor
CircleCIBuild documentationCircleCI
+
+ +
+

Problems?

+

Use the Gensim discussion group for + questions and troubleshooting. See the support page for commercial support.

+
+ +
+ + + +
-

Who is using Gensim?
Doing something interesting with gensim? Ask to be featured here.

+

Who is using Gensim?
Doing something interesting with Gensim? Ask to be featured here.

    @@ -135,16 +220,16 @@

    Who is using Gensim?
    Doing something “Here at Tailwind, we use Gensim to help our customers post interesting and relevant content to Pinterest. No fuss, no muss. Just fast, scalable language processing.” Waylon Flinn, Tailwind
  • - “We are using gensim every day. Over 15 thousand times per day to be precise. Gensim’s LDA module lies at the very core of the analysis we perform on each uploaded publication to figure out what it’s all about. It simply works.” Andrius Butkus, Issuu + “We are using Gensim every day. Over 15 thousand times per day to be precise. Gensim’s LDA module lies at the very core of the analysis we perform on each uploaded publication to figure out what it’s all about. It simply works.” Andrius Butkus, Issuu
  • “Gensim hits the sweetest spot of being a simple yet powerful way to access some incredibly complex NLP goodness.” Alan J. Salmoni, Roistr.com
  • - “I used gensim at Ghent university. I found it easy to build prototypes with various models, extend it with additional features and gain empirical insights quickly. It's a reliable library that can be used beyond prototyping too.” Dieter Plaetinck, IBCN group + “I used Gensim at Ghent university. I found it easy to build prototypes with various models, extend it with additional features and gain empirical insights quickly. It's a reliable library that can be used beyond prototyping too.” Dieter Plaetinck, IBCN group
  • - “We used gensim in several text mining projects at Sports Authority. The data were from free-form text fields in customer surveys, as well as social media sources. Having gensim significantly sped our time to development, and it is still my go-to package for topic modeling with large retail data sets.” Josh Hemann, Sports Authority + “We used Gensim in several text mining projects at Sports Authority. The data were from free-form text fields in customer surveys, as well as social media sources. Having Gensim significantly sped our time to development, and it is still my go-to package for topic modeling with large retail data sets.” Josh Hemann, Sports Authority
  • “Semantic analysis is a hot topic in online marketing, but there are few products on the market that are truly powerful. @@ -159,11 +244,11 @@

    Who is using Gensim?
    Doing something

  • -->
  • - “Based on our experience with gensim on DML-CZ, we naturally opted to use it on a much bigger scale for similarity -of fulltexts of scientific papers in the European Digital Mathematics Library. In evaluation with other approaches, gensim became a clear winner, especially because of speed, scalability and ease of use.”Petr Sojka, EuDML + “Based on our experience with Gensim on DML-CZ, we naturally opted to use it on a much bigger scale for similarity +of fulltexts of scientific papers in the European Digital Mathematics Library. In evaluation with other approaches, Gensim became a clear winner, especially because of speed, scalability and ease of use.”Petr Sojka, EuDML
  • - “We have been using gensim in several DTU courses related to digital media engineering and find it immensely useful as the tutorial material provides students an excellent introduction to quickly understand the underlying principles in topic modeling based on both LSA and LDA.”Michael Kai Petersen, Technical University of Denmark + “We have been using Gensim in several DTU courses related to digital media engineering and find it immensely useful as the tutorial material provides students an excellent introduction to quickly understand the underlying principles in topic modeling based on both LSA and LDA.”Michael Kai Petersen, Technical University of Denmark
diff --git a/docs/src/about.rst b/docs/src/about.rst index 25194b9404..ea1ebf4543 100644 --- a/docs/src/about.rst +++ b/docs/src/about.rst @@ -6,19 +6,16 @@ About ===== -History -------- +Gensim = "Generate Similar" +--------------------------- -Gensim started off as a collection of various Python scripts for the Czech Digital Mathematics Library `dml.cz `_ in 2008, -where it served to generate a short list of the most similar articles to a given article (**gensim = "generate similar"**). -I also wanted to try these fancy "Latent Semantic Methods", but the libraries that -realized the necessary computation were `not much fun to work with `_. +Gensim started off as a collection of various Python scripts for the Czech Digital Mathematics Library `dml.cz `_ in 2008, where it served to generate a short list of the most similar articles to a given article. -Naturally, I set out to reinvent the wheel. Our `2010 LREC publication `_ -describes the initial design decisions behind Gensim: clarity, efficiency and scalability. It is fairly representative of how Gensim works even today. +I also wanted to try these fancy "Latent Semantic Methods", but the libraries that realized the necessary computation were `not much fun to work with `_. -Later versions of gensim improved this efficiency and scalability tremendously. In fact, -I made algorithmic scalability of distributional semantics the topic of my `PhD thesis `_. +Naturally, I set out to reinvent the wheel. Our `2010 LREC publication `_ describes the initial design decisions behind Gensim: clarity, efficiency and scalability. It is fairly representative of how Gensim works even today. + +Later versions of gensim improved this efficiency and scalability tremendously. In fact, I made algorithmic scalability of distributional semantics the topic of my `PhD thesis `_. By now, Gensim is---to my knowledge---the most robust, efficient and hassle-free piece of software to realize unsupervised semantic modelling from plain text. It stands @@ -47,20 +44,20 @@ The legalese is therefore less important to me than your input and contributions .. seealso:: - We also built a high performance commercial server for NLP, document analysis, indexing, search and clustering: https://scaletext.ai. ScaleText is available both on-prem and as SaaS. + We also built a commercial product for automatic data discovery for privacy compliance, https://pii-tools.com. - Reach out at info@scaletext.com if you need an industry-grade NLP tool with professional support. + Reach out at info@pii-tools.com if you need industry-grade PII / PCI / PHI software for compliance or breach management. Contributors ------------ Credit goes to the many people who contributed to Gensim, be it in `discussions `_, -ideas, `code contributions `_ or `bug reports `_. +ideas, `code contributions `_ or `bug reports `_. It's really useful and motivating to get feedback, in any shape or form, so big thanks to you all! -Some honorable mentions are included in the `CHANGELOG.txt `_. +Some honorable mentions are included in the `CHANGELOG.txt `_. Academic citing --------------- diff --git a/docs/src/auto_examples/.gitignore b/docs/src/auto_examples/.gitignore new file mode 100644 index 0000000000..c4c4ffc6aa --- /dev/null +++ b/docs/src/auto_examples/.gitignore @@ -0,0 +1 @@ +*.zip diff --git a/docs/src/auto_examples/core/images/sphx_glr_run_core_concepts_001.png b/docs/src/auto_examples/core/images/sphx_glr_run_core_concepts_001.png new file mode 100644 index 0000000000..25cc5121c8 Binary files /dev/null and b/docs/src/auto_examples/core/images/sphx_glr_run_core_concepts_001.png differ diff --git a/docs/src/auto_examples/core/images/sphx_glr_run_corpora_and_vector_spaces_001.png b/docs/src/auto_examples/core/images/sphx_glr_run_corpora_and_vector_spaces_001.png new file mode 100644 index 0000000000..a5bdcf7a87 Binary files /dev/null and b/docs/src/auto_examples/core/images/sphx_glr_run_corpora_and_vector_spaces_001.png differ diff --git a/docs/src/auto_examples/core/images/sphx_glr_run_similarity_queries_001.png b/docs/src/auto_examples/core/images/sphx_glr_run_similarity_queries_001.png new file mode 100644 index 0000000000..44b23e3481 Binary files /dev/null and b/docs/src/auto_examples/core/images/sphx_glr_run_similarity_queries_001.png differ diff --git a/docs/src/auto_examples/core/images/sphx_glr_run_topics_and_transformations_001.png b/docs/src/auto_examples/core/images/sphx_glr_run_topics_and_transformations_001.png new file mode 100644 index 0000000000..c44ce1a7ed Binary files /dev/null and b/docs/src/auto_examples/core/images/sphx_glr_run_topics_and_transformations_001.png differ diff --git a/docs/src/auto_examples/core/images/thumb/sphx_glr_run_core_concepts_thumb.png b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_core_concepts_thumb.png new file mode 100644 index 0000000000..ee940b5ba9 Binary files /dev/null and b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_core_concepts_thumb.png differ diff --git a/docs/src/auto_examples/core/images/thumb/sphx_glr_run_corpora_and_vector_spaces_thumb.png b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_corpora_and_vector_spaces_thumb.png new file mode 100644 index 0000000000..15e6a8f71c Binary files /dev/null and b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_corpora_and_vector_spaces_thumb.png differ diff --git a/docs/src/auto_examples/core/images/thumb/sphx_glr_run_similarity_queries_thumb.png b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_similarity_queries_thumb.png new file mode 100644 index 0000000000..d4949c853c Binary files /dev/null and b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_similarity_queries_thumb.png differ diff --git a/docs/src/auto_examples/core/images/thumb/sphx_glr_run_topics_and_transformations_thumb.png b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_topics_and_transformations_thumb.png new file mode 100644 index 0000000000..cf28d96782 Binary files /dev/null and b/docs/src/auto_examples/core/images/thumb/sphx_glr_run_topics_and_transformations_thumb.png differ diff --git a/docs/src/auto_examples/core/run_core_concepts.ipynb b/docs/src/auto_examples/core/run_core_concepts.ipynb new file mode 100644 index 0000000000..d2c5ad6d1f --- /dev/null +++ b/docs/src/auto_examples/core/run_core_concepts.ipynb @@ -0,0 +1,277 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nCore Concepts\n=============\n\nThis tutorial introduces Documents, Corpora, Vectors and Models: the basic concepts and terms needed to understand and use gensim.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import pprint" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The core concepts of ``gensim`` are:\n\n1. `core_concepts_document`: some text.\n2. `core_concepts_corpus`: a collection of documents.\n3. `core_concepts_vector`: a mathematically convenient representation of a document.\n4. `core_concepts_model`: an algorithm for transforming vectors from one representation to another.\n\nLet's examine each of these in slightly more detail.\n\n\nDocument\n--------\n\nIn Gensim, a *document* is an object of the `text sequence type `_ (commonly known as ``str`` in Python 3).\nA document could be anything from a short 140 character tweet, a single\nparagraph (i.e., journal article abstract), a news article, or a book.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "document = \"Human machine interface for lab abc computer applications\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nCorpus\n------\n\nA *corpus* is a collection of `core_concepts_document` objects.\nCorpora serve two roles in Gensim:\n\n1. Input for training a `core_concepts_model`.\n During training, the models use this *training corpus* to look for common\n themes and topics, initializing their internal model parameters.\n\n Gensim focuses on *unsupervised* models so that no human intervention,\n such as costly annotations or tagging documents by hand, is required.\n\n2. Documents to organize.\n After training, a topic model can be used to extract topics from new\n documents (documents not seen in the training corpus).\n\n Such corpora can be indexed for\n `sphx_glr_auto_examples_core_run_similarity_queries.py`,\n queried by semantic similarity, clustered etc.\n\nHere is an example corpus.\nIt consists of 9 documents, where each document is a string consisting of a single sentence.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "text_corpus = [\n \"Human machine interface for lab abc computer applications\",\n \"A survey of user opinion of computer system response time\",\n \"The EPS user interface management system\",\n \"System and human system engineering testing of EPS\",\n \"Relation of user perceived response time to error measurement\",\n \"The generation of random binary unordered trees\",\n \"The intersection graph of paths in trees\",\n \"Graph minors IV Widths of trees and well quasi ordering\",\n \"Graph minors A survey\",\n]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + ".. Important::\n The above example loads the entire corpus into memory.\n In practice, corpora may be very large, so loading them into memory may be impossible.\n Gensim intelligently handles such corpora by *streaming* them one document at a time.\n See `corpus_streaming_tutorial` for details.\n\nThis is a particularly small example of a corpus for illustration purposes.\nAnother example could be a list of all the plays written by Shakespeare, list\nof all wikipedia articles, or all tweets by a particular person of interest.\n\nAfter collecting our corpus, there are typically a number of preprocessing\nsteps we want to undertake. We'll keep it simple and just remove some\ncommonly used English words (such as 'the') and words that occur only once in\nthe corpus. In the process of doing so, we'll tokenize our data.\nTokenization breaks up the documents into words (in this case using space as\na delimiter).\n\n.. Important::\n There are better ways to perform preprocessing than just lower-casing and\n splitting by space. Effective preprocessing is beyond the scope of this\n tutorial: if you're interested, check out the\n :py:func:`gensim.utils.simple_preprocess` function.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Create a set of frequent words\nstoplist = set('for a of the and to in'.split(' '))\n# Lowercase each document, split it by white space and filter out stopwords\ntexts = [[word for word in document.lower().split() if word not in stoplist]\n for document in text_corpus]\n\n# Count word frequencies\nfrom collections import defaultdict\nfrequency = defaultdict(int)\nfor text in texts:\n for token in text:\n frequency[token] += 1\n\n# Only keep words that appear more than once\nprocessed_corpus = [[token for token in text if frequency[token] > 1] for text in texts]\npprint.pprint(processed_corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Before proceeding, we want to associate each word in the corpus with a unique\ninteger ID. We can do this using the :py:class:`gensim.corpora.Dictionary`\nclass. This dictionary defines the vocabulary of all words that our\nprocessing knows about.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim import corpora\n\ndictionary = corpora.Dictionary(processed_corpus)\nprint(dictionary)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Because our corpus is small, there are only 12 different tokens in this\n:py:class:`gensim.corpora.Dictionary`. For larger corpuses, dictionaries that\ncontains hundreds of thousands of tokens are quite common.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nVector\n------\n\nTo infer the latent structure in our corpus we need a way to represent\ndocuments that we can manipulate mathematically. One approach is to represent\neach document as a vector of *features*.\nFor example, a single feature may be thought of as a question-answer pair:\n\n1. How many times does the word *splonge* appear in the document? Zero.\n2. How many paragraphs does the document consist of? Two.\n3. How many fonts does the document use? Five.\n\nThe question is usually represented only by its integer id (such as `1`, `2` and `3`).\nThe representation of this document then becomes a series of pairs like ``(1, 0.0), (2, 2.0), (3, 5.0)``.\nThis is known as a *dense vector*, because it contains an explicit answer to each of the above questions.\n\nIf we know all the questions in advance, we may leave them implicit\nand simply represent the document as ``(0, 2, 5)``.\nThis sequence of answers is the **vector** for our document (in this case a 3-dimensional dense vector).\nFor practical purposes, only questions to which the answer is (or\ncan be converted to) a *single floating point number* are allowed in Gensim.\n\nIn practice, vectors often consist of many zero values.\nTo save memory, Gensim omits all vector elements with value 0.0.\nThe above example thus becomes ``(2, 2.0), (3, 5.0)``.\nThis is known as a *sparse vector* or *bag-of-words vector*.\nThe values of all missing features in this sparse representation can be unambiguously resolved to zero, ``0.0``.\n\nAssuming the questions are the same, we can compare the vectors of two different documents to each other.\nFor example, assume we are given two vectors ``(0.0, 2.0, 5.0)`` and ``(0.1, 1.9, 4.9)``.\nBecause the vectors are very similar to each other, we can conclude that the documents corresponding to those vectors are similar, too.\nOf course, the correctness of that conclusion depends on how well we picked the questions in the first place.\n\nAnother approach to represent a document as a vector is the *bag-of-words\nmodel*.\nUnder the bag-of-words model each document is represented by a vector\ncontaining the frequency counts of each word in the dictionary.\nFor example, assume we have a dictionary containing the words\n``['coffee', 'milk', 'sugar', 'spoon']``.\nA document consisting of the string ``\"coffee milk coffee\"`` would then\nbe represented by the vector ``[2, 1, 0, 0]`` where the entries of the vector\nare (in order) the occurrences of \"coffee\", \"milk\", \"sugar\" and \"spoon\" in\nthe document. The length of the vector is the number of entries in the\ndictionary. One of the main properties of the bag-of-words model is that it\ncompletely ignores the order of the tokens in the document that is encoded,\nwhich is where the name bag-of-words comes from.\n\nOur processed corpus has 12 unique words in it, which means that each\ndocument will be represented by a 12-dimensional vector under the\nbag-of-words model. We can use the dictionary to turn tokenized documents\ninto these 12-dimensional vectors. We can see what these IDs correspond to:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "pprint.pprint(dictionary.token2id)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For example, suppose we wanted to vectorize the phrase \"Human computer\ninteraction\" (note that this phrase was not in our original corpus). We can\ncreate the bag-of-word representation for a document using the ``doc2bow``\nmethod of the dictionary, which returns a sparse representation of the word\ncounts:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "new_doc = \"Human computer interaction\"\nnew_vec = dictionary.doc2bow(new_doc.lower().split())\nprint(new_vec)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The first entry in each tuple corresponds to the ID of the token in the\ndictionary, the second corresponds to the count of this token.\n\nNote that \"interaction\" did not occur in the original corpus and so it was\nnot included in the vectorization. Also note that this vector only contains\nentries for words that actually appeared in the document. Because any given\ndocument will only contain a few words out of the many words in the\ndictionary, words that do not appear in the vectorization are represented as\nimplicitly zero as a space saving measure.\n\nWe can convert our entire original corpus to a list of vectors:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "bow_corpus = [dictionary.doc2bow(text) for text in processed_corpus]\npprint.pprint(bow_corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note that while this list lives entirely in memory, in most applications you\nwill want a more scalable solution. Luckily, ``gensim`` allows you to use any\niterator that returns a single document vector at a time. See the\ndocumentation for more details.\n\n.. Important::\n The distinction between a document and a vector is that the former is text,\n and the latter is a mathematically convenient representation of the text.\n Sometimes, people will use the terms interchangeably: for example, given\n some arbitrary document ``D``, instead of saying \"the vector that\n corresponds to document ``D``\", they will just say \"the vector ``D``\" or\n the \"document ``D``\". This achieves brevity at the cost of ambiguity.\n\n As long as you remember that documents exist in document space, and that\n vectors exist in vector space, the above ambiguity is acceptable.\n\n.. Important::\n Depending on how the representation was obtained, two different documents\n may have the same vector representations.\n\n\nModel\n-----\n\nNow that we have vectorized our corpus we can begin to transform it using\n*models*. We use model as an abstract term referring to a *transformation* from\none document representation to another. In ``gensim`` documents are\nrepresented as vectors so a model can be thought of as a transformation\nbetween two vector spaces. The model learns the details of this\ntransformation during training, when it reads the training\n`core_concepts_corpus`.\n\nOne simple example of a model is `tf-idf\n`_. The tf-idf model\ntransforms vectors from the bag-of-words representation to a vector space\nwhere the frequency counts are weighted according to the relative rarity of\neach word in the corpus.\n\nHere's a simple example. Let's initialize the tf-idf model, training it on\nour corpus and transforming the string \"system minors\":\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim import models\n\n# train the model\ntfidf = models.TfidfModel(bow_corpus)\n\n# transform the \"system minors\" string\nwords = \"system minors\".lower().split()\nprint(tfidf[dictionary.doc2bow(words)])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The ``tfidf`` model again returns a list of tuples, where the first entry is\nthe token ID and the second entry is the tf-idf weighting. Note that the ID\ncorresponding to \"system\" (which occurred 4 times in the original corpus) has\nbeen weighted lower than the ID corresponding to \"minors\" (which only\noccurred twice).\n\nYou can save trained models to disk and later load them back, either to\ncontinue training on new training documents or to transform new documents.\n\n``gensim`` offers a number of different models/transformations.\nFor more, see `sphx_glr_auto_examples_core_run_topics_and_transformations.py`.\n\nOnce you've created the model, you can do all sorts of cool stuff with it.\nFor example, to transform the whole corpus via TfIdf and index it, in\npreparation for similarity queries:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim import similarities\n\nindex = similarities.SparseMatrixSimilarity(tfidf[bow_corpus], num_features=12)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "and to query the similarity of our query document ``query_document`` against every document in the corpus:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "query_document = 'system engineering'.split()\nquery_bow = dictionary.doc2bow(query_document)\nsims = index[tfidf[query_bow]]\nprint(list(enumerate(sims)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "How to read this output?\nDocument 3 has a similarity score of 0.718=72%, document 2 has a similarity score of 42% etc.\nWe can make this slightly more readable by sorting:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "for document_number, score in sorted(enumerate(sims), key=lambda x: x[1], reverse=True):\n print(document_number, score)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Summary\n-------\n\nThe core concepts of ``gensim`` are:\n\n1. `core_concepts_document`: some text.\n2. `core_concepts_corpus`: a collection of documents.\n3. `core_concepts_vector`: a mathematically convenient representation of a document.\n4. `core_concepts_model`: an algorithm for transforming vectors from one representation to another.\n\nWe saw these concepts in action.\nFirst, we started with a corpus of documents.\nNext, we transformed these documents to a vector space representation.\nAfter that, we created a model that transformed our original vector representation to TfIdf.\nFinally, we used our model to calculate the similarity between some query document and all documents in the corpus.\n\nWhat Next?\n----------\n\nThere's still much more to learn about `sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py`.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\nimport matplotlib.image as mpimg\nimg = mpimg.imread('run_core_concepts.png')\nimgplot = plt.imshow(img)\nplt.axis('off')\nplt.show()" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/core/run_core_concepts.py b/docs/src/auto_examples/core/run_core_concepts.py new file mode 100644 index 0000000000..8b0957756b --- /dev/null +++ b/docs/src/auto_examples/core/run_core_concepts.py @@ -0,0 +1,331 @@ +r""" +Core Concepts +============= + +This tutorial introduces Documents, Corpora, Vectors and Models: the basic concepts and terms needed to understand and use gensim. +""" + +import pprint + +############################################################################### +# The core concepts of ``gensim`` are: +# +# 1. :ref:`core_concepts_document`: some text. +# 2. :ref:`core_concepts_corpus`: a collection of documents. +# 3. :ref:`core_concepts_vector`: a mathematically convenient representation of a document. +# 4. :ref:`core_concepts_model`: an algorithm for transforming vectors from one representation to another. +# +# Let's examine each of these in slightly more detail. +# +# .. _core_concepts_document: +# +# Document +# -------- +# +# In Gensim, a *document* is an object of the `text sequence type `_ (commonly known as ``str`` in Python 3). +# A document could be anything from a short 140 character tweet, a single +# paragraph (i.e., journal article abstract), a news article, or a book. +# +document = "Human machine interface for lab abc computer applications" + +############################################################################### +# .. _core_concepts_corpus: +# +# Corpus +# ------ +# +# A *corpus* is a collection of :ref:`core_concepts_document` objects. +# Corpora serve two roles in Gensim: +# +# 1. Input for training a :ref:`core_concepts_model`. +# During training, the models use this *training corpus* to look for common +# themes and topics, initializing their internal model parameters. +# +# Gensim focuses on *unsupervised* models so that no human intervention, +# such as costly annotations or tagging documents by hand, is required. +# +# 2. Documents to organize. +# After training, a topic model can be used to extract topics from new +# documents (documents not seen in the training corpus). +# +# Such corpora can be indexed for +# :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`, +# queried by semantic similarity, clustered etc. +# +# Here is an example corpus. +# It consists of 9 documents, where each document is a string consisting of a single sentence. +# +text_corpus = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +############################################################################### +# +# .. Important:: +# The above example loads the entire corpus into memory. +# In practice, corpora may be very large, so loading them into memory may be impossible. +# Gensim intelligently handles such corpora by *streaming* them one document at a time. +# See :ref:`corpus_streaming_tutorial` for details. +# +# This is a particularly small example of a corpus for illustration purposes. +# Another example could be a list of all the plays written by Shakespeare, list +# of all wikipedia articles, or all tweets by a particular person of interest. +# +# After collecting our corpus, there are typically a number of preprocessing +# steps we want to undertake. We'll keep it simple and just remove some +# commonly used English words (such as 'the') and words that occur only once in +# the corpus. In the process of doing so, we'll tokenize our data. +# Tokenization breaks up the documents into words (in this case using space as +# a delimiter). +# +# .. Important:: +# There are better ways to perform preprocessing than just lower-casing and +# splitting by space. Effective preprocessing is beyond the scope of this +# tutorial: if you're interested, check out the +# :py:func:`gensim.utils.simple_preprocess` function. +# + +# Create a set of frequent words +stoplist = set('for a of the and to in'.split(' ')) +# Lowercase each document, split it by white space and filter out stopwords +texts = [[word for word in document.lower().split() if word not in stoplist] + for document in text_corpus] + +# Count word frequencies +from collections import defaultdict +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +# Only keep words that appear more than once +processed_corpus = [[token for token in text if frequency[token] > 1] for text in texts] +pprint.pprint(processed_corpus) + +############################################################################### +# Before proceeding, we want to associate each word in the corpus with a unique +# integer ID. We can do this using the :py:class:`gensim.corpora.Dictionary` +# class. This dictionary defines the vocabulary of all words that our +# processing knows about. +# +from gensim import corpora + +dictionary = corpora.Dictionary(processed_corpus) +print(dictionary) + +############################################################################### +# Because our corpus is small, there are only 12 different tokens in this +# :py:class:`gensim.corpora.Dictionary`. For larger corpuses, dictionaries that +# contains hundreds of thousands of tokens are quite common. +# + +############################################################################### +# .. _core_concepts_vector: +# +# Vector +# ------ +# +# To infer the latent structure in our corpus we need a way to represent +# documents that we can manipulate mathematically. One approach is to represent +# each document as a vector of *features*. +# For example, a single feature may be thought of as a question-answer pair: +# +# 1. How many times does the word *splonge* appear in the document? Zero. +# 2. How many paragraphs does the document consist of? Two. +# 3. How many fonts does the document use? Five. +# +# The question is usually represented only by its integer id (such as `1`, `2` and `3`). +# The representation of this document then becomes a series of pairs like ``(1, 0.0), (2, 2.0), (3, 5.0)``. +# This is known as a *dense vector*, because it contains an explicit answer to each of the above questions. +# +# If we know all the questions in advance, we may leave them implicit +# and simply represent the document as ``(0, 2, 5)``. +# This sequence of answers is the **vector** for our document (in this case a 3-dimensional dense vector). +# For practical purposes, only questions to which the answer is (or +# can be converted to) a *single floating point number* are allowed in Gensim. +# +# In practice, vectors often consist of many zero values. +# To save memory, Gensim omits all vector elements with value 0.0. +# The above example thus becomes ``(2, 2.0), (3, 5.0)``. +# This is known as a *sparse vector* or *bag-of-words vector*. +# The values of all missing features in this sparse representation can be unambiguously resolved to zero, ``0.0``. +# +# Assuming the questions are the same, we can compare the vectors of two different documents to each other. +# For example, assume we are given two vectors ``(0.0, 2.0, 5.0)`` and ``(0.1, 1.9, 4.9)``. +# Because the vectors are very similar to each other, we can conclude that the documents corresponding to those vectors are similar, too. +# Of course, the correctness of that conclusion depends on how well we picked the questions in the first place. +# +# Another approach to represent a document as a vector is the *bag-of-words +# model*. +# Under the bag-of-words model each document is represented by a vector +# containing the frequency counts of each word in the dictionary. +# For example, assume we have a dictionary containing the words +# ``['coffee', 'milk', 'sugar', 'spoon']``. +# A document consisting of the string ``"coffee milk coffee"`` would then +# be represented by the vector ``[2, 1, 0, 0]`` where the entries of the vector +# are (in order) the occurrences of "coffee", "milk", "sugar" and "spoon" in +# the document. The length of the vector is the number of entries in the +# dictionary. One of the main properties of the bag-of-words model is that it +# completely ignores the order of the tokens in the document that is encoded, +# which is where the name bag-of-words comes from. +# +# Our processed corpus has 12 unique words in it, which means that each +# document will be represented by a 12-dimensional vector under the +# bag-of-words model. We can use the dictionary to turn tokenized documents +# into these 12-dimensional vectors. We can see what these IDs correspond to: +# +pprint.pprint(dictionary.token2id) + +############################################################################### +# For example, suppose we wanted to vectorize the phrase "Human computer +# interaction" (note that this phrase was not in our original corpus). We can +# create the bag-of-word representation for a document using the ``doc2bow`` +# method of the dictionary, which returns a sparse representation of the word +# counts: +# + +new_doc = "Human computer interaction" +new_vec = dictionary.doc2bow(new_doc.lower().split()) +print(new_vec) + +############################################################################### +# The first entry in each tuple corresponds to the ID of the token in the +# dictionary, the second corresponds to the count of this token. +# +# Note that "interaction" did not occur in the original corpus and so it was +# not included in the vectorization. Also note that this vector only contains +# entries for words that actually appeared in the document. Because any given +# document will only contain a few words out of the many words in the +# dictionary, words that do not appear in the vectorization are represented as +# implicitly zero as a space saving measure. +# +# We can convert our entire original corpus to a list of vectors: +# +bow_corpus = [dictionary.doc2bow(text) for text in processed_corpus] +pprint.pprint(bow_corpus) + +############################################################################### +# Note that while this list lives entirely in memory, in most applications you +# will want a more scalable solution. Luckily, ``gensim`` allows you to use any +# iterator that returns a single document vector at a time. See the +# documentation for more details. +# +# .. Important:: +# The distinction between a document and a vector is that the former is text, +# and the latter is a mathematically convenient representation of the text. +# Sometimes, people will use the terms interchangeably: for example, given +# some arbitrary document ``D``, instead of saying "the vector that +# corresponds to document ``D``", they will just say "the vector ``D``" or +# the "document ``D``". This achieves brevity at the cost of ambiguity. +# +# As long as you remember that documents exist in document space, and that +# vectors exist in vector space, the above ambiguity is acceptable. +# +# .. Important:: +# Depending on how the representation was obtained, two different documents +# may have the same vector representations. +# +# .. _core_concepts_model: +# +# Model +# ----- +# +# Now that we have vectorized our corpus we can begin to transform it using +# *models*. We use model as an abstract term referring to a *transformation* from +# one document representation to another. In ``gensim`` documents are +# represented as vectors so a model can be thought of as a transformation +# between two vector spaces. The model learns the details of this +# transformation during training, when it reads the training +# :ref:`core_concepts_corpus`. +# +# One simple example of a model is `tf-idf +# `_. The tf-idf model +# transforms vectors from the bag-of-words representation to a vector space +# where the frequency counts are weighted according to the relative rarity of +# each word in the corpus. +# +# Here's a simple example. Let's initialize the tf-idf model, training it on +# our corpus and transforming the string "system minors": +# + +from gensim import models + +# train the model +tfidf = models.TfidfModel(bow_corpus) + +# transform the "system minors" string +words = "system minors".lower().split() +print(tfidf[dictionary.doc2bow(words)]) + +############################################################################### +# The ``tfidf`` model again returns a list of tuples, where the first entry is +# the token ID and the second entry is the tf-idf weighting. Note that the ID +# corresponding to "system" (which occurred 4 times in the original corpus) has +# been weighted lower than the ID corresponding to "minors" (which only +# occurred twice). +# +# You can save trained models to disk and later load them back, either to +# continue training on new training documents or to transform new documents. +# +# ``gensim`` offers a number of different models/transformations. +# For more, see :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`. +# +# Once you've created the model, you can do all sorts of cool stuff with it. +# For example, to transform the whole corpus via TfIdf and index it, in +# preparation for similarity queries: +# +from gensim import similarities + +index = similarities.SparseMatrixSimilarity(tfidf[bow_corpus], num_features=12) + +############################################################################### +# and to query the similarity of our query document ``query_document`` against every document in the corpus: +query_document = 'system engineering'.split() +query_bow = dictionary.doc2bow(query_document) +sims = index[tfidf[query_bow]] +print(list(enumerate(sims))) + +############################################################################### +# How to read this output? +# Document 3 has a similarity score of 0.718=72%, document 2 has a similarity score of 42% etc. +# We can make this slightly more readable by sorting: + +for document_number, score in sorted(enumerate(sims), key=lambda x: x[1], reverse=True): + print(document_number, score) + +############################################################################### +# Summary +# ------- +# +# The core concepts of ``gensim`` are: +# +# 1. :ref:`core_concepts_document`: some text. +# 2. :ref:`core_concepts_corpus`: a collection of documents. +# 3. :ref:`core_concepts_vector`: a mathematically convenient representation of a document. +# 4. :ref:`core_concepts_model`: an algorithm for transforming vectors from one representation to another. +# +# We saw these concepts in action. +# First, we started with a corpus of documents. +# Next, we transformed these documents to a vector space representation. +# After that, we created a model that transformed our original vector representation to TfIdf. +# Finally, we used our model to calculate the similarity between some query document and all documents in the corpus. +# +# What Next? +# ---------- +# +# There's still much more to learn about :ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py`. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_core_concepts.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/auto_examples/core/run_core_concepts.py.md5 b/docs/src/auto_examples/core/run_core_concepts.py.md5 new file mode 100644 index 0000000000..f88a9def92 --- /dev/null +++ b/docs/src/auto_examples/core/run_core_concepts.py.md5 @@ -0,0 +1 @@ +d835332ead51b01a01d6b2483f8bf180 \ No newline at end of file diff --git a/docs/src/auto_examples/core/run_core_concepts.rst b/docs/src/auto_examples/core/run_core_concepts.rst new file mode 100644 index 0000000000..364d023f9a --- /dev/null +++ b/docs/src/auto_examples/core/run_core_concepts.rst @@ -0,0 +1,599 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_core_run_core_concepts.py: + + +Core Concepts +============= + +This tutorial introduces Documents, Corpora, Vectors and Models: the basic concepts and terms needed to understand and use gensim. + + +.. code-block:: default + + + import pprint + + + + + + + +The core concepts of ``gensim`` are: + +1. :ref:`core_concepts_document`: some text. +2. :ref:`core_concepts_corpus`: a collection of documents. +3. :ref:`core_concepts_vector`: a mathematically convenient representation of a document. +4. :ref:`core_concepts_model`: an algorithm for transforming vectors from one representation to another. + +Let's examine each of these in slightly more detail. + +.. _core_concepts_document: + +Document +-------- + +In Gensim, a *document* is an object of the `text sequence type `_ (commonly known as ``str`` in Python 3). +A document could be anything from a short 140 character tweet, a single +paragraph (i.e., journal article abstract), a news article, or a book. + + + +.. code-block:: default + + document = "Human machine interface for lab abc computer applications" + + + + + + + +.. _core_concepts_corpus: + +Corpus +------ + +A *corpus* is a collection of :ref:`core_concepts_document` objects. +Corpora serve two roles in Gensim: + +1. Input for training a :ref:`core_concepts_model`. + During training, the models use this *training corpus* to look for common + themes and topics, initializing their internal model parameters. + + Gensim focuses on *unsupervised* models so that no human intervention, + such as costly annotations or tagging documents by hand, is required. + +2. Documents to organize. + After training, a topic model can be used to extract topics from new + documents (documents not seen in the training corpus). + + Such corpora can be indexed for + :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`, + queried by semantic similarity, clustered etc. + +Here is an example corpus. +It consists of 9 documents, where each document is a string consisting of a single sentence. + + + +.. code-block:: default + + text_corpus = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", + ] + + + + + + + +.. Important:: + The above example loads the entire corpus into memory. + In practice, corpora may be very large, so loading them into memory may be impossible. + Gensim intelligently handles such corpora by *streaming* them one document at a time. + See :ref:`corpus_streaming_tutorial` for details. + +This is a particularly small example of a corpus for illustration purposes. +Another example could be a list of all the plays written by Shakespeare, list +of all wikipedia articles, or all tweets by a particular person of interest. + +After collecting our corpus, there are typically a number of preprocessing +steps we want to undertake. We'll keep it simple and just remove some +commonly used English words (such as 'the') and words that occur only once in +the corpus. In the process of doing so, we'll tokenize our data. +Tokenization breaks up the documents into words (in this case using space as +a delimiter). + +.. Important:: + There are better ways to perform preprocessing than just lower-casing and + splitting by space. Effective preprocessing is beyond the scope of this + tutorial: if you're interested, check out the + :py:func:`gensim.utils.simple_preprocess` function. + + + +.. code-block:: default + + + # Create a set of frequent words + stoplist = set('for a of the and to in'.split(' ')) + # Lowercase each document, split it by white space and filter out stopwords + texts = [[word for word in document.lower().split() if word not in stoplist] + for document in text_corpus] + + # Count word frequencies + from collections import defaultdict + frequency = defaultdict(int) + for text in texts: + for token in text: + frequency[token] += 1 + + # Only keep words that appear more than once + processed_corpus = [[token for token in text if frequency[token] > 1] for text in texts] + pprint.pprint(processed_corpus) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [['human', 'interface', 'computer'], + ['survey', 'user', 'computer', 'system', 'response', 'time'], + ['eps', 'user', 'interface', 'system'], + ['system', 'human', 'system', 'eps'], + ['user', 'response', 'time'], + ['trees'], + ['graph', 'trees'], + ['graph', 'minors', 'trees'], + ['graph', 'minors', 'survey']] + + + +Before proceeding, we want to associate each word in the corpus with a unique +integer ID. We can do this using the :py:class:`gensim.corpora.Dictionary` +class. This dictionary defines the vocabulary of all words that our +processing knows about. + + + +.. code-block:: default + + from gensim import corpora + + dictionary = corpora.Dictionary(processed_corpus) + print(dictionary) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Dictionary(12 unique tokens: ['computer', 'human', 'interface', 'response', 'survey']...) + + + +Because our corpus is small, there are only 12 different tokens in this +:py:class:`gensim.corpora.Dictionary`. For larger corpuses, dictionaries that +contains hundreds of thousands of tokens are quite common. + + +.. _core_concepts_vector: + +Vector +------ + +To infer the latent structure in our corpus we need a way to represent +documents that we can manipulate mathematically. One approach is to represent +each document as a vector of *features*. +For example, a single feature may be thought of as a question-answer pair: + +1. How many times does the word *splonge* appear in the document? Zero. +2. How many paragraphs does the document consist of? Two. +3. How many fonts does the document use? Five. + +The question is usually represented only by its integer id (such as `1`, `2` and `3`). +The representation of this document then becomes a series of pairs like ``(1, 0.0), (2, 2.0), (3, 5.0)``. +This is known as a *dense vector*, because it contains an explicit answer to each of the above questions. + +If we know all the questions in advance, we may leave them implicit +and simply represent the document as ``(0, 2, 5)``. +This sequence of answers is the **vector** for our document (in this case a 3-dimensional dense vector). +For practical purposes, only questions to which the answer is (or +can be converted to) a *single floating point number* are allowed in Gensim. + +In practice, vectors often consist of many zero values. +To save memory, Gensim omits all vector elements with value 0.0. +The above example thus becomes ``(2, 2.0), (3, 5.0)``. +This is known as a *sparse vector* or *bag-of-words vector*. +The values of all missing features in this sparse representation can be unambiguously resolved to zero, ``0.0``. + +Assuming the questions are the same, we can compare the vectors of two different documents to each other. +For example, assume we are given two vectors ``(0.0, 2.0, 5.0)`` and ``(0.1, 1.9, 4.9)``. +Because the vectors are very similar to each other, we can conclude that the documents corresponding to those vectors are similar, too. +Of course, the correctness of that conclusion depends on how well we picked the questions in the first place. + +Another approach to represent a document as a vector is the *bag-of-words +model*. +Under the bag-of-words model each document is represented by a vector +containing the frequency counts of each word in the dictionary. +For example, assume we have a dictionary containing the words +``['coffee', 'milk', 'sugar', 'spoon']``. +A document consisting of the string ``"coffee milk coffee"`` would then +be represented by the vector ``[2, 1, 0, 0]`` where the entries of the vector +are (in order) the occurrences of "coffee", "milk", "sugar" and "spoon" in +the document. The length of the vector is the number of entries in the +dictionary. One of the main properties of the bag-of-words model is that it +completely ignores the order of the tokens in the document that is encoded, +which is where the name bag-of-words comes from. + +Our processed corpus has 12 unique words in it, which means that each +document will be represented by a 12-dimensional vector under the +bag-of-words model. We can use the dictionary to turn tokenized documents +into these 12-dimensional vectors. We can see what these IDs correspond to: + + + +.. code-block:: default + + pprint.pprint(dictionary.token2id) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + {'computer': 0, + 'eps': 8, + 'graph': 10, + 'human': 1, + 'interface': 2, + 'minors': 11, + 'response': 3, + 'survey': 4, + 'system': 5, + 'time': 6, + 'trees': 9, + 'user': 7} + + + +For example, suppose we wanted to vectorize the phrase "Human computer +interaction" (note that this phrase was not in our original corpus). We can +create the bag-of-word representation for a document using the ``doc2bow`` +method of the dictionary, which returns a sparse representation of the word +counts: + + + +.. code-block:: default + + + new_doc = "Human computer interaction" + new_vec = dictionary.doc2bow(new_doc.lower().split()) + print(new_vec) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 1), (1, 1)] + + + +The first entry in each tuple corresponds to the ID of the token in the +dictionary, the second corresponds to the count of this token. + +Note that "interaction" did not occur in the original corpus and so it was +not included in the vectorization. Also note that this vector only contains +entries for words that actually appeared in the document. Because any given +document will only contain a few words out of the many words in the +dictionary, words that do not appear in the vectorization are represented as +implicitly zero as a space saving measure. + +We can convert our entire original corpus to a list of vectors: + + + +.. code-block:: default + + bow_corpus = [dictionary.doc2bow(text) for text in processed_corpus] + pprint.pprint(bow_corpus) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [[(0, 1), (1, 1), (2, 1)], + [(0, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1)], + [(2, 1), (5, 1), (7, 1), (8, 1)], + [(1, 1), (5, 2), (8, 1)], + [(3, 1), (6, 1), (7, 1)], + [(9, 1)], + [(9, 1), (10, 1)], + [(9, 1), (10, 1), (11, 1)], + [(4, 1), (10, 1), (11, 1)]] + + + +Note that while this list lives entirely in memory, in most applications you +will want a more scalable solution. Luckily, ``gensim`` allows you to use any +iterator that returns a single document vector at a time. See the +documentation for more details. + +.. Important:: + The distinction between a document and a vector is that the former is text, + and the latter is a mathematically convenient representation of the text. + Sometimes, people will use the terms interchangeably: for example, given + some arbitrary document ``D``, instead of saying "the vector that + corresponds to document ``D``", they will just say "the vector ``D``" or + the "document ``D``". This achieves brevity at the cost of ambiguity. + + As long as you remember that documents exist in document space, and that + vectors exist in vector space, the above ambiguity is acceptable. + +.. Important:: + Depending on how the representation was obtained, two different documents + may have the same vector representations. + +.. _core_concepts_model: + +Model +----- + +Now that we have vectorized our corpus we can begin to transform it using +*models*. We use model as an abstract term referring to a *transformation* from +one document representation to another. In ``gensim`` documents are +represented as vectors so a model can be thought of as a transformation +between two vector spaces. The model learns the details of this +transformation during training, when it reads the training +:ref:`core_concepts_corpus`. + +One simple example of a model is `tf-idf +`_. The tf-idf model +transforms vectors from the bag-of-words representation to a vector space +where the frequency counts are weighted according to the relative rarity of +each word in the corpus. + +Here's a simple example. Let's initialize the tf-idf model, training it on +our corpus and transforming the string "system minors": + + + +.. code-block:: default + + + from gensim import models + + # train the model + tfidf = models.TfidfModel(bow_corpus) + + # transform the "system minors" string + words = "system minors".lower().split() + print(tfidf[dictionary.doc2bow(words)]) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(5, 0.5898341626740045), (11, 0.8075244024440723)] + + + +The ``tfidf`` model again returns a list of tuples, where the first entry is +the token ID and the second entry is the tf-idf weighting. Note that the ID +corresponding to "system" (which occurred 4 times in the original corpus) has +been weighted lower than the ID corresponding to "minors" (which only +occurred twice). + +You can save trained models to disk and later load them back, either to +continue training on new training documents or to transform new documents. + +``gensim`` offers a number of different models/transformations. +For more, see :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`. + +Once you've created the model, you can do all sorts of cool stuff with it. +For example, to transform the whole corpus via TfIdf and index it, in +preparation for similarity queries: + + + +.. code-block:: default + + from gensim import similarities + + index = similarities.SparseMatrixSimilarity(tfidf[bow_corpus], num_features=12) + + + + + + + +and to query the similarity of our query document ``query_document`` against every document in the corpus: + + +.. code-block:: default + + query_document = 'system engineering'.split() + query_bow = dictionary.doc2bow(query_document) + sims = index[tfidf[query_bow]] + print(list(enumerate(sims))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 0.0), (1, 0.32448703), (2, 0.41707572), (3, 0.7184812), (4, 0.0), (5, 0.0), (6, 0.0), (7, 0.0), (8, 0.0)] + + + +How to read this output? +Document 3 has a similarity score of 0.718=72%, document 2 has a similarity score of 42% etc. +We can make this slightly more readable by sorting: + + +.. code-block:: default + + + for document_number, score in sorted(enumerate(sims), key=lambda x: x[1], reverse=True): + print(document_number, score) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 3 0.7184812 + 2 0.41707572 + 1 0.32448703 + 0 0.0 + 4 0.0 + 5 0.0 + 6 0.0 + 7 0.0 + 8 0.0 + + + +Summary +------- + +The core concepts of ``gensim`` are: + +1. :ref:`core_concepts_document`: some text. +2. :ref:`core_concepts_corpus`: a collection of documents. +3. :ref:`core_concepts_vector`: a mathematically convenient representation of a document. +4. :ref:`core_concepts_model`: an algorithm for transforming vectors from one representation to another. + +We saw these concepts in action. +First, we started with a corpus of documents. +Next, we transformed these documents to a vector space representation. +After that, we created a model that transformed our original vector representation to TfIdf. +Finally, we used our model to calculate the similarity between some query document and all documents in the corpus. + +What Next? +---------- + +There's still much more to learn about :ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py`. + + +.. code-block:: default + + + import matplotlib.pyplot as plt + import matplotlib.image as mpimg + img = mpimg.imread('run_core_concepts.png') + imgplot = plt.imshow(img) + plt.axis('off') + plt.show() + + + +.. image:: /auto_examples/core/images/sphx_glr_run_core_concepts_001.png + :class: sphx-glr-single-img + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /Volumes/work/workspace/gensim_misha/docs/src/gallery/core/run_core_concepts.py:331: UserWarning: Matplotlib is currently using agg, which is a non-GUI backend, so cannot show the figure. + plt.show() + + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 1.265 seconds) + +**Estimated memory usage:** 36 MB + + +.. _sphx_glr_download_auto_examples_core_run_core_concepts.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_core_concepts.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_core_concepts.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/core/run_corpora_and_vector_spaces.ipynb b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.ipynb new file mode 100644 index 0000000000..3eb55937e5 --- /dev/null +++ b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.ipynb @@ -0,0 +1,439 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nCorpora and Vector Spaces\n=========================\n\nDemonstrates transforming text into a vector space representation.\n\nAlso introduces corpus streaming and persistence to disk in various formats.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "First, let\u2019s create a small corpus of nine short documents [1]_:\n\n\nFrom Strings to Vectors\n------------------------\n\nThis time, let's start from documents represented as strings:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "documents = [\n \"Human machine interface for lab abc computer applications\",\n \"A survey of user opinion of computer system response time\",\n \"The EPS user interface management system\",\n \"System and human system engineering testing of EPS\",\n \"Relation of user perceived response time to error measurement\",\n \"The generation of random binary unordered trees\",\n \"The intersection graph of paths in trees\",\n \"Graph minors IV Widths of trees and well quasi ordering\",\n \"Graph minors A survey\",\n]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This is a tiny corpus of nine documents, each consisting of only a single sentence.\n\nFirst, let's tokenize the documents, remove common words (using a toy stoplist)\nas well as words that only appear once in the corpus:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from pprint import pprint # pretty-printer\nfrom collections import defaultdict\n\n# remove common words and tokenize\nstoplist = set('for a of the and to in'.split())\ntexts = [\n [word for word in document.lower().split() if word not in stoplist]\n for document in documents\n]\n\n# remove words that appear only once\nfrequency = defaultdict(int)\nfor text in texts:\n for token in text:\n frequency[token] += 1\n\ntexts = [\n [token for token in text if frequency[token] > 1]\n for text in texts\n]\n\npprint(texts)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Your way of processing the documents will likely vary; here, I only split on whitespace\nto tokenize, followed by lowercasing each word. In fact, I use this particular\n(simplistic and inefficient) setup to mimic the experiment done in Deerwester et al.'s\noriginal LSA article [1]_.\n\nThe ways to process documents are so varied and application- and language-dependent that I\ndecided to *not* constrain them by any interface. Instead, a document is represented\nby the features extracted from it, not by its \"surface\" string form: how you get to\nthe features is up to you. Below I describe one common, general-purpose approach (called\n:dfn:`bag-of-words`), but keep in mind that different application domains call for\ndifferent features, and, as always, it's `garbage in, garbage out `_...\n\nTo convert documents to vectors, we'll use a document representation called\n`bag-of-words `_. In this representation,\neach document is represented by one vector where each vector element represents\na question-answer pair, in the style of:\n\n- Question: How many times does the word `system` appear in the document?\n- Answer: Once.\n\nIt is advantageous to represent the questions only by their (integer) ids. The mapping\nbetween the questions and ids is called a dictionary:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim import corpora\ndictionary = corpora.Dictionary(texts)\ndictionary.save('/tmp/deerwester.dict') # store the dictionary, for future reference\nprint(dictionary)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here we assigned a unique integer id to all words appearing in the corpus with the\n:class:`gensim.corpora.dictionary.Dictionary` class. This sweeps across the texts, collecting word counts\nand relevant statistics. In the end, we see there are twelve distinct words in the\nprocessed corpus, which means each document will be represented by twelve numbers (ie., by a 12-D vector).\nTo see the mapping between words and their ids:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(dictionary.token2id)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To actually convert tokenized documents to vectors:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "new_doc = \"Human computer interaction\"\nnew_vec = dictionary.doc2bow(new_doc.lower().split())\nprint(new_vec) # the word \"interaction\" does not appear in the dictionary and is ignored" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The function :func:`doc2bow` simply counts the number of occurrences of\neach distinct word, converts the word to its integer word id\nand returns the result as a sparse vector. The sparse vector ``[(0, 1), (1, 1)]``\ntherefore reads: in the document `\"Human computer interaction\"`, the words `computer`\n(id 0) and `human` (id 1) appear once; the other ten dictionary words appear (implicitly) zero times.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpus = [dictionary.doc2bow(text) for text in texts]\ncorpora.MmCorpus.serialize('/tmp/deerwester.mm', corpus) # store to disk, for later use\nprint(corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "By now it should be clear that the vector feature with ``id=10`` stands for the question \"How many\ntimes does the word `graph` appear in the document?\" and that the answer is \"zero\" for\nthe first six documents and \"one\" for the remaining three.\n\n\nCorpus Streaming -- One Document at a Time\n-------------------------------------------\n\nNote that `corpus` above resides fully in memory, as a plain Python list.\nIn this simple example, it doesn't matter much, but just to make things clear,\nlet's assume there are millions of documents in the corpus. Storing all of them in RAM won't do.\nInstead, let's assume the documents are stored in a file on disk, one document per line. Gensim\nonly requires that a corpus must be able to return one document vector at a time:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from smart_open import open # for transparently opening remote files\n\n\nclass MyCorpus(object):\n def __iter__(self):\n for line in open('https://radimrehurek.com/gensim/mycorpus.txt'):\n # assume there's one document per line, tokens separated by whitespace\n yield dictionary.doc2bow(line.lower().split())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The full power of Gensim comes from the fact that a corpus doesn't have to be\na ``list``, or a ``NumPy`` array, or a ``Pandas`` dataframe, or whatever.\nGensim *accepts any object that, when iterated over, successively yields\ndocuments*.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# This flexibility allows you to create your own corpus classes that stream the\n# documents directly from disk, network, database, dataframes... The models\n# in Gensim are implemented such that they don't require all vectors to reside\n# in RAM at once. You can even create the documents on the fly!" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Download the sample `mycorpus.txt file here <./mycorpus.txt>`_. The assumption that\neach document occupies one line in a single file is not important; you can mold\nthe `__iter__` function to fit your input format, whatever it is.\nWalking directories, parsing XML, accessing the network...\nJust parse your input to retrieve a clean list of tokens in each document,\nthen convert the tokens via a dictionary to their ids and yield the resulting sparse vector inside `__iter__`.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpus_memory_friendly = MyCorpus() # doesn't load the corpus into memory!\nprint(corpus_memory_friendly)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Corpus is now an object. We didn't define any way to print it, so `print` just outputs address\nof the object in memory. Not very useful. To see the constituent vectors, let's\niterate over the corpus and print each document vector (one at a time):\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "for vector in corpus_memory_friendly: # load one vector into memory at a time\n print(vector)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Although the output is the same as for the plain Python list, the corpus is now much\nmore memory friendly, because at most one vector resides in RAM at a time. Your\ncorpus can now be as large as you want.\n\nSimilarly, to construct the dictionary without loading all texts into memory:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from six import iteritems\n# collect statistics about all tokens\ndictionary = corpora.Dictionary(line.lower().split() for line in open('https://radimrehurek.com/gensim/mycorpus.txt'))\n# remove stop words and words that appear only once\nstop_ids = [\n dictionary.token2id[stopword]\n for stopword in stoplist\n if stopword in dictionary.token2id\n]\nonce_ids = [tokenid for tokenid, docfreq in iteritems(dictionary.dfs) if docfreq == 1]\ndictionary.filter_tokens(stop_ids + once_ids) # remove stop words and words that appear only once\ndictionary.compactify() # remove gaps in id sequence after words that were removed\nprint(dictionary)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "And that is all there is to it! At least as far as bag-of-words representation is concerned.\nOf course, what we do with such a corpus is another question; it is not at all clear\nhow counting the frequency of distinct words could be useful. As it turns out, it isn't, and\nwe will need to apply a transformation on this simple representation first, before\nwe can use it to compute any meaningful document vs. document similarities.\nTransformations are covered in the next tutorial\n(`sphx_glr_auto_examples_core_run_topics_and_transformations.py`),\nbut before that, let's briefly turn our attention to *corpus persistency*.\n\n\nCorpus Formats\n---------------\n\nThere exist several file formats for serializing a Vector Space corpus (~sequence of vectors) to disk.\n`Gensim` implements them via the *streaming corpus interface* mentioned earlier:\ndocuments are read from (resp. stored to) disk in a lazy fashion, one document at\na time, without the whole corpus being read into main memory at once.\n\nOne of the more notable file formats is the `Market Matrix format `_.\nTo save a corpus in the Matrix Market format:\n\ncreate a toy corpus of 2 documents, as a plain Python list\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpus = [[(1, 0.5)], []] # make one document empty, for the heck of it\n\ncorpora.MmCorpus.serialize('/tmp/corpus.mm', corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Other formats include `Joachim's SVMlight format `_,\n`Blei's LDA-C format `_ and\n`GibbsLDA++ format `_.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpora.SvmLightCorpus.serialize('/tmp/corpus.svmlight', corpus)\ncorpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus)\ncorpora.LowCorpus.serialize('/tmp/corpus.low', corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Conversely, to load a corpus iterator from a Matrix Market file:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpus = corpora.MmCorpus('/tmp/corpus.mm')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Corpus objects are streams, so typically you won't be able to print them directly:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Instead, to view the contents of a corpus:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# one way of printing a corpus: load it entirely into memory\nprint(list(corpus)) # calling list() will convert any sequence to a plain Python list" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "or\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# another way of doing it: print one document at a time, making use of the streaming interface\nfor doc in corpus:\n print(doc)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The second way is obviously more memory-friendly, but for testing and development\npurposes, nothing beats the simplicity of calling ``list(corpus)``.\n\nTo save the same Matrix Market document stream in Blei's LDA-C format,\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In this way, `gensim` can also be used as a memory-efficient **I/O format conversion tool**:\njust load a document stream using one format and immediately save it in another format.\nAdding new formats is dead easy, check out the `code for the SVMlight corpus\n`_ for an example.\n\nCompatibility with NumPy and SciPy\n----------------------------------\n\nGensim also contains `efficient utility functions `_\nto help converting from/to numpy matrices\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import gensim\nimport numpy as np\nnumpy_matrix = np.random.randint(10, size=[5, 2]) # random matrix as an example\ncorpus = gensim.matutils.Dense2Corpus(numpy_matrix)\n# numpy_matrix = gensim.matutils.corpus2dense(corpus, num_terms=number_of_corpus_features)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "and from/to `scipy.sparse` matrices\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import scipy.sparse\nscipy_sparse_matrix = scipy.sparse.random(5, 2) # random sparse matrix as example\ncorpus = gensim.matutils.Sparse2Corpus(scipy_sparse_matrix)\nscipy_csc_matrix = gensim.matutils.corpus2csc(corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "What Next\n---------\n\nRead about `sphx_glr_auto_examples_core_run_topics_and_transformations.py`.\n\nReferences\n----------\n\nFor a complete reference (Want to prune the dictionary to a smaller size?\nOptimize converting between corpora and NumPy/SciPy arrays?), see the `apiref`.\n\n.. [1] This is the same corpus as used in\n `Deerwester et al. (1990): Indexing by Latent Semantic Analysis `_, Table 2.\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here we show a pretty fastText logo so that our gallery picks it up as a thumbnail.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\nimport matplotlib.image as mpimg\nimg = mpimg.imread('run_corpora_and_vector_spaces.png')\nimgplot = plt.imshow(img)\nplt.axis('off')\nplt.show()" + ] + } + ], + "metadata": { + "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.7.1" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/core/run_corpora_and_vector_spaces.py b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.py new file mode 100644 index 0000000000..f151ac7622 --- /dev/null +++ b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.py @@ -0,0 +1,314 @@ +r""" +Corpora and Vector Spaces +========================= + +Demonstrates transforming text into a vector space representation. + +Also introduces corpus streaming and persistence to disk in various formats. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# First, let’s create a small corpus of nine short documents [1]_: +# +# .. _second example: +# +# From Strings to Vectors +# ------------------------ +# +# This time, let's start from documents represented as strings: +# +documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +############################################################################### +# This is a tiny corpus of nine documents, each consisting of only a single sentence. +# +# First, let's tokenize the documents, remove common words (using a toy stoplist) +# as well as words that only appear once in the corpus: + +from pprint import pprint # pretty-printer +from collections import defaultdict + +# remove common words and tokenize +stoplist = set('for a of the and to in'.split()) +texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents +] + +# remove words that appear only once +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +texts = [ + [token for token in text if frequency[token] > 1] + for text in texts +] + +pprint(texts) + +############################################################################### +# Your way of processing the documents will likely vary; here, I only split on whitespace +# to tokenize, followed by lowercasing each word. In fact, I use this particular +# (simplistic and inefficient) setup to mimic the experiment done in Deerwester et al.'s +# original LSA article [1]_. +# +# The ways to process documents are so varied and application- and language-dependent that I +# decided to *not* constrain them by any interface. Instead, a document is represented +# by the features extracted from it, not by its "surface" string form: how you get to +# the features is up to you. Below I describe one common, general-purpose approach (called +# :dfn:`bag-of-words`), but keep in mind that different application domains call for +# different features, and, as always, it's `garbage in, garbage out `_... +# +# To convert documents to vectors, we'll use a document representation called +# `bag-of-words `_. In this representation, +# each document is represented by one vector where each vector element represents +# a question-answer pair, in the style of: +# +# - Question: How many times does the word `system` appear in the document? +# - Answer: Once. +# +# It is advantageous to represent the questions only by their (integer) ids. The mapping +# between the questions and ids is called a dictionary: + +from gensim import corpora +dictionary = corpora.Dictionary(texts) +dictionary.save('/tmp/deerwester.dict') # store the dictionary, for future reference +print(dictionary) + +############################################################################### +# Here we assigned a unique integer id to all words appearing in the corpus with the +# :class:`gensim.corpora.dictionary.Dictionary` class. This sweeps across the texts, collecting word counts +# and relevant statistics. In the end, we see there are twelve distinct words in the +# processed corpus, which means each document will be represented by twelve numbers (ie., by a 12-D vector). +# To see the mapping between words and their ids: + +print(dictionary.token2id) + +############################################################################### +# To actually convert tokenized documents to vectors: + +new_doc = "Human computer interaction" +new_vec = dictionary.doc2bow(new_doc.lower().split()) +print(new_vec) # the word "interaction" does not appear in the dictionary and is ignored + +############################################################################### +# The function :func:`doc2bow` simply counts the number of occurrences of +# each distinct word, converts the word to its integer word id +# and returns the result as a sparse vector. The sparse vector ``[(0, 1), (1, 1)]`` +# therefore reads: in the document `"Human computer interaction"`, the words `computer` +# (id 0) and `human` (id 1) appear once; the other ten dictionary words appear (implicitly) zero times. + +corpus = [dictionary.doc2bow(text) for text in texts] +corpora.MmCorpus.serialize('/tmp/deerwester.mm', corpus) # store to disk, for later use +print(corpus) + +############################################################################### +# By now it should be clear that the vector feature with ``id=10`` stands for the question "How many +# times does the word `graph` appear in the document?" and that the answer is "zero" for +# the first six documents and "one" for the remaining three. +# +# .. _corpus_streaming_tutorial: +# +# Corpus Streaming -- One Document at a Time +# ------------------------------------------- +# +# Note that `corpus` above resides fully in memory, as a plain Python list. +# In this simple example, it doesn't matter much, but just to make things clear, +# let's assume there are millions of documents in the corpus. Storing all of them in RAM won't do. +# Instead, let's assume the documents are stored in a file on disk, one document per line. Gensim +# only requires that a corpus must be able to return one document vector at a time: +# +from smart_open import open # for transparently opening remote files + + +class MyCorpus(object): + def __iter__(self): + for line in open('https://radimrehurek.com/gensim/mycorpus.txt'): + # assume there's one document per line, tokens separated by whitespace + yield dictionary.doc2bow(line.lower().split()) + +############################################################################### +# The full power of Gensim comes from the fact that a corpus doesn't have to be +# a ``list``, or a ``NumPy`` array, or a ``Pandas`` dataframe, or whatever. +# Gensim *accepts any object that, when iterated over, successively yields +# documents*. + +# This flexibility allows you to create your own corpus classes that stream the +# documents directly from disk, network, database, dataframes... The models +# in Gensim are implemented such that they don't require all vectors to reside +# in RAM at once. You can even create the documents on the fly! + +############################################################################### +# Download the sample `mycorpus.txt file here <./mycorpus.txt>`_. The assumption that +# each document occupies one line in a single file is not important; you can mold +# the `__iter__` function to fit your input format, whatever it is. +# Walking directories, parsing XML, accessing the network... +# Just parse your input to retrieve a clean list of tokens in each document, +# then convert the tokens via a dictionary to their ids and yield the resulting sparse vector inside `__iter__`. + +corpus_memory_friendly = MyCorpus() # doesn't load the corpus into memory! +print(corpus_memory_friendly) + +############################################################################### +# Corpus is now an object. We didn't define any way to print it, so `print` just outputs address +# of the object in memory. Not very useful. To see the constituent vectors, let's +# iterate over the corpus and print each document vector (one at a time): + +for vector in corpus_memory_friendly: # load one vector into memory at a time + print(vector) + +############################################################################### +# Although the output is the same as for the plain Python list, the corpus is now much +# more memory friendly, because at most one vector resides in RAM at a time. Your +# corpus can now be as large as you want. +# +# Similarly, to construct the dictionary without loading all texts into memory: + +from six import iteritems +# collect statistics about all tokens +dictionary = corpora.Dictionary(line.lower().split() for line in open('https://radimrehurek.com/gensim/mycorpus.txt')) +# remove stop words and words that appear only once +stop_ids = [ + dictionary.token2id[stopword] + for stopword in stoplist + if stopword in dictionary.token2id +] +once_ids = [tokenid for tokenid, docfreq in iteritems(dictionary.dfs) if docfreq == 1] +dictionary.filter_tokens(stop_ids + once_ids) # remove stop words and words that appear only once +dictionary.compactify() # remove gaps in id sequence after words that were removed +print(dictionary) + +############################################################################### +# And that is all there is to it! At least as far as bag-of-words representation is concerned. +# Of course, what we do with such a corpus is another question; it is not at all clear +# how counting the frequency of distinct words could be useful. As it turns out, it isn't, and +# we will need to apply a transformation on this simple representation first, before +# we can use it to compute any meaningful document vs. document similarities. +# Transformations are covered in the next tutorial +# (:ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`), +# but before that, let's briefly turn our attention to *corpus persistency*. +# +# .. _corpus-formats: +# +# Corpus Formats +# --------------- +# +# There exist several file formats for serializing a Vector Space corpus (~sequence of vectors) to disk. +# `Gensim` implements them via the *streaming corpus interface* mentioned earlier: +# documents are read from (resp. stored to) disk in a lazy fashion, one document at +# a time, without the whole corpus being read into main memory at once. +# +# One of the more notable file formats is the `Market Matrix format `_. +# To save a corpus in the Matrix Market format: +# +# create a toy corpus of 2 documents, as a plain Python list +corpus = [[(1, 0.5)], []] # make one document empty, for the heck of it + +corpora.MmCorpus.serialize('/tmp/corpus.mm', corpus) + +############################################################################### +# Other formats include `Joachim's SVMlight format `_, +# `Blei's LDA-C format `_ and +# `GibbsLDA++ format `_. + +corpora.SvmLightCorpus.serialize('/tmp/corpus.svmlight', corpus) +corpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus) +corpora.LowCorpus.serialize('/tmp/corpus.low', corpus) + + +############################################################################### +# Conversely, to load a corpus iterator from a Matrix Market file: + +corpus = corpora.MmCorpus('/tmp/corpus.mm') + +############################################################################### +# Corpus objects are streams, so typically you won't be able to print them directly: + +print(corpus) + +############################################################################### +# Instead, to view the contents of a corpus: + +# one way of printing a corpus: load it entirely into memory +print(list(corpus)) # calling list() will convert any sequence to a plain Python list + +############################################################################### +# or + +# another way of doing it: print one document at a time, making use of the streaming interface +for doc in corpus: + print(doc) + +############################################################################### +# The second way is obviously more memory-friendly, but for testing and development +# purposes, nothing beats the simplicity of calling ``list(corpus)``. +# +# To save the same Matrix Market document stream in Blei's LDA-C format, + +corpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus) + +############################################################################### +# In this way, `gensim` can also be used as a memory-efficient **I/O format conversion tool**: +# just load a document stream using one format and immediately save it in another format. +# Adding new formats is dead easy, check out the `code for the SVMlight corpus +# `_ for an example. +# +# Compatibility with NumPy and SciPy +# ---------------------------------- +# +# Gensim also contains `efficient utility functions `_ +# to help converting from/to numpy matrices + +import gensim +import numpy as np +numpy_matrix = np.random.randint(10, size=[5, 2]) # random matrix as an example +corpus = gensim.matutils.Dense2Corpus(numpy_matrix) +# numpy_matrix = gensim.matutils.corpus2dense(corpus, num_terms=number_of_corpus_features) + +############################################################################### +# and from/to `scipy.sparse` matrices + +import scipy.sparse +scipy_sparse_matrix = scipy.sparse.random(5, 2) # random sparse matrix as example +corpus = gensim.matutils.Sparse2Corpus(scipy_sparse_matrix) +scipy_csc_matrix = gensim.matutils.corpus2csc(corpus) + +############################################################################### +# What Next +# --------- +# +# Read about :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`. +# +# References +# ---------- +# +# For a complete reference (Want to prune the dictionary to a smaller size? +# Optimize converting between corpora and NumPy/SciPy arrays?), see the :ref:`apiref`. +# +# .. [1] This is the same corpus as used in +# `Deerwester et al. (1990): Indexing by Latent Semantic Analysis `_, Table 2. + +############################################################################### +# Here we show a pretty fastText logo so that our gallery picks it up as a thumbnail. +# +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_corpora_and_vector_spaces.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/auto_examples/core/run_corpora_and_vector_spaces.py.md5 b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.py.md5 new file mode 100644 index 0000000000..622848ab6a --- /dev/null +++ b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.py.md5 @@ -0,0 +1 @@ +62ddd3c9d328a2b81ecdbb4f0fb203b2 \ No newline at end of file diff --git a/docs/src/auto_examples/core/run_corpora_and_vector_spaces.rst b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.rst new file mode 100644 index 0000000000..6286601cbb --- /dev/null +++ b/docs/src/auto_examples/core/run_corpora_and_vector_spaces.rst @@ -0,0 +1,649 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py: + + +Corpora and Vector Spaces +========================= + +Demonstrates transforming text into a vector space representation. + +Also introduces corpus streaming and persistence to disk in various formats. + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +First, let’s create a small corpus of nine short documents [1]_: + +.. _second example: + +From Strings to Vectors +------------------------ + +This time, let's start from documents represented as strings: + + + +.. code-block:: default + + documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", + ] + + + + + + + +This is a tiny corpus of nine documents, each consisting of only a single sentence. + +First, let's tokenize the documents, remove common words (using a toy stoplist) +as well as words that only appear once in the corpus: + + +.. code-block:: default + + + from pprint import pprint # pretty-printer + from collections import defaultdict + + # remove common words and tokenize + stoplist = set('for a of the and to in'.split()) + texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents + ] + + # remove words that appear only once + frequency = defaultdict(int) + for text in texts: + for token in text: + frequency[token] += 1 + + texts = [ + [token for token in text if frequency[token] > 1] + for text in texts + ] + + pprint(texts) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [['human', 'interface', 'computer'], + ['survey', 'user', 'computer', 'system', 'response', 'time'], + ['eps', 'user', 'interface', 'system'], + ['system', 'human', 'system', 'eps'], + ['user', 'response', 'time'], + ['trees'], + ['graph', 'trees'], + ['graph', 'minors', 'trees'], + ['graph', 'minors', 'survey']] + + +Your way of processing the documents will likely vary; here, I only split on whitespace +to tokenize, followed by lowercasing each word. In fact, I use this particular +(simplistic and inefficient) setup to mimic the experiment done in Deerwester et al.'s +original LSA article [1]_. + +The ways to process documents are so varied and application- and language-dependent that I +decided to *not* constrain them by any interface. Instead, a document is represented +by the features extracted from it, not by its "surface" string form: how you get to +the features is up to you. Below I describe one common, general-purpose approach (called +:dfn:`bag-of-words`), but keep in mind that different application domains call for +different features, and, as always, it's `garbage in, garbage out `_... + +To convert documents to vectors, we'll use a document representation called +`bag-of-words `_. In this representation, +each document is represented by one vector where each vector element represents +a question-answer pair, in the style of: + +- Question: How many times does the word `system` appear in the document? +- Answer: Once. + +It is advantageous to represent the questions only by their (integer) ids. The mapping +between the questions and ids is called a dictionary: + + +.. code-block:: default + + + from gensim import corpora + dictionary = corpora.Dictionary(texts) + dictionary.save('/tmp/deerwester.dict') # store the dictionary, for future reference + print(dictionary) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Dictionary(12 unique tokens: ['computer', 'human', 'interface', 'response', 'survey']...) + + +Here we assigned a unique integer id to all words appearing in the corpus with the +:class:`gensim.corpora.dictionary.Dictionary` class. This sweeps across the texts, collecting word counts +and relevant statistics. In the end, we see there are twelve distinct words in the +processed corpus, which means each document will be represented by twelve numbers (ie., by a 12-D vector). +To see the mapping between words and their ids: + + +.. code-block:: default + + + print(dictionary.token2id) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + {'computer': 0, 'human': 1, 'interface': 2, 'response': 3, 'survey': 4, 'system': 5, 'time': 6, 'user': 7, 'eps': 8, 'trees': 9, 'graph': 10, 'minors': 11} + + +To actually convert tokenized documents to vectors: + + +.. code-block:: default + + + new_doc = "Human computer interaction" + new_vec = dictionary.doc2bow(new_doc.lower().split()) + print(new_vec) # the word "interaction" does not appear in the dictionary and is ignored + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 1), (1, 1)] + + +The function :func:`doc2bow` simply counts the number of occurrences of +each distinct word, converts the word to its integer word id +and returns the result as a sparse vector. The sparse vector ``[(0, 1), (1, 1)]`` +therefore reads: in the document `"Human computer interaction"`, the words `computer` +(id 0) and `human` (id 1) appear once; the other ten dictionary words appear (implicitly) zero times. + + +.. code-block:: default + + + corpus = [dictionary.doc2bow(text) for text in texts] + corpora.MmCorpus.serialize('/tmp/deerwester.mm', corpus) # store to disk, for later use + print(corpus) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [[(0, 1), (1, 1), (2, 1)], [(0, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1)], [(2, 1), (5, 1), (7, 1), (8, 1)], [(1, 1), (5, 2), (8, 1)], [(3, 1), (6, 1), (7, 1)], [(9, 1)], [(9, 1), (10, 1)], [(9, 1), (10, 1), (11, 1)], [(4, 1), (10, 1), (11, 1)]] + + +By now it should be clear that the vector feature with ``id=10`` stands for the question "How many +times does the word `graph` appear in the document?" and that the answer is "zero" for +the first six documents and "one" for the remaining three. + +.. _corpus_streaming_tutorial: + +Corpus Streaming -- One Document at a Time +------------------------------------------- + +Note that `corpus` above resides fully in memory, as a plain Python list. +In this simple example, it doesn't matter much, but just to make things clear, +let's assume there are millions of documents in the corpus. Storing all of them in RAM won't do. +Instead, let's assume the documents are stored in a file on disk, one document per line. Gensim +only requires that a corpus must be able to return one document vector at a time: + + + +.. code-block:: default + + from smart_open import open # for transparently opening remote files + + + class MyCorpus(object): + def __iter__(self): + for line in open('https://radimrehurek.com/gensim/mycorpus.txt'): + # assume there's one document per line, tokens separated by whitespace + yield dictionary.doc2bow(line.lower().split()) + + + + + + + +The full power of Gensim comes from the fact that a corpus doesn't have to be +a ``list``, or a ``NumPy`` array, or a ``Pandas`` dataframe, or whatever. +Gensim *accepts any object that, when iterated over, successively yields +documents*. + + +.. code-block:: default + + + # This flexibility allows you to create your own corpus classes that stream the + # documents directly from disk, network, database, dataframes... The models + # in Gensim are implemented such that they don't require all vectors to reside + # in RAM at once. You can even create the documents on the fly! + + + + + + + +Download the sample `mycorpus.txt file here <./mycorpus.txt>`_. The assumption that +each document occupies one line in a single file is not important; you can mold +the `__iter__` function to fit your input format, whatever it is. +Walking directories, parsing XML, accessing the network... +Just parse your input to retrieve a clean list of tokens in each document, +then convert the tokens via a dictionary to their ids and yield the resulting sparse vector inside `__iter__`. + + +.. code-block:: default + + + corpus_memory_friendly = MyCorpus() # doesn't load the corpus into memory! + print(corpus_memory_friendly) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + <__main__.MyCorpus object at 0x7f2f3d6fcc50> + + +Corpus is now an object. We didn't define any way to print it, so `print` just outputs address +of the object in memory. Not very useful. To see the constituent vectors, let's +iterate over the corpus and print each document vector (one at a time): + + +.. code-block:: default + + + for vector in corpus_memory_friendly: # load one vector into memory at a time + print(vector) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 1), (1, 1), (2, 1)] + [(0, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1)] + [(2, 1), (5, 1), (7, 1), (8, 1)] + [(1, 1), (5, 2), (8, 1)] + [(3, 1), (6, 1), (7, 1)] + [(9, 1)] + [(9, 1), (10, 1)] + [(9, 1), (10, 1), (11, 1)] + [(4, 1), (10, 1), (11, 1)] + + +Although the output is the same as for the plain Python list, the corpus is now much +more memory friendly, because at most one vector resides in RAM at a time. Your +corpus can now be as large as you want. + +Similarly, to construct the dictionary without loading all texts into memory: + + +.. code-block:: default + + + from six import iteritems + # collect statistics about all tokens + dictionary = corpora.Dictionary(line.lower().split() for line in open('https://radimrehurek.com/gensim/mycorpus.txt')) + # remove stop words and words that appear only once + stop_ids = [ + dictionary.token2id[stopword] + for stopword in stoplist + if stopword in dictionary.token2id + ] + once_ids = [tokenid for tokenid, docfreq in iteritems(dictionary.dfs) if docfreq == 1] + dictionary.filter_tokens(stop_ids + once_ids) # remove stop words and words that appear only once + dictionary.compactify() # remove gaps in id sequence after words that were removed + print(dictionary) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Dictionary(12 unique tokens: ['computer', 'human', 'interface', 'response', 'survey']...) + + +And that is all there is to it! At least as far as bag-of-words representation is concerned. +Of course, what we do with such a corpus is another question; it is not at all clear +how counting the frequency of distinct words could be useful. As it turns out, it isn't, and +we will need to apply a transformation on this simple representation first, before +we can use it to compute any meaningful document vs. document similarities. +Transformations are covered in the next tutorial +(:ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`), +but before that, let's briefly turn our attention to *corpus persistency*. + +.. _corpus-formats: + +Corpus Formats +--------------- + +There exist several file formats for serializing a Vector Space corpus (~sequence of vectors) to disk. +`Gensim` implements them via the *streaming corpus interface* mentioned earlier: +documents are read from (resp. stored to) disk in a lazy fashion, one document at +a time, without the whole corpus being read into main memory at once. + +One of the more notable file formats is the `Market Matrix format `_. +To save a corpus in the Matrix Market format: + +create a toy corpus of 2 documents, as a plain Python list + + +.. code-block:: default + + corpus = [[(1, 0.5)], []] # make one document empty, for the heck of it + + corpora.MmCorpus.serialize('/tmp/corpus.mm', corpus) + + + + + + + +Other formats include `Joachim's SVMlight format `_, +`Blei's LDA-C format `_ and +`GibbsLDA++ format `_. + + +.. code-block:: default + + + corpora.SvmLightCorpus.serialize('/tmp/corpus.svmlight', corpus) + corpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus) + corpora.LowCorpus.serialize('/tmp/corpus.low', corpus) + + + + + + + + +Conversely, to load a corpus iterator from a Matrix Market file: + + +.. code-block:: default + + + corpus = corpora.MmCorpus('/tmp/corpus.mm') + + + + + + + +Corpus objects are streams, so typically you won't be able to print them directly: + + +.. code-block:: default + + + print(corpus) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + MmCorpus(2 documents, 2 features, 1 non-zero entries) + + +Instead, to view the contents of a corpus: + + +.. code-block:: default + + + # one way of printing a corpus: load it entirely into memory + print(list(corpus)) # calling list() will convert any sequence to a plain Python list + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [[(1, 0.5)], []] + + +or + + +.. code-block:: default + + + # another way of doing it: print one document at a time, making use of the streaming interface + for doc in corpus: + print(doc) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(1, 0.5)] + [] + + +The second way is obviously more memory-friendly, but for testing and development +purposes, nothing beats the simplicity of calling ``list(corpus)``. + +To save the same Matrix Market document stream in Blei's LDA-C format, + + +.. code-block:: default + + + corpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus) + + + + + + + +In this way, `gensim` can also be used as a memory-efficient **I/O format conversion tool**: +just load a document stream using one format and immediately save it in another format. +Adding new formats is dead easy, check out the `code for the SVMlight corpus +`_ for an example. + +Compatibility with NumPy and SciPy +---------------------------------- + +Gensim also contains `efficient utility functions `_ +to help converting from/to numpy matrices + + +.. code-block:: default + + + import gensim + import numpy as np + numpy_matrix = np.random.randint(10, size=[5, 2]) # random matrix as an example + corpus = gensim.matutils.Dense2Corpus(numpy_matrix) + # numpy_matrix = gensim.matutils.corpus2dense(corpus, num_terms=number_of_corpus_features) + + + + + + + +and from/to `scipy.sparse` matrices + + +.. code-block:: default + + + import scipy.sparse + scipy_sparse_matrix = scipy.sparse.random(5, 2) # random sparse matrix as example + corpus = gensim.matutils.Sparse2Corpus(scipy_sparse_matrix) + scipy_csc_matrix = gensim.matutils.corpus2csc(corpus) + + + + + + + +What Next +--------- + +Read about :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`. + +References +---------- + +For a complete reference (Want to prune the dictionary to a smaller size? +Optimize converting between corpora and NumPy/SciPy arrays?), see the :ref:`apiref`. + +.. [1] This is the same corpus as used in + `Deerwester et al. (1990): Indexing by Latent Semantic Analysis `_, Table 2. + +Here we show a pretty fastText logo so that our gallery picks it up as a thumbnail. + + + +.. code-block:: default + + import matplotlib.pyplot as plt + import matplotlib.image as mpimg + img = mpimg.imread('run_corpora_and_vector_spaces.png') + imgplot = plt.imshow(img) + plt.axis('off') + plt.show() + + + +.. image:: /auto_examples/core/images/sphx_glr_run_corpora_and_vector_spaces_001.png + :class: sphx-glr-single-img + + + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 2.104 seconds) + +**Estimated memory usage:** 45 MB + + +.. _sphx_glr_download_auto_examples_core_run_corpora_and_vector_spaces.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_corpora_and_vector_spaces.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_corpora_and_vector_spaces.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/core/run_similarity_queries.ipynb b/docs/src/auto_examples/core/run_similarity_queries.ipynb new file mode 100644 index 0000000000..66b39ca2cc --- /dev/null +++ b/docs/src/auto_examples/core/run_similarity_queries.ipynb @@ -0,0 +1,198 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nSimilarity Queries\n==================\n\nDemonstrates querying a corpus for similar documents.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Creating the Corpus\n-------------------\n\nFirst, we need to create a corpus to work with.\nThis step is the same as in the previous tutorial;\nif you completed it, feel free to skip to the next section.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from collections import defaultdict\nfrom gensim import corpora\n\ndocuments = [\n \"Human machine interface for lab abc computer applications\",\n \"A survey of user opinion of computer system response time\",\n \"The EPS user interface management system\",\n \"System and human system engineering testing of EPS\",\n \"Relation of user perceived response time to error measurement\",\n \"The generation of random binary unordered trees\",\n \"The intersection graph of paths in trees\",\n \"Graph minors IV Widths of trees and well quasi ordering\",\n \"Graph minors A survey\",\n]\n\n# remove common words and tokenize\nstoplist = set('for a of the and to in'.split())\ntexts = [\n [word for word in document.lower().split() if word not in stoplist]\n for document in documents\n]\n\n# remove words that appear only once\nfrequency = defaultdict(int)\nfor text in texts:\n for token in text:\n frequency[token] += 1\n\ntexts = [\n [token for token in text if frequency[token] > 1]\n for text in texts\n]\n\ndictionary = corpora.Dictionary(texts)\ncorpus = [dictionary.doc2bow(text) for text in texts]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Similarity interface\n--------------------\n\nIn the previous tutorials on\n`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py`\nand\n`sphx_glr_auto_examples_core_run_topics_and_transformations.py`,\nwe covered what it means to create a corpus in the Vector Space Model and how\nto transform it between different vector spaces. A common reason for such a\ncharade is that we want to determine **similarity between pairs of\ndocuments**, or the **similarity between a specific document and a set of\nother documents** (such as a user query vs. indexed documents).\n\nTo show how this can be done in gensim, let us consider the same corpus as in the\nprevious examples (which really originally comes from Deerwester et al.'s\n`\"Indexing by Latent Semantic Analysis\" `_\nseminal 1990 article).\nTo follow Deerwester's example, we first use this tiny corpus to define a 2-dimensional\nLSI space:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim import models\nlsi = models.LsiModel(corpus, id2word=dictionary, num_topics=2)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For the purposes of this tutorial, there are only two things you need to know about LSI.\nFirst, it's just another transformation: it transforms vectors from one space to another.\nSecond, the benefit of LSI is that enables identifying patterns and relationships between terms (in our case, words in a document) and topics.\nOur LSI space is two-dimensional (`num_topics = 2`) so there are two topics, but this is arbitrary.\nIf you're interested, you can read more about LSI here: `Latent Semantic Indexing `_:\n\nNow suppose a user typed in the query `\"Human computer interaction\"`. We would\nlike to sort our nine corpus documents in decreasing order of relevance to this query.\nUnlike modern search engines, here we only concentrate on a single aspect of possible\nsimilarities---on apparent semantic relatedness of their texts (words). No hyperlinks,\nno random-walk static ranks, just a semantic extension over the boolean keyword match:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "doc = \"Human computer interaction\"\nvec_bow = dictionary.doc2bow(doc.lower().split())\nvec_lsi = lsi[vec_bow] # convert the query to LSI space\nprint(vec_lsi)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In addition, we will be considering `cosine similarity `_\nto determine the similarity of two vectors. Cosine similarity is a standard measure\nin Vector Space Modeling, but wherever the vectors represent probability distributions,\n`different similarity measures `_\nmay be more appropriate.\n\nInitializing query structures\n++++++++++++++++++++++++++++++++\n\nTo prepare for similarity queries, we need to enter all documents which we want\nto compare against subsequent queries. In our case, they are the same nine documents\nused for training LSI, converted to 2-D LSA space. But that's only incidental, we\nmight also be indexing a different corpus altogether.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim import similarities\nindex = similarities.MatrixSimilarity(lsi[corpus]) # transform corpus to LSI space and index it" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "

Warning

The class :class:`similarities.MatrixSimilarity` is only appropriate when the whole\n set of vectors fits into memory. For example, a corpus of one million documents\n would require 2GB of RAM in a 256-dimensional LSI space, when used with this class.\n\n Without 2GB of free RAM, you would need to use the :class:`similarities.Similarity` class.\n This class operates in fixed memory, by splitting the index across multiple files on disk, called shards.\n It uses :class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity` internally,\n so it is still fast, although slightly more complex.

\n\nIndex persistency is handled via the standard :func:`save` and :func:`load` functions:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "index.save('/tmp/deerwester.index')\nindex = similarities.MatrixSimilarity.load('/tmp/deerwester.index')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This is true for all similarity indexing classes (:class:`similarities.Similarity`,\n:class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity`).\nAlso in the following, `index` can be an object of any of these. When in doubt,\nuse :class:`similarities.Similarity`, as it is the most scalable version, and it also\nsupports adding more documents to the index later.\n\nPerforming queries\n++++++++++++++++++\n\nTo obtain similarities of our query document against the nine indexed documents:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "sims = index[vec_lsi] # perform a similarity query against the corpus\nprint(list(enumerate(sims))) # print (document_number, document_similarity) 2-tuples" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Cosine measure returns similarities in the range `<-1, 1>` (the greater, the more similar),\nso that the first document has a score of 0.99809301 etc.\n\nWith some standard Python magic we sort these similarities into descending\norder, and obtain the final answer to the query `\"Human computer interaction\"`:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "sims = sorted(enumerate(sims), key=lambda item: -item[1])\nfor i, s in enumerate(sims):\n print(s, documents[i])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The thing to note here is that documents no. 2 (``\"The EPS user interface management system\"``)\nand 4 (``\"Relation of user perceived response time to error measurement\"``) would never be returned by\na standard boolean fulltext search, because they do not share any common words with ``\"Human\ncomputer interaction\"``. However, after applying LSI, we can observe that both of\nthem received quite high similarity scores (no. 2 is actually the most similar!),\nwhich corresponds better to our intuition of\nthem sharing a \"computer-human\" related topic with the query. In fact, this semantic\ngeneralization is the reason why we apply transformations and do topic modelling\nin the first place.\n\nWhere next?\n------------\n\nCongratulations, you have finished the tutorials -- now you know how gensim works :-)\nTo delve into more details, you can browse through the `apiref`,\nsee the `wiki` or perhaps check out `distributed` in `gensim`.\n\nGensim is a fairly mature package that has been used successfully by many individuals and companies, both for rapid prototyping and in production.\nThat doesn't mean it's perfect though:\n\n* there are parts that could be implemented more efficiently (in C, for example), or make better use of parallelism (multiple machines cores)\n* new algorithms are published all the time; help gensim keep up by `discussing them `_ and `contributing code `_\n* your **feedback is most welcome** and appreciated (and it's not just the code!):\n `bug reports `_ or\n `user stories and general questions `_.\n\nGensim has no ambition to become an all-encompassing framework, across all NLP (or even Machine Learning) subfields.\nIts mission is to help NLP practitioners try out popular topic modelling algorithms\non large datasets easily, and to facilitate prototyping of new algorithms for researchers.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\nimport matplotlib.image as mpimg\nimg = mpimg.imread('run_similarity_queries.png')\nimgplot = plt.imshow(img)\nplt.axis('off')\nplt.show()" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/core/run_similarity_queries.py b/docs/src/auto_examples/core/run_similarity_queries.py new file mode 100644 index 0000000000..24b520e0ce --- /dev/null +++ b/docs/src/auto_examples/core/run_similarity_queries.py @@ -0,0 +1,194 @@ +r""" +Similarity Queries +================== + +Demonstrates querying a corpus for similar documents. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# +# Creating the Corpus +# ------------------- +# +# First, we need to create a corpus to work with. +# This step is the same as in the previous tutorial; +# if you completed it, feel free to skip to the next section. + +from collections import defaultdict +from gensim import corpora + +documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +# remove common words and tokenize +stoplist = set('for a of the and to in'.split()) +texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents +] + +# remove words that appear only once +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +texts = [ + [token for token in text if frequency[token] > 1] + for text in texts +] + +dictionary = corpora.Dictionary(texts) +corpus = [dictionary.doc2bow(text) for text in texts] + +############################################################################### +# Similarity interface +# -------------------- +# +# In the previous tutorials on +# :ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py` +# and +# :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`, +# we covered what it means to create a corpus in the Vector Space Model and how +# to transform it between different vector spaces. A common reason for such a +# charade is that we want to determine **similarity between pairs of +# documents**, or the **similarity between a specific document and a set of +# other documents** (such as a user query vs. indexed documents). +# +# To show how this can be done in gensim, let us consider the same corpus as in the +# previous examples (which really originally comes from Deerwester et al.'s +# `"Indexing by Latent Semantic Analysis" `_ +# seminal 1990 article). +# To follow Deerwester's example, we first use this tiny corpus to define a 2-dimensional +# LSI space: + +from gensim import models +lsi = models.LsiModel(corpus, id2word=dictionary, num_topics=2) + +############################################################################### +# For the purposes of this tutorial, there are only two things you need to know about LSI. +# First, it's just another transformation: it transforms vectors from one space to another. +# Second, the benefit of LSI is that enables identifying patterns and relationships between terms (in our case, words in a document) and topics. +# Our LSI space is two-dimensional (`num_topics = 2`) so there are two topics, but this is arbitrary. +# If you're interested, you can read more about LSI here: `Latent Semantic Indexing `_: +# +# Now suppose a user typed in the query `"Human computer interaction"`. We would +# like to sort our nine corpus documents in decreasing order of relevance to this query. +# Unlike modern search engines, here we only concentrate on a single aspect of possible +# similarities---on apparent semantic relatedness of their texts (words). No hyperlinks, +# no random-walk static ranks, just a semantic extension over the boolean keyword match: + +doc = "Human computer interaction" +vec_bow = dictionary.doc2bow(doc.lower().split()) +vec_lsi = lsi[vec_bow] # convert the query to LSI space +print(vec_lsi) + +############################################################################### +# In addition, we will be considering `cosine similarity `_ +# to determine the similarity of two vectors. Cosine similarity is a standard measure +# in Vector Space Modeling, but wherever the vectors represent probability distributions, +# `different similarity measures `_ +# may be more appropriate. +# +# Initializing query structures +# ++++++++++++++++++++++++++++++++ +# +# To prepare for similarity queries, we need to enter all documents which we want +# to compare against subsequent queries. In our case, they are the same nine documents +# used for training LSI, converted to 2-D LSA space. But that's only incidental, we +# might also be indexing a different corpus altogether. + +from gensim import similarities +index = similarities.MatrixSimilarity(lsi[corpus]) # transform corpus to LSI space and index it + +############################################################################### +# .. warning:: +# The class :class:`similarities.MatrixSimilarity` is only appropriate when the whole +# set of vectors fits into memory. For example, a corpus of one million documents +# would require 2GB of RAM in a 256-dimensional LSI space, when used with this class. +# +# Without 2GB of free RAM, you would need to use the :class:`similarities.Similarity` class. +# This class operates in fixed memory, by splitting the index across multiple files on disk, called shards. +# It uses :class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity` internally, +# so it is still fast, although slightly more complex. +# +# Index persistency is handled via the standard :func:`save` and :func:`load` functions: + +index.save('/tmp/deerwester.index') +index = similarities.MatrixSimilarity.load('/tmp/deerwester.index') + +############################################################################### +# This is true for all similarity indexing classes (:class:`similarities.Similarity`, +# :class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity`). +# Also in the following, `index` can be an object of any of these. When in doubt, +# use :class:`similarities.Similarity`, as it is the most scalable version, and it also +# supports adding more documents to the index later. +# +# Performing queries +# ++++++++++++++++++ +# +# To obtain similarities of our query document against the nine indexed documents: + +sims = index[vec_lsi] # perform a similarity query against the corpus +print(list(enumerate(sims))) # print (document_number, document_similarity) 2-tuples + +############################################################################### +# Cosine measure returns similarities in the range `<-1, 1>` (the greater, the more similar), +# so that the first document has a score of 0.99809301 etc. +# +# With some standard Python magic we sort these similarities into descending +# order, and obtain the final answer to the query `"Human computer interaction"`: + +sims = sorted(enumerate(sims), key=lambda item: -item[1]) +for i, s in enumerate(sims): + print(s, documents[i]) + +############################################################################### +# The thing to note here is that documents no. 2 (``"The EPS user interface management system"``) +# and 4 (``"Relation of user perceived response time to error measurement"``) would never be returned by +# a standard boolean fulltext search, because they do not share any common words with ``"Human +# computer interaction"``. However, after applying LSI, we can observe that both of +# them received quite high similarity scores (no. 2 is actually the most similar!), +# which corresponds better to our intuition of +# them sharing a "computer-human" related topic with the query. In fact, this semantic +# generalization is the reason why we apply transformations and do topic modelling +# in the first place. +# +# Where next? +# ------------ +# +# Congratulations, you have finished the tutorials -- now you know how gensim works :-) +# To delve into more details, you can browse through the :ref:`apiref`, +# see the :ref:`wiki` or perhaps check out :ref:`distributed` in `gensim`. +# +# Gensim is a fairly mature package that has been used successfully by many individuals and companies, both for rapid prototyping and in production. +# That doesn't mean it's perfect though: +# +# * there are parts that could be implemented more efficiently (in C, for example), or make better use of parallelism (multiple machines cores) +# * new algorithms are published all the time; help gensim keep up by `discussing them `_ and `contributing code `_ +# * your **feedback is most welcome** and appreciated (and it's not just the code!): +# `bug reports `_ or +# `user stories and general questions `_. +# +# Gensim has no ambition to become an all-encompassing framework, across all NLP (or even Machine Learning) subfields. +# Its mission is to help NLP practitioners try out popular topic modelling algorithms +# on large datasets easily, and to facilitate prototyping of new algorithms for researchers. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_similarity_queries.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/auto_examples/core/run_similarity_queries.py.md5 b/docs/src/auto_examples/core/run_similarity_queries.py.md5 new file mode 100644 index 0000000000..044a682b37 --- /dev/null +++ b/docs/src/auto_examples/core/run_similarity_queries.py.md5 @@ -0,0 +1 @@ +a3eaf7347874a32d1d25a455753206dc \ No newline at end of file diff --git a/docs/src/auto_examples/core/run_similarity_queries.rst b/docs/src/auto_examples/core/run_similarity_queries.rst new file mode 100644 index 0000000000..e745cc19d6 --- /dev/null +++ b/docs/src/auto_examples/core/run_similarity_queries.rst @@ -0,0 +1,360 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_core_run_similarity_queries.py: + + +Similarity Queries +================== + +Demonstrates querying a corpus for similar documents. + + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +Creating the Corpus +------------------- + +First, we need to create a corpus to work with. +This step is the same as in the previous tutorial; +if you completed it, feel free to skip to the next section. + + +.. code-block:: default + + + from collections import defaultdict + from gensim import corpora + + documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", + ] + + # remove common words and tokenize + stoplist = set('for a of the and to in'.split()) + texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents + ] + + # remove words that appear only once + frequency = defaultdict(int) + for text in texts: + for token in text: + frequency[token] += 1 + + texts = [ + [token for token in text if frequency[token] > 1] + for text in texts + ] + + dictionary = corpora.Dictionary(texts) + corpus = [dictionary.doc2bow(text) for text in texts] + + + + + + + +Similarity interface +-------------------- + +In the previous tutorials on +:ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py` +and +:ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`, +we covered what it means to create a corpus in the Vector Space Model and how +to transform it between different vector spaces. A common reason for such a +charade is that we want to determine **similarity between pairs of +documents**, or the **similarity between a specific document and a set of +other documents** (such as a user query vs. indexed documents). + +To show how this can be done in gensim, let us consider the same corpus as in the +previous examples (which really originally comes from Deerwester et al.'s +`"Indexing by Latent Semantic Analysis" `_ +seminal 1990 article). +To follow Deerwester's example, we first use this tiny corpus to define a 2-dimensional +LSI space: + + +.. code-block:: default + + + from gensim import models + lsi = models.LsiModel(corpus, id2word=dictionary, num_topics=2) + + + + + + + +For the purposes of this tutorial, there are only two things you need to know about LSI. +First, it's just another transformation: it transforms vectors from one space to another. +Second, the benefit of LSI is that enables identifying patterns and relationships between terms (in our case, words in a document) and topics. +Our LSI space is two-dimensional (`num_topics = 2`) so there are two topics, but this is arbitrary. +If you're interested, you can read more about LSI here: `Latent Semantic Indexing `_: + +Now suppose a user typed in the query `"Human computer interaction"`. We would +like to sort our nine corpus documents in decreasing order of relevance to this query. +Unlike modern search engines, here we only concentrate on a single aspect of possible +similarities---on apparent semantic relatedness of their texts (words). No hyperlinks, +no random-walk static ranks, just a semantic extension over the boolean keyword match: + + +.. code-block:: default + + + doc = "Human computer interaction" + vec_bow = dictionary.doc2bow(doc.lower().split()) + vec_lsi = lsi[vec_bow] # convert the query to LSI space + print(vec_lsi) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 0.4618210045327158), (1, 0.07002766527900064)] + + + +In addition, we will be considering `cosine similarity `_ +to determine the similarity of two vectors. Cosine similarity is a standard measure +in Vector Space Modeling, but wherever the vectors represent probability distributions, +`different similarity measures `_ +may be more appropriate. + +Initializing query structures +++++++++++++++++++++++++++++++++ + +To prepare for similarity queries, we need to enter all documents which we want +to compare against subsequent queries. In our case, they are the same nine documents +used for training LSI, converted to 2-D LSA space. But that's only incidental, we +might also be indexing a different corpus altogether. + + +.. code-block:: default + + + from gensim import similarities + index = similarities.MatrixSimilarity(lsi[corpus]) # transform corpus to LSI space and index it + + + + + + + +.. warning:: + The class :class:`similarities.MatrixSimilarity` is only appropriate when the whole + set of vectors fits into memory. For example, a corpus of one million documents + would require 2GB of RAM in a 256-dimensional LSI space, when used with this class. + + Without 2GB of free RAM, you would need to use the :class:`similarities.Similarity` class. + This class operates in fixed memory, by splitting the index across multiple files on disk, called shards. + It uses :class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity` internally, + so it is still fast, although slightly more complex. + +Index persistency is handled via the standard :func:`save` and :func:`load` functions: + + +.. code-block:: default + + + index.save('/tmp/deerwester.index') + index = similarities.MatrixSimilarity.load('/tmp/deerwester.index') + + + + + + + +This is true for all similarity indexing classes (:class:`similarities.Similarity`, +:class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity`). +Also in the following, `index` can be an object of any of these. When in doubt, +use :class:`similarities.Similarity`, as it is the most scalable version, and it also +supports adding more documents to the index later. + +Performing queries +++++++++++++++++++ + +To obtain similarities of our query document against the nine indexed documents: + + +.. code-block:: default + + + sims = index[vec_lsi] # perform a similarity query against the corpus + print(list(enumerate(sims))) # print (document_number, document_similarity) 2-tuples + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 0.998093), (1, 0.93748635), (2, 0.9984453), (3, 0.9865886), (4, 0.90755945), (5, -0.12416792), (6, -0.10639259), (7, -0.09879464), (8, 0.050041765)] + + + +Cosine measure returns similarities in the range `<-1, 1>` (the greater, the more similar), +so that the first document has a score of 0.99809301 etc. + +With some standard Python magic we sort these similarities into descending +order, and obtain the final answer to the query `"Human computer interaction"`: + + +.. code-block:: default + + + sims = sorted(enumerate(sims), key=lambda item: -item[1]) + for i, s in enumerate(sims): + print(s, documents[i]) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + (2, 0.9984453) Human machine interface for lab abc computer applications + (0, 0.998093) A survey of user opinion of computer system response time + (3, 0.9865886) The EPS user interface management system + (1, 0.93748635) System and human system engineering testing of EPS + (4, 0.90755945) Relation of user perceived response time to error measurement + (8, 0.050041765) The generation of random binary unordered trees + (7, -0.09879464) The intersection graph of paths in trees + (6, -0.10639259) Graph minors IV Widths of trees and well quasi ordering + (5, -0.12416792) Graph minors A survey + + + +The thing to note here is that documents no. 2 (``"The EPS user interface management system"``) +and 4 (``"Relation of user perceived response time to error measurement"``) would never be returned by +a standard boolean fulltext search, because they do not share any common words with ``"Human +computer interaction"``. However, after applying LSI, we can observe that both of +them received quite high similarity scores (no. 2 is actually the most similar!), +which corresponds better to our intuition of +them sharing a "computer-human" related topic with the query. In fact, this semantic +generalization is the reason why we apply transformations and do topic modelling +in the first place. + +Where next? +------------ + +Congratulations, you have finished the tutorials -- now you know how gensim works :-) +To delve into more details, you can browse through the :ref:`apiref`, +see the :ref:`wiki` or perhaps check out :ref:`distributed` in `gensim`. + +Gensim is a fairly mature package that has been used successfully by many individuals and companies, both for rapid prototyping and in production. +That doesn't mean it's perfect though: + +* there are parts that could be implemented more efficiently (in C, for example), or make better use of parallelism (multiple machines cores) +* new algorithms are published all the time; help gensim keep up by `discussing them `_ and `contributing code `_ +* your **feedback is most welcome** and appreciated (and it's not just the code!): + `bug reports `_ or + `user stories and general questions `_. + +Gensim has no ambition to become an all-encompassing framework, across all NLP (or even Machine Learning) subfields. +Its mission is to help NLP practitioners try out popular topic modelling algorithms +on large datasets easily, and to facilitate prototyping of new algorithms for researchers. + + +.. code-block:: default + + + import matplotlib.pyplot as plt + import matplotlib.image as mpimg + img = mpimg.imread('run_similarity_queries.png') + imgplot = plt.imshow(img) + plt.axis('off') + plt.show() + + + +.. image:: /auto_examples/core/images/sphx_glr_run_similarity_queries_001.png + :class: sphx-glr-single-img + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /Volumes/work/workspace/gensim_misha/docs/src/gallery/core/run_similarity_queries.py:194: UserWarning: Matplotlib is currently using agg, which is a non-GUI backend, so cannot show the figure. + plt.show() + + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 0.663 seconds) + +**Estimated memory usage:** 6 MB + + +.. _sphx_glr_download_auto_examples_core_run_similarity_queries.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_similarity_queries.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_similarity_queries.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/core/run_topics_and_transformations.ipynb b/docs/src/auto_examples/core/run_topics_and_transformations.ipynb new file mode 100644 index 0000000000..4632f0803a --- /dev/null +++ b/docs/src/auto_examples/core/run_topics_and_transformations.ipynb @@ -0,0 +1,216 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nTopics and Transformations\n===========================\n\nIntroduces transformations and demonstrates their use on a toy corpus.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In this tutorial, I will show how to transform documents from one vector representation\ninto another. This process serves two goals:\n\n1. To bring out hidden structure in the corpus, discover relationships between\n words and use them to describe the documents in a new and\n (hopefully) more semantic way.\n2. To make the document representation more compact. This both improves efficiency\n (new representation consumes less resources) and efficacy (marginal data\n trends are ignored, noise-reduction).\n\nCreating the Corpus\n-------------------\n\nFirst, we need to create a corpus to work with.\nThis step is the same as in the previous tutorial;\nif you completed it, feel free to skip to the next section.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from collections import defaultdict\nfrom gensim import corpora\n\ndocuments = [\n \"Human machine interface for lab abc computer applications\",\n \"A survey of user opinion of computer system response time\",\n \"The EPS user interface management system\",\n \"System and human system engineering testing of EPS\",\n \"Relation of user perceived response time to error measurement\",\n \"The generation of random binary unordered trees\",\n \"The intersection graph of paths in trees\",\n \"Graph minors IV Widths of trees and well quasi ordering\",\n \"Graph minors A survey\",\n]\n\n# remove common words and tokenize\nstoplist = set('for a of the and to in'.split())\ntexts = [\n [word for word in document.lower().split() if word not in stoplist]\n for document in documents\n]\n\n# remove words that appear only once\nfrequency = defaultdict(int)\nfor text in texts:\n for token in text:\n frequency[token] += 1\n\ntexts = [\n [token for token in text if frequency[token] > 1]\n for text in texts\n]\n\ndictionary = corpora.Dictionary(texts)\ncorpus = [dictionary.doc2bow(text) for text in texts]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Creating a transformation\n++++++++++++++++++++++++++\n\nThe transformations are standard Python objects, typically initialized by means of\na :dfn:`training corpus`:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim import models\n\ntfidf = models.TfidfModel(corpus) # step 1 -- initialize a model" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We used our old corpus from tutorial 1 to initialize (train) the transformation model. Different\ntransformations may require different initialization parameters; in case of TfIdf, the\n\"training\" consists simply of going through the supplied corpus once and computing document frequencies\nof all its features. Training other models, such as Latent Semantic Analysis or Latent Dirichlet\nAllocation, is much more involved and, consequently, takes much more time.\n\n

Note

Transformations always convert between two specific vector\n spaces. The same vector space (= the same set of feature ids) must be used for training\n as well as for subsequent vector transformations. Failure to use the same input\n feature space, such as applying a different string preprocessing, using different\n feature ids, or using bag-of-words input vectors where TfIdf vectors are expected, will\n result in feature mismatch during transformation calls and consequently in either\n garbage output and/or runtime exceptions.

\n\n\nTransforming vectors\n+++++++++++++++++++++\n\nFrom now on, ``tfidf`` is treated as a read-only object that can be used to convert\nany vector from the old representation (bag-of-words integer counts) to the new representation\n(TfIdf real-valued weights):\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "doc_bow = [(0, 1), (1, 1)]\nprint(tfidf[doc_bow]) # step 2 -- use the model to transform vectors" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Or to apply a transformation to a whole corpus:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpus_tfidf = tfidf[corpus]\nfor doc in corpus_tfidf:\n print(doc)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In this particular case, we are transforming the same corpus that we used\nfor training, but this is only incidental. Once the transformation model has been initialized,\nit can be used on any vectors (provided they come from the same vector space, of course),\neven if they were not used in the training corpus at all. This is achieved by a process called\nfolding-in for LSA, by topic inference for LDA etc.\n\n

Note

Calling ``model[corpus]`` only creates a wrapper around the old ``corpus``\n document stream -- actual conversions are done on-the-fly, during document iteration.\n We cannot convert the entire corpus at the time of calling ``corpus_transformed = model[corpus]``,\n because that would mean storing the result in main memory, and that contradicts gensim's objective of memory-indepedence.\n If you will be iterating over the transformed ``corpus_transformed`` multiple times, and the\n transformation is costly, `serialize the resulting corpus to disk first ` and continue\n using that.

\n\nTransformations can also be serialized, one on top of another, in a sort of chain:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "lsi = models.LsiModel(corpus_tfidf, id2word=dictionary, num_topics=2) # initialize an LSI transformation\ncorpus_lsi = lsi[corpus_tfidf] # create a double wrapper over the original corpus: bow->tfidf->fold-in-lsi" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here we transformed our Tf-Idf corpus via `Latent Semantic Indexing `_\ninto a latent 2-D space (2-D because we set ``num_topics=2``). Now you're probably wondering: what do these two latent\ndimensions stand for? Let's inspect with :func:`models.LsiModel.print_topics`:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "lsi.print_topics(2)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "(the topics are printed to log -- see the note at the top of this page about activating\nlogging)\n\nIt appears that according to LSI, \"trees\", \"graph\" and \"minors\" are all related\nwords (and contribute the most to the direction of the first topic), while the\nsecond topic practically concerns itself with all the other words. As expected,\nthe first five documents are more strongly related to the second topic while the\nremaining four documents to the first topic:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# both bow->tfidf and tfidf->lsi transformations are actually executed here, on the fly\nfor doc, as_text in zip(corpus_lsi, documents):\n print(doc, as_text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Model persistency is achieved with the :func:`save` and :func:`load` functions:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "lsi.save('/tmp/model.lsi') # same for tfidf, lda, ...\nlsi = models.LsiModel.load('/tmp/model.lsi')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The next question might be: just how exactly similar are those documents to each other?\nIs there a way to formalize the similarity, so that for a given input document, we can\norder some other set of documents according to their similarity? Similarity queries\nare covered in the next tutorial (`sphx_glr_auto_examples_core_run_similarity_queries.py`).\n\n\nAvailable transformations\n--------------------------\n\nGensim implements several popular Vector Space Model algorithms:\n\n* `Term Frequency * Inverse Document Frequency, Tf-Idf `_\n expects a bag-of-words (integer values) training corpus during initialization.\n During transformation, it will take a vector and return another vector of the\n same dimensionality, except that features which were rare in the training corpus\n will have their value increased.\n It therefore converts integer-valued vectors into real-valued ones, while leaving\n the number of dimensions intact. It can also optionally normalize the resulting\n vectors to (Euclidean) unit length.\n\n .. sourcecode:: pycon\n\n model = models.TfidfModel(corpus, normalize=True)\n\n* `Latent Semantic Indexing, LSI (or sometimes LSA) `_\n transforms documents from either bag-of-words or (preferrably) TfIdf-weighted space into\n a latent space of a lower dimensionality. For the toy corpus above we used only\n 2 latent dimensions, but on real corpora, target dimensionality of 200--500 is recommended\n as a \"golden standard\" [1]_.\n\n .. sourcecode:: pycon\n\n model = models.LsiModel(tfidf_corpus, id2word=dictionary, num_topics=300)\n\n LSI training is unique in that we can continue \"training\" at any point, simply\n by providing more training documents. This is done by incremental updates to\n the underlying model, in a process called `online training`. Because of this feature, the\n input document stream may even be infinite -- just keep feeding LSI new documents\n as they arrive, while using the computed transformation model as read-only in the meanwhile!\n\n .. sourcecode:: pycon\n\n model.add_documents(another_tfidf_corpus) # now LSI has been trained on tfidf_corpus + another_tfidf_corpus\n lsi_vec = model[tfidf_vec] # convert some new document into the LSI space, without affecting the model\n\n model.add_documents(more_documents) # tfidf_corpus + another_tfidf_corpus + more_documents\n lsi_vec = model[tfidf_vec]\n\n See the :mod:`gensim.models.lsimodel` documentation for details on how to make\n LSI gradually \"forget\" old observations in infinite streams. If you want to get dirty,\n there are also parameters you can tweak that affect speed vs. memory footprint vs. numerical\n precision of the LSI algorithm.\n\n `gensim` uses a novel online incremental streamed distributed training algorithm (quite a mouthful!),\n which I published in [5]_. `gensim` also executes a stochastic multi-pass algorithm\n from Halko et al. [4]_ internally, to accelerate in-core part\n of the computations.\n See also `wiki` for further speed-ups by distributing the computation across\n a cluster of computers.\n\n* `Random Projections, RP `_ aim to\n reduce vector space dimensionality. This is a very efficient (both memory- and\n CPU-friendly) approach to approximating TfIdf distances between documents, by throwing in a little randomness.\n Recommended target dimensionality is again in the hundreds/thousands, depending on your dataset.\n\n .. sourcecode:: pycon\n\n model = models.RpModel(tfidf_corpus, num_topics=500)\n\n* `Latent Dirichlet Allocation, LDA `_\n is yet another transformation from bag-of-words counts into a topic space of lower\n dimensionality. LDA is a probabilistic extension of LSA (also called multinomial PCA),\n so LDA's topics can be interpreted as probability distributions over words. These distributions are,\n just like with LSA, inferred automatically from a training corpus. Documents\n are in turn interpreted as a (soft) mixture of these topics (again, just like with LSA).\n\n .. sourcecode:: pycon\n\n model = models.LdaModel(corpus, id2word=dictionary, num_topics=100)\n\n `gensim` uses a fast implementation of online LDA parameter estimation based on [2]_,\n modified to run in `distributed mode ` on a cluster of computers.\n\n* `Hierarchical Dirichlet Process, HDP `_\n is a non-parametric bayesian method (note the missing number of requested topics):\n\n .. sourcecode:: pycon\n\n model = models.HdpModel(corpus, id2word=dictionary)\n\n `gensim` uses a fast, online implementation based on [3]_.\n The HDP model is a new addition to `gensim`, and still rough around its academic edges -- use with care.\n\nAdding new :abbr:`VSM (Vector Space Model)` transformations (such as different weighting schemes) is rather trivial;\nsee the `apiref` or directly the `Python code `_\nfor more info and examples.\n\nIt is worth repeating that these are all unique, **incremental** implementations,\nwhich do not require the whole training corpus to be present in main memory all at once.\nWith memory taken care of, I am now improving `distributed`,\nto improve CPU efficiency, too.\nIf you feel you could contribute by testing, providing use-cases or code, see the `Gensim Developer guide `__.\n\nWhat Next?\n----------\n\nContinue on to the next tutorial on `sphx_glr_auto_examples_core_run_similarity_queries.py`.\n\nReferences\n----------\n\n.. [1] Bradford. 2008. An empirical study of required dimensionality for large-scale latent semantic indexing applications.\n\n.. [2] Hoffman, Blei, Bach. 2010. Online learning for Latent Dirichlet Allocation.\n\n.. [3] Wang, Paisley, Blei. 2011. Online variational inference for the hierarchical Dirichlet process.\n\n.. [4] Halko, Martinsson, Tropp. 2009. Finding structure with randomness.\n\n.. [5] \u0158eh\u016f\u0159ek. 2011. Subspace tracking for Latent Semantic Analysis.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\nimport matplotlib.image as mpimg\nimg = mpimg.imread('run_topics_and_transformations.png')\nimgplot = plt.imshow(img)\nplt.axis('off')\nplt.show()" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/core/run_topics_and_transformations.py b/docs/src/auto_examples/core/run_topics_and_transformations.py new file mode 100644 index 0000000000..0cb922ae48 --- /dev/null +++ b/docs/src/auto_examples/core/run_topics_and_transformations.py @@ -0,0 +1,287 @@ +r""" +Topics and Transformations +=========================== + +Introduces transformations and demonstrates their use on a toy corpus. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# In this tutorial, I will show how to transform documents from one vector representation +# into another. This process serves two goals: +# +# 1. To bring out hidden structure in the corpus, discover relationships between +# words and use them to describe the documents in a new and +# (hopefully) more semantic way. +# 2. To make the document representation more compact. This both improves efficiency +# (new representation consumes less resources) and efficacy (marginal data +# trends are ignored, noise-reduction). +# +# Creating the Corpus +# ------------------- +# +# First, we need to create a corpus to work with. +# This step is the same as in the previous tutorial; +# if you completed it, feel free to skip to the next section. + +from collections import defaultdict +from gensim import corpora + +documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +# remove common words and tokenize +stoplist = set('for a of the and to in'.split()) +texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents +] + +# remove words that appear only once +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +texts = [ + [token for token in text if frequency[token] > 1] + for text in texts +] + +dictionary = corpora.Dictionary(texts) +corpus = [dictionary.doc2bow(text) for text in texts] + +############################################################################### +# +# Creating a transformation +# ++++++++++++++++++++++++++ +# +# The transformations are standard Python objects, typically initialized by means of +# a :dfn:`training corpus`: +# +from gensim import models + +tfidf = models.TfidfModel(corpus) # step 1 -- initialize a model + +############################################################################### +# We used our old corpus from tutorial 1 to initialize (train) the transformation model. Different +# transformations may require different initialization parameters; in case of TfIdf, the +# "training" consists simply of going through the supplied corpus once and computing document frequencies +# of all its features. Training other models, such as Latent Semantic Analysis or Latent Dirichlet +# Allocation, is much more involved and, consequently, takes much more time. +# +# .. note:: +# Transformations always convert between two specific vector +# spaces. The same vector space (= the same set of feature ids) must be used for training +# as well as for subsequent vector transformations. Failure to use the same input +# feature space, such as applying a different string preprocessing, using different +# feature ids, or using bag-of-words input vectors where TfIdf vectors are expected, will +# result in feature mismatch during transformation calls and consequently in either +# garbage output and/or runtime exceptions. +# +# +# Transforming vectors +# +++++++++++++++++++++ +# +# From now on, ``tfidf`` is treated as a read-only object that can be used to convert +# any vector from the old representation (bag-of-words integer counts) to the new representation +# (TfIdf real-valued weights): + +doc_bow = [(0, 1), (1, 1)] +print(tfidf[doc_bow]) # step 2 -- use the model to transform vectors + +############################################################################### +# Or to apply a transformation to a whole corpus: + +corpus_tfidf = tfidf[corpus] +for doc in corpus_tfidf: + print(doc) + +############################################################################### +# In this particular case, we are transforming the same corpus that we used +# for training, but this is only incidental. Once the transformation model has been initialized, +# it can be used on any vectors (provided they come from the same vector space, of course), +# even if they were not used in the training corpus at all. This is achieved by a process called +# folding-in for LSA, by topic inference for LDA etc. +# +# .. note:: +# Calling ``model[corpus]`` only creates a wrapper around the old ``corpus`` +# document stream -- actual conversions are done on-the-fly, during document iteration. +# We cannot convert the entire corpus at the time of calling ``corpus_transformed = model[corpus]``, +# because that would mean storing the result in main memory, and that contradicts gensim's objective of memory-indepedence. +# If you will be iterating over the transformed ``corpus_transformed`` multiple times, and the +# transformation is costly, :ref:`serialize the resulting corpus to disk first ` and continue +# using that. +# +# Transformations can also be serialized, one on top of another, in a sort of chain: + +lsi = models.LsiModel(corpus_tfidf, id2word=dictionary, num_topics=2) # initialize an LSI transformation +corpus_lsi = lsi[corpus_tfidf] # create a double wrapper over the original corpus: bow->tfidf->fold-in-lsi + +############################################################################### +# Here we transformed our Tf-Idf corpus via `Latent Semantic Indexing `_ +# into a latent 2-D space (2-D because we set ``num_topics=2``). Now you're probably wondering: what do these two latent +# dimensions stand for? Let's inspect with :func:`models.LsiModel.print_topics`: + +lsi.print_topics(2) + +############################################################################### +# (the topics are printed to log -- see the note at the top of this page about activating +# logging) +# +# It appears that according to LSI, "trees", "graph" and "minors" are all related +# words (and contribute the most to the direction of the first topic), while the +# second topic practically concerns itself with all the other words. As expected, +# the first five documents are more strongly related to the second topic while the +# remaining four documents to the first topic: + +# both bow->tfidf and tfidf->lsi transformations are actually executed here, on the fly +for doc, as_text in zip(corpus_lsi, documents): + print(doc, as_text) + +############################################################################### +# Model persistency is achieved with the :func:`save` and :func:`load` functions: + +lsi.save('/tmp/model.lsi') # same for tfidf, lda, ... +lsi = models.LsiModel.load('/tmp/model.lsi') + +############################################################################### +# The next question might be: just how exactly similar are those documents to each other? +# Is there a way to formalize the similarity, so that for a given input document, we can +# order some other set of documents according to their similarity? Similarity queries +# are covered in the next tutorial (:ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`). +# +# .. _transformations: +# +# Available transformations +# -------------------------- +# +# Gensim implements several popular Vector Space Model algorithms: +# +# * `Term Frequency * Inverse Document Frequency, Tf-Idf `_ +# expects a bag-of-words (integer values) training corpus during initialization. +# During transformation, it will take a vector and return another vector of the +# same dimensionality, except that features which were rare in the training corpus +# will have their value increased. +# It therefore converts integer-valued vectors into real-valued ones, while leaving +# the number of dimensions intact. It can also optionally normalize the resulting +# vectors to (Euclidean) unit length. +# +# .. sourcecode:: pycon +# +# model = models.TfidfModel(corpus, normalize=True) +# +# * `Latent Semantic Indexing, LSI (or sometimes LSA) `_ +# transforms documents from either bag-of-words or (preferrably) TfIdf-weighted space into +# a latent space of a lower dimensionality. For the toy corpus above we used only +# 2 latent dimensions, but on real corpora, target dimensionality of 200--500 is recommended +# as a "golden standard" [1]_. +# +# .. sourcecode:: pycon +# +# model = models.LsiModel(tfidf_corpus, id2word=dictionary, num_topics=300) +# +# LSI training is unique in that we can continue "training" at any point, simply +# by providing more training documents. This is done by incremental updates to +# the underlying model, in a process called `online training`. Because of this feature, the +# input document stream may even be infinite -- just keep feeding LSI new documents +# as they arrive, while using the computed transformation model as read-only in the meanwhile! +# +# .. sourcecode:: pycon +# +# model.add_documents(another_tfidf_corpus) # now LSI has been trained on tfidf_corpus + another_tfidf_corpus +# lsi_vec = model[tfidf_vec] # convert some new document into the LSI space, without affecting the model +# +# model.add_documents(more_documents) # tfidf_corpus + another_tfidf_corpus + more_documents +# lsi_vec = model[tfidf_vec] +# +# See the :mod:`gensim.models.lsimodel` documentation for details on how to make +# LSI gradually "forget" old observations in infinite streams. If you want to get dirty, +# there are also parameters you can tweak that affect speed vs. memory footprint vs. numerical +# precision of the LSI algorithm. +# +# `gensim` uses a novel online incremental streamed distributed training algorithm (quite a mouthful!), +# which I published in [5]_. `gensim` also executes a stochastic multi-pass algorithm +# from Halko et al. [4]_ internally, to accelerate in-core part +# of the computations. +# See also :ref:`wiki` for further speed-ups by distributing the computation across +# a cluster of computers. +# +# * `Random Projections, RP `_ aim to +# reduce vector space dimensionality. This is a very efficient (both memory- and +# CPU-friendly) approach to approximating TfIdf distances between documents, by throwing in a little randomness. +# Recommended target dimensionality is again in the hundreds/thousands, depending on your dataset. +# +# .. sourcecode:: pycon +# +# model = models.RpModel(tfidf_corpus, num_topics=500) +# +# * `Latent Dirichlet Allocation, LDA `_ +# is yet another transformation from bag-of-words counts into a topic space of lower +# dimensionality. LDA is a probabilistic extension of LSA (also called multinomial PCA), +# so LDA's topics can be interpreted as probability distributions over words. These distributions are, +# just like with LSA, inferred automatically from a training corpus. Documents +# are in turn interpreted as a (soft) mixture of these topics (again, just like with LSA). +# +# .. sourcecode:: pycon +# +# model = models.LdaModel(corpus, id2word=dictionary, num_topics=100) +# +# `gensim` uses a fast implementation of online LDA parameter estimation based on [2]_, +# modified to run in :ref:`distributed mode ` on a cluster of computers. +# +# * `Hierarchical Dirichlet Process, HDP `_ +# is a non-parametric bayesian method (note the missing number of requested topics): +# +# .. sourcecode:: pycon +# +# model = models.HdpModel(corpus, id2word=dictionary) +# +# `gensim` uses a fast, online implementation based on [3]_. +# The HDP model is a new addition to `gensim`, and still rough around its academic edges -- use with care. +# +# Adding new :abbr:`VSM (Vector Space Model)` transformations (such as different weighting schemes) is rather trivial; +# see the :ref:`apiref` or directly the `Python code `_ +# for more info and examples. +# +# It is worth repeating that these are all unique, **incremental** implementations, +# which do not require the whole training corpus to be present in main memory all at once. +# With memory taken care of, I am now improving :ref:`distributed`, +# to improve CPU efficiency, too. +# If you feel you could contribute by testing, providing use-cases or code, see the `Gensim Developer guide `__. +# +# What Next? +# ---------- +# +# Continue on to the next tutorial on :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`. +# +# References +# ---------- +# +# .. [1] Bradford. 2008. An empirical study of required dimensionality for large-scale latent semantic indexing applications. +# +# .. [2] Hoffman, Blei, Bach. 2010. Online learning for Latent Dirichlet Allocation. +# +# .. [3] Wang, Paisley, Blei. 2011. Online variational inference for the hierarchical Dirichlet process. +# +# .. [4] Halko, Martinsson, Tropp. 2009. Finding structure with randomness. +# +# .. [5] Řehůřek. 2011. Subspace tracking for Latent Semantic Analysis. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_topics_and_transformations.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/auto_examples/core/run_topics_and_transformations.py.md5 b/docs/src/auto_examples/core/run_topics_and_transformations.py.md5 new file mode 100644 index 0000000000..5d41a4ac95 --- /dev/null +++ b/docs/src/auto_examples/core/run_topics_and_transformations.py.md5 @@ -0,0 +1 @@ +7f6d3084a74333f89c5c6d06b1cc74fb \ No newline at end of file diff --git a/docs/src/tut2.rst b/docs/src/auto_examples/core/run_topics_and_transformations.rst similarity index 53% rename from docs/src/tut2.rst rename to docs/src/auto_examples/core/run_topics_and_transformations.rst index 24db8ae092..de9efa4421 100644 --- a/docs/src/tut2.rst +++ b/docs/src/auto_examples/core/run_topics_and_transformations.rst @@ -1,36 +1,29 @@ -.. _tut2: +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_core_run_topics_and_transformations.py: + Topics and Transformations =========================== +Introduces transformations and demonstrates their use on a toy corpus. -Don't forget to set -.. sourcecode:: pycon +.. code-block:: default - >>> import logging - >>> logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) -if you want to see logging events. + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + -Transformation interface --------------------------- -In the previous tutorial on :doc:`tut1`, we created a corpus of documents represented -as a stream of vectors. To continue, let's fire up gensim and use that corpus: -.. sourcecode:: pycon - >>> from gensim import corpora - >>> - >>> if (os.path.exists("/tmp/deerwester.dict")): - >>> dictionary = corpora.Dictionary.load('/tmp/deerwester.dict') - >>> corpus = corpora.MmCorpus('/tmp/deerwester.mm') - >>> print("Used files generated from first tutorial") - >>> else: - >>> print("Please run first tutorial to generate data set") - MmCorpus(9 documents, 12 features, 28 non-zero entries) In this tutorial, I will show how to transform documents from one vector representation into another. This process serves two goals: @@ -42,15 +35,78 @@ into another. This process serves two goals: (new representation consumes less resources) and efficacy (marginal data trends are ignored, noise-reduction). +Creating the Corpus +------------------- + +First, we need to create a corpus to work with. +This step is the same as in the previous tutorial; +if you completed it, feel free to skip to the next section. + + +.. code-block:: default + + + from collections import defaultdict + from gensim import corpora + + documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", + ] + + # remove common words and tokenize + stoplist = set('for a of the and to in'.split()) + texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents + ] + + # remove words that appear only once + frequency = defaultdict(int) + for text in texts: + for token in text: + frequency[token] += 1 + + texts = [ + [token for token in text if frequency[token] > 1] + for text in texts + ] + + dictionary = corpora.Dictionary(texts) + corpus = [dictionary.doc2bow(text) for text in texts] + + + + + + + Creating a transformation ++++++++++++++++++++++++++ The transformations are standard Python objects, typically initialized by means of a :dfn:`training corpus`: -.. sourcecode:: pycon - >>> tfidf = models.TfidfModel(corpus) # step 1 -- initialize a model + +.. code-block:: default + + from gensim import models + + tfidf = models.TfidfModel(corpus) # step 1 -- initialize a model + + + + + + We used our old corpus from tutorial 1 to initialize (train) the transformation model. Different transformations may require different initialization parameters; in case of TfIdf, the @@ -59,7 +115,6 @@ of all its features. Training other models, such as Latent Semantic Analysis or Allocation, is much more involved and, consequently, takes much more time. .. note:: - Transformations always convert between two specific vector spaces. The same vector space (= the same set of feature ids) must be used for training as well as for subsequent vector transformations. Failure to use the same input @@ -76,28 +131,58 @@ From now on, ``tfidf`` is treated as a read-only object that can be used to conv any vector from the old representation (bag-of-words integer counts) to the new representation (TfIdf real-valued weights): -.. sourcecode:: pycon - >>> doc_bow = [(0, 1), (1, 1)] - >>> print(tfidf[doc_bow]) # step 2 -- use the model to transform vectors - [(0, 0.70710678), (1, 0.70710678)] +.. code-block:: default + + + doc_bow = [(0, 1), (1, 1)] + print(tfidf[doc_bow]) # step 2 -- use the model to transform vectors + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 0.7071067811865476), (1, 0.7071067811865476)] + + Or to apply a transformation to a whole corpus: -.. sourcecode:: pycon - - >>> corpus_tfidf = tfidf[corpus] - >>> for doc in corpus_tfidf: - ... print(doc) - [(0, 0.57735026918962573), (1, 0.57735026918962573), (2, 0.57735026918962573)] - [(0, 0.44424552527467476), (3, 0.44424552527467476), (4, 0.44424552527467476), (5, 0.32448702061385548), (6, 0.44424552527467476), (7, 0.32448702061385548)] - [(2, 0.5710059809418182), (5, 0.41707573620227772), (7, 0.41707573620227772), (8, 0.5710059809418182)] - [(1, 0.49182558987264147), (5, 0.71848116070837686), (8, 0.49182558987264147)] - [(3, 0.62825804686700459), (6, 0.62825804686700459), (7, 0.45889394536615247)] - [(9, 1.0)] - [(9, 0.70710678118654746), (10, 0.70710678118654746)] - [(9, 0.50804290089167492), (10, 0.50804290089167492), (11, 0.69554641952003704)] - [(4, 0.62825804686700459), (10, 0.45889394536615247), (11, 0.62825804686700459)] + +.. code-block:: default + + + corpus_tfidf = tfidf[corpus] + for doc in corpus_tfidf: + print(doc) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 0.5773502691896257), (1, 0.5773502691896257), (2, 0.5773502691896257)] + [(0, 0.44424552527467476), (3, 0.44424552527467476), (4, 0.44424552527467476), (5, 0.3244870206138555), (6, 0.44424552527467476), (7, 0.3244870206138555)] + [(2, 0.5710059809418182), (5, 0.4170757362022777), (7, 0.4170757362022777), (8, 0.5710059809418182)] + [(1, 0.49182558987264147), (5, 0.7184811607083769), (8, 0.49182558987264147)] + [(3, 0.6282580468670046), (6, 0.6282580468670046), (7, 0.45889394536615247)] + [(9, 1.0)] + [(9, 0.7071067811865475), (10, 0.7071067811865475)] + [(9, 0.5080429008916749), (10, 0.5080429008916749), (11, 0.695546419520037)] + [(4, 0.6282580468670046), (10, 0.45889394536615247), (11, 0.6282580468670046)] + + In this particular case, we are transforming the same corpus that we used for training, but this is only incidental. Once the transformation model has been initialized, @@ -116,20 +201,34 @@ folding-in for LSA, by topic inference for LDA etc. Transformations can also be serialized, one on top of another, in a sort of chain: -.. sourcecode:: pycon - >>> lsi = models.LsiModel(corpus_tfidf, id2word=dictionary, num_topics=2) # initialize an LSI transformation - >>> corpus_lsi = lsi[corpus_tfidf] # create a double wrapper over the original corpus: bow->tfidf->fold-in-lsi +.. code-block:: default + + + lsi = models.LsiModel(corpus_tfidf, id2word=dictionary, num_topics=2) # initialize an LSI transformation + corpus_lsi = lsi[corpus_tfidf] # create a double wrapper over the original corpus: bow->tfidf->fold-in-lsi + + + + + + Here we transformed our Tf-Idf corpus via `Latent Semantic Indexing `_ into a latent 2-D space (2-D because we set ``num_topics=2``). Now you're probably wondering: what do these two latent dimensions stand for? Let's inspect with :func:`models.LsiModel.print_topics`: -.. sourcecode:: pycon - >>> lsi.print_topics(2) - topic #0(1.594): -0.703*"trees" + -0.538*"graph" + -0.402*"minors" + -0.187*"survey" + -0.061*"system" + -0.060*"response" + -0.060*"time" + -0.058*"user" + -0.049*"computer" + -0.035*"interface" - topic #1(1.476): -0.460*"system" + -0.373*"user" + -0.332*"eps" + -0.328*"interface" + -0.320*"response" + -0.320*"time" + -0.293*"computer" + -0.280*"human" + -0.171*"survey" + 0.161*"trees" +.. code-block:: default + + + lsi.print_topics(2) + + + + + + (the topics are printed to log -- see the note at the top of this page about activating logging) @@ -140,33 +239,55 @@ second topic practically concerns itself with all the other words. As expected, the first five documents are more strongly related to the second topic while the remaining four documents to the first topic: -.. sourcecode:: pycon - >>> for doc in corpus_lsi: # both bow->tfidf and tfidf->lsi transformations are actually executed here, on the fly - ... print(doc) - [(0, -0.066), (1, 0.520)] # "Human machine interface for lab abc computer applications" - [(0, -0.197), (1, 0.761)] # "A survey of user opinion of computer system response time" - [(0, -0.090), (1, 0.724)] # "The EPS user interface management system" - [(0, -0.076), (1, 0.632)] # "System and human system engineering testing of EPS" - [(0, -0.102), (1, 0.574)] # "Relation of user perceived response time to error measurement" - [(0, -0.703), (1, -0.161)] # "The generation of random binary unordered trees" - [(0, -0.877), (1, -0.168)] # "The intersection graph of paths in trees" - [(0, -0.910), (1, -0.141)] # "Graph minors IV Widths of trees and well quasi ordering" - [(0, -0.617), (1, 0.054)] # "Graph minors A survey" +.. code-block:: default + + + # both bow->tfidf and tfidf->lsi transformations are actually executed here, on the fly + for doc, as_text in zip(corpus_lsi, documents): + print(doc, as_text) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 0.06600783396090373), (1, -0.5200703306361856)] Human machine interface for lab abc computer applications + [(0, 0.19667592859142588), (1, -0.7609563167700043)] A survey of user opinion of computer system response time + [(0, 0.08992639972446417), (1, -0.7241860626752514)] The EPS user interface management system + [(0, 0.07585847652178135), (1, -0.6320551586003438)] System and human system engineering testing of EPS + [(0, 0.1015029918498023), (1, -0.573730848300295)] Relation of user perceived response time to error measurement + [(0, 0.7032108939378311), (1, 0.16115180214025807)] The generation of random binary unordered trees + [(0, 0.8774787673119832), (1, 0.16758906864659448)] The intersection graph of paths in trees + [(0, 0.9098624686818579), (1, 0.1408655362871908)] Graph minors IV Widths of trees and well quasi ordering + [(0, 0.6165825350569284), (1, -0.05392907566389287)] Graph minors A survey + Model persistency is achieved with the :func:`save` and :func:`load` functions: -.. sourcecode:: pycon - >>> lsi.save('/tmp/model.lsi') # same for tfidf, lda, ... - >>> lsi = models.LsiModel.load('/tmp/model.lsi') +.. code-block:: default + + + lsi.save('/tmp/model.lsi') # same for tfidf, lda, ... + lsi = models.LsiModel.load('/tmp/model.lsi') + + + + + The next question might be: just how exactly similar are those documents to each other? Is there a way to formalize the similarity, so that for a given input document, we can order some other set of documents according to their similarity? Similarity queries -are covered in the :doc:`next tutorial `. +are covered in the next tutorial (:ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`). .. _transformations: @@ -184,9 +305,9 @@ Gensim implements several popular Vector Space Model algorithms: the number of dimensions intact. It can also optionally normalize the resulting vectors to (Euclidean) unit length. - .. sourcecode:: pycon + .. sourcecode:: pycon - >>> model = models.TfidfModel(corpus, normalize=True) + model = models.TfidfModel(corpus, normalize=True) * `Latent Semantic Indexing, LSI (or sometimes LSA) `_ transforms documents from either bag-of-words or (preferrably) TfIdf-weighted space into @@ -196,7 +317,7 @@ Gensim implements several popular Vector Space Model algorithms: .. sourcecode:: pycon - >>> model = models.LsiModel(tfidf_corpus, id2word=dictionary, num_topics=300) + model = models.LsiModel(tfidf_corpus, id2word=dictionary, num_topics=300) LSI training is unique in that we can continue "training" at any point, simply by providing more training documents. This is done by incremental updates to @@ -206,11 +327,11 @@ Gensim implements several popular Vector Space Model algorithms: .. sourcecode:: pycon - >>> model.add_documents(another_tfidf_corpus) # now LSI has been trained on tfidf_corpus + another_tfidf_corpus - >>> lsi_vec = model[tfidf_vec] # convert some new document into the LSI space, without affecting the model - >>> - >>> model.add_documents(more_documents) # tfidf_corpus + another_tfidf_corpus + more_documents - >>> lsi_vec = model[tfidf_vec] + model.add_documents(another_tfidf_corpus) # now LSI has been trained on tfidf_corpus + another_tfidf_corpus + lsi_vec = model[tfidf_vec] # convert some new document into the LSI space, without affecting the model + + model.add_documents(more_documents) # tfidf_corpus + another_tfidf_corpus + more_documents + lsi_vec = model[tfidf_vec] See the :mod:`gensim.models.lsimodel` documentation for details on how to make LSI gradually "forget" old observations in infinite streams. If you want to get dirty, @@ -221,7 +342,7 @@ Gensim implements several popular Vector Space Model algorithms: which I published in [5]_. `gensim` also executes a stochastic multi-pass algorithm from Halko et al. [4]_ internally, to accelerate in-core part of the computations. - See also :doc:`wiki` for further speed-ups by distributing the computation across + See also :ref:`wiki` for further speed-ups by distributing the computation across a cluster of computers. * `Random Projections, RP `_ aim to @@ -231,7 +352,7 @@ Gensim implements several popular Vector Space Model algorithms: .. sourcecode:: pycon - >>> model = models.RpModel(tfidf_corpus, num_topics=500) + model = models.RpModel(tfidf_corpus, num_topics=500) * `Latent Dirichlet Allocation, LDA `_ is yet another transformation from bag-of-words counts into a topic space of lower @@ -242,35 +363,38 @@ Gensim implements several popular Vector Space Model algorithms: .. sourcecode:: pycon - >>> model = models.LdaModel(corpus, id2word=dictionary, num_topics=100) + model = models.LdaModel(corpus, id2word=dictionary, num_topics=100) `gensim` uses a fast implementation of online LDA parameter estimation based on [2]_, - modified to run in :doc:`distributed mode ` on a cluster of computers. + modified to run in :ref:`distributed mode ` on a cluster of computers. * `Hierarchical Dirichlet Process, HDP `_ is a non-parametric bayesian method (note the missing number of requested topics): .. sourcecode:: pycon - >>> model = models.HdpModel(corpus, id2word=dictionary) + model = models.HdpModel(corpus, id2word=dictionary) `gensim` uses a fast, online implementation based on [3]_. The HDP model is a new addition to `gensim`, and still rough around its academic edges -- use with care. Adding new :abbr:`VSM (Vector Space Model)` transformations (such as different weighting schemes) is rather trivial; -see the :doc:`API reference ` or directly the `Python code `_ +see the :ref:`apiref` or directly the `Python code `_ for more info and examples. It is worth repeating that these are all unique, **incremental** implementations, which do not require the whole training corpus to be present in main memory all at once. -With memory taken care of, I am now improving :doc:`distributed`, +With memory taken care of, I am now improving :ref:`distributed`, to improve CPU efficiency, too. -If you feel you could contribute (by testing, providing use-cases or code), -please `let me know `_. +If you feel you could contribute by testing, providing use-cases or code, see the `Gensim Developer guide `__. -Continue on to the next tutorial on :doc:`tut3`. +What Next? +---------- ------- +Continue on to the next tutorial on :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`. + +References +---------- .. [1] Bradford. 2008. An empirical study of required dimensionality for large-scale latent semantic indexing applications. @@ -281,3 +405,66 @@ Continue on to the next tutorial on :doc:`tut3`. .. [4] Halko, Martinsson, Tropp. 2009. Finding structure with randomness. .. [5] Řehůřek. 2011. Subspace tracking for Latent Semantic Analysis. + + +.. code-block:: default + + + import matplotlib.pyplot as plt + import matplotlib.image as mpimg + img = mpimg.imread('run_topics_and_transformations.png') + imgplot = plt.imshow(img) + plt.axis('off') + plt.show() + + + +.. image:: /auto_examples/core/images/sphx_glr_run_topics_and_transformations_001.png + :class: sphx-glr-single-img + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /Volumes/work/workspace/gensim_misha/docs/src/gallery/core/run_topics_and_transformations.py:287: UserWarning: Matplotlib is currently using agg, which is a non-GUI backend, so cannot show the figure. + plt.show() + + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 0.743 seconds) + +**Estimated memory usage:** 7 MB + + +.. _sphx_glr_download_auto_examples_core_run_topics_and_transformations.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_topics_and_transformations.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_topics_and_transformations.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/core/sg_execution_times.rst b/docs/src/auto_examples/core/sg_execution_times.rst new file mode 100644 index 0000000000..865a637c9d --- /dev/null +++ b/docs/src/auto_examples/core/sg_execution_times.rst @@ -0,0 +1,13 @@ + +:orphan: + +.. _sphx_glr_auto_examples_core_sg_execution_times: + +Computation times +================= +**00:02.671** total execution time for **auto_examples_core** files: + +- **00:01.265**: :ref:`sphx_glr_auto_examples_core_run_core_concepts.py` (``run_core_concepts.py``) +- **00:00.743**: :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py` (``run_topics_and_transformations.py``) +- **00:00.663**: :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py` (``run_similarity_queries.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py` (``run_corpora_and_vector_spaces.py``) diff --git a/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_001.png b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_001.png new file mode 100644 index 0000000000..0a01872cd6 Binary files /dev/null and b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_001.png differ diff --git a/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_002.png b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_002.png new file mode 100644 index 0000000000..8b78db058b Binary files /dev/null and b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_002.png differ diff --git a/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_003.png b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_003.png new file mode 100644 index 0000000000..4c72c277d2 Binary files /dev/null and b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_003.png differ diff --git a/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_004.png b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_004.png new file mode 100644 index 0000000000..8321dc42d7 Binary files /dev/null and b/docs/src/auto_examples/howtos/images/sphx_glr_run_compare_lda_004.png differ diff --git a/docs/src/auto_examples/howtos/images/sphx_glr_run_news_classification_001.png b/docs/src/auto_examples/howtos/images/sphx_glr_run_news_classification_001.png new file mode 100644 index 0000000000..ccded9ba34 Binary files /dev/null and b/docs/src/auto_examples/howtos/images/sphx_glr_run_news_classification_001.png differ diff --git a/docs/src/auto_examples/howtos/images/sphx_glr_run_news_classification_002.png b/docs/src/auto_examples/howtos/images/sphx_glr_run_news_classification_002.png new file mode 100644 index 0000000000..abf33001b8 Binary files /dev/null and b/docs/src/auto_examples/howtos/images/sphx_glr_run_news_classification_002.png differ diff --git a/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_binder_thumb.png b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_binder_thumb.png new file mode 100644 index 0000000000..b06c4e6a17 Binary files /dev/null and b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_binder_thumb.png differ diff --git a/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_compare_lda_thumb.png b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_compare_lda_thumb.png new file mode 100644 index 0000000000..b7899a250b Binary files /dev/null and b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_compare_lda_thumb.png differ diff --git a/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_doc2vec_imdb_thumb.png b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_doc2vec_imdb_thumb.png new file mode 100644 index 0000000000..233f8e605e Binary files /dev/null and b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_doc2vec_imdb_thumb.png differ diff --git a/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_doc_thumb.png b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_doc_thumb.png new file mode 100644 index 0000000000..233f8e605e Binary files /dev/null and b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_doc_thumb.png differ diff --git a/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_downloader_api_thumb.png b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_downloader_api_thumb.png new file mode 100644 index 0000000000..233f8e605e Binary files /dev/null and b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_downloader_api_thumb.png differ diff --git a/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_news_classification_thumb.png b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_news_classification_thumb.png new file mode 100644 index 0000000000..bcfa0b3999 Binary files /dev/null and b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_run_news_classification_thumb.png differ diff --git a/docs/src/auto_examples/howtos/images/thumb/sphx_glr_rxx_040_compare_lda_thumb.png b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_rxx_040_compare_lda_thumb.png new file mode 100644 index 0000000000..233f8e605e Binary files /dev/null and b/docs/src/auto_examples/howtos/images/thumb/sphx_glr_rxx_040_compare_lda_thumb.png differ diff --git a/docs/src/auto_examples/howtos/run_compare_lda.ipynb b/docs/src/auto_examples/howtos/run_compare_lda.ipynb new file mode 100644 index 0000000000..6d63008d11 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_compare_lda.ipynb @@ -0,0 +1,233 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nHow to Compare LDA Models\n=========================\n\nDemonstrates how you can compare a topic model with itself or other models.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# sphinx_gallery_thumbnail_number = 2\nimport logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "First, clean up the 20 Newsgroups dataset. We will use it to fit LDA.\n---------------------------------------------------------------------\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from string import punctuation\nfrom nltk import RegexpTokenizer\nfrom nltk.stem.porter import PorterStemmer\nfrom nltk.corpus import stopwords\nfrom sklearn.datasets import fetch_20newsgroups\n\n\nnewsgroups = fetch_20newsgroups()\neng_stopwords = set(stopwords.words('english'))\n\ntokenizer = RegexpTokenizer(r'\\s+', gaps=True)\nstemmer = PorterStemmer()\ntranslate_tab = {ord(p): u\" \" for p in punctuation}\n\ndef text2tokens(raw_text):\n \"\"\"Convert a raw text to a list of stemmed tokens.\"\"\"\n clean_text = raw_text.lower().translate(translate_tab)\n tokens = [token.strip() for token in tokenizer.tokenize(clean_text)]\n tokens = [token for token in tokens if token not in eng_stopwords]\n stemmed_tokens = [stemmer.stem(token) for token in tokens]\n return [token for token in stemmed_tokens if len(token) > 2] # skip short tokens\n\ndataset = [text2tokens(txt) for txt in newsgroups['data']] # convert a documents to list of tokens\n\nfrom gensim.corpora import Dictionary\ndictionary = Dictionary(documents=dataset, prune_at=None)\ndictionary.filter_extremes(no_below=5, no_above=0.3, keep_n=None) # use Dictionary to remove un-relevant tokens\ndictionary.compactify()\n\nd2b_dataset = [dictionary.doc2bow(doc) for doc in dataset] # convert list of tokens to bag of word representation" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Second, fit two LDA models.\n---------------------------\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.models import LdaMulticore\nnum_topics = 15\n\nlda_fst = LdaMulticore(\n corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary,\n workers=4, eval_every=None, passes=10, batch=True\n)\n\nlda_snd = LdaMulticore(\n corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary,\n workers=4, eval_every=None, passes=20, batch=True\n)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Time to visualize, yay!\n-----------------------\n\nWe use two slightly different visualization methods depending on how you're running this tutorial.\nIf you're running via a Jupyter notebook, then you'll get a nice interactive Plotly heatmap.\nIf you're viewing the static version of the page, you'll get a similar matplotlib heatmap, but it won't be interactive.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "def plot_difference_plotly(mdiff, title=\"\", annotation=None):\n \"\"\"Plot the difference between models.\n\n Uses plotly as the backend.\"\"\"\n import plotly.graph_objs as go\n import plotly.offline as py\n\n annotation_html = None\n if annotation is not None:\n annotation_html = [\n [\n \"+++ {}
--- {}\".format(\", \".join(int_tokens), \", \".join(diff_tokens))\n for (int_tokens, diff_tokens) in row\n ]\n for row in annotation\n ]\n\n data = go.Heatmap(z=mdiff, colorscale='RdBu', text=annotation_html)\n layout = go.Layout(width=950, height=950, title=title, xaxis=dict(title=\"topic\"), yaxis=dict(title=\"topic\"))\n py.iplot(dict(data=[data], layout=layout))\n\n\ndef plot_difference_matplotlib(mdiff, title=\"\", annotation=None):\n \"\"\"Helper function to plot difference between models.\n\n Uses matplotlib as the backend.\"\"\"\n import matplotlib.pyplot as plt\n fig, ax = plt.subplots(figsize=(18, 14))\n data = ax.imshow(mdiff, cmap='RdBu_r', origin='lower')\n plt.title(title)\n plt.colorbar(data)\n\n\ntry:\n get_ipython()\n import plotly.offline as py\nexcept Exception:\n #\n # Fall back to matplotlib if we're not in a notebook, or if plotly is\n # unavailable for whatever reason.\n #\n plot_difference = plot_difference_matplotlib\nelse:\n py.init_notebook_mode()\n plot_difference = plot_difference_plotly" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Gensim can help you visualise the differences between topics. For this purpose, you can use the ``diff()`` method of LdaModel.\n\n``diff()`` returns a matrix with distances **mdiff** and a matrix with annotations **annotation**. Read the docstring for more detailed info.\n\nIn each **mdiff[i][j]** cell you'll find a distance between **topic_i** from the first model and **topic_j** from the second model.\n\nIn each **annotation[i][j]** cell you'll find **[tokens from intersection, tokens from difference** between **topic_i** from first model and **topic_j** from the second model.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(LdaMulticore.diff.__doc__)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Case 1: How topics within ONE model correlate with each other.\n--------------------------------------------------------------\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Short description:\n\n* x-axis - topic;\n\n* y-axis - topic;\n\n.. role:: raw-html-m2r(raw)\n :format: html\n\n* :raw-html-m2r:`almost red cell` - strongly decorrelated topics;\n\n.. role:: raw-html-m2r(raw)\n :format: html\n\n* :raw-html-m2r:`almost blue cell` - strongly correlated topics.\n\nIn an ideal world, we would like to see different topics decorrelated between themselves. In this case, our matrix would look like this:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import numpy as np\n\nmdiff = np.ones((num_topics, num_topics))\nnp.fill_diagonal(mdiff, 0.)\nplot_difference(mdiff, title=\"Topic difference (one model) in ideal world\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Unfortunately, in real life, not everything is so good, and the matrix looks different.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Short description (interactive annotations only):\n\n\n\n* ``+++ make, world, well`` - words from the intersection of topics = present in both topics;\n\n\n\n* ``--- money, day, still`` - words from the symmetric difference of topics = present in one topic but not the other.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "mdiff, annotation = lda_fst.diff(lda_fst, distance='jaccard', num_words=50)\nplot_difference(mdiff, title=\"Topic difference (one model) [jaccard distance]\", annotation=annotation)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you compare a model with itself, you want to see as many red elements as possible (except diagonal). With this picture, you can look at the not very red elements and understand which topics in the model are very similar and why (you can read annotation if you move your pointer to cell).\n\n\n\n\nJaccard is stable and robust distance function, but this function not enough sensitive for some purposes. Let's try to use Hellinger distance now.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "mdiff, annotation = lda_fst.diff(lda_fst, distance='hellinger', num_words=50)\nplot_difference(mdiff, title=\"Topic difference (one model)[hellinger distance]\", annotation=annotation)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You see that everything has become worse, but remember that everything depends on the task.\n\n\n\nYou need to choose the function with which your personal point of view about topics similarity and your task (from my experience, Jaccard is fine).\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Case 2: How topics from DIFFERENT models correlate with each other.\n-------------------------------------------------------------------\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Sometimes, we want to look at the patterns between two different models and compare them.\n\nYou can do this by constructing a matrix with the difference.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "mdiff, annotation = lda_fst.diff(lda_snd, distance='jaccard', num_words=50)\nplot_difference(mdiff, title=\"Topic difference (two models)[jaccard distance]\", annotation=annotation)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Looking at this matrix, you can find similar and different topics (and relevant tokens which describe the intersection and difference).\n\n\n" + ] + } + ], + "metadata": { + "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.7.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_compare_lda.py b/docs/src/auto_examples/howtos/run_compare_lda.py new file mode 100644 index 0000000000..19359b8623 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_compare_lda.py @@ -0,0 +1,243 @@ +r""" +How to Compare LDA Models +========================= + +Demonstrates how you can compare a topic model with itself or other models. + +""" + +# sphinx_gallery_thumbnail_number = 2 +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# +# First, clean up the 20 Newsgroups dataset. We will use it to fit LDA. +# --------------------------------------------------------------------- +# + + +from string import punctuation +from nltk import RegexpTokenizer +from nltk.stem.porter import PorterStemmer +from nltk.corpus import stopwords +from sklearn.datasets import fetch_20newsgroups + + +newsgroups = fetch_20newsgroups() +eng_stopwords = set(stopwords.words('english')) + +tokenizer = RegexpTokenizer(r'\s+', gaps=True) +stemmer = PorterStemmer() +translate_tab = {ord(p): u" " for p in punctuation} + +def text2tokens(raw_text): + """Convert a raw text to a list of stemmed tokens.""" + clean_text = raw_text.lower().translate(translate_tab) + tokens = [token.strip() for token in tokenizer.tokenize(clean_text)] + tokens = [token for token in tokens if token not in eng_stopwords] + stemmed_tokens = [stemmer.stem(token) for token in tokens] + return [token for token in stemmed_tokens if len(token) > 2] # skip short tokens + +dataset = [text2tokens(txt) for txt in newsgroups['data']] # convert a documents to list of tokens + +from gensim.corpora import Dictionary +dictionary = Dictionary(documents=dataset, prune_at=None) +dictionary.filter_extremes(no_below=5, no_above=0.3, keep_n=None) # use Dictionary to remove un-relevant tokens +dictionary.compactify() + +d2b_dataset = [dictionary.doc2bow(doc) for doc in dataset] # convert list of tokens to bag of word representation + +############################################################################### +# +# Second, fit two LDA models. +# --------------------------- +# + +from gensim.models import LdaMulticore +num_topics = 15 + +lda_fst = LdaMulticore( + corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary, + workers=4, eval_every=None, passes=10, batch=True +) + +lda_snd = LdaMulticore( + corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary, + workers=4, eval_every=None, passes=20, batch=True +) + +############################################################################### +# +# Time to visualize, yay! +# ----------------------- +# +# We use two slightly different visualization methods depending on how you're running this tutorial. +# If you're running via a Jupyter notebook, then you'll get a nice interactive Plotly heatmap. +# If you're viewing the static version of the page, you'll get a similar matplotlib heatmap, but it won't be interactive. +# + + +def plot_difference_plotly(mdiff, title="", annotation=None): + """Plot the difference between models. + + Uses plotly as the backend.""" + import plotly.graph_objs as go + import plotly.offline as py + + annotation_html = None + if annotation is not None: + annotation_html = [ + [ + "+++ {}
--- {}".format(", ".join(int_tokens), ", ".join(diff_tokens)) + for (int_tokens, diff_tokens) in row + ] + for row in annotation + ] + + data = go.Heatmap(z=mdiff, colorscale='RdBu', text=annotation_html) + layout = go.Layout(width=950, height=950, title=title, xaxis=dict(title="topic"), yaxis=dict(title="topic")) + py.iplot(dict(data=[data], layout=layout)) + + +def plot_difference_matplotlib(mdiff, title="", annotation=None): + """Helper function to plot difference between models. + + Uses matplotlib as the backend.""" + import matplotlib.pyplot as plt + fig, ax = plt.subplots(figsize=(18, 14)) + data = ax.imshow(mdiff, cmap='RdBu_r', origin='lower') + plt.title(title) + plt.colorbar(data) + + +try: + get_ipython() + import plotly.offline as py +except Exception: + # + # Fall back to matplotlib if we're not in a notebook, or if plotly is + # unavailable for whatever reason. + # + plot_difference = plot_difference_matplotlib +else: + py.init_notebook_mode() + plot_difference = plot_difference_plotly + +############################################################################### +# +# Gensim can help you visualise the differences between topics. For this purpose, you can use the ``diff()`` method of LdaModel. +# +# ``diff()`` returns a matrix with distances **mdiff** and a matrix with annotations **annotation**. Read the docstring for more detailed info. +# +# In each **mdiff[i][j]** cell you'll find a distance between **topic_i** from the first model and **topic_j** from the second model. +# +# In each **annotation[i][j]** cell you'll find **[tokens from intersection, tokens from difference** between **topic_i** from first model and **topic_j** from the second model. +# + +print(LdaMulticore.diff.__doc__) + +############################################################################### +# +# Case 1: How topics within ONE model correlate with each other. +# -------------------------------------------------------------- +# + + +############################################################################### +# +# Short description: +# +# * x-axis - topic; +# +# * y-axis - topic; +# +# .. role:: raw-html-m2r(raw) +# :format: html +# +# * :raw-html-m2r:`almost red cell` - strongly decorrelated topics; +# +# .. role:: raw-html-m2r(raw) +# :format: html +# +# * :raw-html-m2r:`almost blue cell` - strongly correlated topics. +# +# In an ideal world, we would like to see different topics decorrelated between themselves. In this case, our matrix would look like this: +# + + +import numpy as np + +mdiff = np.ones((num_topics, num_topics)) +np.fill_diagonal(mdiff, 0.) +plot_difference(mdiff, title="Topic difference (one model) in ideal world") + +############################################################################### +# +# Unfortunately, in real life, not everything is so good, and the matrix looks different. +# + + +############################################################################### +# +# Short description (interactive annotations only): +# +# +# +# * ``+++ make, world, well`` - words from the intersection of topics = present in both topics; +# +# +# +# * ``--- money, day, still`` - words from the symmetric difference of topics = present in one topic but not the other. +# + + +mdiff, annotation = lda_fst.diff(lda_fst, distance='jaccard', num_words=50) +plot_difference(mdiff, title="Topic difference (one model) [jaccard distance]", annotation=annotation) + +############################################################################### +# +# If you compare a model with itself, you want to see as many red elements as possible (except diagonal). With this picture, you can look at the not very red elements and understand which topics in the model are very similar and why (you can read annotation if you move your pointer to cell). +# +# +# +# +# Jaccard is stable and robust distance function, but this function not enough sensitive for some purposes. Let's try to use Hellinger distance now. +# + + +mdiff, annotation = lda_fst.diff(lda_fst, distance='hellinger', num_words=50) +plot_difference(mdiff, title="Topic difference (one model)[hellinger distance]", annotation=annotation) + +############################################################################### +# +# You see that everything has become worse, but remember that everything depends on the task. +# +# +# +# You need to choose the function with which your personal point of view about topics similarity and your task (from my experience, Jaccard is fine). +# + + +############################################################################### +# +# Case 2: How topics from DIFFERENT models correlate with each other. +# ------------------------------------------------------------------- +# + + +############################################################################### +# +# Sometimes, we want to look at the patterns between two different models and compare them. +# +# You can do this by constructing a matrix with the difference. +# + + +mdiff, annotation = lda_fst.diff(lda_snd, distance='jaccard', num_words=50) +plot_difference(mdiff, title="Topic difference (two models)[jaccard distance]", annotation=annotation) + +############################################################################### +# +# Looking at this matrix, you can find similar and different topics (and relevant tokens which describe the intersection and difference). +# diff --git a/docs/src/auto_examples/howtos/run_compare_lda.py.md5 b/docs/src/auto_examples/howtos/run_compare_lda.py.md5 new file mode 100644 index 0000000000..859049f57e --- /dev/null +++ b/docs/src/auto_examples/howtos/run_compare_lda.py.md5 @@ -0,0 +1 @@ +bab26664a532c731c6b73039fb619755 \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_compare_lda.rst b/docs/src/auto_examples/howtos/run_compare_lda.rst new file mode 100644 index 0000000000..c90b9ef148 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_compare_lda.rst @@ -0,0 +1,407 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_howtos_run_compare_lda.py: + + +How to Compare LDA Models +========================= + +Demonstrates how you can compare a topic model with itself or other models. + + +.. code-block:: default + + + # sphinx_gallery_thumbnail_number = 2 + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +First, clean up the 20 Newsgroups dataset. We will use it to fit LDA. +--------------------------------------------------------------------- + + + +.. code-block:: default + + + + from string import punctuation + from nltk import RegexpTokenizer + from nltk.stem.porter import PorterStemmer + from nltk.corpus import stopwords + from sklearn.datasets import fetch_20newsgroups + + + newsgroups = fetch_20newsgroups() + eng_stopwords = set(stopwords.words('english')) + + tokenizer = RegexpTokenizer(r'\s+', gaps=True) + stemmer = PorterStemmer() + translate_tab = {ord(p): u" " for p in punctuation} + + def text2tokens(raw_text): + """Convert a raw text to a list of stemmed tokens.""" + clean_text = raw_text.lower().translate(translate_tab) + tokens = [token.strip() for token in tokenizer.tokenize(clean_text)] + tokens = [token for token in tokens if token not in eng_stopwords] + stemmed_tokens = [stemmer.stem(token) for token in tokens] + return [token for token in stemmed_tokens if len(token) > 2] # skip short tokens + + dataset = [text2tokens(txt) for txt in newsgroups['data']] # convert a documents to list of tokens + + from gensim.corpora import Dictionary + dictionary = Dictionary(documents=dataset, prune_at=None) + dictionary.filter_extremes(no_below=5, no_above=0.3, keep_n=None) # use Dictionary to remove un-relevant tokens + dictionary.compactify() + + d2b_dataset = [dictionary.doc2bow(doc) for doc in dataset] # convert list of tokens to bag of word representation + + + + + + + +Second, fit two LDA models. +--------------------------- + + + +.. code-block:: default + + + from gensim.models import LdaMulticore + num_topics = 15 + + lda_fst = LdaMulticore( + corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary, + workers=4, eval_every=None, passes=10, batch=True + ) + + lda_snd = LdaMulticore( + corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary, + workers=4, eval_every=None, passes=20, batch=True + ) + + + + + + + +Time to visualize, yay! +----------------------- + +We use two slightly different visualization methods depending on how you're running this tutorial. +If you're running via a Jupyter notebook, then you'll get a nice interactive Plotly heatmap. +If you're viewing the static version of the page, you'll get a similar matplotlib heatmap, but it won't be interactive. + + + +.. code-block:: default + + + + def plot_difference_plotly(mdiff, title="", annotation=None): + """Plot the difference between models. + + Uses plotly as the backend.""" + import plotly.graph_objs as go + import plotly.offline as py + + annotation_html = None + if annotation is not None: + annotation_html = [ + [ + "+++ {}
--- {}".format(", ".join(int_tokens), ", ".join(diff_tokens)) + for (int_tokens, diff_tokens) in row + ] + for row in annotation + ] + + data = go.Heatmap(z=mdiff, colorscale='RdBu', text=annotation_html) + layout = go.Layout(width=950, height=950, title=title, xaxis=dict(title="topic"), yaxis=dict(title="topic")) + py.iplot(dict(data=[data], layout=layout)) + + + def plot_difference_matplotlib(mdiff, title="", annotation=None): + """Helper function to plot difference between models. + + Uses matplotlib as the backend.""" + import matplotlib.pyplot as plt + fig, ax = plt.subplots(figsize=(18, 14)) + data = ax.imshow(mdiff, cmap='RdBu_r', origin='lower') + plt.title(title) + plt.colorbar(data) + + + try: + get_ipython() + import plotly.offline as py + except Exception: + # + # Fall back to matplotlib if we're not in a notebook, or if plotly is + # unavailable for whatever reason. + # + plot_difference = plot_difference_matplotlib + else: + py.init_notebook_mode() + plot_difference = plot_difference_plotly + + + + + + + +Gensim can help you visualise the differences between topics. For this purpose, you can use the ``diff()`` method of LdaModel. + +``diff()`` returns a matrix with distances **mdiff** and a matrix with annotations **annotation**. Read the docstring for more detailed info. + +In each **mdiff[i][j]** cell you'll find a distance between **topic_i** from the first model and **topic_j** from the second model. + +In each **annotation[i][j]** cell you'll find **[tokens from intersection, tokens from difference** between **topic_i** from first model and **topic_j** from the second model. + + + +.. code-block:: default + + + print(LdaMulticore.diff.__doc__) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Calculate the difference in topic distributions between two models: `self` and `other`. + + Parameters + ---------- + other : :class:`~gensim.models.ldamodel.LdaModel` + The model which will be compared against the current object. + distance : {'kullback_leibler', 'hellinger', 'jaccard', 'jensen_shannon'} + The distance metric to calculate the difference with. + num_words : int, optional + The number of most relevant words used if `distance == 'jaccard'`. Also used for annotating topics. + n_ann_terms : int, optional + Max number of words in intersection/symmetric difference between topics. Used for annotation. + diagonal : bool, optional + Whether we need the difference between identical topics (the diagonal of the difference matrix). + annotation : bool, optional + Whether the intersection or difference of words between two topics should be returned. + normed : bool, optional + Whether the matrix should be normalized or not. + + Returns + ------- + numpy.ndarray + A difference matrix. Each element corresponds to the difference between the two topics, + shape (`self.num_topics`, `other.num_topics`) + numpy.ndarray, optional + Annotation matrix where for each pair we include the word from the intersection of the two topics, + and the word from the symmetric difference of the two topics. Only included if `annotation == True`. + Shape (`self.num_topics`, `other_model.num_topics`, 2). + + Examples + -------- + Get the differences between each pair of topics inferred by two models + + .. sourcecode:: pycon + + >>> from gensim.models.ldamulticore import LdaMulticore + >>> from gensim.test.utils import datapath + >>> + >>> m1 = LdaMulticore.load(datapath("lda_3_0_1_model")) + >>> m2 = LdaMulticore.load(datapath("ldamodel_python_3_5")) + >>> mdiff, annotation = m1.diff(m2) + >>> topic_diff = mdiff # get matrix with difference for each topic pair from `m1` and `m2` + + + + + +Case 1: How topics within ONE model correlate with each other. +-------------------------------------------------------------- + + +Short description: + +* x-axis - topic; + +* y-axis - topic; + +.. role:: raw-html-m2r(raw) + :format: html + +* :raw-html-m2r:`almost red cell` - strongly decorrelated topics; + +.. role:: raw-html-m2r(raw) + :format: html + +* :raw-html-m2r:`almost blue cell` - strongly correlated topics. + +In an ideal world, we would like to see different topics decorrelated between themselves. In this case, our matrix would look like this: + + + +.. code-block:: default + + + + import numpy as np + + mdiff = np.ones((num_topics, num_topics)) + np.fill_diagonal(mdiff, 0.) + plot_difference(mdiff, title="Topic difference (one model) in ideal world") + + + + +.. image:: /auto_examples/howtos/images/sphx_glr_run_compare_lda_001.png + :class: sphx-glr-single-img + + + + +Unfortunately, in real life, not everything is so good, and the matrix looks different. + + +Short description (interactive annotations only): + + + +* ``+++ make, world, well`` - words from the intersection of topics = present in both topics; + + + +* ``--- money, day, still`` - words from the symmetric difference of topics = present in one topic but not the other. + + + +.. code-block:: default + + + + mdiff, annotation = lda_fst.diff(lda_fst, distance='jaccard', num_words=50) + plot_difference(mdiff, title="Topic difference (one model) [jaccard distance]", annotation=annotation) + + + + +.. image:: /auto_examples/howtos/images/sphx_glr_run_compare_lda_002.png + :class: sphx-glr-single-img + + + + +If you compare a model with itself, you want to see as many red elements as possible (except diagonal). With this picture, you can look at the not very red elements and understand which topics in the model are very similar and why (you can read annotation if you move your pointer to cell). + + + + +Jaccard is stable and robust distance function, but this function not enough sensitive for some purposes. Let's try to use Hellinger distance now. + + + +.. code-block:: default + + + + mdiff, annotation = lda_fst.diff(lda_fst, distance='hellinger', num_words=50) + plot_difference(mdiff, title="Topic difference (one model)[hellinger distance]", annotation=annotation) + + + + +.. image:: /auto_examples/howtos/images/sphx_glr_run_compare_lda_003.png + :class: sphx-glr-single-img + + + + +You see that everything has become worse, but remember that everything depends on the task. + + + +You need to choose the function with which your personal point of view about topics similarity and your task (from my experience, Jaccard is fine). + + +Case 2: How topics from DIFFERENT models correlate with each other. +------------------------------------------------------------------- + + +Sometimes, we want to look at the patterns between two different models and compare them. + +You can do this by constructing a matrix with the difference. + + + +.. code-block:: default + + + + mdiff, annotation = lda_fst.diff(lda_snd, distance='jaccard', num_words=50) + plot_difference(mdiff, title="Topic difference (two models)[jaccard distance]", annotation=annotation) + + + + +.. image:: /auto_examples/howtos/images/sphx_glr_run_compare_lda_004.png + :class: sphx-glr-single-img + + + + +Looking at this matrix, you can find similar and different topics (and relevant tokens which describe the intersection and difference). + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 4 minutes 15.023 seconds) + +**Estimated memory usage:** 389 MB + + +.. _sphx_glr_download_auto_examples_howtos_run_compare_lda.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_compare_lda.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_compare_lda.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/howtos/run_doc.ipynb b/docs/src/auto_examples/howtos/run_doc.ipynb new file mode 100644 index 0000000000..ace2f60e2d --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc.ipynb @@ -0,0 +1,100 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nHow to Author Gensim Documentation\n==================================\n\nSome tips of how to author documentation for ``gensim``.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import sys" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Background\n----------\n\nGensim is a large project with a wide range of functionality.\nUnfortunately, not all of this functionality is documented **well**, and some of it is not documented at all.\nWithout good documentation, users are unable to unlock Gensim's full potential.\nTherefore, authoring new documentation and improving existing documentation is of great value to the Gensim project.\n\nIf you implement new functionality in Gensim, please include **helpful** documentation.\nBy \"helpful\", we mean that your documentation answers questions that Gensim users may have.\nFor example:\n\n- What is this new functionality?\n- **Why** is it important?\n- **How** is it relevant to Gensim?\n- **What** can I do with it? What are some real-world applications?\n- **How** do I use it to achieve those things?\n- ... and others (if you can think of them, please add them here)\n\nBefore you author documentation, I suggest reading\n`\"What nobody tells you about documentation\" `__\nor watching its `accompanying video `__\n(or even both, if you're really keen).\n\nThe summary of the above presentation is: there are four distinct kinds of documentation, and you really need them all:\n\n1. Tutorials\n2. Howto guides\n3. Explanations\n4. References\n\nEach kind has its own intended audience, purpose, and writing style.\nWhen you make a PR with new functionality, please consider authoring each kind of documentation.\nAt the very least, you will (indirectly) author reference documentation through module, class and function docstrings.\n\nMechanisms\n----------\n\nWe keep our documentation as individual Python scripts.\nThese scripts live under :file:`docs/src/gallery` in one of several subdirectories:\n\n- core: core tutorials. We try to keep this part small, avoid putting stuff here.\n- tutorials: tutorials.\n- howtos: howto guides.\n\nPick a subdirectory and save your script under it.\nPrefix the name of the script with ``run_``: this way, the the documentation builder will run your script each time it builds our docs.\n\nThe contents of the script are straightforward.\nAt the very top, you need a docstring describing what your script does.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "r\"\"\"\nTitle\n=====\n\nBrief description.\n\"\"\"" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The title is what will show up in the gallery.\nKeep this short and descriptive.\n\nThe description will appear as a tooltip in the gallery.\nWhen people mouse-over the title, they will see the description.\nKeep this short too.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The rest of the script is Python, formatted in a special way so that Sphinx Gallery can parse it.\nThe most important properties of this format are:\n\n- Sphinx Gallery will split your script into blocks\n- A block can be Python source or RST-formatted comments\n- To indicate that a block is in RST, prefix it with a line of 80 hash (#) characters.\n- All other blocks will be interpreted as Python source\n\nRead `this link `__ for more details.\nIf you need further examples, check out other ``gensim`` tutorials and guides.\nAll of them (including this one!) have a download link at the bottom of the page, which exposes the Python source they were generated from.\n\nYou should be able to run your script directly from the command line::\n\n python myscript.py\n\nand it should run to completion without error, occasionally printing stuff to standard output.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Authoring Workflow\n------------------\n\nThere are several ways to author documentation.\nThe simplest and most straightforward is to author your ``script.py`` from scratch.\nYou'll have the following cycle:\n\n1. Make changes\n2. Run ``python script.py``\n3. Check standard output, standard error and return code\n4. If everything works well, stop.\n5. Otherwise, go back to step 1).\n\nIf the above is not your cup of tea, you can also author your documentation as a Jupyter notebook.\nThis is a more flexible approach that enables you to tweak parts of the documentation and re-run them as necessary.\n\nOnce you're happy with the notebook, convert it to a script.py.\nThere's a helpful `script `__ that will do it for you.\nTo use it::\n\n python to_python.py < notebook.ipynb > script.py\n\nYou may have to touch up the resulting ``script.py``.\nMore specifically:\n\n- Update the title\n- Update the description\n- Fix any issues that the markdown-to-RST converter could not deal with\n\nOnce your script.py works, put it in a suitable subdirectory.\nPlease don't include your original Jupyter notebook in the repository - we won't be using it.\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Correctness\n-----------\n\nIncorrect documentation can be worse than no documentation at all.\nTake the following steps to ensure correctness:\n\n- Run Python's doctest module on your docstrings\n- Run your documentation scripts from scratch, removing any temporary files/results\n\nUsing data in your documentation\n--------------------------------\n\nSome parts of the documentation require real-world data to be useful.\nFor example, you may need more than just a toy example to demonstrate the benefits of one model over another.\nThis subsection provides some tips for including data in your documentation.\n\nIf possible, use data available via Gensim's\n`downloader API `__.\nThis will reduce the risk of your documentation becoming obsolete because required data is no longer available.\n\nUse the smallest possible dataset: avoid making people unnecessarily load large datasets and models.\nThis will make your documentation faster to run and easier for people to use (they can modify your examples and re-run them quickly).\n\nFinalizing your contribution\n----------------------------\n\nFirst, get Sphinx Gallery to build your documentation::\n\n make -C docs/src html\n\nThis can take a while if your documentation uses a large dataset, or if you've changed many other tutorials or guides.\nOnce this completes successfully, open ``docs/auto_examples/index.html`` in your browser.\nYou should see your new tutorial or guide in the gallery.\n\nOnce your documentation script is working correctly, it's time to add it to the git repository::\n\n git add docs/src/gallery/tutorials/run_example.py\n git add docs/src/auto_examples/tutorials/run_example.{py,py.md5,rst,ipynb}\n git add docs/src/auto_examples/howtos/sg_execution_times.rst\n git commit -m \"enter a helpful commit message here\"\n git push origin branchname\n\n.. Note::\n You may be wondering what all those other files are.\n Sphinx Gallery puts a copy of your Python script in ``auto_examples/tutorials``.\n The .md5 contains MD5 hash of the script to enable easy detection of modifications.\n Gallery also generates .rst (RST for Sphinx) and .ipynb (Jupyter notebook) files from the script.\n Finally, ``sg_execution_times.rst`` contains the time taken to run each example.\n\nFinally, make a PR on `github `__.\nOne of our friendly maintainers will review it, make suggestions, and eventually merge it.\nYour documentation will then appear in the gallery alongside the rest of the example.\nAt that stage, give yourself a pat on the back: you're done!\n\n" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_doc.py b/docs/src/auto_examples/howtos/run_doc.py new file mode 100644 index 0000000000..6f4024c92a --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc.py @@ -0,0 +1,184 @@ +r""" +How to Author Gensim Documentation +================================== + +Some tips of how to author documentation for ``gensim``. +""" + +import sys + +############################################################################### +# Background +# ---------- +# +# Gensim is a large project with a wide range of functionality. +# Unfortunately, not all of this functionality is documented **well**, and some of it is not documented at all. +# Without good documentation, users are unable to unlock Gensim's full potential. +# Therefore, authoring new documentation and improving existing documentation is of great value to the Gensim project. +# +# If you implement new functionality in Gensim, please include **helpful** documentation. +# By "helpful", we mean that your documentation answers questions that Gensim users may have. +# For example: +# +# - What is this new functionality? +# - **Why** is it important? +# - **How** is it relevant to Gensim? +# - **What** can I do with it? What are some real-world applications? +# - **How** do I use it to achieve those things? +# - ... and others (if you can think of them, please add them here) +# +# Before you author documentation, I suggest reading +# `"What nobody tells you about documentation" `__ +# or watching its `accompanying video `__ +# (or even both, if you're really keen). +# +# The summary of the above presentation is: there are four distinct kinds of documentation, and you really need them all: +# +# 1. Tutorials +# 2. Howto guides +# 3. Explanations +# 4. References +# +# Each kind has its own intended audience, purpose, and writing style. +# When you make a PR with new functionality, please consider authoring each kind of documentation. +# At the very least, you will (indirectly) author reference documentation through module, class and function docstrings. +# +# Mechanisms +# ---------- +# +# We keep our documentation as individual Python scripts. +# These scripts live under :file:`docs/src/gallery` in one of several subdirectories: +# +# - core: core tutorials. We try to keep this part small, avoid putting stuff here. +# - tutorials: tutorials. +# - howtos: howto guides. +# +# Pick a subdirectory and save your script under it. +# Prefix the name of the script with ``run_``: this way, the the documentation builder will run your script each time it builds our docs. +# +# The contents of the script are straightforward. +# At the very top, you need a docstring describing what your script does. + +r""" +Title +===== + +Brief description. +""" + +############################################################################### +# The title is what will show up in the gallery. +# Keep this short and descriptive. +# +# The description will appear as a tooltip in the gallery. +# When people mouse-over the title, they will see the description. +# Keep this short too. +# + +############################################################################### +# The rest of the script is Python, formatted in a special way so that Sphinx Gallery can parse it. +# The most important properties of this format are: +# +# - Sphinx Gallery will split your script into blocks +# - A block can be Python source or RST-formatted comments +# - To indicate that a block is in RST, prefix it with a line of 80 hash (#) characters. +# - All other blocks will be interpreted as Python source +# +# Read `this link `__ for more details. +# If you need further examples, check out other ``gensim`` tutorials and guides. +# All of them (including this one!) have a download link at the bottom of the page, which exposes the Python source they were generated from. +# +# You should be able to run your script directly from the command line:: +# +# python myscript.py +# +# and it should run to completion without error, occasionally printing stuff to standard output. +# + +############################################################################### +# Authoring Workflow +# ------------------ +# +# There are several ways to author documentation. +# The simplest and most straightforward is to author your ``script.py`` from scratch. +# You'll have the following cycle: +# +# 1. Make changes +# 2. Run ``python script.py`` +# 3. Check standard output, standard error and return code +# 4. If everything works well, stop. +# 5. Otherwise, go back to step 1). +# +# If the above is not your cup of tea, you can also author your documentation as a Jupyter notebook. +# This is a more flexible approach that enables you to tweak parts of the documentation and re-run them as necessary. +# +# Once you're happy with the notebook, convert it to a script.py. +# There's a helpful `script `__ that will do it for you. +# To use it:: +# +# python to_python.py < notebook.ipynb > script.py +# +# You may have to touch up the resulting ``script.py``. +# More specifically: +# +# - Update the title +# - Update the description +# - Fix any issues that the markdown-to-RST converter could not deal with +# +# Once your script.py works, put it in a suitable subdirectory. +# Please don't include your original Jupyter notebook in the repository - we won't be using it. + +############################################################################### +# Correctness +# ----------- +# +# Incorrect documentation can be worse than no documentation at all. +# Take the following steps to ensure correctness: +# +# - Run Python's doctest module on your docstrings +# - Run your documentation scripts from scratch, removing any temporary files/results +# +# Using data in your documentation +# -------------------------------- +# +# Some parts of the documentation require real-world data to be useful. +# For example, you may need more than just a toy example to demonstrate the benefits of one model over another. +# This subsection provides some tips for including data in your documentation. +# +# If possible, use data available via Gensim's +# `downloader API `__. +# This will reduce the risk of your documentation becoming obsolete because required data is no longer available. +# +# Use the smallest possible dataset: avoid making people unnecessarily load large datasets and models. +# This will make your documentation faster to run and easier for people to use (they can modify your examples and re-run them quickly). +# +# Finalizing your contribution +# ---------------------------- +# +# First, get Sphinx Gallery to build your documentation:: +# +# make -C docs/src html +# +# This can take a while if your documentation uses a large dataset, or if you've changed many other tutorials or guides. +# Once this completes successfully, open ``docs/auto_examples/index.html`` in your browser. +# You should see your new tutorial or guide in the gallery. +# +# Once your documentation script is working correctly, it's time to add it to the git repository:: +# +# git add docs/src/gallery/tutorials/run_example.py +# git add docs/src/auto_examples/tutorials/run_example.{py,py.md5,rst,ipynb} +# git add docs/src/auto_examples/howtos/sg_execution_times.rst +# git commit -m "enter a helpful commit message here" +# git push origin branchname +# +# .. Note:: +# You may be wondering what all those other files are. +# Sphinx Gallery puts a copy of your Python script in ``auto_examples/tutorials``. +# The .md5 contains MD5 hash of the script to enable easy detection of modifications. +# Gallery also generates .rst (RST for Sphinx) and .ipynb (Jupyter notebook) files from the script. +# Finally, ``sg_execution_times.rst`` contains the time taken to run each example. +# +# Finally, make a PR on `github `__. +# One of our friendly maintainers will review it, make suggestions, and eventually merge it. +# Your documentation will then appear in the gallery alongside the rest of the example. +# At that stage, give yourself a pat on the back: you're done! diff --git a/docs/src/auto_examples/howtos/run_doc.py.md5 b/docs/src/auto_examples/howtos/run_doc.py.md5 new file mode 100644 index 0000000000..8858d975ad --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc.py.md5 @@ -0,0 +1 @@ +93d5df3c2c0127e37f0583ff752cc890 \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_doc.rst b/docs/src/auto_examples/howtos/run_doc.rst new file mode 100644 index 0000000000..79271a3c2a --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc.rst @@ -0,0 +1,241 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_howtos_run_doc.py: + + +How to Author Gensim Documentation +================================== + +Some tips of how to author documentation for ``gensim``. + + +.. code-block:: default + + + import sys + + + + + + + +Background +---------- + +Gensim is a large project with a wide range of functionality. +Unfortunately, not all of this functionality is documented **well**, and some of it is not documented at all. +Without good documentation, users are unable to unlock Gensim's full potential. +Therefore, authoring new documentation and improving existing documentation is of great value to the Gensim project. + +If you implement new functionality in Gensim, please include **helpful** documentation. +By "helpful", we mean that your documentation answers questions that Gensim users may have. +For example: + +- What is this new functionality? +- **Why** is it important? +- **How** is it relevant to Gensim? +- **What** can I do with it? What are some real-world applications? +- **How** do I use it to achieve those things? +- ... and others (if you can think of them, please add them here) + +Before you author documentation, I suggest reading +`"What nobody tells you about documentation" `__ +or watching its `accompanying video `__ +(or even both, if you're really keen). + +The summary of the above presentation is: there are four distinct kinds of documentation, and you really need them all: + +1. Tutorials +2. Howto guides +3. Explanations +4. References + +Each kind has its own intended audience, purpose, and writing style. +When you make a PR with new functionality, please consider authoring each kind of documentation. +At the very least, you will (indirectly) author reference documentation through module, class and function docstrings. + +Mechanisms +---------- + +We keep our documentation as individual Python scripts. +These scripts live under :file:`docs/src/gallery` in one of several subdirectories: + +- core: core tutorials. We try to keep this part small, avoid putting stuff here. +- tutorials: tutorials. +- howtos: howto guides. + +Pick a subdirectory and save your script under it. +Prefix the name of the script with ``run_``: this way, the the documentation builder will run your script each time it builds our docs. + +The contents of the script are straightforward. +At the very top, you need a docstring describing what your script does. + + +.. code-block:: default + + + r""" + Title + ===== + + Brief description. + """ + + + + + + + +The title is what will show up in the gallery. +Keep this short and descriptive. + +The description will appear as a tooltip in the gallery. +When people mouse-over the title, they will see the description. +Keep this short too. + + +The rest of the script is Python, formatted in a special way so that Sphinx Gallery can parse it. +The most important properties of this format are: + +- Sphinx Gallery will split your script into blocks +- A block can be Python source or RST-formatted comments +- To indicate that a block is in RST, prefix it with a line of 80 hash (#) characters. +- All other blocks will be interpreted as Python source + +Read `this link `__ for more details. +If you need further examples, check out other ``gensim`` tutorials and guides. +All of them (including this one!) have a download link at the bottom of the page, which exposes the Python source they were generated from. + +You should be able to run your script directly from the command line:: + + python myscript.py + +and it should run to completion without error, occasionally printing stuff to standard output. + + +Authoring Workflow +------------------ + +There are several ways to author documentation. +The simplest and most straightforward is to author your ``script.py`` from scratch. +You'll have the following cycle: + +1. Make changes +2. Run ``python script.py`` +3. Check standard output, standard error and return code +4. If everything works well, stop. +5. Otherwise, go back to step 1). + +If the above is not your cup of tea, you can also author your documentation as a Jupyter notebook. +This is a more flexible approach that enables you to tweak parts of the documentation and re-run them as necessary. + +Once you're happy with the notebook, convert it to a script.py. +There's a helpful `script `__ that will do it for you. +To use it:: + + python to_python.py < notebook.ipynb > script.py + +You may have to touch up the resulting ``script.py``. +More specifically: + +- Update the title +- Update the description +- Fix any issues that the markdown-to-RST converter could not deal with + +Once your script.py works, put it in a suitable subdirectory. +Please don't include your original Jupyter notebook in the repository - we won't be using it. + +Correctness +----------- + +Incorrect documentation can be worse than no documentation at all. +Take the following steps to ensure correctness: + +- Run Python's doctest module on your docstrings +- Run your documentation scripts from scratch, removing any temporary files/results + +Using data in your documentation +-------------------------------- + +Some parts of the documentation require real-world data to be useful. +For example, you may need more than just a toy example to demonstrate the benefits of one model over another. +This subsection provides some tips for including data in your documentation. + +If possible, use data available via Gensim's +`downloader API `__. +This will reduce the risk of your documentation becoming obsolete because required data is no longer available. + +Use the smallest possible dataset: avoid making people unnecessarily load large datasets and models. +This will make your documentation faster to run and easier for people to use (they can modify your examples and re-run them quickly). + +Finalizing your contribution +---------------------------- + +First, get Sphinx Gallery to build your documentation:: + + make -C docs/src html + +This can take a while if your documentation uses a large dataset, or if you've changed many other tutorials or guides. +Once this completes successfully, open ``docs/auto_examples/index.html`` in your browser. +You should see your new tutorial or guide in the gallery. + +Once your documentation script is working correctly, it's time to add it to the git repository:: + + git add docs/src/gallery/tutorials/run_example.py + git add docs/src/auto_examples/tutorials/run_example.{py,py.md5,rst,ipynb} + git add docs/src/auto_examples/howtos/sg_execution_times.rst + git commit -m "enter a helpful commit message here" + git push origin branchname + +.. Note:: + You may be wondering what all those other files are. + Sphinx Gallery puts a copy of your Python script in ``auto_examples/tutorials``. + The .md5 contains MD5 hash of the script to enable easy detection of modifications. + Gallery also generates .rst (RST for Sphinx) and .ipynb (Jupyter notebook) files from the script. + Finally, ``sg_execution_times.rst`` contains the time taken to run each example. + +Finally, make a PR on `github `__. +One of our friendly maintainers will review it, make suggestions, and eventually merge it. +Your documentation will then appear in the gallery alongside the rest of the example. +At that stage, give yourself a pat on the back: you're done! + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 0.149 seconds) + +**Estimated memory usage:** 6 MB + + +.. _sphx_glr_download_auto_examples_howtos_run_doc.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_doc.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_doc.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/howtos/run_doc2vec_imdb.ipynb b/docs/src/auto_examples/howtos/run_doc2vec_imdb.ipynb new file mode 100644 index 0000000000..7418621e81 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc2vec_imdb.ipynb @@ -0,0 +1,341 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nHow to Apply Doc2Vec to Reproduce the 'Paragraph Vector' paper\n==============================================================\n\nShows how to reproduce results of the \"Distributed Representation of Sentences and Documents\" paper by Le and Mikolov using Gensim.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Introduction\n------------\n\nThis guide shows you how to reproduce the results of the paper by `Le and\nMikolov 2014 `_ using Gensim. While the\nentire paper is worth reading (it's only 9 pages), we will be focusing on\nSection 3.2: \"Beyond One Sentence - Sentiment Analysis with the IMDB\ndataset\".\n\nThis guide follows the following steps:\n\n#. Load the IMDB dataset\n#. Train a variety of Doc2Vec models on the dataset\n#. Evaluate the performance of each model using a logistic regression\n#. Examine some of the results directly:\n\nWhen examining results, we will look for answers for the following questions:\n\n#. Are inferred vectors close to the precalculated ones?\n#. Do close documents seem more related than distant ones?\n#. Do the word vectors show useful similarities?\n#. Are the word vectors from this dataset any good at analogies?\n\nLoad corpus\n-----------\n\nOur data for the tutorial will be the `IMDB archive\n`_.\nIf you're not familiar with this dataset, then here's a brief intro: it\ncontains several thousand movie reviews.\n\nEach review is a single line of text containing multiple sentences, for example:\n\n```\nOne of the best movie-dramas I have ever seen. We do a lot of acting in the\nchurch and this is one that can be used as a resource that highlights all the\ngood things that actors can do in their work. I highly recommend this one,\nespecially for those who have an interest in acting, as a \"must see.\"\n```\n\nThese reviews will be the **documents** that we will work with in this tutorial.\nThere are 100 thousand reviews in total.\n\n#. 25k reviews for training (12.5k positive, 12.5k negative)\n#. 25k reviews for testing (12.5k positive, 12.5k negative)\n#. 50k unlabeled reviews\n\nOut of 100k reviews, 50k have a label: either positive (the reviewer liked\nthe movie) or negative.\nThe remaining 50k are unlabeled.\n\nOur first task will be to prepare the dataset.\n\nMore specifically, we will:\n\n#. Download the tar.gz file (it's only 84MB, so this shouldn't take too long)\n#. Unpack it and extract each movie review\n#. Split the reviews into training and test datasets\n\nFirst, let's define a convenient datatype for holding data for a single document:\n\n* words: The text of the document, as a ``list`` of words.\n* tags: Used to keep the index of the document in the entire dataset.\n* split: one of ``train``\\ , ``test`` or ``extra``. Determines how the document will be used (for training, testing, etc).\n* sentiment: either 1 (positive), 0 (negative) or None (unlabeled document).\n\nThis data type is helpful for later evaluation and reporting.\nIn particular, the ``index`` member will help us quickly and easily retrieve the vectors for a document from a model.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import collections\n\nSentimentDocument = collections.namedtuple('SentimentDocument', 'words tags split sentiment')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can now proceed with loading the corpus.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import io\nimport re\nimport tarfile\nimport os.path\n\nimport smart_open\nimport gensim.utils\n\ndef download_dataset(url='http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz'):\n fname = url.split('/')[-1]\n\n if os.path.isfile(fname):\n return fname\n\n # Download the file to local storage first.\n # We can't read it on the fly because of\n # https://github.com/RaRe-Technologies/smart_open/issues/331\n with smart_open.open(url, \"rb\", ignore_ext=True) as fin:\n with smart_open.open(fname, 'wb', ignore_ext=True) as fout:\n while True:\n buf = fin.read(io.DEFAULT_BUFFER_SIZE)\n if not buf:\n break\n fout.write(buf)\n\n return fname\n\ndef create_sentiment_document(name, text, index):\n _, split, sentiment_str, _ = name.split('/')\n sentiment = {'pos': 1.0, 'neg': 0.0, 'unsup': None}[sentiment_str]\n\n if sentiment is None:\n split = 'extra'\n\n tokens = gensim.utils.to_unicode(text).split()\n return SentimentDocument(tokens, [index], split, sentiment)\n\ndef extract_documents():\n fname = download_dataset()\n\n index = 0\n\n with tarfile.open(fname, mode='r:gz') as tar:\n for member in tar.getmembers():\n if re.match(r'aclImdb/(train|test)/(pos|neg|unsup)/\\d+_\\d+.txt$', member.name):\n member_bytes = tar.extractfile(member).read()\n member_text = member_bytes.decode('utf-8', errors='replace')\n assert member_text.count('\\n') == 0\n yield create_sentiment_document(member.name, member_text, index)\n index += 1\n\nalldocs = list(extract_documents())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here's what a single document looks like\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(alldocs[27])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Extract our documents and split into training/test sets\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "train_docs = [doc for doc in alldocs if doc.split == 'train']\ntest_docs = [doc for doc in alldocs if doc.split == 'test']\nprint('%d docs: %d train-sentiment, %d test-sentiment' % (len(alldocs), len(train_docs), len(test_docs)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Set-up Doc2Vec Training & Evaluation Models\n-------------------------------------------\nWe approximate the experiment of Le & Mikolov `\"Distributed Representations\nof Sentences and Documents\"\n`_ with guidance from\nMikolov's `example go.sh\n`_::\n\n ./word2vec -train ../alldata-id.txt -output vectors.txt -cbow 0 -size 100 -window 10 -negative 5 -hs 0 -sample 1e-4 -threads 40 -binary 0 -iter 20 -min-count 1 -sentence-vectors 1\n\nWe vary the following parameter choices:\n\n* 100-dimensional vectors, as the 400-d vectors of the paper take a lot of\n memory and, in our tests of this task, don't seem to offer much benefit\n* Similarly, frequent word subsampling seems to decrease sentiment-prediction\n accuracy, so it's left out\n* ``cbow=0`` means skip-gram which is equivalent to the paper's 'PV-DBOW'\n mode, matched in gensim with ``dm=0``\n* Added to that DBOW model are two DM models, one which averages context\n vectors (\\ ``dm_mean``\\ ) and one which concatenates them (\\ ``dm_concat``\\ ,\n resulting in a much larger, slower, more data-hungry model)\n* A ``min_count=2`` saves quite a bit of model memory, discarding only words\n that appear in a single doc (and are thus no more expressive than the\n unique-to-each doc vectors themselves)\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import multiprocessing\nfrom collections import OrderedDict\n\nimport gensim.models.doc2vec\nassert gensim.models.doc2vec.FAST_VERSION > -1, \"This will be painfully slow otherwise\"\n\nfrom gensim.models.doc2vec import Doc2Vec\n\ncommon_kwargs = dict(\n vector_size=100, epochs=20, min_count=2,\n sample=0, workers=multiprocessing.cpu_count(), negative=5, hs=0,\n)\n\nsimple_models = [\n # PV-DBOW plain\n Doc2Vec(dm=0, **common_kwargs),\n # PV-DM w/ default averaging; a higher starting alpha may improve CBOW/PV-DM modes\n Doc2Vec(dm=1, window=10, alpha=0.05, comment='alpha=0.05', **common_kwargs),\n # PV-DM w/ concatenation - big, slow, experimental mode\n # window=5 (both sides) approximates paper's apparent 10-word total window size\n Doc2Vec(dm=1, dm_concat=1, window=5, **common_kwargs),\n]\n\nfor model in simple_models:\n model.build_vocab(alldocs)\n print(\"%s vocabulary scanned & state initialized\" % model)\n\nmodels_by_name = OrderedDict((str(model), model) for model in simple_models)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Le and Mikolov note that combining a paragraph vector from Distributed Bag of\nWords (DBOW) and Distributed Memory (DM) improves performance. We will\nfollow, pairing the models together for evaluation. Here, we concatenate the\nparagraph vectors obtained from each model with the help of a thin wrapper\nclass included in a gensim test module. (Note that this a separate, later\nconcatenation of output-vectors than the kind of input-window-concatenation\nenabled by the ``dm_concat=1`` mode above.)\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.test.test_doc2vec import ConcatenatedDoc2Vec\nmodels_by_name['dbow+dmm'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[1]])\nmodels_by_name['dbow+dmc'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[2]])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Predictive Evaluation Methods\n-----------------------------\n\nGiven a document, our ``Doc2Vec`` models output a vector representation of the document.\nHow useful is a particular model?\nIn case of sentiment analysis, we want the ouput vector to reflect the sentiment in the input document.\nSo, in vector space, positive documents should be distant from negative documents.\n\nWe train a logistic regression from the training set:\n\n - regressors (inputs): document vectors from the Doc2Vec model\n - target (outpus): sentiment labels\n\nSo, this logistic regression will be able to predict sentiment given a document vector.\n\nNext, we test our logistic regression on the test set, and measure the rate of errors (incorrect predictions).\nIf the document vectors from the Doc2Vec model reflect the actual sentiment well, the error rate will be low.\n\nTherefore, the error rate of the logistic regression is indication of *how well* the given Doc2Vec model represents documents as vectors.\nWe can then compare different ``Doc2Vec`` models by looking at their error rates.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import numpy as np\nimport statsmodels.api as sm\nfrom random import sample\n\ndef logistic_predictor_from_data(train_targets, train_regressors):\n \"\"\"Fit a statsmodel logistic predictor on supplied data\"\"\"\n logit = sm.Logit(train_targets, train_regressors)\n predictor = logit.fit(disp=0)\n # print(predictor.summary())\n return predictor\n\ndef error_rate_for_model(test_model, train_set, test_set):\n \"\"\"Report error rate on test_doc sentiments, using supplied model and train_docs\"\"\"\n\n train_targets = [doc.sentiment for doc in train_set]\n train_regressors = [test_model.docvecs[doc.tags[0]] for doc in train_set]\n train_regressors = sm.add_constant(train_regressors)\n predictor = logistic_predictor_from_data(train_targets, train_regressors)\n\n test_regressors = [test_model.docvecs[doc.tags[0]] for doc in test_set]\n test_regressors = sm.add_constant(test_regressors)\n\n # Predict & evaluate\n test_predictions = predictor.predict(test_regressors)\n corrects = sum(np.rint(test_predictions) == [doc.sentiment for doc in test_set])\n errors = len(test_predictions) - corrects\n error_rate = float(errors) / len(test_predictions)\n return (error_rate, errors, len(test_predictions), predictor)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Bulk Training & Per-Model Evaluation\n------------------------------------\n\nNote that doc-vector training is occurring on *all* documents of the dataset,\nwhich includes all TRAIN/TEST/DEV docs. Because the native document-order\nhas similar-sentiment documents in large clumps \u2013 which is suboptimal for\ntraining \u2013 we work with once-shuffled copy of the training set.\n\nWe evaluate each model's sentiment predictive power based on error rate, and\nthe evaluation is done for each model.\n\n(On a 4-core 2.6Ghz Intel Core i7, these 20 passes training and evaluating 3\nmain models takes about an hour.)\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from collections import defaultdict\nerror_rates = defaultdict(lambda: 1.0) # To selectively print only best errors achieved" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from random import shuffle\nshuffled_alldocs = alldocs[:]\nshuffle(shuffled_alldocs)\n\nfor model in simple_models:\n print(\"Training %s\" % model)\n model.train(shuffled_alldocs, total_examples=len(shuffled_alldocs), epochs=model.epochs)\n\n print(\"\\nEvaluating %s\" % model)\n err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs)\n error_rates[str(model)] = err_rate\n print(\"\\n%f %s\\n\" % (err_rate, model))\n\nfor model in [models_by_name['dbow+dmm'], models_by_name['dbow+dmc']]:\n print(\"\\nEvaluating %s\" % model)\n err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs)\n error_rates[str(model)] = err_rate\n print(\"\\n%f %s\\n\" % (err_rate, model))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Achieved Sentiment-Prediction Accuracy\n--------------------------------------\nCompare error rates achieved, best-to-worst\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(\"Err_rate Model\")\nfor rate, name in sorted((rate, name) for name, rate in error_rates.items()):\n print(\"%f %s\" % (rate, name))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In our testing, contrary to the results of the paper, on this problem,\nPV-DBOW alone performs as good as anything else. Concatenating vectors from\ndifferent models only sometimes offers a tiny predictive improvement \u2013 and\nstays generally close to the best-performing solo model included.\n\nThe best results achieved here are just around 10% error rate, still a long\nway from the paper's reported 7.42% error rate.\n\n(Other trials not shown, with larger vectors and other changes, also don't\ncome close to the paper's reported value. Others around the net have reported\na similar inability to reproduce the paper's best numbers. The PV-DM/C mode\nimproves a bit with many more training epochs \u2013 but doesn't reach parity with\nPV-DBOW.)\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Examining Results\n-----------------\n\nLet's look for answers to the following questions:\n\n#. Are inferred vectors close to the precalculated ones?\n#. Do close documents seem more related than distant ones?\n#. Do the word vectors show useful similarities?\n#. Are the word vectors from this dataset any good at analogies?\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Are inferred vectors close to the precalculated ones?\n-----------------------------------------------------\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "doc_id = np.random.randint(simple_models[0].docvecs.count) # Pick random doc; re-run cell for more examples\nprint('for doc %d...' % doc_id)\nfor model in simple_models:\n inferred_docvec = model.infer_vector(alldocs[doc_id].words)\n print('%s:\\n %s' % (model, model.docvecs.most_similar([inferred_docvec], topn=3)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "(Yes, here the stored vector from 20 epochs of training is usually one of the\nclosest to a freshly-inferred vector for the same words. Defaults for\ninference may benefit from tuning for each dataset or model parameters.)\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Do close documents seem more related than distant ones?\n-------------------------------------------------------\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import random\n\ndoc_id = np.random.randint(simple_models[0].docvecs.count) # pick random doc, re-run cell for more examples\nmodel = random.choice(simple_models) # and a random model\nsims = model.docvecs.most_similar(doc_id, topn=model.docvecs.count) # get *all* similar documents\nprint(u'TARGET (%d): \u00ab%s\u00bb\\n' % (doc_id, ' '.join(alldocs[doc_id].words)))\nprint(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\\n' % model)\nfor label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]:\n s = sims[index]\n i = sims[index][0]\n words = ' '.join(alldocs[i].words)\n print(u'%s %s: \u00ab%s\u00bb\\n' % (label, s, words))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Somewhat, in terms of reviewer tone, movie genre, etc... the MOST\ncosine-similar docs usually seem more like the TARGET than the MEDIAN or\nLEAST... especially if the MOST has a cosine-similarity > 0.5. Re-run the\ncell to try another random target document.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Do the word vectors show useful similarities?\n---------------------------------------------\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import random\n\nword_models = simple_models[:]\n\ndef pick_random_word(model, threshold=10):\n # pick a random word with a suitable number of occurences\n while True:\n word = random.choice(model.wv.index2word)\n if model.wv.vocab[word].count > threshold:\n return word\n\ntarget_word = pick_random_word(word_models[0])\n# or uncomment below line, to just pick a word from the relevant domain:\n# target_word = 'comedy/drama'\n\nfor model in word_models:\n print('target_word: %r model: %s similar words:' % (target_word, model))\n for i, (word, sim) in enumerate(model.wv.most_similar(target_word, topn=10), 1):\n print(' %d. %.2f %r' % (i, sim, word))\n print()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Do the DBOW words look meaningless? That's because the gensim DBOW model\ndoesn't train word vectors \u2013 they remain at their random initialized values \u2013\nunless you ask with the ``dbow_words=1`` initialization parameter. Concurrent\nword-training slows DBOW mode significantly, and offers little improvement\n(and sometimes a little worsening) of the error rate on this IMDB\nsentiment-prediction task, but may be appropriate on other tasks, or if you\nalso need word-vectors.\n\nWords from DM models tend to show meaningfully similar words when there are\nmany examples in the training data (as with 'plot' or 'actor'). (All DM modes\ninherently involve word-vector training concurrent with doc-vector training.)\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Are the word vectors from this dataset any good at analogies?\n-------------------------------------------------------------\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# grab the file if not already local\nquestions_filename = 'questions-words.txt'\nif not os.path.isfile(questions_filename):\n # Download IMDB archive\n print(\"Downloading analogy questions file...\")\n url = u'https://raw.githubusercontent.com/tmikolov/word2vec/master/questions-words.txt'\n with smart_open.open(url, 'rb') as fin:\n with smart_open.open(questions_filename, 'wb') as fout:\n fout.write(fin.read())\nassert os.path.isfile(questions_filename), \"questions-words.txt unavailable\"\nprint(\"Success, questions-words.txt is available for next steps.\")\n\n# Note: this analysis takes many minutes\nfor model in word_models:\n score, sections = model.wv.evaluate_word_analogies('questions-words.txt')\n correct, incorrect = len(sections[-1]['correct']), len(sections[-1]['incorrect'])\n print('%s: %0.2f%% correct (%d of %d)' % (model, float(correct*100)/(correct+incorrect), correct, correct+incorrect))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Even though this is a tiny, domain-specific dataset, it shows some meager\ncapability on the general word analogies \u2013 at least for the DM/mean and\nDM/concat models which actually train word vectors. (The untrained\nrandom-initialized words of the DBOW model of course fail miserably.)\n\n\n" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_doc2vec_imdb.py b/docs/src/auto_examples/howtos/run_doc2vec_imdb.py new file mode 100644 index 0000000000..093e060b70 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc2vec_imdb.py @@ -0,0 +1,452 @@ +r""" +How to Apply Doc2Vec to Reproduce the 'Paragraph Vector' paper +============================================================== + +Shows how to reproduce results of the "Distributed Representation of Sentences and Documents" paper by Le and Mikolov using Gensim. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# Introduction +# ------------ +# +# This guide shows you how to reproduce the results of the paper by `Le and +# Mikolov 2014 `_ using Gensim. While the +# entire paper is worth reading (it's only 9 pages), we will be focusing on +# Section 3.2: "Beyond One Sentence - Sentiment Analysis with the IMDB +# dataset". +# +# This guide follows the following steps: +# +# #. Load the IMDB dataset +# #. Train a variety of Doc2Vec models on the dataset +# #. Evaluate the performance of each model using a logistic regression +# #. Examine some of the results directly: +# +# When examining results, we will look for answers for the following questions: +# +# #. Are inferred vectors close to the precalculated ones? +# #. Do close documents seem more related than distant ones? +# #. Do the word vectors show useful similarities? +# #. Are the word vectors from this dataset any good at analogies? +# +# Load corpus +# ----------- +# +# Our data for the tutorial will be the `IMDB archive +# `_. +# If you're not familiar with this dataset, then here's a brief intro: it +# contains several thousand movie reviews. +# +# Each review is a single line of text containing multiple sentences, for example: +# +# ``` +# One of the best movie-dramas I have ever seen. We do a lot of acting in the +# church and this is one that can be used as a resource that highlights all the +# good things that actors can do in their work. I highly recommend this one, +# especially for those who have an interest in acting, as a "must see." +# ``` +# +# These reviews will be the **documents** that we will work with in this tutorial. +# There are 100 thousand reviews in total. +# +# #. 25k reviews for training (12.5k positive, 12.5k negative) +# #. 25k reviews for testing (12.5k positive, 12.5k negative) +# #. 50k unlabeled reviews +# +# Out of 100k reviews, 50k have a label: either positive (the reviewer liked +# the movie) or negative. +# The remaining 50k are unlabeled. +# +# Our first task will be to prepare the dataset. +# +# More specifically, we will: +# +# #. Download the tar.gz file (it's only 84MB, so this shouldn't take too long) +# #. Unpack it and extract each movie review +# #. Split the reviews into training and test datasets +# +# First, let's define a convenient datatype for holding data for a single document: +# +# * words: The text of the document, as a ``list`` of words. +# * tags: Used to keep the index of the document in the entire dataset. +# * split: one of ``train``\ , ``test`` or ``extra``. Determines how the document will be used (for training, testing, etc). +# * sentiment: either 1 (positive), 0 (negative) or None (unlabeled document). +# +# This data type is helpful for later evaluation and reporting. +# In particular, the ``index`` member will help us quickly and easily retrieve the vectors for a document from a model. +# +import collections + +SentimentDocument = collections.namedtuple('SentimentDocument', 'words tags split sentiment') + +############################################################################### +# We can now proceed with loading the corpus. +import io +import re +import tarfile +import os.path + +import smart_open +import gensim.utils + +def download_dataset(url='http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz'): + fname = url.split('/')[-1] + + if os.path.isfile(fname): + return fname + + # Download the file to local storage first. + # We can't read it on the fly because of + # https://github.com/RaRe-Technologies/smart_open/issues/331 + with smart_open.open(url, "rb", ignore_ext=True) as fin: + with smart_open.open(fname, 'wb', ignore_ext=True) as fout: + while True: + buf = fin.read(io.DEFAULT_BUFFER_SIZE) + if not buf: + break + fout.write(buf) + + return fname + +def create_sentiment_document(name, text, index): + _, split, sentiment_str, _ = name.split('/') + sentiment = {'pos': 1.0, 'neg': 0.0, 'unsup': None}[sentiment_str] + + if sentiment is None: + split = 'extra' + + tokens = gensim.utils.to_unicode(text).split() + return SentimentDocument(tokens, [index], split, sentiment) + +def extract_documents(): + fname = download_dataset() + + index = 0 + + with tarfile.open(fname, mode='r:gz') as tar: + for member in tar.getmembers(): + if re.match(r'aclImdb/(train|test)/(pos|neg|unsup)/\d+_\d+.txt$', member.name): + member_bytes = tar.extractfile(member).read() + member_text = member_bytes.decode('utf-8', errors='replace') + assert member_text.count('\n') == 0 + yield create_sentiment_document(member.name, member_text, index) + index += 1 + +alldocs = list(extract_documents()) + +############################################################################### +# Here's what a single document looks like +print(alldocs[27]) + +############################################################################### +# Extract our documents and split into training/test sets +train_docs = [doc for doc in alldocs if doc.split == 'train'] +test_docs = [doc for doc in alldocs if doc.split == 'test'] +print('%d docs: %d train-sentiment, %d test-sentiment' % (len(alldocs), len(train_docs), len(test_docs))) + +############################################################################### +# Set-up Doc2Vec Training & Evaluation Models +# ------------------------------------------- +# We approximate the experiment of Le & Mikolov `"Distributed Representations +# of Sentences and Documents" +# `_ with guidance from +# Mikolov's `example go.sh +# `_:: +# +# ./word2vec -train ../alldata-id.txt -output vectors.txt -cbow 0 -size 100 -window 10 -negative 5 -hs 0 -sample 1e-4 -threads 40 -binary 0 -iter 20 -min-count 1 -sentence-vectors 1 +# +# We vary the following parameter choices: +# +# * 100-dimensional vectors, as the 400-d vectors of the paper take a lot of +# memory and, in our tests of this task, don't seem to offer much benefit +# * Similarly, frequent word subsampling seems to decrease sentiment-prediction +# accuracy, so it's left out +# * ``cbow=0`` means skip-gram which is equivalent to the paper's 'PV-DBOW' +# mode, matched in gensim with ``dm=0`` +# * Added to that DBOW model are two DM models, one which averages context +# vectors (\ ``dm_mean``\ ) and one which concatenates them (\ ``dm_concat``\ , +# resulting in a much larger, slower, more data-hungry model) +# * A ``min_count=2`` saves quite a bit of model memory, discarding only words +# that appear in a single doc (and are thus no more expressive than the +# unique-to-each doc vectors themselves) +# + +import multiprocessing +from collections import OrderedDict + +import gensim.models.doc2vec +assert gensim.models.doc2vec.FAST_VERSION > -1, "This will be painfully slow otherwise" + +from gensim.models.doc2vec import Doc2Vec + +common_kwargs = dict( + vector_size=100, epochs=20, min_count=2, + sample=0, workers=multiprocessing.cpu_count(), negative=5, hs=0, +) + +simple_models = [ + # PV-DBOW plain + Doc2Vec(dm=0, **common_kwargs), + # PV-DM w/ default averaging; a higher starting alpha may improve CBOW/PV-DM modes + Doc2Vec(dm=1, window=10, alpha=0.05, comment='alpha=0.05', **common_kwargs), + # PV-DM w/ concatenation - big, slow, experimental mode + # window=5 (both sides) approximates paper's apparent 10-word total window size + Doc2Vec(dm=1, dm_concat=1, window=5, **common_kwargs), +] + +for model in simple_models: + model.build_vocab(alldocs) + print("%s vocabulary scanned & state initialized" % model) + +models_by_name = OrderedDict((str(model), model) for model in simple_models) + +############################################################################### +# Le and Mikolov note that combining a paragraph vector from Distributed Bag of +# Words (DBOW) and Distributed Memory (DM) improves performance. We will +# follow, pairing the models together for evaluation. Here, we concatenate the +# paragraph vectors obtained from each model with the help of a thin wrapper +# class included in a gensim test module. (Note that this a separate, later +# concatenation of output-vectors than the kind of input-window-concatenation +# enabled by the ``dm_concat=1`` mode above.) +# +from gensim.test.test_doc2vec import ConcatenatedDoc2Vec +models_by_name['dbow+dmm'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[1]]) +models_by_name['dbow+dmc'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[2]]) + +############################################################################### +# Predictive Evaluation Methods +# ----------------------------- +# +# Given a document, our ``Doc2Vec`` models output a vector representation of the document. +# How useful is a particular model? +# In case of sentiment analysis, we want the ouput vector to reflect the sentiment in the input document. +# So, in vector space, positive documents should be distant from negative documents. +# +# We train a logistic regression from the training set: +# +# - regressors (inputs): document vectors from the Doc2Vec model +# - target (outpus): sentiment labels +# +# So, this logistic regression will be able to predict sentiment given a document vector. +# +# Next, we test our logistic regression on the test set, and measure the rate of errors (incorrect predictions). +# If the document vectors from the Doc2Vec model reflect the actual sentiment well, the error rate will be low. +# +# Therefore, the error rate of the logistic regression is indication of *how well* the given Doc2Vec model represents documents as vectors. +# We can then compare different ``Doc2Vec`` models by looking at their error rates. +# + +import numpy as np +import statsmodels.api as sm +from random import sample + +def logistic_predictor_from_data(train_targets, train_regressors): + """Fit a statsmodel logistic predictor on supplied data""" + logit = sm.Logit(train_targets, train_regressors) + predictor = logit.fit(disp=0) + # print(predictor.summary()) + return predictor + +def error_rate_for_model(test_model, train_set, test_set): + """Report error rate on test_doc sentiments, using supplied model and train_docs""" + + train_targets = [doc.sentiment for doc in train_set] + train_regressors = [test_model.docvecs[doc.tags[0]] for doc in train_set] + train_regressors = sm.add_constant(train_regressors) + predictor = logistic_predictor_from_data(train_targets, train_regressors) + + test_regressors = [test_model.docvecs[doc.tags[0]] for doc in test_set] + test_regressors = sm.add_constant(test_regressors) + + # Predict & evaluate + test_predictions = predictor.predict(test_regressors) + corrects = sum(np.rint(test_predictions) == [doc.sentiment for doc in test_set]) + errors = len(test_predictions) - corrects + error_rate = float(errors) / len(test_predictions) + return (error_rate, errors, len(test_predictions), predictor) + +############################################################################### +# Bulk Training & Per-Model Evaluation +# ------------------------------------ +# +# Note that doc-vector training is occurring on *all* documents of the dataset, +# which includes all TRAIN/TEST/DEV docs. Because the native document-order +# has similar-sentiment documents in large clumps – which is suboptimal for +# training – we work with once-shuffled copy of the training set. +# +# We evaluate each model's sentiment predictive power based on error rate, and +# the evaluation is done for each model. +# +# (On a 4-core 2.6Ghz Intel Core i7, these 20 passes training and evaluating 3 +# main models takes about an hour.) +# +from collections import defaultdict +error_rates = defaultdict(lambda: 1.0) # To selectively print only best errors achieved + +############################################################################### +# +from random import shuffle +shuffled_alldocs = alldocs[:] +shuffle(shuffled_alldocs) + +for model in simple_models: + print("Training %s" % model) + model.train(shuffled_alldocs, total_examples=len(shuffled_alldocs), epochs=model.epochs) + + print("\nEvaluating %s" % model) + err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs) + error_rates[str(model)] = err_rate + print("\n%f %s\n" % (err_rate, model)) + +for model in [models_by_name['dbow+dmm'], models_by_name['dbow+dmc']]: + print("\nEvaluating %s" % model) + err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs) + error_rates[str(model)] = err_rate + print("\n%f %s\n" % (err_rate, model)) + +############################################################################### +# Achieved Sentiment-Prediction Accuracy +# -------------------------------------- +# Compare error rates achieved, best-to-worst +print("Err_rate Model") +for rate, name in sorted((rate, name) for name, rate in error_rates.items()): + print("%f %s" % (rate, name)) + +############################################################################### +# In our testing, contrary to the results of the paper, on this problem, +# PV-DBOW alone performs as good as anything else. Concatenating vectors from +# different models only sometimes offers a tiny predictive improvement – and +# stays generally close to the best-performing solo model included. +# +# The best results achieved here are just around 10% error rate, still a long +# way from the paper's reported 7.42% error rate. +# +# (Other trials not shown, with larger vectors and other changes, also don't +# come close to the paper's reported value. Others around the net have reported +# a similar inability to reproduce the paper's best numbers. The PV-DM/C mode +# improves a bit with many more training epochs – but doesn't reach parity with +# PV-DBOW.) +# + +############################################################################### +# Examining Results +# ----------------- +# +# Let's look for answers to the following questions: +# +# #. Are inferred vectors close to the precalculated ones? +# #. Do close documents seem more related than distant ones? +# #. Do the word vectors show useful similarities? +# #. Are the word vectors from this dataset any good at analogies? +# + +############################################################################### +# Are inferred vectors close to the precalculated ones? +# ----------------------------------------------------- +doc_id = np.random.randint(simple_models[0].docvecs.count) # Pick random doc; re-run cell for more examples +print('for doc %d...' % doc_id) +for model in simple_models: + inferred_docvec = model.infer_vector(alldocs[doc_id].words) + print('%s:\n %s' % (model, model.docvecs.most_similar([inferred_docvec], topn=3))) + +############################################################################### +# (Yes, here the stored vector from 20 epochs of training is usually one of the +# closest to a freshly-inferred vector for the same words. Defaults for +# inference may benefit from tuning for each dataset or model parameters.) +# + +############################################################################### +# Do close documents seem more related than distant ones? +# ------------------------------------------------------- +import random + +doc_id = np.random.randint(simple_models[0].docvecs.count) # pick random doc, re-run cell for more examples +model = random.choice(simple_models) # and a random model +sims = model.docvecs.most_similar(doc_id, topn=model.docvecs.count) # get *all* similar documents +print(u'TARGET (%d): «%s»\n' % (doc_id, ' '.join(alldocs[doc_id].words))) +print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) +for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + s = sims[index] + i = sims[index][0] + words = ' '.join(alldocs[i].words) + print(u'%s %s: «%s»\n' % (label, s, words)) + +############################################################################### +# Somewhat, in terms of reviewer tone, movie genre, etc... the MOST +# cosine-similar docs usually seem more like the TARGET than the MEDIAN or +# LEAST... especially if the MOST has a cosine-similarity > 0.5. Re-run the +# cell to try another random target document. +# + +############################################################################### +# Do the word vectors show useful similarities? +# --------------------------------------------- +# +import random + +word_models = simple_models[:] + +def pick_random_word(model, threshold=10): + # pick a random word with a suitable number of occurences + while True: + word = random.choice(model.wv.index2word) + if model.wv.vocab[word].count > threshold: + return word + +target_word = pick_random_word(word_models[0]) +# or uncomment below line, to just pick a word from the relevant domain: +# target_word = 'comedy/drama' + +for model in word_models: + print('target_word: %r model: %s similar words:' % (target_word, model)) + for i, (word, sim) in enumerate(model.wv.most_similar(target_word, topn=10), 1): + print(' %d. %.2f %r' % (i, sim, word)) + print() + +############################################################################### +# Do the DBOW words look meaningless? That's because the gensim DBOW model +# doesn't train word vectors – they remain at their random initialized values – +# unless you ask with the ``dbow_words=1`` initialization parameter. Concurrent +# word-training slows DBOW mode significantly, and offers little improvement +# (and sometimes a little worsening) of the error rate on this IMDB +# sentiment-prediction task, but may be appropriate on other tasks, or if you +# also need word-vectors. +# +# Words from DM models tend to show meaningfully similar words when there are +# many examples in the training data (as with 'plot' or 'actor'). (All DM modes +# inherently involve word-vector training concurrent with doc-vector training.) +# + + +############################################################################### +# Are the word vectors from this dataset any good at analogies? +# ------------------------------------------------------------- + +# grab the file if not already local +questions_filename = 'questions-words.txt' +if not os.path.isfile(questions_filename): + # Download IMDB archive + print("Downloading analogy questions file...") + url = u'https://raw.githubusercontent.com/tmikolov/word2vec/master/questions-words.txt' + with smart_open.open(url, 'rb') as fin: + with smart_open.open(questions_filename, 'wb') as fout: + fout.write(fin.read()) +assert os.path.isfile(questions_filename), "questions-words.txt unavailable" +print("Success, questions-words.txt is available for next steps.") + +# Note: this analysis takes many minutes +for model in word_models: + score, sections = model.wv.evaluate_word_analogies('questions-words.txt') + correct, incorrect = len(sections[-1]['correct']), len(sections[-1]['incorrect']) + print('%s: %0.2f%% correct (%d of %d)' % (model, float(correct*100)/(correct+incorrect), correct, correct+incorrect)) + +############################################################################### +# Even though this is a tiny, domain-specific dataset, it shows some meager +# capability on the general word analogies – at least for the DM/mean and +# DM/concat models which actually train word vectors. (The untrained +# random-initialized words of the DBOW model of course fail miserably.) +# diff --git a/docs/src/auto_examples/howtos/run_doc2vec_imdb.py.md5 b/docs/src/auto_examples/howtos/run_doc2vec_imdb.py.md5 new file mode 100644 index 0000000000..24baf4ab5e --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc2vec_imdb.py.md5 @@ -0,0 +1 @@ +36afacd28e4713ef6cdf890acdf71944 \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_doc2vec_imdb.rst b/docs/src/auto_examples/howtos/run_doc2vec_imdb.rst new file mode 100644 index 0000000000..f2abc1fc8c --- /dev/null +++ b/docs/src/auto_examples/howtos/run_doc2vec_imdb.rst @@ -0,0 +1,781 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_howtos_run_doc2vec_imdb.py: + + +How to Apply Doc2Vec to Reproduce the 'Paragraph Vector' paper +============================================================== + +Shows how to reproduce results of the "Distributed Representation of Sentences and Documents" paper by Le and Mikolov using Gensim. + + + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +Introduction +------------ + +This guide shows you how to reproduce the results of the paper by `Le and +Mikolov 2014 `_ using Gensim. While the +entire paper is worth reading (it's only 9 pages), we will be focusing on +Section 3.2: "Beyond One Sentence - Sentiment Analysis with the IMDB +dataset". + +This guide follows the following steps: + +#. Load the IMDB dataset +#. Train a variety of Doc2Vec models on the dataset +#. Evaluate the performance of each model using a logistic regression +#. Examine some of the results directly: + +When examining results, we will look for answers for the following questions: + +#. Are inferred vectors close to the precalculated ones? +#. Do close documents seem more related than distant ones? +#. Do the word vectors show useful similarities? +#. Are the word vectors from this dataset any good at analogies? + +Load corpus +----------- + +Our data for the tutorial will be the `IMDB archive +`_. +If you're not familiar with this dataset, then here's a brief intro: it +contains several thousand movie reviews. + +Each review is a single line of text containing multiple sentences, for example: + +``` +One of the best movie-dramas I have ever seen. We do a lot of acting in the +church and this is one that can be used as a resource that highlights all the +good things that actors can do in their work. I highly recommend this one, +especially for those who have an interest in acting, as a "must see." +``` + +These reviews will be the **documents** that we will work with in this tutorial. +There are 100 thousand reviews in total. + +#. 25k reviews for training (12.5k positive, 12.5k negative) +#. 25k reviews for testing (12.5k positive, 12.5k negative) +#. 50k unlabeled reviews + +Out of 100k reviews, 50k have a label: either positive (the reviewer liked +the movie) or negative. +The remaining 50k are unlabeled. + +Our first task will be to prepare the dataset. + +More specifically, we will: + +#. Download the tar.gz file (it's only 84MB, so this shouldn't take too long) +#. Unpack it and extract each movie review +#. Split the reviews into training and test datasets + +First, let's define a convenient datatype for holding data for a single document: + +* words: The text of the document, as a ``list`` of words. +* tags: Used to keep the index of the document in the entire dataset. +* split: one of ``train``\ , ``test`` or ``extra``. Determines how the document will be used (for training, testing, etc). +* sentiment: either 1 (positive), 0 (negative) or None (unlabeled document). + +This data type is helpful for later evaluation and reporting. +In particular, the ``index`` member will help us quickly and easily retrieve the vectors for a document from a model. + + + +.. code-block:: default + + import collections + + SentimentDocument = collections.namedtuple('SentimentDocument', 'words tags split sentiment') + + + + + + + +We can now proceed with loading the corpus. + + +.. code-block:: default + + import io + import re + import tarfile + import os.path + + import smart_open + import gensim.utils + + def download_dataset(url='http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz'): + fname = url.split('/')[-1] + + if os.path.isfile(fname): + return fname + + # Download the file to local storage first. + # We can't read it on the fly because of + # https://github.com/RaRe-Technologies/smart_open/issues/331 + with smart_open.open(url, "rb", ignore_ext=True) as fin: + with smart_open.open(fname, 'wb', ignore_ext=True) as fout: + while True: + buf = fin.read(io.DEFAULT_BUFFER_SIZE) + if not buf: + break + fout.write(buf) + + return fname + + def create_sentiment_document(name, text, index): + _, split, sentiment_str, _ = name.split('/') + sentiment = {'pos': 1.0, 'neg': 0.0, 'unsup': None}[sentiment_str] + + if sentiment is None: + split = 'extra' + + tokens = gensim.utils.to_unicode(text).split() + return SentimentDocument(tokens, [index], split, sentiment) + + def extract_documents(): + fname = download_dataset() + + index = 0 + + with tarfile.open(fname, mode='r:gz') as tar: + for member in tar.getmembers(): + if re.match(r'aclImdb/(train|test)/(pos|neg|unsup)/\d+_\d+.txt$', member.name): + member_bytes = tar.extractfile(member).read() + member_text = member_bytes.decode('utf-8', errors='replace') + assert member_text.count('\n') == 0 + yield create_sentiment_document(member.name, member_text, index) + index += 1 + + alldocs = list(extract_documents()) + + + + + + + +Here's what a single document looks like + + +.. code-block:: default + + print(alldocs[27]) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + SentimentDocument(words=['I', 'was', 'looking', 'forward', 'to', 'this', 'movie.', 'Trustworthy', 'actors,', 'interesting', 'plot.', 'Great', 'atmosphere', 'then', '?????', 'IF', 'you', 'are', 'going', 'to', 'attempt', 'something', 'that', 'is', 'meant', 'to', 'encapsulate', 'the', 'meaning', 'of', 'life.', 'First.', 'Know', 'it.', 'OK', 'I', 'did', 'not', 'expect', 'the', 'directors', 'or', 'writers', 'to', 'actually', 'know', 'the', 'meaning', 'but', 'I', 'thought', 'they', 'may', 'have', 'offered', 'crumbs', 'to', 'peck', 'at', 'and', 'treats', 'to', 'add', 'fuel', 'to', 'the', 'fire-Which!', 'they', 'almost', 'did.', 'Things', 'I', "didn't", 'get.', 'A', 'woman', 'wandering', 'around', 'in', 'dark', 'places', 'and', 'lonely', 'car', 'parks', 'alone-oblivious', 'to', 'the', 'consequences.', 'Great', 'riddles', 'that', 'fell', 'by', 'the', 'wayside.', 'The', 'promise', 'of', 'the', 'knowledge', 'therein', 'contained', 'by', 'the', 'original', 'so-called', 'criminal.', 'I', 'had', 'no', 'problem', 'with', 'the', 'budget', 'and', 'enjoyed', 'the', 'suspense.', 'I', 'understood', 'and', 'can', 'wax', 'lyrical', 'about', 'the', 'fool', 'and', 'found', 'Adrian', 'Pauls', 'role', 'crucial', 'and', 'penetrating', 'and', 'then', '?????', 'Basically', 'the', 'story', 'line', 'and', 'the', 'script', 'where', 'good', 'up', 'to', 'a', 'point', 'and', 'that', 'point', 'was', 'the', 'last', '10', 'minutes', 'or', 'so.', 'What?', 'Run', 'out', 'of', 'ideas!', 'Such', 'a', 'pity', 'that', 'this', 'movie', 'had', 'to', 'let', 'us', 'down', 'so', 'badly.', 'It', 'may', 'not', 'comprehend', 'the', 'meaning', 'and', 'I', 'really', 'did', 'not', 'expect', 'the', 'writers', 'to', 'understand', 'it', 'but', 'I', 'was', 'hoping', 'for', 'an', 'intellectual,', 'if', 'not', 'spiritual', 'ride', 'and', 'got', 'a', 'bump', 'in', 'the', 'road'], tags=[27], split='test', sentiment=0.0) + + + +Extract our documents and split into training/test sets + + +.. code-block:: default + + train_docs = [doc for doc in alldocs if doc.split == 'train'] + test_docs = [doc for doc in alldocs if doc.split == 'test'] + print('%d docs: %d train-sentiment, %d test-sentiment' % (len(alldocs), len(train_docs), len(test_docs))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 100000 docs: 25000 train-sentiment, 25000 test-sentiment + + + +Set-up Doc2Vec Training & Evaluation Models +------------------------------------------- +We approximate the experiment of Le & Mikolov `"Distributed Representations +of Sentences and Documents" +`_ with guidance from +Mikolov's `example go.sh +`_:: + + ./word2vec -train ../alldata-id.txt -output vectors.txt -cbow 0 -size 100 -window 10 -negative 5 -hs 0 -sample 1e-4 -threads 40 -binary 0 -iter 20 -min-count 1 -sentence-vectors 1 + +We vary the following parameter choices: + +* 100-dimensional vectors, as the 400-d vectors of the paper take a lot of + memory and, in our tests of this task, don't seem to offer much benefit +* Similarly, frequent word subsampling seems to decrease sentiment-prediction + accuracy, so it's left out +* ``cbow=0`` means skip-gram which is equivalent to the paper's 'PV-DBOW' + mode, matched in gensim with ``dm=0`` +* Added to that DBOW model are two DM models, one which averages context + vectors (\ ``dm_mean``\ ) and one which concatenates them (\ ``dm_concat``\ , + resulting in a much larger, slower, more data-hungry model) +* A ``min_count=2`` saves quite a bit of model memory, discarding only words + that appear in a single doc (and are thus no more expressive than the + unique-to-each doc vectors themselves) + + + +.. code-block:: default + + + import multiprocessing + from collections import OrderedDict + + import gensim.models.doc2vec + assert gensim.models.doc2vec.FAST_VERSION > -1, "This will be painfully slow otherwise" + + from gensim.models.doc2vec import Doc2Vec + + common_kwargs = dict( + vector_size=100, epochs=20, min_count=2, + sample=0, workers=multiprocessing.cpu_count(), negative=5, hs=0, + ) + + simple_models = [ + # PV-DBOW plain + Doc2Vec(dm=0, **common_kwargs), + # PV-DM w/ default averaging; a higher starting alpha may improve CBOW/PV-DM modes + Doc2Vec(dm=1, window=10, alpha=0.05, comment='alpha=0.05', **common_kwargs), + # PV-DM w/ concatenation - big, slow, experimental mode + # window=5 (both sides) approximates paper's apparent 10-word total window size + Doc2Vec(dm=1, dm_concat=1, window=5, **common_kwargs), + ] + + for model in simple_models: + model.build_vocab(alldocs) + print("%s vocabulary scanned & state initialized" % model) + + models_by_name = OrderedDict((str(model), model) for model in simple_models) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Doc2Vec(dbow,d100,n5,mc2,t8) vocabulary scanned & state initialized + Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) vocabulary scanned & state initialized + Doc2Vec(dm/c,d100,n5,w5,mc2,t8) vocabulary scanned & state initialized + + + +Le and Mikolov note that combining a paragraph vector from Distributed Bag of +Words (DBOW) and Distributed Memory (DM) improves performance. We will +follow, pairing the models together for evaluation. Here, we concatenate the +paragraph vectors obtained from each model with the help of a thin wrapper +class included in a gensim test module. (Note that this a separate, later +concatenation of output-vectors than the kind of input-window-concatenation +enabled by the ``dm_concat=1`` mode above.) + + + +.. code-block:: default + + from gensim.test.test_doc2vec import ConcatenatedDoc2Vec + models_by_name['dbow+dmm'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[1]]) + models_by_name['dbow+dmc'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[2]]) + + + + + + + +Predictive Evaluation Methods +----------------------------- + +Given a document, our ``Doc2Vec`` models output a vector representation of the document. +How useful is a particular model? +In case of sentiment analysis, we want the ouput vector to reflect the sentiment in the input document. +So, in vector space, positive documents should be distant from negative documents. + +We train a logistic regression from the training set: + + - regressors (inputs): document vectors from the Doc2Vec model + - target (outpus): sentiment labels + +So, this logistic regression will be able to predict sentiment given a document vector. + +Next, we test our logistic regression on the test set, and measure the rate of errors (incorrect predictions). +If the document vectors from the Doc2Vec model reflect the actual sentiment well, the error rate will be low. + +Therefore, the error rate of the logistic regression is indication of *how well* the given Doc2Vec model represents documents as vectors. +We can then compare different ``Doc2Vec`` models by looking at their error rates. + + + +.. code-block:: default + + + import numpy as np + import statsmodels.api as sm + from random import sample + + def logistic_predictor_from_data(train_targets, train_regressors): + """Fit a statsmodel logistic predictor on supplied data""" + logit = sm.Logit(train_targets, train_regressors) + predictor = logit.fit(disp=0) + # print(predictor.summary()) + return predictor + + def error_rate_for_model(test_model, train_set, test_set): + """Report error rate on test_doc sentiments, using supplied model and train_docs""" + + train_targets = [doc.sentiment for doc in train_set] + train_regressors = [test_model.docvecs[doc.tags[0]] for doc in train_set] + train_regressors = sm.add_constant(train_regressors) + predictor = logistic_predictor_from_data(train_targets, train_regressors) + + test_regressors = [test_model.docvecs[doc.tags[0]] for doc in test_set] + test_regressors = sm.add_constant(test_regressors) + + # Predict & evaluate + test_predictions = predictor.predict(test_regressors) + corrects = sum(np.rint(test_predictions) == [doc.sentiment for doc in test_set]) + errors = len(test_predictions) - corrects + error_rate = float(errors) / len(test_predictions) + return (error_rate, errors, len(test_predictions), predictor) + + + + + + + +Bulk Training & Per-Model Evaluation +------------------------------------ + +Note that doc-vector training is occurring on *all* documents of the dataset, +which includes all TRAIN/TEST/DEV docs. Because the native document-order +has similar-sentiment documents in large clumps – which is suboptimal for +training – we work with once-shuffled copy of the training set. + +We evaluate each model's sentiment predictive power based on error rate, and +the evaluation is done for each model. + +(On a 4-core 2.6Ghz Intel Core i7, these 20 passes training and evaluating 3 +main models takes about an hour.) + + + +.. code-block:: default + + from collections import defaultdict + error_rates = defaultdict(lambda: 1.0) # To selectively print only best errors achieved + + + + + + + + +.. code-block:: default + + from random import shuffle + shuffled_alldocs = alldocs[:] + shuffle(shuffled_alldocs) + + for model in simple_models: + print("Training %s" % model) + model.train(shuffled_alldocs, total_examples=len(shuffled_alldocs), epochs=model.epochs) + + print("\nEvaluating %s" % model) + err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs) + error_rates[str(model)] = err_rate + print("\n%f %s\n" % (err_rate, model)) + + for model in [models_by_name['dbow+dmm'], models_by_name['dbow+dmc']]: + print("\nEvaluating %s" % model) + err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs) + error_rates[str(model)] = err_rate + print("\n%f %s\n" % (err_rate, model)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Training Doc2Vec(dbow,d100,n5,mc2,t8) + + Evaluating Doc2Vec(dbow,d100,n5,mc2,t8) + + 0.104320 Doc2Vec(dbow,d100,n5,mc2,t8) + + Training Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) + + Evaluating Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) + + 0.169080 Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) + + Training Doc2Vec(dm/c,d100,n5,w5,mc2,t8) + + Evaluating Doc2Vec(dm/c,d100,n5,w5,mc2,t8) + + 0.304520 Doc2Vec(dm/c,d100,n5,w5,mc2,t8) + + + Evaluating Doc2Vec(dbow,d100,n5,mc2,t8)+Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) + + 0.103800 Doc2Vec(dbow,d100,n5,mc2,t8)+Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) + + + Evaluating Doc2Vec(dbow,d100,n5,mc2,t8)+Doc2Vec(dm/c,d100,n5,w5,mc2,t8) + + 0.104760 Doc2Vec(dbow,d100,n5,mc2,t8)+Doc2Vec(dm/c,d100,n5,w5,mc2,t8) + + + + +Achieved Sentiment-Prediction Accuracy +-------------------------------------- +Compare error rates achieved, best-to-worst + + +.. code-block:: default + + print("Err_rate Model") + for rate, name in sorted((rate, name) for name, rate in error_rates.items()): + print("%f %s" % (rate, name)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Err_rate Model + 0.103800 Doc2Vec(dbow,d100,n5,mc2,t8)+Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) + 0.104320 Doc2Vec(dbow,d100,n5,mc2,t8) + 0.104760 Doc2Vec(dbow,d100,n5,mc2,t8)+Doc2Vec(dm/c,d100,n5,w5,mc2,t8) + 0.169080 Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8) + 0.304520 Doc2Vec(dm/c,d100,n5,w5,mc2,t8) + + + +In our testing, contrary to the results of the paper, on this problem, +PV-DBOW alone performs as good as anything else. Concatenating vectors from +different models only sometimes offers a tiny predictive improvement – and +stays generally close to the best-performing solo model included. + +The best results achieved here are just around 10% error rate, still a long +way from the paper's reported 7.42% error rate. + +(Other trials not shown, with larger vectors and other changes, also don't +come close to the paper's reported value. Others around the net have reported +a similar inability to reproduce the paper's best numbers. The PV-DM/C mode +improves a bit with many more training epochs – but doesn't reach parity with +PV-DBOW.) + + +Examining Results +----------------- + +Let's look for answers to the following questions: + +#. Are inferred vectors close to the precalculated ones? +#. Do close documents seem more related than distant ones? +#. Do the word vectors show useful similarities? +#. Are the word vectors from this dataset any good at analogies? + + +Are inferred vectors close to the precalculated ones? +----------------------------------------------------- + + +.. code-block:: default + + doc_id = np.random.randint(simple_models[0].docvecs.count) # Pick random doc; re-run cell for more examples + print('for doc %d...' % doc_id) + for model in simple_models: + inferred_docvec = model.infer_vector(alldocs[doc_id].words) + print('%s:\n %s' % (model, model.docvecs.most_similar([inferred_docvec], topn=3))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + for doc 8260... + Doc2Vec(dbow,d100,n5,mc2,t8): + [(8260, 0.982399582862854), (14362, 0.6372007727622986), (1126, 0.6309436559677124)] + Doc2Vec("alpha=0.05",dm/m,d100,n5,w10,mc2,t8): + [(8260, 0.8961429595947266), (60918, 0.5842142701148987), (49563, 0.5790035724639893)] + Doc2Vec(dm/c,d100,n5,w5,mc2,t8): + [(8260, 0.8670176267623901), (11056, 0.4305807054042816), (13621, 0.4183669090270996)] + + + +(Yes, here the stored vector from 20 epochs of training is usually one of the +closest to a freshly-inferred vector for the same words. Defaults for +inference may benefit from tuning for each dataset or model parameters.) + + +Do close documents seem more related than distant ones? +------------------------------------------------------- + + +.. code-block:: default + + import random + + doc_id = np.random.randint(simple_models[0].docvecs.count) # pick random doc, re-run cell for more examples + model = random.choice(simple_models) # and a random model + sims = model.docvecs.most_similar(doc_id, topn=model.docvecs.count) # get *all* similar documents + print(u'TARGET (%d): «%s»\n' % (doc_id, ' '.join(alldocs[doc_id].words))) + print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) + for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + s = sims[index] + i = sims[index][0] + words = ' '.join(alldocs[i].words) + print(u'%s %s: «%s»\n' % (label, s, words)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + TARGET (99757): «I couldn't make it through the whole thing. It just wasn't worth my time. Maybe one-fourth of the dialogue would have been worth listening to (or reading -- since I don't understand French) if the pseudo-profundity and pseudo-wittiness of the other three-fourths of the film were deleted. Then it could be made into a short maybe 13 or 15 min long and then it might be all right.

I don't know why this movie even pretends to utilize actors. Actors are used as narrators of the script and little more. I could swear a whole 20-30 minutes of the film went by showing actors from behind while they talked and from across the street while they walked or sitting in low lighting close up but so that you could not see the expressions on their faces nor their eyes. There was little or no interaction between the actors on the screen except the most superficial for the most part.

Some of the lines were as profound (or lame, depending on your viewpoint) as those in Forest "Life is like a box of chocolates" Gump. Other pseudo-profundities were simply sad or dumb or poetic (depending again on your viewpoint), but singularly uninspiring.

Visually this film is INCREDIBLY boring, especially with the lack of actors. In fact some minutes of this film showed simply a black screen with the white subtitles and French audio. Altogether sophomoric. Don't waste your time.

If you like GOOD movies that are stimulating and profound just from listening to conversation while enjoying good actors, check out RICHARD LINKLATER's "Before Sunset" -- or make a double feature of it and watch "Before Sunrise" first. At least these films are interesting and enjoyable, which is much more than I can say about IN PRAISE OF LOVE (Éloge de l'amour). I give this film 2 out of 10 stars. Not quite offensive enough to rate 1 for "awful" (such as "The Devils" with Oliver Reed and Vanessa Redgrave). If you still want to watch it, go ahead. But don't say I didn't warn you!!!» + + SIMILAR/DISSIMILAR DOCS PER MODEL Doc2Vec(dm/c,d100,n5,w5,mc2,t8): + + MOST (53503, 0.49092066287994385): «Verrrry nice. I think this is the first good black movie I have seen that didn't need to be but simply was. Well-known, medium-powered Black actors and actresses in a movie that didn't focus on the Black experience. The BEST part... the whole movie was done with thought-out class. The story wasn't about brothers from the 'hood trying to make it in the White Man's world or some racially-charged Spike Lee joint. Think of a great episode of the Cosby Show re-written for an adult audience, bearing a PG-13 rating and you know how you'll feel when you leave the theater. It's about time.» + + MEDIAN (9222, 0.00015147030353546143): «Right this moment I am watching this movie on TV here in Tokyo. Beautiful scenery, beautiful sets of biblical proportions, beautiful costumes, beautiful color, beautiful Gina. Great climactic scene when God destroys the Sheban idol and a lot more with de Millean thunderbolts at the moment when Yul and Gina are about to consummate their love. Yul does a halfway decent job of delivering his lines, though he sounds a lot like Yul delivering his lines as Ramses or Taras Bulba. George Sanders sounds like George Sanders playing George Sanders. Given the limited range of acting she is asked to display in this role, Gina does a good job, though by the time the movie ends, she is completely converted into a demure remorseful lass and looks likes she might be playing in a biography of Mother Teresa. I guess thunderbolts will do that to you, but it is almost breathtaking how quickly she jettisons her own beliefs for her new religion. The supporting players are mostly awful, lacking credible emotion and timing. The usual big battle scenes, what passed for lascivious dances in 1959, and an orchestra blasting out plenty of trumpet calls behind a huge chorus singing lots of "Ah's", but none of it quite of topnotch Hollywood quality. The final swordfight between Brynner and Sanders is at the laughingly low skill level of a junior high school play. The film is one big piece of eye candy but not much more.» + + LEAST (20517, -0.40096956491470337): «Any Batman fan will know just how great the films are, they've been a major success. Batman Returns however is by far the best film in the series. A combination of excellent directing, brilliant acting and settings makes this worthy of watching on a night in.

Tim Burton, who directed this movie, has specifically made sure that this film gives a realistic atmosphere and he's done a great job. Danny Devito (Penguin man) is a man who has inherited penguin characteristics as a baby, and grown up to become a hideous and ugly...thing! Michelle Pfiffer plays the sleek and very seducing 'Catwoman' after cats had given her there genes from being bitten. The result in both the character changes is excellent and both Catwoman and Penguin man play a very important role in this excellent film. The mysterious Catwoman is great fun to watch - her classic sayings and a funny part in which skips with her whip in a jewelry shop adds such fun to the film. Danny Devito also does well, his ability to impersonate some strange creature was vital, and he adds a great atmosphere to the film that takes us back to the dull sewers where he lives.

You can't forget Batman though. Micheal Keaton once again pulls of a comfortable performance, and shows us a different side to Batman. His affection is let loose when he confronts Catwoman at the end of the film, and his meetings with her when she's a normal person, Selina Kyle, result in him being seduced badly in his own home. There's a clever part after this when they leave, and the film is full of great scenes. Its worth noting that Bruce Wayne's Bat mobile is not used as much as in the other Batman films, as close combat and story telling scenes make up this film.

The winter setting is created perfectly in Gotham City with most of the scenes being set at night, and with the town being filled with snow. Therefore, if you watch this film during the summer like I have, it doesn't feel the same. Best watch it during the winter.

Overall, its an amazing movie. All the credit goes to Tom Burton and the cast, they've done an incredible job.» + + + + +Somewhat, in terms of reviewer tone, movie genre, etc... the MOST +cosine-similar docs usually seem more like the TARGET than the MEDIAN or +LEAST... especially if the MOST has a cosine-similarity > 0.5. Re-run the +cell to try another random target document. + + +Do the word vectors show useful similarities? +--------------------------------------------- + + + +.. code-block:: default + + import random + + word_models = simple_models[:] + + def pick_random_word(model, threshold=10): + # pick a random word with a suitable number of occurences + while True: + word = random.choice(model.wv.index2word) + if model.wv.vocab[word].count > threshold: + return word + + target_word = pick_random_word(word_models[0]) + # or uncomment below line, to just pick a word from the relevant domain: + # target_word = 'comedy/drama' + + for model in word_models: + print('target_word: %r model: %s similar words:' % (target_word, model)) + for i, (word, sim) in enumerate(model.wv.most_similar(target_word, topn=10), 1): + print(' %d. %.2f %r' % (i, sim, word)) + print() + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + target_word: 'yet?' model: Doc2Vec(dbow,d100,n5,mc2,t8) similar words: + 1. 0.43 'crestfallen' + 2. 0.43 "babies'" + 3. 0.42 'earth)' + 4. 0.41 'meh,' + 5. 0.41 'Pryor.` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_doc2vec_imdb.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/howtos/run_downloader_api.ipynb b/docs/src/auto_examples/howtos/run_downloader_api.ipynb new file mode 100644 index 0000000000..e35ff1c39a --- /dev/null +++ b/docs/src/auto_examples/howtos/run_downloader_api.ipynb @@ -0,0 +1,295 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nHow to download pre-trained models and corpora\n==============================================\n\nDemonstrates simple and quick access to common corpora, models, and other data.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "One of Gensim's features is simple and easy access to some common data.\nThe `gensim-data `_ project stores a variety of corpora, models and other data.\nGensim has a :py:mod:`gensim.downloader` module for programmatically accessing this data.\nThe module leverages a local cache that ensures data is downloaded at most once.\n\nThis tutorial:\n\n* Retrieves the text8 corpus, unless it is already on your local machine\n* Trains a Word2Vec model from the corpus (see `sphx_glr_auto_examples_tutorials_run_doc2vec_lee.py` for a detailed tutorial)\n* Leverages the model to calculate word similarity\n* Demonstrates using the API to load other models and corpora\n\nLet's start by importing the api module.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import gensim.downloader as api" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, lets download the text8 corpus and load it to memory (automatically)\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "corpus = api.load('text8')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In this case, corpus is an iterable.\nIf you look under the covers, it has the following definition:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import inspect\nprint(inspect.getsource(corpus.__class__))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For more details, look inside the file that defines the Dataset class for your particular resource.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(inspect.getfile(corpus.__class__))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "As the corpus has been downloaded and loaded, let's create a word2vec model of our corpus.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.models.word2vec import Word2Vec\nmodel = Word2Vec(corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now that we have our word2vec model, let's find words that are similar to 'tree'\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model.most_similar('tree'))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You can use the API to download many corpora and models. You can get the list of all the models and corpora that are provided, by using the code below:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import json\ninfo = api.info()\nprint(json.dumps(info, indent=4))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "There are two types of data: corpora and models.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(info.keys())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's have a look at the available corpora:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "for corpus_name, corpus_data in sorted(info['corpora'].items()):\n print(\n '%s (%d records): %s' % (\n corpus_name,\n corpus_data.get('num_records', -1),\n corpus_data['description'][:40] + '...',\n )\n )" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "... and the same for models:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "for model_name, model_data in sorted(info['models'].items()):\n print(\n '%s (%d records): %s' % (\n model_name,\n model_data.get('num_records', -1),\n model_data['description'][:40] + '...',\n )\n )" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you want to get detailed information about the model/corpus, use:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "fake_news_info = api.info('fake-news')\nprint(json.dumps(fake_news_info, indent=4))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Sometimes, you do not want to load the model to memory. You would just want to get the path to the model. For that, use :\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(api.load('glove-wiki-gigaword-50', return_path=True))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you want to load the model to memory, then:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model = api.load(\"glove-wiki-gigaword-50\")\nmodel.most_similar(\"glass\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In corpora, the corpus is never loaded to memory, all corpuses wrapped to special class ``Dataset`` and provide ``__iter__`` method\n\n\n" + ] + } + ], + "metadata": { + "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.7.1" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_downloader_api.py b/docs/src/auto_examples/howtos/run_downloader_api.py new file mode 100644 index 0000000000..ca4d3959a9 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_downloader_api.py @@ -0,0 +1,130 @@ +r""" +How to download pre-trained models and corpora +============================================== + +Demonstrates simple and quick access to common corpora, models, and other data. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# One of Gensim's features is simple and easy access to some common data. +# The `gensim-data `_ project stores a variety of corpora, models and other data. +# Gensim has a :py:mod:`gensim.downloader` module for programmatically accessing this data. +# The module leverages a local cache that ensures data is downloaded at most once. +# +# This tutorial: +# +# * Retrieves the text8 corpus, unless it is already on your local machine +# * Trains a Word2Vec model from the corpus (see :ref:`sphx_glr_auto_examples_tutorials_run_doc2vec_lee.py` for a detailed tutorial) +# * Leverages the model to calculate word similarity +# * Demonstrates using the API to load other models and corpora +# +# Let's start by importing the api module. +# +import gensim.downloader as api + +############################################################################### +# +# Now, lets download the text8 corpus and load it to memory (automatically) +# +corpus = api.load('text8') + +############################################################################### +# In this case, corpus is an iterable. +# If you look under the covers, it has the following definition: + +import inspect +print(inspect.getsource(corpus.__class__)) + +############################################################################### +# For more details, look inside the file that defines the Dataset class for your particular resource. +# +print(inspect.getfile(corpus.__class__)) + + +############################################################################### +# +# As the corpus has been downloaded and loaded, let's create a word2vec model of our corpus. +# + +from gensim.models.word2vec import Word2Vec +model = Word2Vec(corpus) + +############################################################################### +# +# Now that we have our word2vec model, let's find words that are similar to 'tree' +# + + +print(model.most_similar('tree')) + +############################################################################### +# +# You can use the API to download many corpora and models. You can get the list of all the models and corpora that are provided, by using the code below: +# + + +import json +info = api.info() +print(json.dumps(info, indent=4)) + +############################################################################### +# There are two types of data: corpora and models. +print(info.keys()) + +############################################################################### +# Let's have a look at the available corpora: +for corpus_name, corpus_data in sorted(info['corpora'].items()): + print( + '%s (%d records): %s' % ( + corpus_name, + corpus_data.get('num_records', -1), + corpus_data['description'][:40] + '...', + ) + ) + +############################################################################### +# ... and the same for models: +for model_name, model_data in sorted(info['models'].items()): + print( + '%s (%d records): %s' % ( + model_name, + model_data.get('num_records', -1), + model_data['description'][:40] + '...', + ) + ) + +############################################################################### +# +# If you want to get detailed information about the model/corpus, use: +# + + +fake_news_info = api.info('fake-news') +print(json.dumps(fake_news_info, indent=4)) + +############################################################################### +# +# Sometimes, you do not want to load the model to memory. You would just want to get the path to the model. For that, use : +# + + +print(api.load('glove-wiki-gigaword-50', return_path=True)) + +############################################################################### +# +# If you want to load the model to memory, then: +# + + +model = api.load("glove-wiki-gigaword-50") +model.most_similar("glass") + +############################################################################### +# +# In corpora, the corpus is never loaded to memory, all corpuses wrapped to special class ``Dataset`` and provide ``__iter__`` method +# + + diff --git a/docs/src/auto_examples/howtos/run_downloader_api.py.md5 b/docs/src/auto_examples/howtos/run_downloader_api.py.md5 new file mode 100644 index 0000000000..39d90879d5 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_downloader_api.py.md5 @@ -0,0 +1 @@ +40bd47b59e3b5ff5df2a4164833e3072 \ No newline at end of file diff --git a/docs/src/auto_examples/howtos/run_downloader_api.rst b/docs/src/auto_examples/howtos/run_downloader_api.rst new file mode 100644 index 0000000000..36152f4c87 --- /dev/null +++ b/docs/src/auto_examples/howtos/run_downloader_api.rst @@ -0,0 +1,878 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_howtos_run_downloader_api.py: + + +How to download pre-trained models and corpora +============================================== + +Demonstrates simple and quick access to common corpora, models, and other data. + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +One of Gensim's features is simple and easy access to some common data. +The `gensim-data `_ project stores a variety of corpora, models and other data. +Gensim has a :py:mod:`gensim.downloader` module for programmatically accessing this data. +The module leverages a local cache that ensures data is downloaded at most once. + +This tutorial: + +* Retrieves the text8 corpus, unless it is already on your local machine +* Trains a Word2Vec model from the corpus (see :ref:`sphx_glr_auto_examples_tutorials_run_doc2vec_lee.py` for a detailed tutorial) +* Leverages the model to calculate word similarity +* Demonstrates using the API to load other models and corpora + +Let's start by importing the api module. + + + +.. code-block:: default + + import gensim.downloader as api + + + + + + + +Now, lets download the text8 corpus and load it to memory (automatically) + + + +.. code-block:: default + + corpus = api.load('text8') + + + + + + + +In this case, corpus is an iterable. +If you look under the covers, it has the following definition: + + +.. code-block:: default + + + import inspect + print(inspect.getsource(corpus.__class__)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + class Dataset(object): + def __init__(self, fn): + self.fn = fn + + def __iter__(self): + corpus = Text8Corpus(self.fn) + for doc in corpus: + yield doc + + +For more details, look inside the file that defines the Dataset class for your particular resource. + + + +.. code-block:: default + + print(inspect.getfile(corpus.__class__)) + + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /home/misha/gensim-data/text8/__init__.py + + +As the corpus has been downloaded and loaded, let's create a word2vec model of our corpus. + + + +.. code-block:: default + + + from gensim.models.word2vec import Word2Vec + model = Word2Vec(corpus) + + + + + + + +Now that we have our word2vec model, let's find words that are similar to 'tree' + + + +.. code-block:: default + + + + print(model.most_similar('tree')) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('bark', 0.7127753496170044), ('trees', 0.69541335105896), ('leaf', 0.6816115975379944), ('avl', 0.639778733253479), ('flower', 0.6367247700691223), ('bird', 0.6323200464248657), ('cave', 0.6053059101104736), ('vine', 0.6044675707817078), ('fruit', 0.6023350954055786), ('cactus', 0.5895279049873352)] + + +You can use the API to download many corpora and models. You can get the list of all the models and corpora that are provided, by using the code below: + + + +.. code-block:: default + + + + import json + info = api.info() + print(json.dumps(info, indent=4)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + { + "corpora": { + "semeval-2016-2017-task3-subtaskBC": { + "num_records": -1, + "record_format": "dict", + "file_size": 6344358, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/semeval-2016-2017-task3-subtaskB-eng/__init__.py", + "license": "All files released for the task are free for general research use", + "fields": { + "2016-train": [ + "..." + ], + "2016-dev": [ + "..." + ], + "2017-test": [ + "..." + ], + "2016-test": [ + "..." + ] + }, + "description": "SemEval 2016 / 2017 Task 3 Subtask B and C datasets contain train+development (317 original questions, 3,169 related questions, and 31,690 comments), and test datasets in English. The description of the tasks and the collected data is given in sections 3 and 4.1 of the task paper http://alt.qcri.org/semeval2016/task3/data/uploads/semeval2016-task3-report.pdf linked in section \u201cPapers\u201d of https://github.com/RaRe-Technologies/gensim-data/issues/18.", + "checksum": "701ea67acd82e75f95e1d8e62fb0ad29", + "file_name": "semeval-2016-2017-task3-subtaskBC.gz", + "read_more": [ + "http://alt.qcri.org/semeval2017/task3/", + "http://alt.qcri.org/semeval2017/task3/data/uploads/semeval2017-task3.pdf", + "https://github.com/RaRe-Technologies/gensim-data/issues/18", + "https://github.com/Witiko/semeval-2016_2017-task3-subtaskB-english" + ], + "parts": 1 + }, + "semeval-2016-2017-task3-subtaskA-unannotated": { + "num_records": 189941, + "record_format": "dict", + "file_size": 234373151, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/semeval-2016-2017-task3-subtaskA-unannotated-eng/__init__.py", + "license": "These datasets are free for general research use.", + "fields": { + "THREAD_SEQUENCE": "", + "RelQuestion": { + "RELQ_CATEGORY": "question category, according to the Qatar Living taxonomy", + "RELQ_DATE": "date of posting", + "RELQ_ID": "question indentifier", + "RELQ_USERID": "identifier of the user asking the question", + "RELQ_USERNAME": "name of the user asking the question", + "RelQBody": "body of question", + "RelQSubject": "subject of question" + }, + "RelComments": [ + { + "RelCText": "text of answer", + "RELC_USERID": "identifier of the user posting the comment", + "RELC_ID": "comment identifier", + "RELC_USERNAME": "name of the user posting the comment", + "RELC_DATE": "date of posting" + } + ] + }, + "description": "SemEval 2016 / 2017 Task 3 Subtask A unannotated dataset contains 189,941 questions and 1,894,456 comments in English collected from the Community Question Answering (CQA) web forum of Qatar Living. These can be used as a corpus for language modelling.", + "checksum": "2de0e2f2c4f91c66ae4fcf58d50ba816", + "file_name": "semeval-2016-2017-task3-subtaskA-unannotated.gz", + "read_more": [ + "http://alt.qcri.org/semeval2016/task3/", + "http://alt.qcri.org/semeval2016/task3/data/uploads/semeval2016-task3-report.pdf", + "https://github.com/RaRe-Technologies/gensim-data/issues/18", + "https://github.com/Witiko/semeval-2016_2017-task3-subtaskA-unannotated-english" + ], + "parts": 1 + }, + "patent-2017": { + "num_records": 353197, + "record_format": "dict", + "file_size": 3087262469, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/patent-2017/__init__.py", + "license": "not found", + "description": "Patent Grant Full Text. Contains the full text including tables, sequence data and 'in-line' mathematical expressions of each patent grant issued in 2017.", + "checksum-0": "818501f0b9af62d3b88294d86d509f8f", + "checksum-1": "66c05635c1d3c7a19b4a335829d09ffa", + "file_name": "patent-2017.gz", + "read_more": [ + "http://patents.reedtech.com/pgrbft.php" + ], + "parts": 2 + }, + "quora-duplicate-questions": { + "num_records": 404290, + "record_format": "dict", + "file_size": 21684784, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/quora-duplicate-questions/__init__.py", + "license": "probably https://www.quora.com/about/tos", + "fields": { + "question1": "the full text of each question", + "question2": "the full text of each question", + "qid1": "unique ids of each question", + "qid2": "unique ids of each question", + "id": "the id of a training set question pair", + "is_duplicate": "the target variable, set to 1 if question1 and question2 have essentially the same meaning, and 0 otherwise" + }, + "description": "Over 400,000 lines of potential question duplicate pairs. Each line contains IDs for each question in the pair, the full text for each question, and a binary value that indicates whether the line contains a duplicate pair or not.", + "checksum": "d7cfa7fbc6e2ec71ab74c495586c6365", + "file_name": "quora-duplicate-questions.gz", + "read_more": [ + "https://data.quora.com/First-Quora-Dataset-Release-Question-Pairs" + ], + "parts": 1 + }, + "wiki-english-20171001": { + "num_records": 4924894, + "record_format": "dict", + "file_size": 6516051717, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/wiki-english-20171001/__init__.py", + "license": "https://dumps.wikimedia.org/legal.html", + "fields": { + "section_texts": "list of body of sections", + "section_titles": "list of titles of sections", + "title": "Title of wiki article" + }, + "description": "Extracted Wikipedia dump from October 2017. Produced by `python -m gensim.scripts.segment_wiki -f enwiki-20171001-pages-articles.xml.bz2 -o wiki-en.gz`", + "checksum-0": "a7d7d7fd41ea7e2d7fa32ec1bb640d71", + "checksum-1": "b2683e3356ffbca3b6c2dca6e9801f9f", + "checksum-2": "c5cde2a9ae77b3c4ebce804f6df542c2", + "checksum-3": "00b71144ed5e3aeeb885de84f7452b81", + "file_name": "wiki-english-20171001.gz", + "read_more": [ + "https://dumps.wikimedia.org/enwiki/20171001/" + ], + "parts": 4 + }, + "text8": { + "num_records": 1701, + "record_format": "list of str (tokens)", + "file_size": 33182058, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/text8/__init__.py", + "license": "not found", + "description": "First 100,000,000 bytes of plain text from Wikipedia. Used for testing purposes; see wiki-english-* for proper full Wikipedia datasets.", + "checksum": "68799af40b6bda07dfa47a32612e5364", + "file_name": "text8.gz", + "read_more": [ + "http://mattmahoney.net/dc/textdata.html" + ], + "parts": 1 + }, + "fake-news": { + "num_records": 12999, + "record_format": "dict", + "file_size": 20102776, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/fake-news/__init__.py", + "license": "https://creativecommons.org/publicdomain/zero/1.0/", + "fields": { + "crawled": "date the story was archived", + "ord_in_thread": "", + "published": "date published", + "participants_count": "number of participants", + "shares": "number of Facebook shares", + "replies_count": "number of replies", + "main_img_url": "image from story", + "spam_score": "data from webhose.io", + "uuid": "unique identifier", + "language": "data from webhose.io", + "title": "title of story", + "country": "data from webhose.io", + "domain_rank": "data from webhose.io", + "author": "author of story", + "comments": "number of Facebook comments", + "site_url": "site URL from BS detector", + "text": "text of story", + "thread_title": "", + "type": "type of website (label from BS detector)", + "likes": "number of Facebook likes" + }, + "description": "News dataset, contains text and metadata from 244 websites and represents 12,999 posts in total from a specific window of 30 days. The data was pulled using the webhose.io API, and because it's coming from their crawler, not all websites identified by their BS Detector are present in this dataset. Data sources that were missing a label were simply assigned a label of 'bs'. There are (ostensibly) no genuine, reliable, or trustworthy news sources represented in this dataset (so far), so don't trust anything you read.", + "checksum": "5e64e942df13219465927f92dcefd5fe", + "file_name": "fake-news.gz", + "read_more": [ + "https://www.kaggle.com/mrisdal/fake-news" + ], + "parts": 1 + }, + "20-newsgroups": { + "num_records": 18846, + "record_format": "dict", + "file_size": 14483581, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/20-newsgroups/__init__.py", + "license": "not found", + "fields": { + "topic": "name of topic (20 variant of possible values)", + "set": "marker of original split (possible values 'train' and 'test')", + "data": "", + "id": "original id inferred from folder name" + }, + "description": "The notorious collection of approximately 20,000 newsgroup posts, partitioned (nearly) evenly across 20 different newsgroups.", + "checksum": "c92fd4f6640a86d5ba89eaad818a9891", + "file_name": "20-newsgroups.gz", + "read_more": [ + "http://qwone.com/~jason/20Newsgroups/" + ], + "parts": 1 + }, + "__testing_matrix-synopsis": { + "description": "[THIS IS ONLY FOR TESTING] Synopsis of the movie matrix.", + "checksum": "1767ac93a089b43899d54944b07d9dc5", + "file_name": "__testing_matrix-synopsis.gz", + "read_more": [ + "http://www.imdb.com/title/tt0133093/plotsummary?ref_=ttpl_pl_syn#synopsis" + ], + "parts": 1 + }, + "__testing_multipart-matrix-synopsis": { + "description": "[THIS IS ONLY FOR TESTING] Synopsis of the movie matrix.", + "checksum-0": "c8b0c7d8cf562b1b632c262a173ac338", + "checksum-1": "5ff7fc6818e9a5d9bc1cf12c35ed8b96", + "checksum-2": "966db9d274d125beaac7987202076cba", + "file_name": "__testing_multipart-matrix-synopsis.gz", + "read_more": [ + "http://www.imdb.com/title/tt0133093/plotsummary?ref_=ttpl_pl_syn#synopsis" + ], + "parts": 3 + } + }, + "models": { + "fasttext-wiki-news-subwords-300": { + "num_records": 999999, + "file_size": 1005007116, + "base_dataset": "Wikipedia 2017, UMBC webbase corpus and statmt.org news dataset (16B tokens)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/fasttext-wiki-news-subwords-300/__init__.py", + "license": "https://creativecommons.org/licenses/by-sa/3.0/", + "parameters": { + "dimension": 300 + }, + "description": "1 million word vectors trained on Wikipedia 2017, UMBC webbase corpus and statmt.org news dataset (16B tokens).", + "read_more": [ + "https://fasttext.cc/docs/en/english-vectors.html", + "https://arxiv.org/abs/1712.09405", + "https://arxiv.org/abs/1607.01759" + ], + "checksum": "de2bb3a20c46ce65c9c131e1ad9a77af", + "file_name": "fasttext-wiki-news-subwords-300.gz", + "parts": 1 + }, + "conceptnet-numberbatch-17-06-300": { + "num_records": 1917247, + "file_size": 1225497562, + "base_dataset": "ConceptNet, word2vec, GloVe, and OpenSubtitles 2016", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/conceptnet-numberbatch-17-06-300/__init__.py", + "license": "https://github.com/commonsense/conceptnet-numberbatch/blob/master/LICENSE.txt", + "parameters": { + "dimension": 300 + }, + "description": "ConceptNet Numberbatch consists of state-of-the-art semantic vectors (also known as word embeddings) that can be used directly as a representation of word meanings or as a starting point for further machine learning. ConceptNet Numberbatch is part of the ConceptNet open data project. ConceptNet provides lots of ways to compute with word meanings, one of which is word embeddings. ConceptNet Numberbatch is a snapshot of just the word embeddings. It is built using an ensemble that combines data from ConceptNet, word2vec, GloVe, and OpenSubtitles 2016, using a variation on retrofitting.", + "read_more": [ + "http://aaai.org/ocs/index.php/AAAI/AAAI17/paper/view/14972", + "https://github.com/commonsense/conceptnet-numberbatch", + "http://conceptnet.io/" + ], + "checksum": "fd642d457adcd0ea94da0cd21b150847", + "file_name": "conceptnet-numberbatch-17-06-300.gz", + "parts": 1 + }, + "word2vec-ruscorpora-300": { + "num_records": 184973, + "file_size": 208427381, + "base_dataset": "Russian National Corpus (about 250M words)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/word2vec-ruscorpora-300/__init__.py", + "license": "https://creativecommons.org/licenses/by/4.0/deed.en", + "parameters": { + "dimension": 300, + "window_size": 10 + }, + "description": "Word2vec Continuous Skipgram vectors trained on full Russian National Corpus (about 250M words). The model contains 185K words.", + "preprocessing": "The corpus was lemmatized and tagged with Universal PoS", + "read_more": [ + "https://www.academia.edu/24306935/WebVectors_a_Toolkit_for_Building_Web_Interfaces_for_Vector_Semantic_Models", + "http://rusvectores.org/en/", + "https://github.com/RaRe-Technologies/gensim-data/issues/3" + ], + "checksum": "9bdebdc8ae6d17d20839dd9b5af10bc4", + "file_name": "word2vec-ruscorpora-300.gz", + "parts": 1 + }, + "word2vec-google-news-300": { + "num_records": 3000000, + "file_size": 1743563840, + "base_dataset": "Google News (about 100 billion words)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/word2vec-google-news-300/__init__.py", + "license": "not found", + "parameters": { + "dimension": 300 + }, + "description": "Pre-trained vectors trained on a part of the Google News dataset (about 100 billion words). The model contains 300-dimensional vectors for 3 million words and phrases. The phrases were obtained using a simple data-driven approach described in 'Distributed Representations of Words and Phrases and their Compositionality' (https://code.google.com/archive/p/word2vec/).", + "read_more": [ + "https://code.google.com/archive/p/word2vec/", + "https://arxiv.org/abs/1301.3781", + "https://arxiv.org/abs/1310.4546", + "https://www.microsoft.com/en-us/research/publication/linguistic-regularities-in-continuous-space-word-representations/?from=http%3A%2F%2Fresearch.microsoft.com%2Fpubs%2F189726%2Frvecs.pdf" + ], + "checksum": "a5e5354d40acb95f9ec66d5977d140ef", + "file_name": "word2vec-google-news-300.gz", + "parts": 1 + }, + "glove-wiki-gigaword-50": { + "num_records": 400000, + "file_size": 69182535, + "base_dataset": "Wikipedia 2014 + Gigaword 5 (6B tokens, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-wiki-gigaword-50/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 50 + }, + "description": "Pre-trained vectors based on Wikipedia 2014 + Gigaword, 5.6B tokens, 400K vocab, uncased (https://nlp.stanford.edu/projects/glove/).", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-wiki-gigaword-50.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "c289bc5d7f2f02c6dc9f2f9b67641813", + "file_name": "glove-wiki-gigaword-50.gz", + "parts": 1 + }, + "glove-wiki-gigaword-100": { + "num_records": 400000, + "file_size": 134300434, + "base_dataset": "Wikipedia 2014 + Gigaword 5 (6B tokens, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-wiki-gigaword-100/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 100 + }, + "description": "Pre-trained vectors based on Wikipedia 2014 + Gigaword 5.6B tokens, 400K vocab, uncased (https://nlp.stanford.edu/projects/glove/).", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-wiki-gigaword-100.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "40ec481866001177b8cd4cb0df92924f", + "file_name": "glove-wiki-gigaword-100.gz", + "parts": 1 + }, + "glove-wiki-gigaword-200": { + "num_records": 400000, + "file_size": 264336934, + "base_dataset": "Wikipedia 2014 + Gigaword 5 (6B tokens, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-wiki-gigaword-200/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 200 + }, + "description": "Pre-trained vectors based on Wikipedia 2014 + Gigaword, 5.6B tokens, 400K vocab, uncased (https://nlp.stanford.edu/projects/glove/).", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-wiki-gigaword-200.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "59652db361b7a87ee73834a6c391dfc1", + "file_name": "glove-wiki-gigaword-200.gz", + "parts": 1 + }, + "glove-wiki-gigaword-300": { + "num_records": 400000, + "file_size": 394362229, + "base_dataset": "Wikipedia 2014 + Gigaword 5 (6B tokens, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-wiki-gigaword-300/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 300 + }, + "description": "Pre-trained vectors based on Wikipedia 2014 + Gigaword, 5.6B tokens, 400K vocab, uncased (https://nlp.stanford.edu/projects/glove/).", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-wiki-gigaword-300.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "29e9329ac2241937d55b852e8284e89b", + "file_name": "glove-wiki-gigaword-300.gz", + "parts": 1 + }, + "glove-twitter-25": { + "num_records": 1193514, + "file_size": 109885004, + "base_dataset": "Twitter (2B tweets, 27B tokens, 1.2M vocab, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-twitter-25/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 25 + }, + "description": "Pre-trained vectors based on 2B tweets, 27B tokens, 1.2M vocab, uncased (https://nlp.stanford.edu/projects/glove/).", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-twitter-25.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "50db0211d7e7a2dcd362c6b774762793", + "file_name": "glove-twitter-25.gz", + "parts": 1 + }, + "glove-twitter-50": { + "num_records": 1193514, + "file_size": 209216938, + "base_dataset": "Twitter (2B tweets, 27B tokens, 1.2M vocab, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-twitter-50/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 50 + }, + "description": "Pre-trained vectors based on 2B tweets, 27B tokens, 1.2M vocab, uncased (https://nlp.stanford.edu/projects/glove/)", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-twitter-50.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "c168f18641f8c8a00fe30984c4799b2b", + "file_name": "glove-twitter-50.gz", + "parts": 1 + }, + "glove-twitter-100": { + "num_records": 1193514, + "file_size": 405932991, + "base_dataset": "Twitter (2B tweets, 27B tokens, 1.2M vocab, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-twitter-100/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 100 + }, + "description": "Pre-trained vectors based on 2B tweets, 27B tokens, 1.2M vocab, uncased (https://nlp.stanford.edu/projects/glove/)", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-twitter-100.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "b04f7bed38756d64cf55b58ce7e97b15", + "file_name": "glove-twitter-100.gz", + "parts": 1 + }, + "glove-twitter-200": { + "num_records": 1193514, + "file_size": 795373100, + "base_dataset": "Twitter (2B tweets, 27B tokens, 1.2M vocab, uncased)", + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/glove-twitter-200/__init__.py", + "license": "http://opendatacommons.org/licenses/pddl/", + "parameters": { + "dimension": 200 + }, + "description": "Pre-trained vectors based on 2B tweets, 27B tokens, 1.2M vocab, uncased (https://nlp.stanford.edu/projects/glove/).", + "preprocessing": "Converted to w2v format with `python -m gensim.scripts.glove2word2vec -i -o glove-twitter-200.txt`.", + "read_more": [ + "https://nlp.stanford.edu/projects/glove/", + "https://nlp.stanford.edu/pubs/glove.pdf" + ], + "checksum": "e52e8392d1860b95d5308a525817d8f9", + "file_name": "glove-twitter-200.gz", + "parts": 1 + }, + "__testing_word2vec-matrix-synopsis": { + "description": "[THIS IS ONLY FOR TESTING] Word vecrors of the movie matrix.", + "parameters": { + "dimensions": 50 + }, + "preprocessing": "Converted to w2v using a preprocessed corpus. Converted to w2v format with `python3.5 -m gensim.models.word2vec -train -iter 50 -output `.", + "read_more": [], + "checksum": "534dcb8b56a360977a269b7bfc62d124", + "file_name": "__testing_word2vec-matrix-synopsis.gz", + "parts": 1 + } + } + } + + +There are two types of data: corpora and models. + + +.. code-block:: default + + print(info.keys()) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + dict_keys(['corpora', 'models']) + + +Let's have a look at the available corpora: + + +.. code-block:: default + + for corpus_name, corpus_data in sorted(info['corpora'].items()): + print( + '%s (%d records): %s' % ( + corpus_name, + corpus_data.get('num_records', -1), + corpus_data['description'][:40] + '...', + ) + ) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 20-newsgroups (18846 records): The notorious collection of approximatel... + __testing_matrix-synopsis (-1 records): [THIS IS ONLY FOR TESTING] Synopsis of t... + __testing_multipart-matrix-synopsis (-1 records): [THIS IS ONLY FOR TESTING] Synopsis of t... + fake-news (12999 records): News dataset, contains text and metadata... + patent-2017 (353197 records): Patent Grant Full Text. Contains the ful... + quora-duplicate-questions (404290 records): Over 400,000 lines of potential question... + semeval-2016-2017-task3-subtaskA-unannotated (189941 records): SemEval 2016 / 2017 Task 3 Subtask A una... + semeval-2016-2017-task3-subtaskBC (-1 records): SemEval 2016 / 2017 Task 3 Subtask B and... + text8 (1701 records): First 100,000,000 bytes of plain text fr... + wiki-english-20171001 (4924894 records): Extracted Wikipedia dump from October 20... + + +... and the same for models: + + +.. code-block:: default + + for model_name, model_data in sorted(info['models'].items()): + print( + '%s (%d records): %s' % ( + model_name, + model_data.get('num_records', -1), + model_data['description'][:40] + '...', + ) + ) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + __testing_word2vec-matrix-synopsis (-1 records): [THIS IS ONLY FOR TESTING] Word vecrors ... + conceptnet-numberbatch-17-06-300 (1917247 records): ConceptNet Numberbatch consists of state... + fasttext-wiki-news-subwords-300 (999999 records): 1 million word vectors trained on Wikipe... + glove-twitter-100 (1193514 records): Pre-trained vectors based on 2B tweets,... + glove-twitter-200 (1193514 records): Pre-trained vectors based on 2B tweets, ... + glove-twitter-25 (1193514 records): Pre-trained vectors based on 2B tweets, ... + glove-twitter-50 (1193514 records): Pre-trained vectors based on 2B tweets, ... + glove-wiki-gigaword-100 (400000 records): Pre-trained vectors based on Wikipedia 2... + glove-wiki-gigaword-200 (400000 records): Pre-trained vectors based on Wikipedia 2... + glove-wiki-gigaword-300 (400000 records): Pre-trained vectors based on Wikipedia 2... + glove-wiki-gigaword-50 (400000 records): Pre-trained vectors based on Wikipedia 2... + word2vec-google-news-300 (3000000 records): Pre-trained vectors trained on a part of... + word2vec-ruscorpora-300 (184973 records): Word2vec Continuous Skipgram vectors tra... + + +If you want to get detailed information about the model/corpus, use: + + + +.. code-block:: default + + + + fake_news_info = api.info('fake-news') + print(json.dumps(fake_news_info, indent=4)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + { + "num_records": 12999, + "record_format": "dict", + "file_size": 20102776, + "reader_code": "https://github.com/RaRe-Technologies/gensim-data/releases/download/fake-news/__init__.py", + "license": "https://creativecommons.org/publicdomain/zero/1.0/", + "fields": { + "crawled": "date the story was archived", + "ord_in_thread": "", + "published": "date published", + "participants_count": "number of participants", + "shares": "number of Facebook shares", + "replies_count": "number of replies", + "main_img_url": "image from story", + "spam_score": "data from webhose.io", + "uuid": "unique identifier", + "language": "data from webhose.io", + "title": "title of story", + "country": "data from webhose.io", + "domain_rank": "data from webhose.io", + "author": "author of story", + "comments": "number of Facebook comments", + "site_url": "site URL from BS detector", + "text": "text of story", + "thread_title": "", + "type": "type of website (label from BS detector)", + "likes": "number of Facebook likes" + }, + "description": "News dataset, contains text and metadata from 244 websites and represents 12,999 posts in total from a specific window of 30 days. The data was pulled using the webhose.io API, and because it's coming from their crawler, not all websites identified by their BS Detector are present in this dataset. Data sources that were missing a label were simply assigned a label of 'bs'. There are (ostensibly) no genuine, reliable, or trustworthy news sources represented in this dataset (so far), so don't trust anything you read.", + "checksum": "5e64e942df13219465927f92dcefd5fe", + "file_name": "fake-news.gz", + "read_more": [ + "https://www.kaggle.com/mrisdal/fake-news" + ], + "parts": 1 + } + + +Sometimes, you do not want to load the model to memory. You would just want to get the path to the model. For that, use : + + + +.. code-block:: default + + + + print(api.load('glove-wiki-gigaword-50', return_path=True)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /home/misha/gensim-data/glove-wiki-gigaword-50/glove-wiki-gigaword-50.gz + + +If you want to load the model to memory, then: + + + +.. code-block:: default + + + + model = api.load("glove-wiki-gigaword-50") + model.most_similar("glass") + + + + + + + +In corpora, the corpus is never loaded to memory, all corpuses wrapped to special class ``Dataset`` and provide ``__iter__`` method + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 1 minutes 20.333 seconds) + +**Estimated memory usage:** 392 MB + + +.. _sphx_glr_download_auto_examples_howtos_run_downloader_api.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_downloader_api.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_downloader_api.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/howtos/sg_execution_times.rst b/docs/src/auto_examples/howtos/sg_execution_times.rst new file mode 100644 index 0000000000..fa072d5ff6 --- /dev/null +++ b/docs/src/auto_examples/howtos/sg_execution_times.rst @@ -0,0 +1,13 @@ + +:orphan: + +.. _sphx_glr_auto_examples_howtos_sg_execution_times: + +Computation times +================= +**04:15.023** total execution time for **auto_examples_howtos** files: + +- **04:15.023**: :ref:`sphx_glr_auto_examples_howtos_run_compare_lda.py` (``run_compare_lda.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_howtos_run_doc.py` (``run_doc.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_howtos_run_doc2vec_imdb.py` (``run_doc2vec_imdb.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_howtos_run_downloader_api.py` (``run_downloader_api.py``) diff --git a/docs/src/auto_examples/index.rst b/docs/src/auto_examples/index.rst new file mode 100644 index 0000000000..cbc7bb40aa --- /dev/null +++ b/docs/src/auto_examples/index.rst @@ -0,0 +1,468 @@ +:orphan: + + + +.. _sphx_glr_auto_examples: + +Documentation +============= + +We welcome contributions to our documentation via GitHub pull requests, whether it's fixing a typo or authoring an entirely new tutorial or guide. +If you're thinking about contributing documentation, please see :ref:`sphx_glr_auto_examples_howtos_run_doc.py`. + + +.. raw:: html + +
+ + + +.. _sphx_glr_auto_examples_core: + +Core Tutorials: New Users Start Here! +------------------------------------- + +If you're new to gensim, we recommend going through all core tutorials in order. +Understanding this functionality is vital for using gensim effectively. + + + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/core/images/thumb/sphx_glr_run_core_concepts_thumb.png + + :ref:`sphx_glr_auto_examples_core_run_core_concepts.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/core/run_core_concepts + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/core/images/thumb/sphx_glr_run_corpora_and_vector_spaces_thumb.png + + :ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/core/run_corpora_and_vector_spaces + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/core/images/thumb/sphx_glr_run_topics_and_transformations_thumb.png + + :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/core/run_topics_and_transformations + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/core/images/thumb/sphx_glr_run_similarity_queries_thumb.png + + :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/core/run_similarity_queries +.. raw:: html + +
+ + + +.. _sphx_glr_auto_examples_tutorials: + +Tutorials: Learning Oriented Lessons +------------------------------------ + +Learning-oriented lessons that introduce a particular gensim feature, e.g. a model (Word2Vec, FastText) or technique (similarity queries or text summarization). + + + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_word2vec_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_word2vec + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_doc2vec_lee_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_doc2vec_lee.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_doc2vec_lee + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_fasttext_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_fasttext.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_fasttext + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_annoy_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_annoy.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_annoy + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_lda_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_lda.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_lda + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_distance_metrics_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_distance_metrics.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_distance_metrics + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_wmd_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_wmd.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_wmd + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_summarization_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_summarization.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_summarization + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/tutorials/images/thumb/sphx_glr_run_pivoted_doc_norm_thumb.png + + :ref:`sphx_glr_auto_examples_tutorials_run_pivoted_doc_norm.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/tutorials/run_pivoted_doc_norm +.. raw:: html + +
+ + + +.. _sphx_glr_auto_examples_howtos: + +How-to Guides: Solve a Problem +------------------------------ + +These **goal-oriented guides** demonstrate how to **solve a specific problem** using gensim. + + + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/howtos/images/thumb/sphx_glr_run_downloader_api_thumb.png + + :ref:`sphx_glr_auto_examples_howtos_run_downloader_api.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/howtos/run_downloader_api + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/howtos/images/thumb/sphx_glr_run_doc_thumb.png + + :ref:`sphx_glr_auto_examples_howtos_run_doc.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/howtos/run_doc + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/howtos/images/thumb/sphx_glr_run_doc2vec_imdb_thumb.png + + :ref:`sphx_glr_auto_examples_howtos_run_doc2vec_imdb.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/howtos/run_doc2vec_imdb + +.. raw:: html + +
+ +.. only:: html + + .. figure:: /auto_examples/howtos/images/thumb/sphx_glr_run_compare_lda_thumb.png + + :ref:`sphx_glr_auto_examples_howtos_run_compare_lda.py` + +.. raw:: html + +
+ + +.. toctree:: + :hidden: + + /auto_examples/howtos/run_compare_lda +.. raw:: html + +
+ + + +.. _sphx_glr_auto_examples_other: + +Other Resources +--------------- + +Blog posts, tutorial videos, hackathons and other useful Gensim resources, from around the internet. + +- *Use FastText or Word2Vec?* Comparison of embedding quality and performance. `Jupyter Notebook `__ +- Multiword phrases extracted from *How I Met Your Mother*. `Blog post by Mark Needham `__ +- *Using Gensim LDA for hierarchical document clustering*. `Jupyter notebook by Brandon Rose `__ +- *Evolution of Voldemort topic through the 7 Harry Potter books*. `Blog post `__ +- *Movie plots by genre*: Document classification using various techniques: TF-IDF, word2vec averaging, Deep IR, Word Movers Distance and doc2vec. `Github repo `__ +- *Word2vec: Faster than Google? Optimization lessons in Python*, talk by Radim Řehůřek at PyData Berlin 2014. `Youtube video `__ +- *Word2vec & friends*, talk by Radim Řehůřek at MLMU.cz 7.1.2015. `Youtube video `__ + +.. + - ? `Making an Impact with NLP `__ -- Pycon 2016 Tutorial by Hobsons Lane + - ? `NLP with NLTK and Gensim `__ -- Pycon 2016 Tutorial by Tony Ojeda, Benjamin Bengfort, Laura Lorenz from District Data Labs + - ? `Word Embeddings for Fun and Profit `__ -- Talk at PyData London 2016 talk by Lev Konstantinovskiy. See accompanying `repo `__ + - ? English Wikipedia; TODO: convert to proper .py format + - ? `Colouring words by topic in a document, print words in a + topics `__ + - ? `Topic Coherence, a metric that correlates that human judgement on topic quality. `__ + - ? `Compare topics and documents using Jaccard, Kullback-Leibler and Hellinger similarities `__ + - ? `America's Next Topic Model slides `__ + - How to choose your next topic model, presented at Pydata Berlin 10 August 2016 by Lev Konstantinovsky + - ? `Dynamic Topic Modeling and Dynamic Influence Model Tutorial `__ + - ? `Python Dynamic Topic Modelling Theory and Tutorial `__ + - ? `Word Movers Distance for Yelp Reviews tutorial `__ + - FIXME WMD superceded by soft cosine similarity = faster and better? any numbers / tutorials for that? + - ? `Great illustration of corpus preparation `__, `Code `__ + - ? `Alternative `__, + - ? `Alternative 2 `__ + - ? `Doc2Vec on customer reviews `__ + - ? `Doc2Vec on Airline Tweets Sentiment Analysis `__ + - ? `Deep Inverse Regression with Yelp Reviews `__ (Document Classification using Bayesian Inversion and several word2vec models, one for each class) + + +.. raw:: html + +
+ + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-gallery + + + .. container:: sphx-glr-download + + :download:`Download all examples in Python source code: auto_examples_python.zip ` + + + + .. container:: sphx-glr-download + + :download:`Download all examples in Jupyter notebooks: auto_examples_jupyter.zip ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/images/sphx_glr_run_annoy_001.png b/docs/src/auto_examples/tutorials/images/sphx_glr_run_annoy_001.png new file mode 100644 index 0000000000..8356f80788 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/sphx_glr_run_annoy_001.png differ diff --git a/docs/src/auto_examples/tutorials/images/sphx_glr_run_distance_metrics_001.png b/docs/src/auto_examples/tutorials/images/sphx_glr_run_distance_metrics_001.png new file mode 100644 index 0000000000..ab1866eb76 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/sphx_glr_run_distance_metrics_001.png differ diff --git a/docs/src/auto_examples/tutorials/images/sphx_glr_run_fasttext_001.png b/docs/src/auto_examples/tutorials/images/sphx_glr_run_fasttext_001.png new file mode 100644 index 0000000000..40af13274d Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/sphx_glr_run_fasttext_001.png differ diff --git a/docs/src/auto_examples/tutorials/images/sphx_glr_run_pivoted_doc_norm_001.png b/docs/src/auto_examples/tutorials/images/sphx_glr_run_pivoted_doc_norm_001.png new file mode 100644 index 0000000000..ca37502330 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/sphx_glr_run_pivoted_doc_norm_001.png differ diff --git a/docs/src/auto_examples/tutorials/images/sphx_glr_run_summarization_001.png b/docs/src/auto_examples/tutorials/images/sphx_glr_run_summarization_001.png new file mode 100644 index 0000000000..cb99673b80 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/sphx_glr_run_summarization_001.png differ diff --git a/docs/src/auto_examples/tutorials/images/sphx_glr_run_wmd_001.png b/docs/src/auto_examples/tutorials/images/sphx_glr_run_wmd_001.png new file mode 100644 index 0000000000..95446e4c64 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/sphx_glr_run_wmd_001.png differ diff --git a/docs/src/auto_examples/tutorials/images/sphx_glr_run_word2vec_001.png b/docs/src/auto_examples/tutorials/images/sphx_glr_run_word2vec_001.png new file mode 100644 index 0000000000..13b12b3ef5 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/sphx_glr_run_word2vec_001.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_annoy_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_annoy_thumb.png new file mode 100644 index 0000000000..842f4bf78a Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_annoy_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_distance_metrics_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_distance_metrics_thumb.png new file mode 100644 index 0000000000..dbaf99eabd Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_distance_metrics_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_doc2vec_lee_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_doc2vec_lee_thumb.png new file mode 100644 index 0000000000..233f8e605e Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_doc2vec_lee_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_fasttext_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_fasttext_thumb.png new file mode 100644 index 0000000000..054efe1c69 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_fasttext_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_lda_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_lda_thumb.png new file mode 100644 index 0000000000..233f8e605e Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_lda_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_pivoted_doc_norm_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_pivoted_doc_norm_thumb.png new file mode 100644 index 0000000000..d0f8b3ce5c Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_pivoted_doc_norm_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_summarization_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_summarization_thumb.png new file mode 100644 index 0000000000..607db04678 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_summarization_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_wmd_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_wmd_thumb.png new file mode 100644 index 0000000000..627868b0f7 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_wmd_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_word2vec_thumb.png b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_word2vec_thumb.png new file mode 100644 index 0000000000..7299c65c20 Binary files /dev/null and b/docs/src/auto_examples/tutorials/images/thumb/sphx_glr_run_word2vec_thumb.png differ diff --git a/docs/src/auto_examples/tutorials/run_annoy.ipynb b/docs/src/auto_examples/tutorials/run_annoy.ipynb new file mode 100644 index 0000000000..2c845e5115 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_annoy.ipynb @@ -0,0 +1,312 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nSimilarity Queries with Annoy and Word2Vec\n==========================================\n\nIntroduces the annoy library for similarity queries using a Word2Vec model.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "LOGS = False\nif LOGS:\n import logging\n logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The `Annoy Approximate Nearest Neighbors Oh Yeah\n`_ library enables similarity queries with\na Word2Vec model. The current implementation for finding k nearest neighbors\nin a vector space in gensim has linear complexity via brute force in the\nnumber of indexed documents, although with extremely low constant factors.\nThe retrieved results are exact, which is an overkill in many applications:\napproximate results retrieved in sub-linear time may be enough. Annoy can\nfind approximate nearest neighbors much faster.\n\nOutline\n-------\n\n1. Download Text8 Corpus\n2. Train the Word2Vec model\n3. Construct AnnoyIndex with model & make a similarity query\n4. Compare to the traditional indexer\n5. Persist indices to disk\n6. Save memory by via memory-mapping indices saved to disk\n7. Evaluate relationship of ``num_trees`` to initialization time and accuracy\n8. Work with Google's word2vec C formats\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "1. Download Text8 corpus\n------------------------\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import gensim.downloader as api\ntext8_path = api.load('text8', return_path=True)\ntext8_path" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "2. Train the Word2Vec model\n---------------------------\n\nFor more details, see `sphx_glr_auto_examples_tutorials_run_word2vec.py`.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.models import Word2Vec, KeyedVectors\nfrom gensim.models.word2vec import Text8Corpus\n\n# Using params from Word2Vec_FastText_Comparison\nparams = {\n 'alpha': 0.05,\n 'size': 100,\n 'window': 5,\n 'iter': 5,\n 'min_count': 5,\n 'sample': 1e-4,\n 'sg': 1,\n 'hs': 0,\n 'negative': 5\n}\nmodel = Word2Vec(Text8Corpus(text8_path), **params)\nprint(model)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "3. Construct AnnoyIndex with model & make a similarity query\n------------------------------------------------------------\n\nAn instance of ``AnnoyIndexer`` needs to be created in order to use Annoy in gensim. The ``AnnoyIndexer`` class is located in ``gensim.similarities.index``\n\n``AnnoyIndexer()`` takes two parameters:\n\n* **model**: A ``Word2Vec`` or ``Doc2Vec`` model\n* **num_trees**: A positive integer. ``num_trees`` effects the build\n time and the index size. **A larger value will give more accurate results,\n but larger indexes**. More information on what trees in Annoy do can be found\n `here `__. The relationship\n between ``num_trees``\\ , build time, and accuracy will be investigated later\n in the tutorial. \n\nNow that we are ready to make a query, lets find the top 5 most similar words\nto \"science\" in the Text8 corpus. To make a similarity query we call\n``Word2Vec.most_similar`` like we would traditionally, but with an added\nparameter, ``indexer``. The only supported indexer in gensim as of now is\nAnnoy. \n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.similarities.index import AnnoyIndexer\n\n# 100 trees are being used in this example\nannoy_index = AnnoyIndexer(model, 100)\n# Derive the vector for the word \"science\" in our model\nvector = model.wv[\"science\"]\n# The instance of AnnoyIndexer we just created is passed \napproximate_neighbors = model.wv.most_similar([vector], topn=11, indexer=annoy_index)\n# Neatly print the approximate_neighbors and their corresponding cosine similarity values\nprint(\"Approximate Neighbors\")\nfor neighbor in approximate_neighbors:\n print(neighbor)\n\nnormal_neighbors = model.wv.most_similar([vector], topn=11)\nprint(\"\\nNormal (not Annoy-indexed) Neighbors\")\nfor neighbor in normal_neighbors:\n print(neighbor)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The closer the cosine similarity of a vector is to 1, the more similar that\nword is to our query, which was the vector for \"science\". There are some\ndifferences in the ranking of similar words and the set of words included\nwithin the 10 most similar words.\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "4. Compare to the traditional indexer\n-------------------------------------\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Set up the model and vector that we are using in the comparison\nmodel.init_sims()\nannoy_index = AnnoyIndexer(model, 100)\n\n# Dry run to make sure both indices are fully in RAM\nvector = model.wv.vectors_norm[0]\nmodel.wv.most_similar([vector], topn=5, indexer=annoy_index)\nmodel.wv.most_similar([vector], topn=5)\n\nimport time\nimport numpy as np\n\ndef avg_query_time(annoy_index=None, queries=1000):\n \"\"\"\n Average query time of a most_similar method over 1000 random queries,\n uses annoy if given an indexer\n \"\"\"\n total_time = 0\n for _ in range(queries):\n rand_vec = model.wv.vectors_norm[np.random.randint(0, len(model.wv.vocab))]\n start_time = time.process_time()\n model.wv.most_similar([rand_vec], topn=5, indexer=annoy_index)\n total_time += time.process_time() - start_time\n return total_time / queries\n\nqueries = 10000\n\ngensim_time = avg_query_time(queries=queries)\nannoy_time = avg_query_time(annoy_index, queries=queries)\nprint(\"Gensim (s/query):\\t{0:.5f}\".format(gensim_time))\nprint(\"Annoy (s/query):\\t{0:.5f}\".format(annoy_time))\nspeed_improvement = gensim_time / annoy_time\nprint (\"\\nAnnoy is {0:.2f} times faster on average on this particular run\".format(speed_improvement))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**This speedup factor is by no means constant** and will vary greatly from\nrun to run and is particular to this data set, BLAS setup, Annoy\nparameters(as tree size increases speedup factor decreases), machine\nspecifications, among other factors.\n\n.. Important::\n Initialization time for the annoy indexer was not included in the times.\n The optimal knn algorithm for you to use will depend on how many queries\n you need to make and the size of the corpus. If you are making very few\n similarity queries, the time taken to initialize the annoy indexer will be\n longer than the time it would take the brute force method to retrieve\n results. If you are making many queries however, the time it takes to\n initialize the annoy indexer will be made up for by the incredibly fast\n retrieval times for queries once the indexer has been initialized\n\n.. Important::\n Gensim's 'most_similar' method is using numpy operations in the form of\n dot product whereas Annoy's method isnt. If 'numpy' on your machine is\n using one of the BLAS libraries like ATLAS or LAPACK, it'll run on\n multiple cores (only if your machine has multicore support ). Check `SciPy\n Cookbook\n `_\n for more details.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "5. Persisting indices to disk\n-----------------------------\n\nYou can save and load your indexes from/to disk to prevent having to\nconstruct them each time. This will create two files on disk, *fname* and\n*fname.d*. Both files are needed to correctly restore all attributes. Before\nloading an index, you will have to create an empty AnnoyIndexer object.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "fname = '/tmp/mymodel.index'\n\n# Persist index to disk\nannoy_index.save(fname)\n\n# Load index back\nimport os.path\nif os.path.exists(fname):\n annoy_index2 = AnnoyIndexer()\n annoy_index2.load(fname)\n annoy_index2.model = model\n\n# Results should be identical to above\nvector = model.wv[\"science\"]\napproximate_neighbors2 = model.wv.most_similar([vector], topn=11, indexer=annoy_index2)\nfor neighbor in approximate_neighbors2:\n print(neighbor)\n \nassert approximate_neighbors == approximate_neighbors2" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Be sure to use the same model at load that was used originally, otherwise you\nwill get unexpected behaviors.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "6. Save memory via memory-mapping indices saved to disk\n-------------------------------------------------------\n\nAnnoy library has a useful feature that indices can be memory-mapped from\ndisk. It saves memory when the same index is used by several processes.\n\nBelow are two snippets of code. First one has a separate index for each\nprocess. The second snipped shares the index between two processes via\nmemory-mapping. The second example uses less total RAM as it is shared.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Remove verbosity from code below (if logging active)\nif LOGS:\n logging.disable(logging.CRITICAL)\n\nfrom multiprocessing import Process\nimport os\nimport psutil" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Bad example: two processes load the Word2vec model from disk and create there\nown Annoy indices from that model.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model.save('/tmp/mymodel.pkl')\n\ndef f(process_id):\n print('Process Id: {}'.format(os.getpid()))\n process = psutil.Process(os.getpid())\n new_model = Word2Vec.load('/tmp/mymodel.pkl')\n vector = new_model.wv[\"science\"]\n annoy_index = AnnoyIndexer(new_model,100)\n approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index)\n print('\\nMemory used by process {}: {}\\n---'.format(os.getpid(), process.memory_info()))\n\n# Creating and running two parallel process to share the same index file.\np1 = Process(target=f, args=('1',))\np1.start()\np1.join()\np2 = Process(target=f, args=('2',))\np2.start()\np2.join()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Good example: two processes load both the Word2vec model and index from disk\nand memory-map the index\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model.save('/tmp/mymodel.pkl')\n\ndef f(process_id):\n print('Process Id: {}'.format(os.getpid()))\n process = psutil.Process(os.getpid())\n new_model = Word2Vec.load('/tmp/mymodel.pkl')\n vector = new_model.wv[\"science\"]\n annoy_index = AnnoyIndexer()\n annoy_index.load('/tmp/mymodel.index')\n annoy_index.model = new_model\n approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index)\n print('\\nMemory used by process {}: {}\\n---'.format(os.getpid(), process.memory_info()))\n\n# Creating and running two parallel process to share the same index file.\np1 = Process(target=f, args=('1',))\np1.start()\np1.join()\np2 = Process(target=f, args=('2',))\np2.start()\np2.join()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "7. Evaluate relationship of ``num_trees`` to initialization time and accuracy\n-----------------------------------------------------------------------------\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Build dataset of Initialization times and accuracy measures:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "exact_results = [element[0] for element in model.wv.most_similar([model.wv.vectors_norm[0]], topn=100)]\n\nx_values = []\ny_values_init = []\ny_values_accuracy = []\n\nfor x in range(1, 300, 10):\n x_values.append(x)\n start_time = time.time()\n annoy_index = AnnoyIndexer(model, x)\n y_values_init.append(time.time() - start_time)\n approximate_results = model.wv.most_similar([model.wv.vectors_norm[0]], topn=100, indexer=annoy_index)\n top_words = [result[0] for result in approximate_results]\n y_values_accuracy.append(len(set(top_words).intersection(exact_results)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Plot results:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "plt.figure(1, figsize=(12, 6))\nplt.subplot(121)\nplt.plot(x_values, y_values_init)\nplt.title(\"num_trees vs initalization time\")\nplt.ylabel(\"Initialization time (s)\")\nplt.xlabel(\"num_trees\")\nplt.subplot(122)\nplt.plot(x_values, y_values_accuracy)\nplt.title(\"num_trees vs accuracy\")\nplt.ylabel(\"% accuracy\")\nplt.xlabel(\"num_trees\")\nplt.tight_layout()\nplt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "From the above, we can see that the initialization time of the annoy indexer\nincreases in a linear fashion with num_trees. Initialization time will vary\nfrom corpus to corpus, in the graph above the lee corpus was used\n\nFurthermore, in this dataset, the accuracy seems logarithmically related to\nthe number of trees. We see an improvement in accuracy with more trees, but\nthe relationship is nonlinear. \n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "7. Work with Google word2vec files\n----------------------------------\n\nOur model can be exported to a word2vec C format. There is a binary and a\nplain text word2vec format. Both can be read with a variety of other\nsoftware, or imported back into gensim as a ``KeyedVectors`` object.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# To export our model as text\nmodel.wv.save_word2vec_format('/tmp/vectors.txt', binary=False)\n\nfrom smart_open import open\n# View the first 3 lines of the exported file\n\n# The first line has the total number of entries and the vector dimension count. \n# The next lines have a key (a string) followed by its vector.\nwith open('/tmp/vectors.txt') as myfile:\n for i in range(3):\n print(myfile.readline().strip())\n\n# To import a word2vec text model\nwv = KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False)\n\n# To export our model as binary\nmodel.wv.save_word2vec_format('/tmp/vectors.bin', binary=True)\n\n# To import a word2vec binary model\nwv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True)\n\n# To create and save Annoy Index from a loaded `KeyedVectors` object (with 100 trees)\nannoy_index = AnnoyIndexer(wv, 100)\nannoy_index.save('/tmp/mymodel.index')\n\n# Load and test the saved word vectors and saved annoy index\nwv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True)\nannoy_index = AnnoyIndexer()\nannoy_index.load('/tmp/mymodel.index')\nannoy_index.model = wv\n\nvector = wv[\"cat\"]\napproximate_neighbors = wv.most_similar([vector], topn=11, indexer=annoy_index)\n# Neatly print the approximate_neighbors and their corresponding cosine similarity values\nprint(\"Approximate Neighbors\")\nfor neighbor in approximate_neighbors:\n print(neighbor)\n\nnormal_neighbors = wv.most_similar([vector], topn=11)\nprint(\"\\nNormal (not Annoy-indexed) Neighbors\")\nfor neighbor in normal_neighbors:\n print(neighbor)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Recap\n-----\n\nIn this notebook we used the Annoy module to build an indexed approximation\nof our word embeddings. To do so, we did the following steps:\n\n1. Download Text8 Corpus\n2. Train Word2Vec Model\n3. Construct AnnoyIndex with model & make a similarity query\n4. Persist indices to disk\n5. Save memory by via memory-mapping indices saved to disk\n6. Evaluate relationship of ``num_trees`` to initialization time and accuracy\n7. Work with Google's word2vec C formats\n\n\n" + ] + } + ], + "metadata": { + "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.7.1" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_annoy.py b/docs/src/auto_examples/tutorials/run_annoy.py new file mode 100644 index 0000000000..76aef05788 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_annoy.py @@ -0,0 +1,398 @@ +r""" +Similarity Queries with Annoy and Word2Vec +========================================== + +Introduces the annoy library for similarity queries using a Word2Vec model. +""" + +LOGS = False +if LOGS: + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# The `Annoy Approximate Nearest Neighbors Oh Yeah +# `_ library enables similarity queries with +# a Word2Vec model. The current implementation for finding k nearest neighbors +# in a vector space in gensim has linear complexity via brute force in the +# number of indexed documents, although with extremely low constant factors. +# The retrieved results are exact, which is an overkill in many applications: +# approximate results retrieved in sub-linear time may be enough. Annoy can +# find approximate nearest neighbors much faster. +# +# Outline +# ------- +# +# 1. Download Text8 Corpus +# 2. Train the Word2Vec model +# 3. Construct AnnoyIndex with model & make a similarity query +# 4. Compare to the traditional indexer +# 5. Persist indices to disk +# 6. Save memory by via memory-mapping indices saved to disk +# 7. Evaluate relationship of ``num_trees`` to initialization time and accuracy +# 8. Work with Google's word2vec C formats +# + +############################################################################### +# 1. Download Text8 corpus +# ------------------------ +import gensim.downloader as api +text8_path = api.load('text8', return_path=True) +text8_path + +############################################################################### +# 2. Train the Word2Vec model +# --------------------------- +# +# For more details, see :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py`. +from gensim.models import Word2Vec, KeyedVectors +from gensim.models.word2vec import Text8Corpus + +# Using params from Word2Vec_FastText_Comparison +params = { + 'alpha': 0.05, + 'size': 100, + 'window': 5, + 'iter': 5, + 'min_count': 5, + 'sample': 1e-4, + 'sg': 1, + 'hs': 0, + 'negative': 5 +} +model = Word2Vec(Text8Corpus(text8_path), **params) +print(model) + +############################################################################### +# 3. Construct AnnoyIndex with model & make a similarity query +# ------------------------------------------------------------ +# +# An instance of ``AnnoyIndexer`` needs to be created in order to use Annoy in gensim. The ``AnnoyIndexer`` class is located in ``gensim.similarities.index`` +# +# ``AnnoyIndexer()`` takes two parameters: +# +# * **model**: A ``Word2Vec`` or ``Doc2Vec`` model +# * **num_trees**: A positive integer. ``num_trees`` effects the build +# time and the index size. **A larger value will give more accurate results, +# but larger indexes**. More information on what trees in Annoy do can be found +# `here `__. The relationship +# between ``num_trees``\ , build time, and accuracy will be investigated later +# in the tutorial. +# +# Now that we are ready to make a query, lets find the top 5 most similar words +# to "science" in the Text8 corpus. To make a similarity query we call +# ``Word2Vec.most_similar`` like we would traditionally, but with an added +# parameter, ``indexer``. The only supported indexer in gensim as of now is +# Annoy. +# +from gensim.similarities.index import AnnoyIndexer + +# 100 trees are being used in this example +annoy_index = AnnoyIndexer(model, 100) +# Derive the vector for the word "science" in our model +vector = model.wv["science"] +# The instance of AnnoyIndexer we just created is passed +approximate_neighbors = model.wv.most_similar([vector], topn=11, indexer=annoy_index) +# Neatly print the approximate_neighbors and their corresponding cosine similarity values +print("Approximate Neighbors") +for neighbor in approximate_neighbors: + print(neighbor) + +normal_neighbors = model.wv.most_similar([vector], topn=11) +print("\nNormal (not Annoy-indexed) Neighbors") +for neighbor in normal_neighbors: + print(neighbor) + +############################################################################### +# The closer the cosine similarity of a vector is to 1, the more similar that +# word is to our query, which was the vector for "science". There are some +# differences in the ranking of similar words and the set of words included +# within the 10 most similar words. + +############################################################################### +# 4. Compare to the traditional indexer +# ------------------------------------- + +# Set up the model and vector that we are using in the comparison +model.init_sims() +annoy_index = AnnoyIndexer(model, 100) + +# Dry run to make sure both indices are fully in RAM +vector = model.wv.vectors_norm[0] +model.wv.most_similar([vector], topn=5, indexer=annoy_index) +model.wv.most_similar([vector], topn=5) + +import time +import numpy as np + +def avg_query_time(annoy_index=None, queries=1000): + """ + Average query time of a most_similar method over 1000 random queries, + uses annoy if given an indexer + """ + total_time = 0 + for _ in range(queries): + rand_vec = model.wv.vectors_norm[np.random.randint(0, len(model.wv.vocab))] + start_time = time.process_time() + model.wv.most_similar([rand_vec], topn=5, indexer=annoy_index) + total_time += time.process_time() - start_time + return total_time / queries + +queries = 10000 + +gensim_time = avg_query_time(queries=queries) +annoy_time = avg_query_time(annoy_index, queries=queries) +print("Gensim (s/query):\t{0:.5f}".format(gensim_time)) +print("Annoy (s/query):\t{0:.5f}".format(annoy_time)) +speed_improvement = gensim_time / annoy_time +print ("\nAnnoy is {0:.2f} times faster on average on this particular run".format(speed_improvement)) + +############################################################################### +# **This speedup factor is by no means constant** and will vary greatly from +# run to run and is particular to this data set, BLAS setup, Annoy +# parameters(as tree size increases speedup factor decreases), machine +# specifications, among other factors. +# +# .. Important:: +# Initialization time for the annoy indexer was not included in the times. +# The optimal knn algorithm for you to use will depend on how many queries +# you need to make and the size of the corpus. If you are making very few +# similarity queries, the time taken to initialize the annoy indexer will be +# longer than the time it would take the brute force method to retrieve +# results. If you are making many queries however, the time it takes to +# initialize the annoy indexer will be made up for by the incredibly fast +# retrieval times for queries once the indexer has been initialized +# +# .. Important:: +# Gensim's 'most_similar' method is using numpy operations in the form of +# dot product whereas Annoy's method isnt. If 'numpy' on your machine is +# using one of the BLAS libraries like ATLAS or LAPACK, it'll run on +# multiple cores (only if your machine has multicore support ). Check `SciPy +# Cookbook +# `_ +# for more details. +# + +############################################################################### +# 5. Persisting indices to disk +# ----------------------------- +# +# You can save and load your indexes from/to disk to prevent having to +# construct them each time. This will create two files on disk, *fname* and +# *fname.d*. Both files are needed to correctly restore all attributes. Before +# loading an index, you will have to create an empty AnnoyIndexer object. +# +fname = '/tmp/mymodel.index' + +# Persist index to disk +annoy_index.save(fname) + +# Load index back +import os.path +if os.path.exists(fname): + annoy_index2 = AnnoyIndexer() + annoy_index2.load(fname) + annoy_index2.model = model + +# Results should be identical to above +vector = model.wv["science"] +approximate_neighbors2 = model.wv.most_similar([vector], topn=11, indexer=annoy_index2) +for neighbor in approximate_neighbors2: + print(neighbor) + +assert approximate_neighbors == approximate_neighbors2 + +############################################################################### +# Be sure to use the same model at load that was used originally, otherwise you +# will get unexpected behaviors. +# + +############################################################################### +# 6. Save memory via memory-mapping indices saved to disk +# ------------------------------------------------------- +# +# Annoy library has a useful feature that indices can be memory-mapped from +# disk. It saves memory when the same index is used by several processes. +# +# Below are two snippets of code. First one has a separate index for each +# process. The second snipped shares the index between two processes via +# memory-mapping. The second example uses less total RAM as it is shared. +# + +# Remove verbosity from code below (if logging active) +if LOGS: + logging.disable(logging.CRITICAL) + +from multiprocessing import Process +import os +import psutil + +############################################################################### +# Bad example: two processes load the Word2vec model from disk and create there +# own Annoy indices from that model. +# + +model.save('/tmp/mymodel.pkl') + +def f(process_id): + print('Process Id: {}'.format(os.getpid())) + process = psutil.Process(os.getpid()) + new_model = Word2Vec.load('/tmp/mymodel.pkl') + vector = new_model.wv["science"] + annoy_index = AnnoyIndexer(new_model,100) + approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index) + print('\nMemory used by process {}: {}\n---'.format(os.getpid(), process.memory_info())) + +# Creating and running two parallel process to share the same index file. +p1 = Process(target=f, args=('1',)) +p1.start() +p1.join() +p2 = Process(target=f, args=('2',)) +p2.start() +p2.join() + +############################################################################### +# Good example: two processes load both the Word2vec model and index from disk +# and memory-map the index +# + +model.save('/tmp/mymodel.pkl') + +def f(process_id): + print('Process Id: {}'.format(os.getpid())) + process = psutil.Process(os.getpid()) + new_model = Word2Vec.load('/tmp/mymodel.pkl') + vector = new_model.wv["science"] + annoy_index = AnnoyIndexer() + annoy_index.load('/tmp/mymodel.index') + annoy_index.model = new_model + approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index) + print('\nMemory used by process {}: {}\n---'.format(os.getpid(), process.memory_info())) + +# Creating and running two parallel process to share the same index file. +p1 = Process(target=f, args=('1',)) +p1.start() +p1.join() +p2 = Process(target=f, args=('2',)) +p2.start() +p2.join() + +############################################################################### +# 7. Evaluate relationship of ``num_trees`` to initialization time and accuracy +# ----------------------------------------------------------------------------- +# +import matplotlib.pyplot as plt + +############################################################################### +# Build dataset of Initialization times and accuracy measures: +# + +exact_results = [element[0] for element in model.wv.most_similar([model.wv.vectors_norm[0]], topn=100)] + +x_values = [] +y_values_init = [] +y_values_accuracy = [] + +for x in range(1, 300, 10): + x_values.append(x) + start_time = time.time() + annoy_index = AnnoyIndexer(model, x) + y_values_init.append(time.time() - start_time) + approximate_results = model.wv.most_similar([model.wv.vectors_norm[0]], topn=100, indexer=annoy_index) + top_words = [result[0] for result in approximate_results] + y_values_accuracy.append(len(set(top_words).intersection(exact_results))) + +############################################################################### +# Plot results: + +plt.figure(1, figsize=(12, 6)) +plt.subplot(121) +plt.plot(x_values, y_values_init) +plt.title("num_trees vs initalization time") +plt.ylabel("Initialization time (s)") +plt.xlabel("num_trees") +plt.subplot(122) +plt.plot(x_values, y_values_accuracy) +plt.title("num_trees vs accuracy") +plt.ylabel("% accuracy") +plt.xlabel("num_trees") +plt.tight_layout() +plt.show() + +############################################################################### +# From the above, we can see that the initialization time of the annoy indexer +# increases in a linear fashion with num_trees. Initialization time will vary +# from corpus to corpus, in the graph above the lee corpus was used +# +# Furthermore, in this dataset, the accuracy seems logarithmically related to +# the number of trees. We see an improvement in accuracy with more trees, but +# the relationship is nonlinear. +# + +############################################################################### +# 7. Work with Google word2vec files +# ---------------------------------- +# +# Our model can be exported to a word2vec C format. There is a binary and a +# plain text word2vec format. Both can be read with a variety of other +# software, or imported back into gensim as a ``KeyedVectors`` object. +# + +# To export our model as text +model.wv.save_word2vec_format('/tmp/vectors.txt', binary=False) + +from smart_open import open +# View the first 3 lines of the exported file + +# The first line has the total number of entries and the vector dimension count. +# The next lines have a key (a string) followed by its vector. +with open('/tmp/vectors.txt') as myfile: + for i in range(3): + print(myfile.readline().strip()) + +# To import a word2vec text model +wv = KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False) + +# To export our model as binary +model.wv.save_word2vec_format('/tmp/vectors.bin', binary=True) + +# To import a word2vec binary model +wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True) + +# To create and save Annoy Index from a loaded `KeyedVectors` object (with 100 trees) +annoy_index = AnnoyIndexer(wv, 100) +annoy_index.save('/tmp/mymodel.index') + +# Load and test the saved word vectors and saved annoy index +wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True) +annoy_index = AnnoyIndexer() +annoy_index.load('/tmp/mymodel.index') +annoy_index.model = wv + +vector = wv["cat"] +approximate_neighbors = wv.most_similar([vector], topn=11, indexer=annoy_index) +# Neatly print the approximate_neighbors and their corresponding cosine similarity values +print("Approximate Neighbors") +for neighbor in approximate_neighbors: + print(neighbor) + +normal_neighbors = wv.most_similar([vector], topn=11) +print("\nNormal (not Annoy-indexed) Neighbors") +for neighbor in normal_neighbors: + print(neighbor) + +############################################################################### +# Recap +# ----- +# +# In this notebook we used the Annoy module to build an indexed approximation +# of our word embeddings. To do so, we did the following steps: +# +# 1. Download Text8 Corpus +# 2. Train Word2Vec Model +# 3. Construct AnnoyIndex with model & make a similarity query +# 4. Persist indices to disk +# 5. Save memory by via memory-mapping indices saved to disk +# 6. Evaluate relationship of ``num_trees`` to initialization time and accuracy +# 7. Work with Google's word2vec C formats +# diff --git a/docs/src/auto_examples/tutorials/run_annoy.py.md5 b/docs/src/auto_examples/tutorials/run_annoy.py.md5 new file mode 100644 index 0000000000..12698c89db --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_annoy.py.md5 @@ -0,0 +1 @@ +2309f2c10b619eda67d7d6611a881441 \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_annoy.rst b/docs/src/auto_examples/tutorials/run_annoy.rst new file mode 100644 index 0000000000..fbb3c1536f --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_annoy.rst @@ -0,0 +1,653 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_annoy.py: + + +Similarity Queries with Annoy and Word2Vec +========================================== + +Introduces the annoy library for similarity queries using a Word2Vec model. + +.. code-block:: default + + + LOGS = False + if LOGS: + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +The `Annoy Approximate Nearest Neighbors Oh Yeah +`_ library enables similarity queries with +a Word2Vec model. The current implementation for finding k nearest neighbors +in a vector space in gensim has linear complexity via brute force in the +number of indexed documents, although with extremely low constant factors. +The retrieved results are exact, which is an overkill in many applications: +approximate results retrieved in sub-linear time may be enough. Annoy can +find approximate nearest neighbors much faster. + +Outline +------- + +1. Download Text8 Corpus +2. Train the Word2Vec model +3. Construct AnnoyIndex with model & make a similarity query +4. Compare to the traditional indexer +5. Persist indices to disk +6. Save memory by via memory-mapping indices saved to disk +7. Evaluate relationship of ``num_trees`` to initialization time and accuracy +8. Work with Google's word2vec C formats + + +1. Download Text8 corpus +------------------------ + + +.. code-block:: default + + import gensim.downloader as api + text8_path = api.load('text8', return_path=True) + text8_path + + + + + + + +2. Train the Word2Vec model +--------------------------- + +For more details, see :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py`. + + +.. code-block:: default + + from gensim.models import Word2Vec, KeyedVectors + from gensim.models.word2vec import Text8Corpus + + # Using params from Word2Vec_FastText_Comparison + params = { + 'alpha': 0.05, + 'size': 100, + 'window': 5, + 'iter': 5, + 'min_count': 5, + 'sample': 1e-4, + 'sg': 1, + 'hs': 0, + 'negative': 5 + } + model = Word2Vec(Text8Corpus(text8_path), **params) + print(model) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Word2Vec(vocab=71290, size=100, alpha=0.05) + + +3. Construct AnnoyIndex with model & make a similarity query +------------------------------------------------------------ + +An instance of ``AnnoyIndexer`` needs to be created in order to use Annoy in gensim. The ``AnnoyIndexer`` class is located in ``gensim.similarities.index`` + +``AnnoyIndexer()`` takes two parameters: + +* **model**: A ``Word2Vec`` or ``Doc2Vec`` model +* **num_trees**: A positive integer. ``num_trees`` effects the build + time and the index size. **A larger value will give more accurate results, + but larger indexes**. More information on what trees in Annoy do can be found + `here `__. The relationship + between ``num_trees``\ , build time, and accuracy will be investigated later + in the tutorial. + +Now that we are ready to make a query, lets find the top 5 most similar words +to "science" in the Text8 corpus. To make a similarity query we call +``Word2Vec.most_similar`` like we would traditionally, but with an added +parameter, ``indexer``. The only supported indexer in gensim as of now is +Annoy. + + + +.. code-block:: default + + from gensim.similarities.index import AnnoyIndexer + + # 100 trees are being used in this example + annoy_index = AnnoyIndexer(model, 100) + # Derive the vector for the word "science" in our model + vector = model.wv["science"] + # The instance of AnnoyIndexer we just created is passed + approximate_neighbors = model.wv.most_similar([vector], topn=11, indexer=annoy_index) + # Neatly print the approximate_neighbors and their corresponding cosine similarity values + print("Approximate Neighbors") + for neighbor in approximate_neighbors: + print(neighbor) + + normal_neighbors = model.wv.most_similar([vector], topn=11) + print("\nNormal (not Annoy-indexed) Neighbors") + for neighbor in normal_neighbors: + print(neighbor) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Approximate Neighbors + ('science', 1.0) + ('astrobiology', 0.5924032926559448) + ('transhumanist', 0.5916061401367188) + ('bimonthly', 0.5861886739730835) + ('sciences', 0.5851120948791504) + ('robotics', 0.5844891369342804) + ('nanomedicine', 0.5836333632469177) + ('protoscience', 0.5796476304531097) + ('biostatistics', 0.5791448056697845) + ('astronautics', 0.5787959098815918) + ('scientific', 0.5772265493869781) + + Normal (not Annoy-indexed) Neighbors + ('science', 1.0) + ('fiction', 0.7320358157157898) + ('popularizer', 0.6709892153739929) + ('astrobiology', 0.6677298545837402) + ('transhumanist', 0.6664289236068726) + ('technology', 0.660341739654541) + ('bimonthly', 0.6575203537940979) + ('sciences', 0.655735969543457) + ('multidisciplinary', 0.6556889414787292) + ('robotics', 0.6547014713287354) + ('nanomedicine', 0.6532777547836304) + + +The closer the cosine similarity of a vector is to 1, the more similar that +word is to our query, which was the vector for "science". There are some +differences in the ranking of similar words and the set of words included +within the 10 most similar words. + +4. Compare to the traditional indexer +------------------------------------- + + +.. code-block:: default + + + # Set up the model and vector that we are using in the comparison + model.init_sims() + annoy_index = AnnoyIndexer(model, 100) + + # Dry run to make sure both indices are fully in RAM + vector = model.wv.vectors_norm[0] + model.wv.most_similar([vector], topn=5, indexer=annoy_index) + model.wv.most_similar([vector], topn=5) + + import time + import numpy as np + + def avg_query_time(annoy_index=None, queries=1000): + """ + Average query time of a most_similar method over 1000 random queries, + uses annoy if given an indexer + """ + total_time = 0 + for _ in range(queries): + rand_vec = model.wv.vectors_norm[np.random.randint(0, len(model.wv.vocab))] + start_time = time.process_time() + model.wv.most_similar([rand_vec], topn=5, indexer=annoy_index) + total_time += time.process_time() - start_time + return total_time / queries + + queries = 10000 + + gensim_time = avg_query_time(queries=queries) + annoy_time = avg_query_time(annoy_index, queries=queries) + print("Gensim (s/query):\t{0:.5f}".format(gensim_time)) + print("Annoy (s/query):\t{0:.5f}".format(annoy_time)) + speed_improvement = gensim_time / annoy_time + print ("\nAnnoy is {0:.2f} times faster on average on this particular run".format(speed_improvement)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Gensim (s/query): 0.02169 + Annoy (s/query): 0.00034 + + Annoy is 63.71 times faster on average on this particular run + + +**This speedup factor is by no means constant** and will vary greatly from +run to run and is particular to this data set, BLAS setup, Annoy +parameters(as tree size increases speedup factor decreases), machine +specifications, among other factors. + +.. Important:: + Initialization time for the annoy indexer was not included in the times. + The optimal knn algorithm for you to use will depend on how many queries + you need to make and the size of the corpus. If you are making very few + similarity queries, the time taken to initialize the annoy indexer will be + longer than the time it would take the brute force method to retrieve + results. If you are making many queries however, the time it takes to + initialize the annoy indexer will be made up for by the incredibly fast + retrieval times for queries once the indexer has been initialized + +.. Important:: + Gensim's 'most_similar' method is using numpy operations in the form of + dot product whereas Annoy's method isnt. If 'numpy' on your machine is + using one of the BLAS libraries like ATLAS or LAPACK, it'll run on + multiple cores (only if your machine has multicore support ). Check `SciPy + Cookbook + `_ + for more details. + + +5. Persisting indices to disk +----------------------------- + +You can save and load your indexes from/to disk to prevent having to +construct them each time. This will create two files on disk, *fname* and +*fname.d*. Both files are needed to correctly restore all attributes. Before +loading an index, you will have to create an empty AnnoyIndexer object. + + + +.. code-block:: default + + fname = '/tmp/mymodel.index' + + # Persist index to disk + annoy_index.save(fname) + + # Load index back + import os.path + if os.path.exists(fname): + annoy_index2 = AnnoyIndexer() + annoy_index2.load(fname) + annoy_index2.model = model + + # Results should be identical to above + vector = model.wv["science"] + approximate_neighbors2 = model.wv.most_similar([vector], topn=11, indexer=annoy_index2) + for neighbor in approximate_neighbors2: + print(neighbor) + + assert approximate_neighbors == approximate_neighbors2 + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('science', 1.0) + ('astrobiology', 0.5924032926559448) + ('transhumanist', 0.5916061401367188) + ('bimonthly', 0.5861886739730835) + ('sciences', 0.5851120948791504) + ('robotics', 0.5844891369342804) + ('nanomedicine', 0.5836333632469177) + ('protoscience', 0.5796476304531097) + ('biostatistics', 0.5791448056697845) + ('astronautics', 0.5787959098815918) + ('scientific', 0.5772265493869781) + + +Be sure to use the same model at load that was used originally, otherwise you +will get unexpected behaviors. + + +6. Save memory via memory-mapping indices saved to disk +------------------------------------------------------- + +Annoy library has a useful feature that indices can be memory-mapped from +disk. It saves memory when the same index is used by several processes. + +Below are two snippets of code. First one has a separate index for each +process. The second snipped shares the index between two processes via +memory-mapping. The second example uses less total RAM as it is shared. + + + +.. code-block:: default + + + # Remove verbosity from code below (if logging active) + if LOGS: + logging.disable(logging.CRITICAL) + + from multiprocessing import Process + import os + import psutil + + + + + + + +Bad example: two processes load the Word2vec model from disk and create there +own Annoy indices from that model. + + + +.. code-block:: default + + + model.save('/tmp/mymodel.pkl') + + def f(process_id): + print('Process Id: {}'.format(os.getpid())) + process = psutil.Process(os.getpid()) + new_model = Word2Vec.load('/tmp/mymodel.pkl') + vector = new_model.wv["science"] + annoy_index = AnnoyIndexer(new_model,100) + approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index) + print('\nMemory used by process {}: {}\n---'.format(os.getpid(), process.memory_info())) + + # Creating and running two parallel process to share the same index file. + p1 = Process(target=f, args=('1',)) + p1.start() + p1.join() + p2 = Process(target=f, args=('2',)) + p2.start() + p2.join() + + + + + + + +Good example: two processes load both the Word2vec model and index from disk +and memory-map the index + + + +.. code-block:: default + + + model.save('/tmp/mymodel.pkl') + + def f(process_id): + print('Process Id: {}'.format(os.getpid())) + process = psutil.Process(os.getpid()) + new_model = Word2Vec.load('/tmp/mymodel.pkl') + vector = new_model.wv["science"] + annoy_index = AnnoyIndexer() + annoy_index.load('/tmp/mymodel.index') + annoy_index.model = new_model + approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index) + print('\nMemory used by process {}: {}\n---'.format(os.getpid(), process.memory_info())) + + # Creating and running two parallel process to share the same index file. + p1 = Process(target=f, args=('1',)) + p1.start() + p1.join() + p2 = Process(target=f, args=('2',)) + p2.start() + p2.join() + + + + + + + +7. Evaluate relationship of ``num_trees`` to initialization time and accuracy +----------------------------------------------------------------------------- + + + +.. code-block:: default + + import matplotlib.pyplot as plt + + + + + + + +Build dataset of Initialization times and accuracy measures: + + + +.. code-block:: default + + + exact_results = [element[0] for element in model.wv.most_similar([model.wv.vectors_norm[0]], topn=100)] + + x_values = [] + y_values_init = [] + y_values_accuracy = [] + + for x in range(1, 300, 10): + x_values.append(x) + start_time = time.time() + annoy_index = AnnoyIndexer(model, x) + y_values_init.append(time.time() - start_time) + approximate_results = model.wv.most_similar([model.wv.vectors_norm[0]], topn=100, indexer=annoy_index) + top_words = [result[0] for result in approximate_results] + y_values_accuracy.append(len(set(top_words).intersection(exact_results))) + + + + + + + +Plot results: + + +.. code-block:: default + + + plt.figure(1, figsize=(12, 6)) + plt.subplot(121) + plt.plot(x_values, y_values_init) + plt.title("num_trees vs initalization time") + plt.ylabel("Initialization time (s)") + plt.xlabel("num_trees") + plt.subplot(122) + plt.plot(x_values, y_values_accuracy) + plt.title("num_trees vs accuracy") + plt.ylabel("% accuracy") + plt.xlabel("num_trees") + plt.tight_layout() + plt.show() + + + + +.. image:: /auto_examples/tutorials/images/sphx_glr_run_annoy_001.png + :class: sphx-glr-single-img + + + + +From the above, we can see that the initialization time of the annoy indexer +increases in a linear fashion with num_trees. Initialization time will vary +from corpus to corpus, in the graph above the lee corpus was used + +Furthermore, in this dataset, the accuracy seems logarithmically related to +the number of trees. We see an improvement in accuracy with more trees, but +the relationship is nonlinear. + + +7. Work with Google word2vec files +---------------------------------- + +Our model can be exported to a word2vec C format. There is a binary and a +plain text word2vec format. Both can be read with a variety of other +software, or imported back into gensim as a ``KeyedVectors`` object. + + + +.. code-block:: default + + + # To export our model as text + model.wv.save_word2vec_format('/tmp/vectors.txt', binary=False) + + from smart_open import open + # View the first 3 lines of the exported file + + # The first line has the total number of entries and the vector dimension count. + # The next lines have a key (a string) followed by its vector. + with open('/tmp/vectors.txt') as myfile: + for i in range(3): + print(myfile.readline().strip()) + + # To import a word2vec text model + wv = KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False) + + # To export our model as binary + model.wv.save_word2vec_format('/tmp/vectors.bin', binary=True) + + # To import a word2vec binary model + wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True) + + # To create and save Annoy Index from a loaded `KeyedVectors` object (with 100 trees) + annoy_index = AnnoyIndexer(wv, 100) + annoy_index.save('/tmp/mymodel.index') + + # Load and test the saved word vectors and saved annoy index + wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True) + annoy_index = AnnoyIndexer() + annoy_index.load('/tmp/mymodel.index') + annoy_index.model = wv + + vector = wv["cat"] + approximate_neighbors = wv.most_similar([vector], topn=11, indexer=annoy_index) + # Neatly print the approximate_neighbors and their corresponding cosine similarity values + print("Approximate Neighbors") + for neighbor in approximate_neighbors: + print(neighbor) + + normal_neighbors = wv.most_similar([vector], topn=11) + print("\nNormal (not Annoy-indexed) Neighbors") + for neighbor in normal_neighbors: + print(neighbor) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 71290 100 + the -0.086056426 0.15772334 -0.14391488 -0.10746263 -0.0036995178 -0.117373854 0.03937252 -0.14037031 -0.1252817 0.07694562 -0.021327982 0.007244886 0.16763417 -0.1226697 0.21137153 -0.063393526 -0.032362897 -0.0059070205 0.020281527 0.12367236 -0.025050493 -0.09774958 -0.24607891 -0.0064472477 -0.03055981 -0.4010833 -0.27916044 0.029562823 -0.071846716 -0.014671225 0.1420381 -0.053756475 -0.0855766 -0.090253495 0.60468906 0.09920296 0.35082236 -0.14631268 0.26485506 -0.08550774 0.09919222 -0.12538795 0.03159077 0.083675735 -0.13480936 0.043789566 -0.08674448 -0.079143874 0.05721798 0.023238886 -0.34467545 0.1550529 -0.18082479 -0.18602926 -0.18052024 0.074512914 0.15894942 -0.09034081 0.011110278 -0.15301983 -0.07879341 0.0013416538 -0.04413061 0.042708833 0.07895842 0.276121 0.11723857 0.18091062 0.07765438 0.023454918 0.07083069 0.001930411 0.2261552 -0.053920075 -0.14016616 -0.09455421 0.056401417 -0.06034534 -0.012578158 0.08775011 -0.089770935 -0.111630015 0.11005583 -0.091560066 0.0717941 -0.19018368 -0.049423326 0.29770434 0.17694262 -0.14268364 -0.1372601 0.14867909 -0.12172974 -0.07506602 0.09508915 -0.10644571 0.16355318 -0.1895201 0.04572383 -0.05629312 + of -0.24958447 0.33094105 -0.067723416 -0.15613635 0.15851182 -0.20777571 0.067617305 -0.14223038 -0.19351995 0.17955166 -0.01125617 -0.11227111 0.22649609 -0.07805858 0.08556426 0.10083455 -0.19243951 0.14512464 0.01395792 0.17216091 -0.008735538 -0.037496135 -0.3364987 0.03891899 0.036126327 -0.23090963 -0.22778185 0.09917219 0.12856483 0.0838603 0.17832059 0.021860743 -0.07048738 -0.18962148 0.5110143 0.07669086 0.2822584 -0.12050834 0.25681993 -0.021447591 0.21239889 -0.14476615 0.11061543 0.05422637 -0.02524366 0.08702608 -0.16577256 -0.20307428 0.011992565 -0.060010254 -0.3261019 0.2446808 -0.16701153 -0.079560414 -0.18528645 0.068947345 0.012339692 -0.06444969 -0.2089124 0.05786413 0.123009294 0.061585456 -0.042849902 0.16915381 0.03432279 0.13971788 0.25727242 0.09388416 0.1682245 -0.094005674 0.07307955 0.1292721 0.3170865 0.07673286 -0.07462851 -0.10278059 0.23569265 0.035961017 -0.06366512 0.034729835 -0.1799267 -0.12194269 0.19733816 -0.07210646 0.19601586 -0.09816554 -0.13614751 0.35114622 0.08043916 -0.10852109 -0.16087142 0.1783411 0.0321268 -0.14652534 0.026698181 -0.11104949 0.15343753 -0.28783563 0.08911155 -0.17888589 + Approximate Neighbors + ('cat', 1.0) + ('cats', 0.5971987545490265) + ('felis', 0.5874168574810028) + ('albino', 0.5703404247760773) + ('marten', 0.5679939687252045) + ('leopardus', 0.5678345859050751) + ('barsoomian', 0.5672095417976379) + ('prionailurus', 0.567060798406601) + ('ferret', 0.5667355954647064) + ('eared', 0.566079169511795) + ('sighthound', 0.5649237632751465) + + Normal (not Annoy-indexed) Neighbors + ('cat', 0.9999998807907104) + ('cats', 0.6755023002624512) + ('felis', 0.6595503091812134) + ('albino', 0.6307852268218994) + ('marten', 0.6267415881156921) + ('leopardus', 0.6264660954475403) + ('barsoomian', 0.6253848075866699) + ('prionailurus', 0.6251273155212402) + ('ferret', 0.6245640516281128) + ('eared', 0.6234253644943237) + ('sighthound', 0.6214173436164856) + + +Recap +----- + +In this notebook we used the Annoy module to build an indexed approximation +of our word embeddings. To do so, we did the following steps: + +1. Download Text8 Corpus +2. Train Word2Vec Model +3. Construct AnnoyIndex with model & make a similarity query +4. Persist indices to disk +5. Save memory by via memory-mapping indices saved to disk +6. Evaluate relationship of ``num_trees`` to initialization time and accuracy +7. Work with Google's word2vec C formats + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 11 minutes 41.168 seconds) + +**Estimated memory usage:** 807 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_annoy.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_annoy.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_annoy.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_distance_metrics.ipynb b/docs/src/auto_examples/tutorials/run_distance_metrics.ipynb new file mode 100644 index 0000000000..d523d49bdb --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_distance_metrics.ipynb @@ -0,0 +1,380 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nDistance Metrics\n================\n\nIntroduces the concept of distance between two bags of words or distributions, and demonstrates its calculation using gensim.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you simply want to calculate the similarity between documents, then you\nmay want to check out the `Similarity Queries Tutorial\n`_ and the `API reference\n`_. The current\ntutorial shows the building block of these larger methods, which are a small\nsuite of distance metrics, including:\n\nHere's a brief summary of this tutorial:\n\n1. Set up a small corpus consisting of documents belonging to one of two topics\n2. Train an LDA model to distinguish between the two topics\n3. Use the model to obtain distributions for some sample words\n4. Compare the distributions to each other using a variety of distance metrics:\n\n * Hellinger\n * Kullback-Leibler\n * Jaccard\n\n5. Discuss the concept of distance metrics in slightly more detail\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.corpora import Dictionary\n\n# you can use any corpus, this is just illustratory\ntexts = [\n ['bank','river','shore','water'],\n ['river','water','flow','fast','tree'],\n ['bank','water','fall','flow'],\n ['bank','bank','water','rain','river'],\n ['river','water','mud','tree'],\n ['money','transaction','bank','finance'],\n ['bank','borrow','money'], \n ['bank','finance'],\n ['finance','money','sell','bank'],\n ['borrow','sell'],\n ['bank','loan','sell'],\n]\n\ndictionary = Dictionary(texts)\ncorpus = [dictionary.doc2bow(text) for text in texts]\n\nimport numpy\nnumpy.random.seed(1) # setting random seed to get the same results each time.\n\nfrom gensim.models import ldamodel\nmodel = ldamodel.LdaModel(corpus, id2word=dictionary, num_topics=2, minimum_probability=1e-8)\nmodel.show_topics()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's call the 1st topic the **water** topic and the second topic the **finance** topic.\n\nLet's take a few sample documents and get them ready to test our distance functions.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "doc_water = ['river', 'water', 'shore']\ndoc_finance = ['finance', 'money', 'sell']\ndoc_bank = ['finance', 'bank', 'tree', 'water']\n\n# now let's make these into a bag of words format\nbow_water = model.id2word.doc2bow(doc_water) \nbow_finance = model.id2word.doc2bow(doc_finance) \nbow_bank = model.id2word.doc2bow(doc_bank) \n\n# we can now get the LDA topic distributions for these\nlda_bow_water = model[bow_water]\nlda_bow_finance = model[bow_finance]\nlda_bow_bank = model[bow_bank]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Hellinger\n---------\n\nWe're now ready to apply our distance metrics. These metrics return a value between 0 and 1, where values closer to 0 indicate a smaller 'distance' and therefore a larger similarity.\n\nLet's start with the popular Hellinger distance. \n\nThe Hellinger distance metric gives an output in the range [0,1] for two probability distributions, with values closer to 0 meaning they are more similar.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.matutils import hellinger\nprint(hellinger(lda_bow_water, lda_bow_finance))\nprint(hellinger(lda_bow_finance, lda_bow_bank))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Makes sense, right? In the first example, Document 1 and Document 2 are hardly similar, so we get a value of roughly 0.5. \n\nIn the second case, the documents are a lot more similar, semantically. Trained with the model, they give a much less distance value.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Kullback\u2013Leibler\n----------------\n\nLet's run similar examples down with Kullback Leibler.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.matutils import kullback_leibler\n\nprint(kullback_leibler(lda_bow_water, lda_bow_bank))\nprint(kullback_leibler(lda_bow_finance, lda_bow_bank))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + ".. important::\n KL is not a Distance Metric in the mathematical sense, and hence is not\n symmetrical. This means that ``kullback_leibler(lda_bow_finance,\n lda_bow_bank)`` is not equal to ``kullback_leibler(lda_bow_bank,\n lda_bow_finance)``. \n\nAs you can see, the values are not equal. We'll get more into the details of\nthis later on in the notebook.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(kullback_leibler(lda_bow_bank, lda_bow_finance))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In our previous examples we saw that there were lower distance values between\nbank and finance than for bank and water, even if it wasn't by a huge margin.\nWhat does this mean?\n\nThe ``bank`` document is a combination of both water and finance related\nterms - but as bank in this context is likely to belong to the finance topic,\nthe distance values are less between the finance and bank bows.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# just to confirm our suspicion that the bank bow is more to do with finance:\nmodel.get_document_topics(bow_bank)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "It's evident that while it isn't too skewed, it it more towards the finance topic.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Distance metrics (also referred to as similarity metrics), as suggested in\nthe examples above, are mainly for probability distributions, but the methods\ncan accept a bunch of formats for input. You can do some further reading on\n`Kullback Leibler `_ and `Hellinger\n`_ to figure out what suits\nyour needs.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Jaccard\n-------\n\nLet us now look at the `Jaccard Distance\n`_ metric for similarity between\nbags of words (i.e, documents)\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.matutils import jaccard\n\nprint(jaccard(bow_water, bow_bank))\nprint(jaccard(doc_water, doc_bank))\nprint(jaccard(['word'], ['word']))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The three examples above feature 2 different input methods. \n\nIn the first case, we present to jaccard document vectors already in bag of\nwords format. The distance can be defined as 1 minus the size of the\nintersection upon the size of the union of the vectors. \n\nWe can see (on manual inspection as well), that the distance is likely to be\nhigh - and it is. \n\nThe last two examples illustrate the ability for jaccard to accept even lists\n(i.e, documents) as inputs.\n\nIn the last case, because they are the same vectors, the value returned is 0\n- this means the distance is 0 and the two documents are identical. \n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Distance Metrics for Topic Distributions\n----------------------------------------\n\nWhile there are already standard methods to identify similarity of documents,\nour distance metrics has one more interesting use-case: topic distributions. \n\nLet's say we want to find out how similar our two topics are, water and finance.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "topic_water, topic_finance = model.show_topics()\n\n# some pre processing to get the topics in a format acceptable to our distance metrics\n\ndef parse_topic_string(topic):\n # takes the string returned by model.show_topics()\n # split on strings to get topics and the probabilities\n topic = topic.split('+')\n # list to store topic bows\n topic_bow = []\n for word in topic:\n # split probability and word\n prob, word = word.split('*')\n # get rid of spaces and quote marks\n word = word.replace(\" \",\"\").replace('\"', '')\n # convert to word_type\n word = model.id2word.doc2bow([word])[0][0]\n topic_bow.append((word, float(prob)))\n return topic_bow\n\nfinance_distribution = parse_topic_string(topic_finance[1])\nwater_distribution = parse_topic_string(topic_water[1])\n\n# the finance topic in bag of words format looks like this:\nprint(finance_distribution)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now that we've got our topics in a format more acceptable by our functions,\nlet's use a Distance metric to see how similar the word distributions in the\ntopics are.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(hellinger(water_distribution, finance_distribution))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Our value of roughly 0.36 means that the topics are not TOO distant with\nrespect to their word distributions.\n\nThis makes sense again, because of overlapping words like ``bank`` and a\nsmall size dictionary.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Kullback-Leibler Gotchas\n------------------------\n\nIn our previous example we didn't use Kullback Leibler to test for similarity\nfor a reason - KL is not a Distance 'Metric' in the technical sense (you can\nsee what a metric is `here\n`_\\ ). The nature of it,\nmathematically also means we must be a little careful before using it,\nbecause since it involves the log function, a zero can mess things up. For\nexample:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# 16 here is the number of features the probability distribution draws from\nprint(kullback_leibler(water_distribution, finance_distribution, 16))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "That wasn't very helpful, right? This just means that we have to be a bit\ncareful about our inputs. Our old example didn't work out because they were\nsome missing values for some words (because ``show_topics()`` only returned\nthe top 10 topics). \n\nThis can be remedied, though.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# return ALL the words in the dictionary for the topic-word distribution.\ntopic_water, topic_finance = model.show_topics(num_words=len(model.id2word))\n\n# do our bag of words transformation again\nfinance_distribution = parse_topic_string(topic_finance[1])\nwater_distribution = parse_topic_string(topic_water[1])\n\n# and voila!\nprint(kullback_leibler(water_distribution, finance_distribution))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You may notice that the distance for this is quite less, indicating a high\nsimilarity. This may be a bit off because of the small size of the corpus,\nwhere all topics are likely to contain a decent overlap of word\nprobabilities. You will likely get a better value for a bigger corpus.\n\nSo, just remember, if you intend to use KL as a metric to measure similarity\nor distance between two distributions, avoid zeros by returning the ENTIRE\ndistribution. Since it's unlikely any probability distribution will ever have\nabsolute zeros for any feature/word, returning all the values like we did\nwill make you good to go.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "What are Distance Metrics?\n--------------------------\n\nHaving seen the practical usages of these measures (i.e, to find similarity),\nlet's learn a little about what exactly Distance Measures and Metrics are. \n\nI mentioned in the previous section that KL was not a distance metric. There\nare 4 conditons for for a distance measure to be a metric:\n\n1. d(x,y) >= 0\n2. d(x,y) = 0 <=> x = y\n3. d(x,y) = d(y,x)\n4. d(x,z) <= d(x,y) + d(y,z)\n\nThat is: it must be non-negative; if x and y are the same, distance must be\nzero; it must be symmetric; and it must obey the triangle inequality law. \n\nSimple enough, right? \n\nLet's test these out for our measures.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# normal Hellinger\na = hellinger(water_distribution, finance_distribution)\nb = hellinger(finance_distribution, water_distribution)\nprint(a)\nprint(b)\nprint(a == b)\n\n# if we pass the same values, it is zero.\nprint(hellinger(water_distribution, water_distribution))\n\n# for triangle inequality let's use LDA document distributions\nprint(hellinger(lda_bow_finance, lda_bow_bank))\n\n# Triangle inequality works too!\nprint(hellinger(lda_bow_finance, lda_bow_water) + hellinger(lda_bow_water, lda_bow_bank))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "So Hellinger is indeed a metric. Let's check out KL. \n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "a = kullback_leibler(finance_distribution, water_distribution)\nb = kullback_leibler(water_distribution, finance_distribution)\nprint(a)\nprint(b)\nprint(a == b)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We immediately notice that when we swap the values they aren't equal! One of\nthe four conditions not fitting is enough for it to not be a metric. \n\nHowever, just because it is not a metric, (strictly in the mathematical\nsense) does not mean that it is not useful to figure out the distance between\ntwo probability distributions. KL Divergence is widely used for this purpose,\nand is probably the most 'famous' distance measure in fields like Information\nTheory.\n\nFor a nice review of the mathematical differences between Hellinger and KL,\n`this\n`__\nlink does a very good job. \n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Visualizing Distance Metrics\n----------------------------\n\nLet's plot a graph of our toy dataset using the popular `networkx\n`_ library. \n\nEach node will be a document, where the color of the node will be its topic\naccording to the LDA model. Edges will connect documents to each other, where\nthe *weight* of the edge will be inversely proportional to the Jaccard\nsimilarity between two documents. We will also annotate the edges to further\naid visualization: **strong** edges will connect similar documents, and\n**weak (dashed)** edges will connect dissimilar documents.\n\nIn summary, similar documents will be closer together, different documents\nwill be further apart.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import itertools\nimport networkx as nx\n\ndef get_most_likely_topic(doc):\n bow = model.id2word.doc2bow(doc)\n topics, probabilities = zip(*model.get_document_topics(bow))\n max_p = max(probabilities)\n topic = topics[probabilities.index(max_p)]\n return topic\n\ndef get_node_color(i):\n return 'skyblue' if get_most_likely_topic(texts[i]) == 0 else 'pink'\n\nG = nx.Graph()\nfor i, _ in enumerate(texts):\n G.add_node(i)\n \nfor (i1, i2) in itertools.combinations(range(len(texts)), 2):\n bow1, bow2 = texts[i1], texts[i2]\n distance = jaccard(bow1, bow2)\n G.add_edge(i1, i2, weight=1/distance)\n \n#\n# https://networkx.github.io/documentation/networkx-1.9/examples/drawing/weighted_graph.html\n#\npos = nx.spring_layout(G)\n\nthreshold = 1.25\nelarge=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] > threshold]\nesmall=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] <= threshold]\n\nnode_colors = [get_node_color(i) for (i, _) in enumerate(texts)]\nnx.draw_networkx_nodes(G, pos, node_size=700, node_color=node_colors)\nnx.draw_networkx_edges(G,pos,edgelist=elarge, width=2)\nnx.draw_networkx_edges(G,pos,edgelist=esmall, width=2, alpha=0.2, edge_color='b', style='dashed')\nnx.draw_networkx_labels(G, pos, font_size=20, font_family='sans-serif')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can make several observations from this graph.\n\nFirst, the graph consists of two connected components (if you ignore the weak edges).\nNodes 0, 1, 2, 3, 4 (which all belong to the water topic) form the first connected component.\nThe other nodes, which all belong to the finance topic, form the second connected component.\n\nSecond, the LDA model didn't do a very good job of classifying our documents into topics.\nThere were many misclassifications, as you can confirm in the summary below:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print('id\\ttopic\\tdoc')\nfor i, t in enumerate(texts):\n print('%d\\t%d\\t%s' % (i, get_most_likely_topic(t), ' '.join(t)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This is mostly because the corpus used to train the LDA model is so small.\nUsing a larger corpus should give you much better results, but that is beyond\nthe scope of this tutorial.\n\nConclusion\n----------\n\nThat brings us to the end of this small tutorial.\nTo recap, here's what we covered:\n\n1. Set up a small corpus consisting of documents belonging to one of two topics\n2. Train an LDA model to distinguish between the two topics\n3. Use the model to obtain distributions for some sample words\n4. Compare the distributions to each other using a variety of distance metrics: Hellinger, Kullback-Leibler, Jaccard\n5. Discuss the concept of distance metrics in slightly more detail\n\nThe scope for adding new similarity metrics is large, as there exist an even\nlarger suite of metrics and methods to add to the matutils.py file.\nFor more details, see `Similarity Measures for Text Document Clustering\n`_\nby A. Huang.\n\n" + ] + } + ], + "metadata": { + "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.7.1" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_distance_metrics.py b/docs/src/auto_examples/tutorials/run_distance_metrics.py new file mode 100644 index 0000000000..06a46c1227 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_distance_metrics.py @@ -0,0 +1,436 @@ +r""" +Distance Metrics +================ + +Introduces the concept of distance between two bags of words or distributions, and demonstrates its calculation using gensim. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# If you simply want to calculate the similarity between documents, then you +# may want to check out the `Similarity Queries Tutorial +# `_ and the `API reference +# `_. The current +# tutorial shows the building block of these larger methods, which are a small +# suite of distance metrics, including: +# +# Here's a brief summary of this tutorial: +# +# 1. Set up a small corpus consisting of documents belonging to one of two topics +# 2. Train an LDA model to distinguish between the two topics +# 3. Use the model to obtain distributions for some sample words +# 4. Compare the distributions to each other using a variety of distance metrics: +# +# * Hellinger +# * Kullback-Leibler +# * Jaccard +# +# 5. Discuss the concept of distance metrics in slightly more detail +# +from gensim.corpora import Dictionary + +# you can use any corpus, this is just illustratory +texts = [ + ['bank','river','shore','water'], + ['river','water','flow','fast','tree'], + ['bank','water','fall','flow'], + ['bank','bank','water','rain','river'], + ['river','water','mud','tree'], + ['money','transaction','bank','finance'], + ['bank','borrow','money'], + ['bank','finance'], + ['finance','money','sell','bank'], + ['borrow','sell'], + ['bank','loan','sell'], +] + +dictionary = Dictionary(texts) +corpus = [dictionary.doc2bow(text) for text in texts] + +import numpy +numpy.random.seed(1) # setting random seed to get the same results each time. + +from gensim.models import ldamodel +model = ldamodel.LdaModel(corpus, id2word=dictionary, num_topics=2, minimum_probability=1e-8) +model.show_topics() + +############################################################################### +# Let's call the 1st topic the **water** topic and the second topic the **finance** topic. +# +# Let's take a few sample documents and get them ready to test our distance functions. +# +doc_water = ['river', 'water', 'shore'] +doc_finance = ['finance', 'money', 'sell'] +doc_bank = ['finance', 'bank', 'tree', 'water'] + +# now let's make these into a bag of words format +bow_water = model.id2word.doc2bow(doc_water) +bow_finance = model.id2word.doc2bow(doc_finance) +bow_bank = model.id2word.doc2bow(doc_bank) + +# we can now get the LDA topic distributions for these +lda_bow_water = model[bow_water] +lda_bow_finance = model[bow_finance] +lda_bow_bank = model[bow_bank] + +############################################################################### +# Hellinger +# --------- +# +# We're now ready to apply our distance metrics. These metrics return a value between 0 and 1, where values closer to 0 indicate a smaller 'distance' and therefore a larger similarity. +# +# Let's start with the popular Hellinger distance. +# +# The Hellinger distance metric gives an output in the range [0,1] for two probability distributions, with values closer to 0 meaning they are more similar. +# +from gensim.matutils import hellinger +print(hellinger(lda_bow_water, lda_bow_finance)) +print(hellinger(lda_bow_finance, lda_bow_bank)) + +############################################################################### +# Makes sense, right? In the first example, Document 1 and Document 2 are hardly similar, so we get a value of roughly 0.5. +# +# In the second case, the documents are a lot more similar, semantically. Trained with the model, they give a much less distance value. +# + +############################################################################### +# Kullback–Leibler +# ---------------- +# +# Let's run similar examples down with Kullback Leibler. +# +from gensim.matutils import kullback_leibler + +print(kullback_leibler(lda_bow_water, lda_bow_bank)) +print(kullback_leibler(lda_bow_finance, lda_bow_bank)) + +############################################################################### +# .. important:: +# KL is not a Distance Metric in the mathematical sense, and hence is not +# symmetrical. This means that ``kullback_leibler(lda_bow_finance, +# lda_bow_bank)`` is not equal to ``kullback_leibler(lda_bow_bank, +# lda_bow_finance)``. +# +# As you can see, the values are not equal. We'll get more into the details of +# this later on in the notebook. +# +print(kullback_leibler(lda_bow_bank, lda_bow_finance)) + +############################################################################### +# +# In our previous examples we saw that there were lower distance values between +# bank and finance than for bank and water, even if it wasn't by a huge margin. +# What does this mean? +# +# The ``bank`` document is a combination of both water and finance related +# terms - but as bank in this context is likely to belong to the finance topic, +# the distance values are less between the finance and bank bows. +# + +# just to confirm our suspicion that the bank bow is more to do with finance: +model.get_document_topics(bow_bank) + +############################################################################### +# +# It's evident that while it isn't too skewed, it it more towards the finance topic. +# + +############################################################################### +# Distance metrics (also referred to as similarity metrics), as suggested in +# the examples above, are mainly for probability distributions, but the methods +# can accept a bunch of formats for input. You can do some further reading on +# `Kullback Leibler `_ and `Hellinger +# `_ to figure out what suits +# your needs. +# + +############################################################################### +# Jaccard +# ------- +# +# Let us now look at the `Jaccard Distance +# `_ metric for similarity between +# bags of words (i.e, documents) +# +from gensim.matutils import jaccard + +print(jaccard(bow_water, bow_bank)) +print(jaccard(doc_water, doc_bank)) +print(jaccard(['word'], ['word'])) + +############################################################################### +# The three examples above feature 2 different input methods. +# +# In the first case, we present to jaccard document vectors already in bag of +# words format. The distance can be defined as 1 minus the size of the +# intersection upon the size of the union of the vectors. +# +# We can see (on manual inspection as well), that the distance is likely to be +# high - and it is. +# +# The last two examples illustrate the ability for jaccard to accept even lists +# (i.e, documents) as inputs. +# +# In the last case, because they are the same vectors, the value returned is 0 +# - this means the distance is 0 and the two documents are identical. +# + +############################################################################### +# +# Distance Metrics for Topic Distributions +# ---------------------------------------- +# +# While there are already standard methods to identify similarity of documents, +# our distance metrics has one more interesting use-case: topic distributions. +# +# Let's say we want to find out how similar our two topics are, water and finance. +# +topic_water, topic_finance = model.show_topics() + +# some pre processing to get the topics in a format acceptable to our distance metrics + +def parse_topic_string(topic): + # takes the string returned by model.show_topics() + # split on strings to get topics and the probabilities + topic = topic.split('+') + # list to store topic bows + topic_bow = [] + for word in topic: + # split probability and word + prob, word = word.split('*') + # get rid of spaces and quote marks + word = word.replace(" ","").replace('"', '') + # convert to word_type + word = model.id2word.doc2bow([word])[0][0] + topic_bow.append((word, float(prob))) + return topic_bow + +finance_distribution = parse_topic_string(topic_finance[1]) +water_distribution = parse_topic_string(topic_water[1]) + +# the finance topic in bag of words format looks like this: +print(finance_distribution) + +############################################################################### +# Now that we've got our topics in a format more acceptable by our functions, +# let's use a Distance metric to see how similar the word distributions in the +# topics are. +# +print(hellinger(water_distribution, finance_distribution)) + +############################################################################### +# Our value of roughly 0.36 means that the topics are not TOO distant with +# respect to their word distributions. +# +# This makes sense again, because of overlapping words like ``bank`` and a +# small size dictionary. +# + +############################################################################### +# Kullback-Leibler Gotchas +# ------------------------ +# +# In our previous example we didn't use Kullback Leibler to test for similarity +# for a reason - KL is not a Distance 'Metric' in the technical sense (you can +# see what a metric is `here +# `_\ ). The nature of it, +# mathematically also means we must be a little careful before using it, +# because since it involves the log function, a zero can mess things up. For +# example: +# + +# 16 here is the number of features the probability distribution draws from +print(kullback_leibler(water_distribution, finance_distribution, 16)) + +############################################################################### +# That wasn't very helpful, right? This just means that we have to be a bit +# careful about our inputs. Our old example didn't work out because they were +# some missing values for some words (because ``show_topics()`` only returned +# the top 10 topics). +# +# This can be remedied, though. +# + +# return ALL the words in the dictionary for the topic-word distribution. +topic_water, topic_finance = model.show_topics(num_words=len(model.id2word)) + +# do our bag of words transformation again +finance_distribution = parse_topic_string(topic_finance[1]) +water_distribution = parse_topic_string(topic_water[1]) + +# and voila! +print(kullback_leibler(water_distribution, finance_distribution)) + +############################################################################### +# You may notice that the distance for this is quite less, indicating a high +# similarity. This may be a bit off because of the small size of the corpus, +# where all topics are likely to contain a decent overlap of word +# probabilities. You will likely get a better value for a bigger corpus. +# +# So, just remember, if you intend to use KL as a metric to measure similarity +# or distance between two distributions, avoid zeros by returning the ENTIRE +# distribution. Since it's unlikely any probability distribution will ever have +# absolute zeros for any feature/word, returning all the values like we did +# will make you good to go. +# + +############################################################################### +# What are Distance Metrics? +# -------------------------- +# +# Having seen the practical usages of these measures (i.e, to find similarity), +# let's learn a little about what exactly Distance Measures and Metrics are. +# +# I mentioned in the previous section that KL was not a distance metric. There +# are 4 conditons for for a distance measure to be a metric: +# +# 1. d(x,y) >= 0 +# 2. d(x,y) = 0 <=> x = y +# 3. d(x,y) = d(y,x) +# 4. d(x,z) <= d(x,y) + d(y,z) +# +# That is: it must be non-negative; if x and y are the same, distance must be +# zero; it must be symmetric; and it must obey the triangle inequality law. +# +# Simple enough, right? +# +# Let's test these out for our measures. +# + +# normal Hellinger +a = hellinger(water_distribution, finance_distribution) +b = hellinger(finance_distribution, water_distribution) +print(a) +print(b) +print(a == b) + +# if we pass the same values, it is zero. +print(hellinger(water_distribution, water_distribution)) + +# for triangle inequality let's use LDA document distributions +print(hellinger(lda_bow_finance, lda_bow_bank)) + +# Triangle inequality works too! +print(hellinger(lda_bow_finance, lda_bow_water) + hellinger(lda_bow_water, lda_bow_bank)) + +############################################################################### +# So Hellinger is indeed a metric. Let's check out KL. +# +a = kullback_leibler(finance_distribution, water_distribution) +b = kullback_leibler(water_distribution, finance_distribution) +print(a) +print(b) +print(a == b) + +############################################################################### +# We immediately notice that when we swap the values they aren't equal! One of +# the four conditions not fitting is enough for it to not be a metric. +# +# However, just because it is not a metric, (strictly in the mathematical +# sense) does not mean that it is not useful to figure out the distance between +# two probability distributions. KL Divergence is widely used for this purpose, +# and is probably the most 'famous' distance measure in fields like Information +# Theory. +# +# For a nice review of the mathematical differences between Hellinger and KL, +# `this +# `__ +# link does a very good job. +# + + +############################################################################### +# Visualizing Distance Metrics +# ---------------------------- +# +# Let's plot a graph of our toy dataset using the popular `networkx +# `_ library. +# +# Each node will be a document, where the color of the node will be its topic +# according to the LDA model. Edges will connect documents to each other, where +# the *weight* of the edge will be inversely proportional to the Jaccard +# similarity between two documents. We will also annotate the edges to further +# aid visualization: **strong** edges will connect similar documents, and +# **weak (dashed)** edges will connect dissimilar documents. +# +# In summary, similar documents will be closer together, different documents +# will be further apart. +# +import itertools +import networkx as nx + +def get_most_likely_topic(doc): + bow = model.id2word.doc2bow(doc) + topics, probabilities = zip(*model.get_document_topics(bow)) + max_p = max(probabilities) + topic = topics[probabilities.index(max_p)] + return topic + +def get_node_color(i): + return 'skyblue' if get_most_likely_topic(texts[i]) == 0 else 'pink' + +G = nx.Graph() +for i, _ in enumerate(texts): + G.add_node(i) + +for (i1, i2) in itertools.combinations(range(len(texts)), 2): + bow1, bow2 = texts[i1], texts[i2] + distance = jaccard(bow1, bow2) + G.add_edge(i1, i2, weight=1/distance) + +# +# https://networkx.github.io/documentation/networkx-1.9/examples/drawing/weighted_graph.html +# +pos = nx.spring_layout(G) + +threshold = 1.25 +elarge=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] > threshold] +esmall=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] <= threshold] + +node_colors = [get_node_color(i) for (i, _) in enumerate(texts)] +nx.draw_networkx_nodes(G, pos, node_size=700, node_color=node_colors) +nx.draw_networkx_edges(G,pos,edgelist=elarge, width=2) +nx.draw_networkx_edges(G,pos,edgelist=esmall, width=2, alpha=0.2, edge_color='b', style='dashed') +nx.draw_networkx_labels(G, pos, font_size=20, font_family='sans-serif') + +############################################################################### +# We can make several observations from this graph. +# +# First, the graph consists of two connected components (if you ignore the weak edges). +# Nodes 0, 1, 2, 3, 4 (which all belong to the water topic) form the first connected component. +# The other nodes, which all belong to the finance topic, form the second connected component. +# +# Second, the LDA model didn't do a very good job of classifying our documents into topics. +# There were many misclassifications, as you can confirm in the summary below: +# +print('id\ttopic\tdoc') +for i, t in enumerate(texts): + print('%d\t%d\t%s' % (i, get_most_likely_topic(t), ' '.join(t))) + +############################################################################### +# This is mostly because the corpus used to train the LDA model is so small. +# Using a larger corpus should give you much better results, but that is beyond +# the scope of this tutorial. +# +# Conclusion +# ---------- +# +# That brings us to the end of this small tutorial. +# To recap, here's what we covered: +# +# 1. Set up a small corpus consisting of documents belonging to one of two topics +# 2. Train an LDA model to distinguish between the two topics +# 3. Use the model to obtain distributions for some sample words +# 4. Compare the distributions to each other using a variety of distance metrics: Hellinger, Kullback-Leibler, Jaccard +# 5. Discuss the concept of distance metrics in slightly more detail +# +# The scope for adding new similarity metrics is large, as there exist an even +# larger suite of metrics and methods to add to the matutils.py file. +# For more details, see `Similarity Measures for Text Document Clustering +# `_ +# by A. Huang. + diff --git a/docs/src/auto_examples/tutorials/run_distance_metrics.py.md5 b/docs/src/auto_examples/tutorials/run_distance_metrics.py.md5 new file mode 100644 index 0000000000..75d51276f2 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_distance_metrics.py.md5 @@ -0,0 +1 @@ +9c537fe8c244688f2ecbbca55040087e \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_distance_metrics.rst b/docs/src/auto_examples/tutorials/run_distance_metrics.rst new file mode 100644 index 0000000000..d13c1be163 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_distance_metrics.rst @@ -0,0 +1,710 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_distance_metrics.py: + + +Distance Metrics +================ + +Introduces the concept of distance between two bags of words or distributions, and demonstrates its calculation using gensim. + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +If you simply want to calculate the similarity between documents, then you +may want to check out the `Similarity Queries Tutorial +`_ and the `API reference +`_. The current +tutorial shows the building block of these larger methods, which are a small +suite of distance metrics, including: + +Here's a brief summary of this tutorial: + +1. Set up a small corpus consisting of documents belonging to one of two topics +2. Train an LDA model to distinguish between the two topics +3. Use the model to obtain distributions for some sample words +4. Compare the distributions to each other using a variety of distance metrics: + + * Hellinger + * Kullback-Leibler + * Jaccard + +5. Discuss the concept of distance metrics in slightly more detail + + + +.. code-block:: default + + from gensim.corpora import Dictionary + + # you can use any corpus, this is just illustratory + texts = [ + ['bank','river','shore','water'], + ['river','water','flow','fast','tree'], + ['bank','water','fall','flow'], + ['bank','bank','water','rain','river'], + ['river','water','mud','tree'], + ['money','transaction','bank','finance'], + ['bank','borrow','money'], + ['bank','finance'], + ['finance','money','sell','bank'], + ['borrow','sell'], + ['bank','loan','sell'], + ] + + dictionary = Dictionary(texts) + corpus = [dictionary.doc2bow(text) for text in texts] + + import numpy + numpy.random.seed(1) # setting random seed to get the same results each time. + + from gensim.models import ldamodel + model = ldamodel.LdaModel(corpus, id2word=dictionary, num_topics=2, minimum_probability=1e-8) + model.show_topics() + + + + + + + +Let's call the 1st topic the **water** topic and the second topic the **finance** topic. + +Let's take a few sample documents and get them ready to test our distance functions. + + + +.. code-block:: default + + doc_water = ['river', 'water', 'shore'] + doc_finance = ['finance', 'money', 'sell'] + doc_bank = ['finance', 'bank', 'tree', 'water'] + + # now let's make these into a bag of words format + bow_water = model.id2word.doc2bow(doc_water) + bow_finance = model.id2word.doc2bow(doc_finance) + bow_bank = model.id2word.doc2bow(doc_bank) + + # we can now get the LDA topic distributions for these + lda_bow_water = model[bow_water] + lda_bow_finance = model[bow_finance] + lda_bow_bank = model[bow_bank] + + + + + + + +Hellinger +--------- + +We're now ready to apply our distance metrics. These metrics return a value between 0 and 1, where values closer to 0 indicate a smaller 'distance' and therefore a larger similarity. + +Let's start with the popular Hellinger distance. + +The Hellinger distance metric gives an output in the range [0,1] for two probability distributions, with values closer to 0 meaning they are more similar. + + + +.. code-block:: default + + from gensim.matutils import hellinger + print(hellinger(lda_bow_water, lda_bow_finance)) + print(hellinger(lda_bow_finance, lda_bow_bank)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.24622736579004378 + 0.0073329423962157055 + + +Makes sense, right? In the first example, Document 1 and Document 2 are hardly similar, so we get a value of roughly 0.5. + +In the second case, the documents are a lot more similar, semantically. Trained with the model, they give a much less distance value. + + +Kullback–Leibler +---------------- + +Let's run similar examples down with Kullback Leibler. + + + +.. code-block:: default + + from gensim.matutils import kullback_leibler + + print(kullback_leibler(lda_bow_water, lda_bow_bank)) + print(kullback_leibler(lda_bow_finance, lda_bow_bank)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.22783141 + 0.00021458045 + + +.. important:: + KL is not a Distance Metric in the mathematical sense, and hence is not + symmetrical. This means that ``kullback_leibler(lda_bow_finance, + lda_bow_bank)`` is not equal to ``kullback_leibler(lda_bow_bank, + lda_bow_finance)``. + +As you can see, the values are not equal. We'll get more into the details of +this later on in the notebook. + + + +.. code-block:: default + + print(kullback_leibler(lda_bow_bank, lda_bow_finance)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.00021560304 + + +In our previous examples we saw that there were lower distance values between +bank and finance than for bank and water, even if it wasn't by a huge margin. +What does this mean? + +The ``bank`` document is a combination of both water and finance related +terms - but as bank in this context is likely to belong to the finance topic, +the distance values are less between the finance and bank bows. + + + +.. code-block:: default + + + # just to confirm our suspicion that the bank bow is more to do with finance: + model.get_document_topics(bow_bank) + + + + + + + +It's evident that while it isn't too skewed, it it more towards the finance topic. + + +Distance metrics (also referred to as similarity metrics), as suggested in +the examples above, are mainly for probability distributions, but the methods +can accept a bunch of formats for input. You can do some further reading on +`Kullback Leibler `_ and `Hellinger +`_ to figure out what suits +your needs. + + +Jaccard +------- + +Let us now look at the `Jaccard Distance +`_ metric for similarity between +bags of words (i.e, documents) + + + +.. code-block:: default + + from gensim.matutils import jaccard + + print(jaccard(bow_water, bow_bank)) + print(jaccard(doc_water, doc_bank)) + print(jaccard(['word'], ['word'])) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.8571428571428572 + 0.8333333333333334 + 0.0 + + +The three examples above feature 2 different input methods. + +In the first case, we present to jaccard document vectors already in bag of +words format. The distance can be defined as 1 minus the size of the +intersection upon the size of the union of the vectors. + +We can see (on manual inspection as well), that the distance is likely to be +high - and it is. + +The last two examples illustrate the ability for jaccard to accept even lists +(i.e, documents) as inputs. + +In the last case, because they are the same vectors, the value returned is 0 +- this means the distance is 0 and the two documents are identical. + + +Distance Metrics for Topic Distributions +---------------------------------------- + +While there are already standard methods to identify similarity of documents, +our distance metrics has one more interesting use-case: topic distributions. + +Let's say we want to find out how similar our two topics are, water and finance. + + + +.. code-block:: default + + topic_water, topic_finance = model.show_topics() + + # some pre processing to get the topics in a format acceptable to our distance metrics + + def parse_topic_string(topic): + # takes the string returned by model.show_topics() + # split on strings to get topics and the probabilities + topic = topic.split('+') + # list to store topic bows + topic_bow = [] + for word in topic: + # split probability and word + prob, word = word.split('*') + # get rid of spaces and quote marks + word = word.replace(" ","").replace('"', '') + # convert to word_type + word = model.id2word.doc2bow([word])[0][0] + topic_bow.append((word, float(prob))) + return topic_bow + + finance_distribution = parse_topic_string(topic_finance[1]) + water_distribution = parse_topic_string(topic_water[1]) + + # the finance topic in bag of words format looks like this: + print(finance_distribution) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [(0, 0.142), (3, 0.116), (1, 0.09), (11, 0.084), (10, 0.081), (5, 0.064), (12, 0.055), (6, 0.055), (7, 0.053), (9, 0.05)] + + +Now that we've got our topics in a format more acceptable by our functions, +let's use a Distance metric to see how similar the word distributions in the +topics are. + + + +.. code-block:: default + + print(hellinger(water_distribution, finance_distribution)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.42898539619904935 + + +Our value of roughly 0.36 means that the topics are not TOO distant with +respect to their word distributions. + +This makes sense again, because of overlapping words like ``bank`` and a +small size dictionary. + + +Kullback-Leibler Gotchas +------------------------ + +In our previous example we didn't use Kullback Leibler to test for similarity +for a reason - KL is not a Distance 'Metric' in the technical sense (you can +see what a metric is `here +`_\ ). The nature of it, +mathematically also means we must be a little careful before using it, +because since it involves the log function, a zero can mess things up. For +example: + + + +.. code-block:: default + + + # 16 here is the number of features the probability distribution draws from + print(kullback_leibler(water_distribution, finance_distribution, 16)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + inf + + +That wasn't very helpful, right? This just means that we have to be a bit +careful about our inputs. Our old example didn't work out because they were +some missing values for some words (because ``show_topics()`` only returned +the top 10 topics). + +This can be remedied, though. + + + +.. code-block:: default + + + # return ALL the words in the dictionary for the topic-word distribution. + topic_water, topic_finance = model.show_topics(num_words=len(model.id2word)) + + # do our bag of words transformation again + finance_distribution = parse_topic_string(topic_finance[1]) + water_distribution = parse_topic_string(topic_water[1]) + + # and voila! + print(kullback_leibler(water_distribution, finance_distribution)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.087688535 + + +You may notice that the distance for this is quite less, indicating a high +similarity. This may be a bit off because of the small size of the corpus, +where all topics are likely to contain a decent overlap of word +probabilities. You will likely get a better value for a bigger corpus. + +So, just remember, if you intend to use KL as a metric to measure similarity +or distance between two distributions, avoid zeros by returning the ENTIRE +distribution. Since it's unlikely any probability distribution will ever have +absolute zeros for any feature/word, returning all the values like we did +will make you good to go. + + +What are Distance Metrics? +-------------------------- + +Having seen the practical usages of these measures (i.e, to find similarity), +let's learn a little about what exactly Distance Measures and Metrics are. + +I mentioned in the previous section that KL was not a distance metric. There +are 4 conditons for for a distance measure to be a metric: + +1. d(x,y) >= 0 +2. d(x,y) = 0 <=> x = y +3. d(x,y) = d(y,x) +4. d(x,z) <= d(x,y) + d(y,z) + +That is: it must be non-negative; if x and y are the same, distance must be +zero; it must be symmetric; and it must obey the triangle inequality law. + +Simple enough, right? + +Let's test these out for our measures. + + + +.. code-block:: default + + + # normal Hellinger + a = hellinger(water_distribution, finance_distribution) + b = hellinger(finance_distribution, water_distribution) + print(a) + print(b) + print(a == b) + + # if we pass the same values, it is zero. + print(hellinger(water_distribution, water_distribution)) + + # for triangle inequality let's use LDA document distributions + print(hellinger(lda_bow_finance, lda_bow_bank)) + + # Triangle inequality works too! + print(hellinger(lda_bow_finance, lda_bow_water) + hellinger(lda_bow_water, lda_bow_bank)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.14950162744749795 + 0.14950162744749795 + True + 0.0 + 0.0073329423962157055 + 0.4852304816311588 + + +So Hellinger is indeed a metric. Let's check out KL. + + + +.. code-block:: default + + a = kullback_leibler(finance_distribution, water_distribution) + b = kullback_leibler(water_distribution, finance_distribution) + print(a) + print(b) + print(a == b) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.09273797 + 0.087688535 + False + + +We immediately notice that when we swap the values they aren't equal! One of +the four conditions not fitting is enough for it to not be a metric. + +However, just because it is not a metric, (strictly in the mathematical +sense) does not mean that it is not useful to figure out the distance between +two probability distributions. KL Divergence is widely used for this purpose, +and is probably the most 'famous' distance measure in fields like Information +Theory. + +For a nice review of the mathematical differences between Hellinger and KL, +`this +`__ +link does a very good job. + + +Visualizing Distance Metrics +---------------------------- + +Let's plot a graph of our toy dataset using the popular `networkx +`_ library. + +Each node will be a document, where the color of the node will be its topic +according to the LDA model. Edges will connect documents to each other, where +the *weight* of the edge will be inversely proportional to the Jaccard +similarity between two documents. We will also annotate the edges to further +aid visualization: **strong** edges will connect similar documents, and +**weak (dashed)** edges will connect dissimilar documents. + +In summary, similar documents will be closer together, different documents +will be further apart. + + + +.. code-block:: default + + import itertools + import networkx as nx + + def get_most_likely_topic(doc): + bow = model.id2word.doc2bow(doc) + topics, probabilities = zip(*model.get_document_topics(bow)) + max_p = max(probabilities) + topic = topics[probabilities.index(max_p)] + return topic + + def get_node_color(i): + return 'skyblue' if get_most_likely_topic(texts[i]) == 0 else 'pink' + + G = nx.Graph() + for i, _ in enumerate(texts): + G.add_node(i) + + for (i1, i2) in itertools.combinations(range(len(texts)), 2): + bow1, bow2 = texts[i1], texts[i2] + distance = jaccard(bow1, bow2) + G.add_edge(i1, i2, weight=1/distance) + + # + # https://networkx.github.io/documentation/networkx-1.9/examples/drawing/weighted_graph.html + # + pos = nx.spring_layout(G) + + threshold = 1.25 + elarge=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] > threshold] + esmall=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] <= threshold] + + node_colors = [get_node_color(i) for (i, _) in enumerate(texts)] + nx.draw_networkx_nodes(G, pos, node_size=700, node_color=node_colors) + nx.draw_networkx_edges(G,pos,edgelist=elarge, width=2) + nx.draw_networkx_edges(G,pos,edgelist=esmall, width=2, alpha=0.2, edge_color='b', style='dashed') + nx.draw_networkx_labels(G, pos, font_size=20, font_family='sans-serif') + + + + +.. image:: /auto_examples/tutorials/images/sphx_glr_run_distance_metrics_001.png + :class: sphx-glr-single-img + + + + +We can make several observations from this graph. + +First, the graph consists of two connected components (if you ignore the weak edges). +Nodes 0, 1, 2, 3, 4 (which all belong to the water topic) form the first connected component. +The other nodes, which all belong to the finance topic, form the second connected component. + +Second, the LDA model didn't do a very good job of classifying our documents into topics. +There were many misclassifications, as you can confirm in the summary below: + + + +.. code-block:: default + + print('id\ttopic\tdoc') + for i, t in enumerate(texts): + print('%d\t%d\t%s' % (i, get_most_likely_topic(t), ' '.join(t))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + id topic doc + 0 0 bank river shore water + 1 0 river water flow fast tree + 2 1 bank water fall flow + 3 0 bank bank water rain river + 4 1 river water mud tree + 5 1 money transaction bank finance + 6 0 bank borrow money + 7 0 bank finance + 8 0 finance money sell bank + 9 0 borrow sell + 10 0 bank loan sell + + +This is mostly because the corpus used to train the LDA model is so small. +Using a larger corpus should give you much better results, but that is beyond +the scope of this tutorial. + +Conclusion +---------- + +That brings us to the end of this small tutorial. +To recap, here's what we covered: + +1. Set up a small corpus consisting of documents belonging to one of two topics +2. Train an LDA model to distinguish between the two topics +3. Use the model to obtain distributions for some sample words +4. Compare the distributions to each other using a variety of distance metrics: Hellinger, Kullback-Leibler, Jaccard +5. Discuss the concept of distance metrics in slightly more detail + +The scope for adding new similarity metrics is large, as there exist an even +larger suite of metrics and methods to add to the matutils.py file. +For more details, see `Similarity Measures for Text Document Clustering +`_ +by A. Huang. + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 10.733 seconds) + +**Estimated memory usage:** 9 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_distance_metrics.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_distance_metrics.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_distance_metrics.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_doc2vec_lee.ipynb b/docs/src/auto_examples/tutorials/run_doc2vec_lee.ipynb new file mode 100644 index 0000000000..66d2eafa85 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_doc2vec_lee.ipynb @@ -0,0 +1,316 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nDoc2Vec Model\n=============\n\nIntroduces Gensim's Doc2Vec model and demonstrates its use on the Lee Corpus.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Doc2Vec is a `core_concepts_model` that represents each\n`core_concepts_document` as a `core_concepts_vector`. This\ntutorial introduces the model and demonstrates how to train and assess it.\n\nHere's a list of what we'll be doing:\n\n0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec\n1. Load and preprocess the training and test corpora (see `core_concepts_corpus`)\n2. Train a Doc2Vec `core_concepts_model` model using the training corpus\n3. Demonstrate how the trained model can be used to infer a `core_concepts_vector`\n4. Assess the model\n5. Test the model on the test corpus\n\nReview: Bag-of-words\n--------------------\n\n.. Note:: Feel free to skip these review sections if you're already familiar with the models.\n\nYou may be familiar with the `bag-of-words model\n`_ from the\n`core_concepts_vector` section.\nThis model transforms each document to a fixed-length vector of integers.\nFor example, given the sentences:\n\n- ``John likes to watch movies. Mary likes movies too.``\n- ``John also likes to watch football games. Mary hates football.``\n\nThe model outputs the vectors:\n\n- ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]``\n- ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]``\n\nEach vector has 10 elements, where each element counts the number of times a\nparticular word occurred in the document.\nThe order of elements is arbitrary.\nIn the example above, the order of the elements corresponds to the words:\n``[\"John\", \"likes\", \"to\", \"watch\", \"movies\", \"Mary\", \"too\", \"also\", \"football\", \"games\", \"hates\"]``.\n\nBag-of-words models are surprisingly effective, but have several weaknesses.\n\nFirst, they lose all information about word order: \"John likes Mary\" and\n\"Mary likes John\" correspond to identical vectors. There is a solution: bag\nof `n-grams `__\nmodels consider word phrases of length n to represent documents as\nfixed-length vectors to capture local word order but suffer from data\nsparsity and high dimensionality.\n\nSecond, the model does not attempt to learn the meaning of the underlying\nwords, and as a consequence, the distance between vectors doesn't always\nreflect the difference in meaning. The ``Word2Vec`` model addresses this\nsecond problem.\n\nReview: ``Word2Vec`` Model\n--------------------------\n\n``Word2Vec`` is a more recent model that embeds words in a lower-dimensional\nvector space using a shallow neural network. The result is a set of\nword-vectors where vectors close together in vector space have similar\nmeanings based on context, and word-vectors distant to each other have\ndiffering meanings. For example, ``strong`` and ``powerful`` would be close\ntogether and ``strong`` and ``Paris`` would be relatively far.\n\nGensim's :py:class:`~gensim.models.word2vec.Word2Vec` class implements this model.\n\nWith the ``Word2Vec`` model, we can calculate the vectors for each **word** in a document.\nBut what if we want to calculate a vector for the **entire document**\\ ?\nWe could average the vectors for each word in the document - while this is quick and crude, it can often be useful.\nHowever, there is a better way...\n\nIntroducing: Paragraph Vector\n-----------------------------\n\n.. Important:: In Gensim, we refer to the Paragraph Vector model as ``Doc2Vec``.\n\nLe and Mikolov in 2014 introduced the `Doc2Vec algorithm `__, which usually outperforms such simple-averaging of ``Word2Vec`` vectors.\n\nThe basic idea is: act as if a document has another floating word-like\nvector, which contributes to all training predictions, and is updated like\nother word-vectors, but we will call it a doc-vector. Gensim's\n:py:class:`~gensim.models.doc2vec.Doc2Vec` class implements this algorithm.\n\nThere are two implementations:\n\n1. Paragraph Vector - Distributed Memory (PV-DM)\n2. Paragraph Vector - Distributed Bag of Words (PV-DBOW)\n\n.. Important::\n Don't let the implementation details below scare you.\n They're advanced material: if it's too much, then move on to the next section.\n\nPV-DM is analogous to Word2Vec CBOW. The doc-vectors are obtained by training\na neural network on the synthetic task of predicting a center word based an\naverage of both context word-vectors and the full document's doc-vector.\n\nPV-DBOW is analogous to Word2Vec SG. The doc-vectors are obtained by training\na neural network on the synthetic task of predicting a target word just from\nthe full document's doc-vector. (It is also common to combine this with\nskip-gram testing, using both the doc-vector and nearby word-vectors to\npredict a single target word, but only one at a time.)\n\nPrepare the Training and Test Data\n----------------------------------\n\nFor this tutorial, we'll be training our model using the `Lee Background\nCorpus\n`_\nincluded in gensim. This corpus contains 314 documents selected from the\nAustralian Broadcasting Corporation\u2019s news mail service, which provides text\ne-mails of headline stories and covers a number of broad topics.\n\nAnd we'll test our model by eye using the much shorter `Lee Corpus\n`_\nwhich contains 50 documents.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import os\nimport gensim\n# Set file names for train and test data\ntest_data_dir = os.path.join(gensim.__path__[0], 'test', 'test_data')\nlee_train_file = os.path.join(test_data_dir, 'lee_background.cor')\nlee_test_file = os.path.join(test_data_dir, 'lee.cor')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Define a Function to Read and Preprocess Text\n---------------------------------------------\n\nBelow, we define a function to:\n\n- open the train/test file (with latin encoding)\n- read the file line-by-line\n- pre-process each line (tokenize text into individual words, remove punctuation, set to lowercase, etc)\n\nThe file we're reading is a **corpus**.\nEach line of the file is a **document**.\n\n.. Important::\n To train the model, we'll need to associate a tag/number with each document\n of the training corpus. In our case, the tag is simply the zero-based line\n number.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import smart_open\n\ndef read_corpus(fname, tokens_only=False):\n with smart_open.open(fname, encoding=\"iso-8859-1\") as f:\n for i, line in enumerate(f):\n tokens = gensim.utils.simple_preprocess(line)\n if tokens_only:\n yield tokens\n else:\n # For training data, add tags\n yield gensim.models.doc2vec.TaggedDocument(tokens, [i])\n\ntrain_corpus = list(read_corpus(lee_train_file))\ntest_corpus = list(read_corpus(lee_test_file, tokens_only=True))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's take a look at the training corpus\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(train_corpus[:2])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "And the testing corpus looks like this:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(test_corpus[:2])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Notice that the testing corpus is just a list of lists and does not contain\nany tags.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Training the Model\n------------------\n\nNow, we'll instantiate a Doc2Vec model with a vector size with 50 dimensions and\niterating over the training corpus 40 times. We set the minimum word count to\n2 in order to discard words with very few occurrences. (Without a variety of\nrepresentative examples, retaining such infrequent words can often make a\nmodel worse!) Typical iteration counts in the published `Paragraph Vector paper `__\nresults, using 10s-of-thousands to millions of docs, are 10-20. More\niterations take more time and eventually reach a point of diminishing\nreturns.\n\nHowever, this is a very very small dataset (300 documents) with shortish\ndocuments (a few hundred words). Adding training passes can sometimes help\nwith such small datasets.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model = gensim.models.doc2vec.Doc2Vec(vector_size=50, min_count=2, epochs=40)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Build a vocabulary\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model.build_vocab(train_corpus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Essentially, the vocabulary is a dictionary (accessible via\n``model.wv.vocab``\\ ) of all of the unique words extracted from the training\ncorpus along with the count (e.g., ``model.wv.vocab['penalty'].count`` for\ncounts for the word ``penalty``\\ ).\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Next, train the model on the corpus.\nIf the BLAS library is being used, this should take no more than 3 seconds.\nIf the BLAS library is not being used, this should take no more than 2\nminutes, so use BLAS if you value your time.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model.train(train_corpus, total_examples=model.corpus_count, epochs=model.epochs)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, we can use the trained model to infer a vector for any piece of text\nby passing a list of words to the ``model.infer_vector`` function. This\nvector can then be compared with other vectors via cosine similarity.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "vector = model.infer_vector(['only', 'you', 'can', 'prevent', 'forest', 'fires'])\nprint(vector)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note that ``infer_vector()`` does *not* take a string, but rather a list of\nstring tokens, which should have already been tokenized the same way as the\n``words`` property of original training document objects.\n\nAlso note that because the underlying training/inference algorithms are an\niterative approximation problem that makes use of internal randomization,\nrepeated inferences of the same text will return slightly different vectors.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Assessing the Model\n-------------------\n\nTo assess our new model, we'll first infer new vectors for each document of\nthe training corpus, compare the inferred vectors with the training corpus,\nand then returning the rank of the document based on self-similarity.\nBasically, we're pretending as if the training corpus is some new unseen data\nand then seeing how they compare with the trained model. The expectation is\nthat we've likely overfit our model (i.e., all of the ranks will be less than\n2) and so we should be able to find similar documents very easily.\nAdditionally, we'll keep track of the second ranks for a comparison of less\nsimilar documents.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "ranks = []\nsecond_ranks = []\nfor doc_id in range(len(train_corpus)):\n inferred_vector = model.infer_vector(train_corpus[doc_id].words)\n sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs))\n rank = [docid for docid, sim in sims].index(doc_id)\n ranks.append(rank)\n\n second_ranks.append(sims[1])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's count how each document ranks with respect to the training corpus\n\nNB. Results vary between runs due to random seeding and very small corpus\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import collections\n\ncounter = collections.Counter(ranks)\nprint(counter)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Basically, greater than 95% of the inferred documents are found to be most\nsimilar to itself and about 5% of the time it is mistakenly most similar to\nanother document. Checking the inferred-vector against a\ntraining-vector is a sort of 'sanity check' as to whether the model is\nbehaving in a usefully consistent manner, though not a real 'accuracy' value.\n\nThis is great and not entirely surprising. We can take a look at an example:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print('Document ({}): \u00ab{}\u00bb\\n'.format(doc_id, ' '.join(train_corpus[doc_id].words)))\nprint(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\\n' % model)\nfor label, index in [('MOST', 0), ('SECOND-MOST', 1), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]:\n print(u'%s %s: \u00ab%s\u00bb\\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Notice above that the most similar document (usually the same text) is has a\nsimilarity score approaching 1.0. However, the similarity score for the\nsecond-ranked documents should be significantly lower (assuming the documents\nare in fact different) and the reasoning becomes obvious when we examine the\ntext itself.\n\nWe can run the next cell repeatedly to see a sampling other target-document\ncomparisons.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Pick a random document from the corpus and infer a vector from the model\nimport random\ndoc_id = random.randint(0, len(train_corpus) - 1)\n\n# Compare and print the second-most-similar document\nprint('Train Document ({}): \u00ab{}\u00bb\\n'.format(doc_id, ' '.join(train_corpus[doc_id].words)))\nsim_id = second_ranks[doc_id]\nprint('Similar Document {}: \u00ab{}\u00bb\\n'.format(sim_id, ' '.join(train_corpus[sim_id[0]].words)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Testing the Model\n-----------------\n\nUsing the same approach above, we'll infer the vector for a randomly chosen\ntest document, and compare the document to our model by eye.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Pick a random document from the test corpus and infer a vector from the model\ndoc_id = random.randint(0, len(test_corpus) - 1)\ninferred_vector = model.infer_vector(test_corpus[doc_id])\nsims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs))\n\n# Compare and print the most/median/least similar documents from the train corpus\nprint('Test Document ({}): \u00ab{}\u00bb\\n'.format(doc_id, ' '.join(test_corpus[doc_id])))\nprint(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\\n' % model)\nfor label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]:\n print(u'%s %s: \u00ab%s\u00bb\\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Conclusion\n----------\n\nLet's review what we've seen in this tutorial:\n\n0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec\n1. Load and preprocess the training and test corpora (see `core_concepts_corpus`)\n2. Train a Doc2Vec `core_concepts_model` model using the training corpus\n3. Demonstrate how the trained model can be used to infer a `core_concepts_vector`\n4. Assess the model\n5. Test the model on the test corpus\n\nThat's it! Doc2Vec is a great way to explore relationships between documents.\n\nAdditional Resources\n--------------------\n\nIf you'd like to know more about the subject matter of this tutorial, check out the links below.\n\n* `Word2Vec Paper `_\n* `Doc2Vec Paper `_\n* `Dr. Michael D. Lee's Website `_\n* `Lee Corpus `__\n* `IMDB Doc2Vec Tutorial `_\n\n\n" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_doc2vec_lee.py b/docs/src/auto_examples/tutorials/run_doc2vec_lee.py new file mode 100644 index 0000000000..84f8df4f96 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_doc2vec_lee.py @@ -0,0 +1,350 @@ +r""" +Doc2Vec Model +============= + +Introduces Gensim's Doc2Vec model and demonstrates its use on the Lee Corpus. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# Doc2Vec is a :ref:`core_concepts_model` that represents each +# :ref:`core_concepts_document` as a :ref:`core_concepts_vector`. This +# tutorial introduces the model and demonstrates how to train and assess it. +# +# Here's a list of what we'll be doing: +# +# 0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec +# 1. Load and preprocess the training and test corpora (see :ref:`core_concepts_corpus`) +# 2. Train a Doc2Vec :ref:`core_concepts_model` model using the training corpus +# 3. Demonstrate how the trained model can be used to infer a :ref:`core_concepts_vector` +# 4. Assess the model +# 5. Test the model on the test corpus +# +# Review: Bag-of-words +# -------------------- +# +# .. Note:: Feel free to skip these review sections if you're already familiar with the models. +# +# You may be familiar with the `bag-of-words model +# `_ from the +# :ref:`core_concepts_vector` section. +# This model transforms each document to a fixed-length vector of integers. +# For example, given the sentences: +# +# - ``John likes to watch movies. Mary likes movies too.`` +# - ``John also likes to watch football games. Mary hates football.`` +# +# The model outputs the vectors: +# +# - ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]`` +# - ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]`` +# +# Each vector has 10 elements, where each element counts the number of times a +# particular word occurred in the document. +# The order of elements is arbitrary. +# In the example above, the order of the elements corresponds to the words: +# ``["John", "likes", "to", "watch", "movies", "Mary", "too", "also", "football", "games", "hates"]``. +# +# Bag-of-words models are surprisingly effective, but have several weaknesses. +# +# First, they lose all information about word order: "John likes Mary" and +# "Mary likes John" correspond to identical vectors. There is a solution: bag +# of `n-grams `__ +# models consider word phrases of length n to represent documents as +# fixed-length vectors to capture local word order but suffer from data +# sparsity and high dimensionality. +# +# Second, the model does not attempt to learn the meaning of the underlying +# words, and as a consequence, the distance between vectors doesn't always +# reflect the difference in meaning. The ``Word2Vec`` model addresses this +# second problem. +# +# Review: ``Word2Vec`` Model +# -------------------------- +# +# ``Word2Vec`` is a more recent model that embeds words in a lower-dimensional +# vector space using a shallow neural network. The result is a set of +# word-vectors where vectors close together in vector space have similar +# meanings based on context, and word-vectors distant to each other have +# differing meanings. For example, ``strong`` and ``powerful`` would be close +# together and ``strong`` and ``Paris`` would be relatively far. +# +# Gensim's :py:class:`~gensim.models.word2vec.Word2Vec` class implements this model. +# +# With the ``Word2Vec`` model, we can calculate the vectors for each **word** in a document. +# But what if we want to calculate a vector for the **entire document**\ ? +# We could average the vectors for each word in the document - while this is quick and crude, it can often be useful. +# However, there is a better way... +# +# Introducing: Paragraph Vector +# ----------------------------- +# +# .. Important:: In Gensim, we refer to the Paragraph Vector model as ``Doc2Vec``. +# +# Le and Mikolov in 2014 introduced the `Doc2Vec algorithm `__, which usually outperforms such simple-averaging of ``Word2Vec`` vectors. +# +# The basic idea is: act as if a document has another floating word-like +# vector, which contributes to all training predictions, and is updated like +# other word-vectors, but we will call it a doc-vector. Gensim's +# :py:class:`~gensim.models.doc2vec.Doc2Vec` class implements this algorithm. +# +# There are two implementations: +# +# 1. Paragraph Vector - Distributed Memory (PV-DM) +# 2. Paragraph Vector - Distributed Bag of Words (PV-DBOW) +# +# .. Important:: +# Don't let the implementation details below scare you. +# They're advanced material: if it's too much, then move on to the next section. +# +# PV-DM is analogous to Word2Vec CBOW. The doc-vectors are obtained by training +# a neural network on the synthetic task of predicting a center word based an +# average of both context word-vectors and the full document's doc-vector. +# +# PV-DBOW is analogous to Word2Vec SG. The doc-vectors are obtained by training +# a neural network on the synthetic task of predicting a target word just from +# the full document's doc-vector. (It is also common to combine this with +# skip-gram testing, using both the doc-vector and nearby word-vectors to +# predict a single target word, but only one at a time.) +# +# Prepare the Training and Test Data +# ---------------------------------- +# +# For this tutorial, we'll be training our model using the `Lee Background +# Corpus +# `_ +# included in gensim. This corpus contains 314 documents selected from the +# Australian Broadcasting Corporation’s news mail service, which provides text +# e-mails of headline stories and covers a number of broad topics. +# +# And we'll test our model by eye using the much shorter `Lee Corpus +# `_ +# which contains 50 documents. +# + +import os +import gensim +# Set file names for train and test data +test_data_dir = os.path.join(gensim.__path__[0], 'test', 'test_data') +lee_train_file = os.path.join(test_data_dir, 'lee_background.cor') +lee_test_file = os.path.join(test_data_dir, 'lee.cor') + +############################################################################### +# Define a Function to Read and Preprocess Text +# --------------------------------------------- +# +# Below, we define a function to: +# +# - open the train/test file (with latin encoding) +# - read the file line-by-line +# - pre-process each line (tokenize text into individual words, remove punctuation, set to lowercase, etc) +# +# The file we're reading is a **corpus**. +# Each line of the file is a **document**. +# +# .. Important:: +# To train the model, we'll need to associate a tag/number with each document +# of the training corpus. In our case, the tag is simply the zero-based line +# number. +# +import smart_open + +def read_corpus(fname, tokens_only=False): + with smart_open.open(fname, encoding="iso-8859-1") as f: + for i, line in enumerate(f): + tokens = gensim.utils.simple_preprocess(line) + if tokens_only: + yield tokens + else: + # For training data, add tags + yield gensim.models.doc2vec.TaggedDocument(tokens, [i]) + +train_corpus = list(read_corpus(lee_train_file)) +test_corpus = list(read_corpus(lee_test_file, tokens_only=True)) + +############################################################################### +# Let's take a look at the training corpus +# +print(train_corpus[:2]) + +############################################################################### +# And the testing corpus looks like this: +# +print(test_corpus[:2]) + +############################################################################### +# Notice that the testing corpus is just a list of lists and does not contain +# any tags. +# + +############################################################################### +# Training the Model +# ------------------ +# +# Now, we'll instantiate a Doc2Vec model with a vector size with 50 dimensions and +# iterating over the training corpus 40 times. We set the minimum word count to +# 2 in order to discard words with very few occurrences. (Without a variety of +# representative examples, retaining such infrequent words can often make a +# model worse!) Typical iteration counts in the published `Paragraph Vector paper `__ +# results, using 10s-of-thousands to millions of docs, are 10-20. More +# iterations take more time and eventually reach a point of diminishing +# returns. +# +# However, this is a very very small dataset (300 documents) with shortish +# documents (a few hundred words). Adding training passes can sometimes help +# with such small datasets. +# +model = gensim.models.doc2vec.Doc2Vec(vector_size=50, min_count=2, epochs=40) + +############################################################################### +# Build a vocabulary +model.build_vocab(train_corpus) + +############################################################################### +# Essentially, the vocabulary is a dictionary (accessible via +# ``model.wv.vocab``\ ) of all of the unique words extracted from the training +# corpus along with the count (e.g., ``model.wv.vocab['penalty'].count`` for +# counts for the word ``penalty``\ ). +# + +############################################################################### +# Next, train the model on the corpus. +# If the BLAS library is being used, this should take no more than 3 seconds. +# If the BLAS library is not being used, this should take no more than 2 +# minutes, so use BLAS if you value your time. +# +model.train(train_corpus, total_examples=model.corpus_count, epochs=model.epochs) + +############################################################################### +# Now, we can use the trained model to infer a vector for any piece of text +# by passing a list of words to the ``model.infer_vector`` function. This +# vector can then be compared with other vectors via cosine similarity. +# +vector = model.infer_vector(['only', 'you', 'can', 'prevent', 'forest', 'fires']) +print(vector) + +############################################################################### +# Note that ``infer_vector()`` does *not* take a string, but rather a list of +# string tokens, which should have already been tokenized the same way as the +# ``words`` property of original training document objects. +# +# Also note that because the underlying training/inference algorithms are an +# iterative approximation problem that makes use of internal randomization, +# repeated inferences of the same text will return slightly different vectors. +# + +############################################################################### +# Assessing the Model +# ------------------- +# +# To assess our new model, we'll first infer new vectors for each document of +# the training corpus, compare the inferred vectors with the training corpus, +# and then returning the rank of the document based on self-similarity. +# Basically, we're pretending as if the training corpus is some new unseen data +# and then seeing how they compare with the trained model. The expectation is +# that we've likely overfit our model (i.e., all of the ranks will be less than +# 2) and so we should be able to find similar documents very easily. +# Additionally, we'll keep track of the second ranks for a comparison of less +# similar documents. +# +ranks = [] +second_ranks = [] +for doc_id in range(len(train_corpus)): + inferred_vector = model.infer_vector(train_corpus[doc_id].words) + sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs)) + rank = [docid for docid, sim in sims].index(doc_id) + ranks.append(rank) + + second_ranks.append(sims[1]) + +############################################################################### +# Let's count how each document ranks with respect to the training corpus +# +# NB. Results vary between runs due to random seeding and very small corpus +import collections + +counter = collections.Counter(ranks) +print(counter) + +############################################################################### +# Basically, greater than 95% of the inferred documents are found to be most +# similar to itself and about 5% of the time it is mistakenly most similar to +# another document. Checking the inferred-vector against a +# training-vector is a sort of 'sanity check' as to whether the model is +# behaving in a usefully consistent manner, though not a real 'accuracy' value. +# +# This is great and not entirely surprising. We can take a look at an example: +# +print('Document ({}): «{}»\n'.format(doc_id, ' '.join(train_corpus[doc_id].words))) +print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) +for label, index in [('MOST', 0), ('SECOND-MOST', 1), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + print(u'%s %s: «%s»\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words))) + +############################################################################### +# Notice above that the most similar document (usually the same text) is has a +# similarity score approaching 1.0. However, the similarity score for the +# second-ranked documents should be significantly lower (assuming the documents +# are in fact different) and the reasoning becomes obvious when we examine the +# text itself. +# +# We can run the next cell repeatedly to see a sampling other target-document +# comparisons. +# + +# Pick a random document from the corpus and infer a vector from the model +import random +doc_id = random.randint(0, len(train_corpus) - 1) + +# Compare and print the second-most-similar document +print('Train Document ({}): «{}»\n'.format(doc_id, ' '.join(train_corpus[doc_id].words))) +sim_id = second_ranks[doc_id] +print('Similar Document {}: «{}»\n'.format(sim_id, ' '.join(train_corpus[sim_id[0]].words))) + +############################################################################### +# Testing the Model +# ----------------- +# +# Using the same approach above, we'll infer the vector for a randomly chosen +# test document, and compare the document to our model by eye. +# + +# Pick a random document from the test corpus and infer a vector from the model +doc_id = random.randint(0, len(test_corpus) - 1) +inferred_vector = model.infer_vector(test_corpus[doc_id]) +sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs)) + +# Compare and print the most/median/least similar documents from the train corpus +print('Test Document ({}): «{}»\n'.format(doc_id, ' '.join(test_corpus[doc_id]))) +print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) +for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + print(u'%s %s: «%s»\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words))) + +############################################################################### +# Conclusion +# ---------- +# +# Let's review what we've seen in this tutorial: +# +# 0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec +# 1. Load and preprocess the training and test corpora (see :ref:`core_concepts_corpus`) +# 2. Train a Doc2Vec :ref:`core_concepts_model` model using the training corpus +# 3. Demonstrate how the trained model can be used to infer a :ref:`core_concepts_vector` +# 4. Assess the model +# 5. Test the model on the test corpus +# +# That's it! Doc2Vec is a great way to explore relationships between documents. +# +# Additional Resources +# -------------------- +# +# If you'd like to know more about the subject matter of this tutorial, check out the links below. +# +# * `Word2Vec Paper `_ +# * `Doc2Vec Paper `_ +# * `Dr. Michael D. Lee's Website `_ +# * `Lee Corpus `__ +# * `IMDB Doc2Vec Tutorial `_ +# diff --git a/docs/src/auto_examples/tutorials/run_doc2vec_lee.py.md5 b/docs/src/auto_examples/tutorials/run_doc2vec_lee.py.md5 new file mode 100644 index 0000000000..8d1b8b2064 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_doc2vec_lee.py.md5 @@ -0,0 +1 @@ +909d51ab0112aac7b30f4bdc4c64c8fe \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_doc2vec_lee.rst b/docs/src/auto_examples/tutorials/run_doc2vec_lee.rst new file mode 100644 index 0000000000..93b83e7284 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_doc2vec_lee.rst @@ -0,0 +1,602 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_doc2vec_lee.py: + + +Doc2Vec Model +============= + +Introduces Gensim's Doc2Vec model and demonstrates its use on the Lee Corpus. + + + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +Doc2Vec is a :ref:`core_concepts_model` that represents each +:ref:`core_concepts_document` as a :ref:`core_concepts_vector`. This +tutorial introduces the model and demonstrates how to train and assess it. + +Here's a list of what we'll be doing: + +0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec +1. Load and preprocess the training and test corpora (see :ref:`core_concepts_corpus`) +2. Train a Doc2Vec :ref:`core_concepts_model` model using the training corpus +3. Demonstrate how the trained model can be used to infer a :ref:`core_concepts_vector` +4. Assess the model +5. Test the model on the test corpus + +Review: Bag-of-words +-------------------- + +.. Note:: Feel free to skip these review sections if you're already familiar with the models. + +You may be familiar with the `bag-of-words model +`_ from the +:ref:`core_concepts_vector` section. +This model transforms each document to a fixed-length vector of integers. +For example, given the sentences: + +- ``John likes to watch movies. Mary likes movies too.`` +- ``John also likes to watch football games. Mary hates football.`` + +The model outputs the vectors: + +- ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]`` +- ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]`` + +Each vector has 10 elements, where each element counts the number of times a +particular word occurred in the document. +The order of elements is arbitrary. +In the example above, the order of the elements corresponds to the words: +``["John", "likes", "to", "watch", "movies", "Mary", "too", "also", "football", "games", "hates"]``. + +Bag-of-words models are surprisingly effective, but have several weaknesses. + +First, they lose all information about word order: "John likes Mary" and +"Mary likes John" correspond to identical vectors. There is a solution: bag +of `n-grams `__ +models consider word phrases of length n to represent documents as +fixed-length vectors to capture local word order but suffer from data +sparsity and high dimensionality. + +Second, the model does not attempt to learn the meaning of the underlying +words, and as a consequence, the distance between vectors doesn't always +reflect the difference in meaning. The ``Word2Vec`` model addresses this +second problem. + +Review: ``Word2Vec`` Model +-------------------------- + +``Word2Vec`` is a more recent model that embeds words in a lower-dimensional +vector space using a shallow neural network. The result is a set of +word-vectors where vectors close together in vector space have similar +meanings based on context, and word-vectors distant to each other have +differing meanings. For example, ``strong`` and ``powerful`` would be close +together and ``strong`` and ``Paris`` would be relatively far. + +Gensim's :py:class:`~gensim.models.word2vec.Word2Vec` class implements this model. + +With the ``Word2Vec`` model, we can calculate the vectors for each **word** in a document. +But what if we want to calculate a vector for the **entire document**\ ? +We could average the vectors for each word in the document - while this is quick and crude, it can often be useful. +However, there is a better way... + +Introducing: Paragraph Vector +----------------------------- + +.. Important:: In Gensim, we refer to the Paragraph Vector model as ``Doc2Vec``. + +Le and Mikolov in 2014 introduced the `Doc2Vec algorithm `__, which usually outperforms such simple-averaging of ``Word2Vec`` vectors. + +The basic idea is: act as if a document has another floating word-like +vector, which contributes to all training predictions, and is updated like +other word-vectors, but we will call it a doc-vector. Gensim's +:py:class:`~gensim.models.doc2vec.Doc2Vec` class implements this algorithm. + +There are two implementations: + +1. Paragraph Vector - Distributed Memory (PV-DM) +2. Paragraph Vector - Distributed Bag of Words (PV-DBOW) + +.. Important:: + Don't let the implementation details below scare you. + They're advanced material: if it's too much, then move on to the next section. + +PV-DM is analogous to Word2Vec CBOW. The doc-vectors are obtained by training +a neural network on the synthetic task of predicting a center word based an +average of both context word-vectors and the full document's doc-vector. + +PV-DBOW is analogous to Word2Vec SG. The doc-vectors are obtained by training +a neural network on the synthetic task of predicting a target word just from +the full document's doc-vector. (It is also common to combine this with +skip-gram testing, using both the doc-vector and nearby word-vectors to +predict a single target word, but only one at a time.) + +Prepare the Training and Test Data +---------------------------------- + +For this tutorial, we'll be training our model using the `Lee Background +Corpus +`_ +included in gensim. This corpus contains 314 documents selected from the +Australian Broadcasting Corporation’s news mail service, which provides text +e-mails of headline stories and covers a number of broad topics. + +And we'll test our model by eye using the much shorter `Lee Corpus +`_ +which contains 50 documents. + + + +.. code-block:: default + + + import os + import gensim + # Set file names for train and test data + test_data_dir = os.path.join(gensim.__path__[0], 'test', 'test_data') + lee_train_file = os.path.join(test_data_dir, 'lee_background.cor') + lee_test_file = os.path.join(test_data_dir, 'lee.cor') + + + + + + + +Define a Function to Read and Preprocess Text +--------------------------------------------- + +Below, we define a function to: + +- open the train/test file (with latin encoding) +- read the file line-by-line +- pre-process each line (tokenize text into individual words, remove punctuation, set to lowercase, etc) + +The file we're reading is a **corpus**. +Each line of the file is a **document**. + +.. Important:: + To train the model, we'll need to associate a tag/number with each document + of the training corpus. In our case, the tag is simply the zero-based line + number. + + + +.. code-block:: default + + import smart_open + + def read_corpus(fname, tokens_only=False): + with smart_open.open(fname, encoding="iso-8859-1") as f: + for i, line in enumerate(f): + tokens = gensim.utils.simple_preprocess(line) + if tokens_only: + yield tokens + else: + # For training data, add tags + yield gensim.models.doc2vec.TaggedDocument(tokens, [i]) + + train_corpus = list(read_corpus(lee_train_file)) + test_corpus = list(read_corpus(lee_test_file, tokens_only=True)) + + + + + + + +Let's take a look at the training corpus + + + +.. code-block:: default + + print(train_corpus[:2]) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [TaggedDocument(words=['hundreds', 'of', 'people', 'have', 'been', 'forced', 'to', 'vacate', 'their', 'homes', 'in', 'the', 'southern', 'highlands', 'of', 'new', 'south', 'wales', 'as', 'strong', 'winds', 'today', 'pushed', 'huge', 'bushfire', 'towards', 'the', 'town', 'of', 'hill', 'top', 'new', 'blaze', 'near', 'goulburn', 'south', 'west', 'of', 'sydney', 'has', 'forced', 'the', 'closure', 'of', 'the', 'hume', 'highway', 'at', 'about', 'pm', 'aedt', 'marked', 'deterioration', 'in', 'the', 'weather', 'as', 'storm', 'cell', 'moved', 'east', 'across', 'the', 'blue', 'mountains', 'forced', 'authorities', 'to', 'make', 'decision', 'to', 'evacuate', 'people', 'from', 'homes', 'in', 'outlying', 'streets', 'at', 'hill', 'top', 'in', 'the', 'new', 'south', 'wales', 'southern', 'highlands', 'an', 'estimated', 'residents', 'have', 'left', 'their', 'homes', 'for', 'nearby', 'mittagong', 'the', 'new', 'south', 'wales', 'rural', 'fire', 'service', 'says', 'the', 'weather', 'conditions', 'which', 'caused', 'the', 'fire', 'to', 'burn', 'in', 'finger', 'formation', 'have', 'now', 'eased', 'and', 'about', 'fire', 'units', 'in', 'and', 'around', 'hill', 'top', 'are', 'optimistic', 'of', 'defending', 'all', 'properties', 'as', 'more', 'than', 'blazes', 'burn', 'on', 'new', 'year', 'eve', 'in', 'new', 'south', 'wales', 'fire', 'crews', 'have', 'been', 'called', 'to', 'new', 'fire', 'at', 'gunning', 'south', 'of', 'goulburn', 'while', 'few', 'details', 'are', 'available', 'at', 'this', 'stage', 'fire', 'authorities', 'says', 'it', 'has', 'closed', 'the', 'hume', 'highway', 'in', 'both', 'directions', 'meanwhile', 'new', 'fire', 'in', 'sydney', 'west', 'is', 'no', 'longer', 'threatening', 'properties', 'in', 'the', 'cranebrook', 'area', 'rain', 'has', 'fallen', 'in', 'some', 'parts', 'of', 'the', 'illawarra', 'sydney', 'the', 'hunter', 'valley', 'and', 'the', 'north', 'coast', 'but', 'the', 'bureau', 'of', 'meteorology', 'claire', 'richards', 'says', 'the', 'rain', 'has', 'done', 'little', 'to', 'ease', 'any', 'of', 'the', 'hundred', 'fires', 'still', 'burning', 'across', 'the', 'state', 'the', 'falls', 'have', 'been', 'quite', 'isolated', 'in', 'those', 'areas', 'and', 'generally', 'the', 'falls', 'have', 'been', 'less', 'than', 'about', 'five', 'millimetres', 'she', 'said', 'in', 'some', 'places', 'really', 'not', 'significant', 'at', 'all', 'less', 'than', 'millimetre', 'so', 'there', 'hasn', 'been', 'much', 'relief', 'as', 'far', 'as', 'rain', 'is', 'concerned', 'in', 'fact', 'they', 've', 'probably', 'hampered', 'the', 'efforts', 'of', 'the', 'firefighters', 'more', 'because', 'of', 'the', 'wind', 'gusts', 'that', 'are', 'associated', 'with', 'those', 'thunderstorms'], tags=[0]), TaggedDocument(words=['indian', 'security', 'forces', 'have', 'shot', 'dead', 'eight', 'suspected', 'militants', 'in', 'night', 'long', 'encounter', 'in', 'southern', 'kashmir', 'the', 'shootout', 'took', 'place', 'at', 'dora', 'village', 'some', 'kilometers', 'south', 'of', 'the', 'kashmiri', 'summer', 'capital', 'srinagar', 'the', 'deaths', 'came', 'as', 'pakistani', 'police', 'arrested', 'more', 'than', 'two', 'dozen', 'militants', 'from', 'extremist', 'groups', 'accused', 'of', 'staging', 'an', 'attack', 'on', 'india', 'parliament', 'india', 'has', 'accused', 'pakistan', 'based', 'lashkar', 'taiba', 'and', 'jaish', 'mohammad', 'of', 'carrying', 'out', 'the', 'attack', 'on', 'december', 'at', 'the', 'behest', 'of', 'pakistani', 'military', 'intelligence', 'military', 'tensions', 'have', 'soared', 'since', 'the', 'raid', 'with', 'both', 'sides', 'massing', 'troops', 'along', 'their', 'border', 'and', 'trading', 'tit', 'for', 'tat', 'diplomatic', 'sanctions', 'yesterday', 'pakistan', 'announced', 'it', 'had', 'arrested', 'lashkar', 'taiba', 'chief', 'hafiz', 'mohammed', 'saeed', 'police', 'in', 'karachi', 'say', 'it', 'is', 'likely', 'more', 'raids', 'will', 'be', 'launched', 'against', 'the', 'two', 'groups', 'as', 'well', 'as', 'other', 'militant', 'organisations', 'accused', 'of', 'targetting', 'india', 'military', 'tensions', 'between', 'india', 'and', 'pakistan', 'have', 'escalated', 'to', 'level', 'not', 'seen', 'since', 'their', 'war'], tags=[1])] + + + +And the testing corpus looks like this: + + + +.. code-block:: default + + print(test_corpus[:2]) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [['the', 'national', 'executive', 'of', 'the', 'strife', 'torn', 'democrats', 'last', 'night', 'appointed', 'little', 'known', 'west', 'australian', 'senator', 'brian', 'greig', 'as', 'interim', 'leader', 'shock', 'move', 'likely', 'to', 'provoke', 'further', 'conflict', 'between', 'the', 'party', 'senators', 'and', 'its', 'organisation', 'in', 'move', 'to', 'reassert', 'control', 'over', 'the', 'party', 'seven', 'senators', 'the', 'national', 'executive', 'last', 'night', 'rejected', 'aden', 'ridgeway', 'bid', 'to', 'become', 'interim', 'leader', 'in', 'favour', 'of', 'senator', 'greig', 'supporter', 'of', 'deposed', 'leader', 'natasha', 'stott', 'despoja', 'and', 'an', 'outspoken', 'gay', 'rights', 'activist'], ['cash', 'strapped', 'financial', 'services', 'group', 'amp', 'has', 'shelved', 'million', 'plan', 'to', 'buy', 'shares', 'back', 'from', 'investors', 'and', 'will', 'raise', 'million', 'in', 'fresh', 'capital', 'after', 'profits', 'crashed', 'in', 'the', 'six', 'months', 'to', 'june', 'chief', 'executive', 'paul', 'batchelor', 'said', 'the', 'result', 'was', 'solid', 'in', 'what', 'he', 'described', 'as', 'the', 'worst', 'conditions', 'for', 'stock', 'markets', 'in', 'years', 'amp', 'half', 'year', 'profit', 'sank', 'per', 'cent', 'to', 'million', 'or', 'share', 'as', 'australia', 'largest', 'investor', 'and', 'fund', 'manager', 'failed', 'to', 'hit', 'projected', 'per', 'cent', 'earnings', 'growth', 'targets', 'and', 'was', 'battered', 'by', 'falling', 'returns', 'on', 'share', 'markets']] + + + +Notice that the testing corpus is just a list of lists and does not contain +any tags. + + +Training the Model +------------------ + +Now, we'll instantiate a Doc2Vec model with a vector size with 50 dimensions and +iterating over the training corpus 40 times. We set the minimum word count to +2 in order to discard words with very few occurrences. (Without a variety of +representative examples, retaining such infrequent words can often make a +model worse!) Typical iteration counts in the published `Paragraph Vector paper `__ +results, using 10s-of-thousands to millions of docs, are 10-20. More +iterations take more time and eventually reach a point of diminishing +returns. + +However, this is a very very small dataset (300 documents) with shortish +documents (a few hundred words). Adding training passes can sometimes help +with such small datasets. + + + +.. code-block:: default + + model = gensim.models.doc2vec.Doc2Vec(vector_size=50, min_count=2, epochs=40) + + + + + + + +Build a vocabulary + + +.. code-block:: default + + model.build_vocab(train_corpus) + + + + + + + +Essentially, the vocabulary is a dictionary (accessible via +``model.wv.vocab``\ ) of all of the unique words extracted from the training +corpus along with the count (e.g., ``model.wv.vocab['penalty'].count`` for +counts for the word ``penalty``\ ). + + +Next, train the model on the corpus. +If the BLAS library is being used, this should take no more than 3 seconds. +If the BLAS library is not being used, this should take no more than 2 +minutes, so use BLAS if you value your time. + + + +.. code-block:: default + + model.train(train_corpus, total_examples=model.corpus_count, epochs=model.epochs) + + + + + + + +Now, we can use the trained model to infer a vector for any piece of text +by passing a list of words to the ``model.infer_vector`` function. This +vector can then be compared with other vectors via cosine similarity. + + + +.. code-block:: default + + vector = model.infer_vector(['only', 'you', 'can', 'prevent', 'forest', 'fires']) + print(vector) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [-0.0014455 -0.03838259 0.03199863 0.01624313 0.04130909 0.20024535 + -0.09749083 0.00597675 -0.0498415 -0.04540551 0.01723257 -0.20151177 + 0.08523481 -0.08950453 0.00380471 0.10519169 -0.11385646 -0.12259311 + 0.05124485 0.13983724 0.12103602 -0.2321382 -0.07852937 -0.24980102 + 0.08878644 -0.1038101 0.22263823 -0.21950239 -0.31584352 0.11648487 + 0.18644053 -0.08014616 -0.11723718 -0.22560167 -0.04025911 0.05705469 + 0.20113727 0.12674493 0.07401953 -0.01472244 0.13031979 -0.19944443 + 0.16314563 -0.05472009 0.01138415 0.09830751 -0.11751664 0.00259685 + 0.11373404 0.03917272] + + + +Note that ``infer_vector()`` does *not* take a string, but rather a list of +string tokens, which should have already been tokenized the same way as the +``words`` property of original training document objects. + +Also note that because the underlying training/inference algorithms are an +iterative approximation problem that makes use of internal randomization, +repeated inferences of the same text will return slightly different vectors. + + +Assessing the Model +------------------- + +To assess our new model, we'll first infer new vectors for each document of +the training corpus, compare the inferred vectors with the training corpus, +and then returning the rank of the document based on self-similarity. +Basically, we're pretending as if the training corpus is some new unseen data +and then seeing how they compare with the trained model. The expectation is +that we've likely overfit our model (i.e., all of the ranks will be less than +2) and so we should be able to find similar documents very easily. +Additionally, we'll keep track of the second ranks for a comparison of less +similar documents. + + + +.. code-block:: default + + ranks = [] + second_ranks = [] + for doc_id in range(len(train_corpus)): + inferred_vector = model.infer_vector(train_corpus[doc_id].words) + sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs)) + rank = [docid for docid, sim in sims].index(doc_id) + ranks.append(rank) + + second_ranks.append(sims[1]) + + + + + + + +Let's count how each document ranks with respect to the training corpus + +NB. Results vary between runs due to random seeding and very small corpus + + +.. code-block:: default + + import collections + + counter = collections.Counter(ranks) + print(counter) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Counter({0: 292, 1: 8}) + + + +Basically, greater than 95% of the inferred documents are found to be most +similar to itself and about 5% of the time it is mistakenly most similar to +another document. Checking the inferred-vector against a +training-vector is a sort of 'sanity check' as to whether the model is +behaving in a usefully consistent manner, though not a real 'accuracy' value. + +This is great and not entirely surprising. We can take a look at an example: + + + +.. code-block:: default + + print('Document ({}): «{}»\n'.format(doc_id, ' '.join(train_corpus[doc_id].words))) + print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) + for label, index in [('MOST', 0), ('SECOND-MOST', 1), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + print(u'%s %s: «%s»\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Document (299): «australia will take on france in the doubles rubber of the davis cup tennis final today with the tie levelled at wayne arthurs and todd woodbridge are scheduled to lead australia in the doubles against cedric pioline and fabrice santoro however changes can be made to the line up up to an hour before the match and australian team captain john fitzgerald suggested he might do just that we ll make team appraisal of the whole situation go over the pros and cons and make decision french team captain guy forget says he will not make changes but does not know what to expect from australia todd is the best doubles player in the world right now so expect him to play he said would probably use wayne arthurs but don know what to expect really pat rafter salvaged australia davis cup campaign yesterday with win in the second singles match rafter overcame an arm injury to defeat french number one sebastien grosjean in three sets the australian says he is happy with his form it not very pretty tennis there isn too many consistent bounces you are playing like said bit of classic old grass court rafter said rafter levelled the score after lleyton hewitt shock five set loss to nicholas escude in the first singles rubber but rafter says he felt no added pressure after hewitt defeat knew had good team to back me up even if we were down he said knew could win on the last day know the boys can win doubles so even if we were down still feel we are good enough team to win and vice versa they are good enough team to beat us as well» + + SIMILAR/DISSIMILAR DOCS PER MODEL Doc2Vec(dm/m,d50,n5,w5,mc2,s0.001,t3): + + MOST (299, 0.9392883777618408): «australia will take on france in the doubles rubber of the davis cup tennis final today with the tie levelled at wayne arthurs and todd woodbridge are scheduled to lead australia in the doubles against cedric pioline and fabrice santoro however changes can be made to the line up up to an hour before the match and australian team captain john fitzgerald suggested he might do just that we ll make team appraisal of the whole situation go over the pros and cons and make decision french team captain guy forget says he will not make changes but does not know what to expect from australia todd is the best doubles player in the world right now so expect him to play he said would probably use wayne arthurs but don know what to expect really pat rafter salvaged australia davis cup campaign yesterday with win in the second singles match rafter overcame an arm injury to defeat french number one sebastien grosjean in three sets the australian says he is happy with his form it not very pretty tennis there isn too many consistent bounces you are playing like said bit of classic old grass court rafter said rafter levelled the score after lleyton hewitt shock five set loss to nicholas escude in the first singles rubber but rafter says he felt no added pressure after hewitt defeat knew had good team to back me up even if we were down he said knew could win on the last day know the boys can win doubles so even if we were down still feel we are good enough team to win and vice versa they are good enough team to beat us as well» + + SECOND-MOST (104, 0.8041712045669556): «australian cricket captain steve waugh has supported fast bowler brett lee after criticism of his intimidatory bowling to the south african tailenders in the first test in adelaide earlier this month lee was fined for giving new zealand tailender shane bond an unsportsmanlike send off during the third test in perth waugh says tailenders should not be protected from short pitched bowling these days you re earning big money you ve got responsibility to learn how to bat he said mean there no times like years ago when it was not professional and sort of bowlers code these days you re professional our batsmen work very hard at their batting and expect other tailenders to do likewise meanwhile waugh says his side will need to guard against complacency after convincingly winning the first test by runs waugh says despite the dominance of his side in the first test south africa can never be taken lightly it only one test match out of three or six whichever way you want to look at it so there lot of work to go he said but it nice to win the first battle definitely it gives us lot of confidence going into melbourne you know the big crowd there we love playing in front of the boxing day crowd so that will be to our advantage as well south africa begins four day match against new south wales in sydney on thursday in the lead up to the boxing day test veteran fast bowler allan donald will play in the warm up match and is likely to take his place in the team for the second test south african captain shaun pollock expects much better performance from his side in the melbourne test we still believe that we didn play to our full potential so if we can improve on our aspects the output we put out on the field will be lot better and we still believe we have side that is good enough to beat australia on our day he said» + + MEDIAN (171, 0.268340528011322): «drug education campaigns appear to be paying dividends with new figures showing per cent drop in drug related deaths last year according to the australian bureau of statistics people died from drug related causes in the year that figure is substantial drop from when australians died of drug related causes across the states and territories new south wales recorded the biggest decrease the bureau david payne attributes the decline of drug deaths to the heroin drought in some parts of the country better equipped ambulances and emergency wards and above all effective federal and state drug education campaigns they have put lot of money into the program there has been fall and while you can discern trend from that the figures are going in the right way right direction mr payne said» + + LEAST (223, -0.05577106401324272): «indonesian troop re enforcements have started arriving in central sulawesi as the government attempts to end days of deadly clashes between christians and muslims violence in the last week has claimed at least eight lives and left thousands of people homeless more than police and soldiers are being sent in to disarm rival groups and restore calm there have been no new reports of violence but residents in the christian town of ten tena say they fear further attacks by muslim militiamen taking up positions in the hills around the town in region where fighting between muslims and christians has claimed hundreds of lives in the last two years many blame the latest upsurge in violence on the arrival of members of the laskar jihad muslim militia from training camps in java and from the neighbouring maluka islands» + + + + +Notice above that the most similar document (usually the same text) is has a +similarity score approaching 1.0. However, the similarity score for the +second-ranked documents should be significantly lower (assuming the documents +are in fact different) and the reasoning becomes obvious when we examine the +text itself. + +We can run the next cell repeatedly to see a sampling other target-document +comparisons. + + + +.. code-block:: default + + + # Pick a random document from the corpus and infer a vector from the model + import random + doc_id = random.randint(0, len(train_corpus) - 1) + + # Compare and print the second-most-similar document + print('Train Document ({}): «{}»\n'.format(doc_id, ' '.join(train_corpus[doc_id].words))) + sim_id = second_ranks[doc_id] + print('Similar Document {}: «{}»\n'.format(sim_id, ' '.join(train_corpus[sim_id[0]].words))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Train Document (272): «the storm clean up in sydney will resume in earnest this morning as fresh crews are brought in to replace state emergency service ses personnel who worked through the night the storm hit sydney early yesterday afternoon and two schoolgirls died when tree fell on them at reserve at hornsby heights in the city north number of other people were injured as the storm brought down trees and power poles and lifted roofs new south wales emergency services minister bob debus says welfare and emergency funding arrangements have been put in place with the declaration of natural disaster areas in campbeltown hornsby warringah and kurringai welfare services become available if they are needed local government is refunded any money it spends on the clean up or that it spends on repairing its own infrastructure low interest loans if they are needed are available to small business to help them get back on their feet again mr debus said energy australia says power has been restored to customers and work will continue today to reconnect those still without electricity energy australia peter leete says work will concentrate around the worst hit areas the worst of the problems we have still got are in sydney northern suburbs which seem to be the worst hit of all and that around hornsby st ives turramurra and frenches forest mr leete said four hundred ses volunteers are responding to more than calls for assistance the volunteers have worked throughout the night to remove trees from homes and roads the ses laura goodin says it will take several days before the damage is cleared up while the ses has received fewer calls for help than in the storm two weeks ago many of the jobs in this storm are actually quite complicated involving large trees or extensively damaged homes and businesses we re estimating that most of the tasks will be completed by friday if no new storms develop ms goodin said outside sydney the storms caused damage in north east of the state and the lower hunter scores of homes and farm buildings have been damaged and literally hundreds of trees have been brought down the storms accompanied by gale force winds and hail left large areas around tamworth gunnedah and quirindi without electricity and telephone services» + + Similar Document (40, 0.8816476464271545): «firefighters across new south wales are gearing up for wind change that may bring further property losses today more than fires now ring two thirds of the greater sydney area the blazes stretch south of the royal national park and north of wollongong all the way to the blue mountains and up towards the edge of the baulkham hills shire fires are also burning around huskisson on the far south coast and as far inland as mudgee narromine and kempsey and the richmond valley in the north however the major areas of concern today are the southern sydney suburbs of heathcote and engadine thousands of residents in those suburbs were evacuated overnight senior forecaster with the sydney weather bureau ian robertson says the greatest risk will come when winds change direction this afternoon we re looking at another dry day ahead throughout the state particularly along the coast more average sort of temperatures but the trick will be the winds mr robertson said we re looking at south west winds this morning an east to south east sea breeze along the coast which is going to make things quite challenging for firefighting between and firefighters are currently battling the blazes crews have already been brought in from victoria but the rural fire service says it expects to call on other states for help service spokesman john winter says property losses have been high we are estimating that around homes have been lost obviously there are areas we re yet to confirm property losses mr winter said» + + + + +Testing the Model +----------------- + +Using the same approach above, we'll infer the vector for a randomly chosen +test document, and compare the document to our model by eye. + + + +.. code-block:: default + + + # Pick a random document from the test corpus and infer a vector from the model + doc_id = random.randint(0, len(test_corpus) - 1) + inferred_vector = model.infer_vector(test_corpus[doc_id]) + sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs)) + + # Compare and print the most/median/least similar documents from the train corpus + print('Test Document ({}): «{}»\n'.format(doc_id, ' '.join(test_corpus[doc_id]))) + print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) + for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + print(u'%s %s: «%s»\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Test Document (45): «batasuna political party that campaigns for an independent basque state faces double blow today the spanish parliament is expected to vote overwhelmingly in favour of banning the radical group while senior investigative judge is poised to suspend batasuna activities on the grounds that they benefit eta the outlawed basque separatist group» + + SIMILAR/DISSIMILAR DOCS PER MODEL Doc2Vec(dm/m,d50,n5,w5,mc2,s0.001,t3): + + MOST (76, 0.7851859331130981): «the death toll in argentina food riots has risen to local media reports say four more people died this morning in clashes between police and protesters near the presidential palace in the capital buenos aires president fernando de la rua has called on the opposition to take part in government of national unity and apparently will resign if it does not looting and rioting has generally given way to more peaceful demonstrations against the faltering government blamed for month recession heavily armed police using powers under day state of siege decree are attempting to prevent large public gatherings but union leaders say workers and the unemployed will not stop until the government is removed and living standards restored with argentina discredited economy minister now gone the government hopes to approve new budget acceptable to the international monetary fund imf to avoid default on the billion foreign debt the presidents of neighbouring brazil and chile say they fear the social unrest could infect their own nations unless argentina and its leaders can resolve the crisis quickly» + + MEDIAN (142, 0.42160844802856445): «the defence minister robert hill says the australian government is still trying to interview suspected taliban fighter david hicks senator hill says the government does not know much more than what is on the public record about the year old background he says he was not aware he had applied to join the australian defence force or that australian authorities have known about him for some time senator hill has told channel seven the government does not know what motivated the man to fight alongside taliban forces in rare circumstances this does happen as we know there one american who has been captured after fighting for the taliban occasionally people decide to exercise violent option in pursuing particular political or religious belief and think you ought to probably address the questions to the psychologists or the psychiatrists senator hill said» + + LEAST (6, -0.0833040177822113): «the united states team of monica seles and jan michael gambill scored decisive victory over unseeded france in their first hopman cup match at burswood dome in perth the pair runners up in the million dollar mixed teams event last year both won their singles encounters to give the us an unbeatable lead the year old seles currently ranked eighth recovered from shaky start to overpower virginie razzano who is ranked nd seles had to fight hard to get home in straight sets winning in minutes then the year old gambill ranked st wore down determined arnaud clement th to win in minutes the americans are aiming to go one better than last year when they were beaten by swiss pair martina hingis and roger federer in the final of the eight nation contest gambill said the win was great way to start the tennis year got little tentative at the end but it was great start to my year he said arnaud is great scrapper and am delighted to beat him even though am frankly bit out of shape that is one of the reasons am here will be in shape by the end of the tournament just aim to keep improving in the new year and if do think have chance to beat anyone when am playing well gambill was pressed hard by clement before taking the first set in minutes but the american gained the ascendancy in the second set breaking in the third and fifth games seles said she had expected her clash with razzano to be tough she was top junior player in the world so it was no surprise that she fought so well she said seles said she still had the hunger to strive to regain her position at the top of her sport this is why you play she said but want to try not to peak too early this season seles slow into her stride slipped to in her opening set against razzano but recovered quickly claiming the set after snatching four games in row in the second set seles broke her opponent in the opening game and completed victory with relative ease despite razzano tenacious efforts» + + + + +Conclusion +---------- + +Let's review what we've seen in this tutorial: + +0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec +1. Load and preprocess the training and test corpora (see :ref:`core_concepts_corpus`) +2. Train a Doc2Vec :ref:`core_concepts_model` model using the training corpus +3. Demonstrate how the trained model can be used to infer a :ref:`core_concepts_vector` +4. Assess the model +5. Test the model on the test corpus + +That's it! Doc2Vec is a great way to explore relationships between documents. + +Additional Resources +-------------------- + +If you'd like to know more about the subject matter of this tutorial, check out the links below. + +* `Word2Vec Paper `_ +* `Doc2Vec Paper `_ +* `Dr. Michael D. Lee's Website `_ +* `Lee Corpus `__ +* `IMDB Doc2Vec Tutorial `_ + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 9.354 seconds) + +**Estimated memory usage:** 8 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_doc2vec_lee.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_doc2vec_lee.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_doc2vec_lee.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_fasttext.ipynb b/docs/src/auto_examples/tutorials/run_fasttext.ipynb new file mode 100644 index 0000000000..cd69eb247a --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_fasttext.ipynb @@ -0,0 +1,428 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nFastText Model\n==============\n\nIntroduces Gensim's fastText model and demonstrates its use on the Lee Corpus.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Here, we'll learn to work with fastText library for training word-embedding\nmodels, saving & loading them and performing similarity operations & vector\nlookups analogous to Word2Vec.\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "When to use FastText?\n---------------------\n\nThe main principle behind `fastText `_ is that the morphological structure of a word carries important information about the meaning of the word, which is not taken into account by traditional word embeddings, which train a unique word embedding for every individual word. This is especially significant for morphologically rich languages (German, Turkish) in which a single word can have a large number of morphological forms, each of which might occur rarely, thus making it hard to train good word embeddings.\n\n\nfastText attempts to solve this by treating each word as the aggregation of its subwords. For the sake of simplicity and language-independence, subwords are taken to be the character ngrams of the word. The vector for a word is simply taken to be the sum of all vectors of its component char-ngrams.\n\n\nAccording to a detailed comparison of Word2Vec and FastText in `this notebook `__, fastText does significantly better on syntactic tasks as compared to the original Word2Vec, especially when the size of the training corpus is small. Word2Vec slightly outperforms FastText on semantic tasks though. The differences grow smaller as the size of training corpus increases.\n\n\nTraining time for fastText is significantly higher than the Gensim version of Word2Vec (\\ ``15min 42s`` vs ``6min 42s`` on text8, 17 mil tokens, 5 epochs, and a vector size of 100).\n\n\nfastText can be used to obtain vectors for out-of-vocabulary (OOV) words, by summing up vectors for its component char-ngrams, provided at least one of the char-ngrams was present in the training data.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Training models\n---------------\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For the following examples, we'll use the Lee Corpus (which you already have if you've installed gensim) for training our model.\n\n\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from pprint import pprint as print\nfrom gensim.models.fasttext import FastText as FT_gensim\nfrom gensim.test.utils import datapath\n\n# Set file names for train and test data\ncorpus_file = datapath('lee_background.cor')\n\nmodel = FT_gensim(size=100)\n\n# build the vocabulary\nmodel.build_vocab(corpus_file=corpus_file)\n\n# train the model\nmodel.train(\n corpus_file=corpus_file, epochs=model.epochs,\n total_examples=model.corpus_count, total_words=model.corpus_total_words\n)\n\nprint(model)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Training hyperparameters\n^^^^^^^^^^^^^^^^^^^^^^^^\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Hyperparameters for training the model follow the same pattern as Word2Vec. FastText supports the following parameters from the original word2vec:\n\n- model: Training architecture. Allowed values: `cbow`, `skipgram` (Default `cbow`)\n- size: Size of embeddings to be learnt (Default 100)\n- alpha: Initial learning rate (Default 0.025)\n- window: Context window size (Default 5)\n- min_count: Ignore words with number of occurrences below this (Default 5)\n- loss: Training objective. Allowed values: `ns`, `hs`, `softmax` (Default `ns`)\n- sample: Threshold for downsampling higher-frequency words (Default 0.001)\n- negative: Number of negative words to sample, for `ns` (Default 5)\n- iter: Number of epochs (Default 5)\n- sorted_vocab: Sort vocab by descending frequency (Default 1)\n- threads: Number of threads to use (Default 12)\n\n\nIn addition, FastText has three additional parameters:\n\n- min_n: min length of char ngrams (Default 3)\n- max_n: max length of char ngrams (Default 6)\n- bucket: number of buckets used for hashing ngrams (Default 2000000)\n\n\nParameters ``min_n`` and ``max_n`` control the lengths of character ngrams that each word is broken down into while training and looking up embeddings. If ``max_n`` is set to 0, or to be lesser than ``min_n``\\ , no character ngrams are used, and the model effectively reduces to Word2Vec.\n\n\n\nTo bound the memory requirements of the model being trained, a hashing function is used that maps ngrams to integers in 1 to K. For hashing these character sequences, the `Fowler-Noll-Vo hashing function `_ (FNV-1a variant) is employed.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "**Note:** As in the case of Word2Vec, you can continue to train your model while using Gensim's native implementation of fastText.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Saving/loading models\n---------------------\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Models can be saved and loaded via the ``load`` and ``save`` methods.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# saving a model trained via Gensim's fastText implementation\nimport tempfile\nimport os\nwith tempfile.NamedTemporaryFile(prefix='saved_model_gensim-', delete=False) as tmp:\n model.save(tmp.name, separately=[])\n\nloaded_model = FT_gensim.load(tmp.name)\nprint(loaded_model)\n\nos.unlink(tmp.name)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The ``save_word2vec_method`` causes the vectors for ngrams to be lost. As a result, a model loaded in this way will behave as a regular word2vec model.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Word vector lookup\n------------------\n\n\n**Note:** Operations like word vector lookups and similarity queries can be performed in exactly the same manner for both the implementations of fastText so they have been demonstrated using only the native fastText implementation here.\n\n\n\nFastText models support vector lookups for out-of-vocabulary words by summing up character ngrams belonging to the word.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print('night' in model.wv.vocab)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print('nights' in model.wv.vocab)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model['night'])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model['nights'])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The ``in`` operation works slightly differently from the original word2vec. It tests whether a vector for the given word exists or not, not whether the word is present in the word vocabulary. To test whether a word is present in the training word vocabulary -\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Tests if word present in vocab\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(\"word\" in model.wv.vocab)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Tests if vector present for word\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(\"word\" in model)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Similarity operations\n---------------------\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Similarity operations work the same way as word2vec. **Out-of-vocabulary words can also be used, provided they have at least one character ngram present in the training data.**\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(\"nights\" in model.wv.vocab)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(\"night\" in model.wv.vocab)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model.similarity(\"night\", \"nights\"))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Syntactically similar words generally have high similarity in fastText models, since a large number of the component char-ngrams will be the same. As a result, fastText generally does better at syntactic tasks than Word2Vec. A detailed comparison is provided `here `_.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Other similarity operations\n^^^^^^^^^^^^^^^^^^^^^^^^^^^\n\nThe example training corpus is a toy corpus, results are not expected to be good, for proof-of-concept only\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model.most_similar(\"nights\"))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model.n_similarity(['sushi', 'shop'], ['japanese', 'restaurant']))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model.doesnt_match(\"breakfast cereal dinner lunch\".split()))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model.most_similar(positive=['baghdad', 'england'], negative=['london']))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(model.accuracy(questions=datapath('questions-words.txt')))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Word Movers distance\n^^^^^^^^^^^^^^^^^^^^\n\nLet's start with two sentences:\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "sentence_obama = 'Obama speaks to the media in Illinois'.lower().split()\nsentence_president = 'The president greets the press in Chicago'.lower().split()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Remove their stopwords.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from nltk.corpus import stopwords\nstopwords = stopwords.words('english')\nsentence_obama = [w for w in sentence_obama if w not in stopwords]\nsentence_president = [w for w in sentence_president if w not in stopwords]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Compute WMD.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "distance = model.wmdistance(sentence_obama, sentence_president)\nprint(distance)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "That's all! You've made it to the end of this tutorial.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\nimport matplotlib.image as mpimg\nimg = mpimg.imread('fasttext-logo-color-web.png')\nimgplot = plt.imshow(img)\nplt.axis('off')\nplt.show()" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_fasttext.py b/docs/src/auto_examples/tutorials/run_fasttext.py new file mode 100644 index 0000000000..ecb149255f --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_fasttext.py @@ -0,0 +1,270 @@ +r""" +FastText Model +============== + +Introduces Gensim's fastText model and demonstrates its use on the Lee Corpus. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# Here, we'll learn to work with fastText library for training word-embedding +# models, saving & loading them and performing similarity operations & vector +# lookups analogous to Word2Vec. + + +############################################################################### +# +# When to use FastText? +# --------------------- +# +# The main principle behind `fastText `_ is that the morphological structure of a word carries important information about the meaning of the word, which is not taken into account by traditional word embeddings, which train a unique word embedding for every individual word. This is especially significant for morphologically rich languages (German, Turkish) in which a single word can have a large number of morphological forms, each of which might occur rarely, thus making it hard to train good word embeddings. +# +# +# fastText attempts to solve this by treating each word as the aggregation of its subwords. For the sake of simplicity and language-independence, subwords are taken to be the character ngrams of the word. The vector for a word is simply taken to be the sum of all vectors of its component char-ngrams. +# +# +# According to a detailed comparison of Word2Vec and FastText in `this notebook `__, fastText does significantly better on syntactic tasks as compared to the original Word2Vec, especially when the size of the training corpus is small. Word2Vec slightly outperforms FastText on semantic tasks though. The differences grow smaller as the size of training corpus increases. +# +# +# Training time for fastText is significantly higher than the Gensim version of Word2Vec (\ ``15min 42s`` vs ``6min 42s`` on text8, 17 mil tokens, 5 epochs, and a vector size of 100). +# +# +# fastText can be used to obtain vectors for out-of-vocabulary (OOV) words, by summing up vectors for its component char-ngrams, provided at least one of the char-ngrams was present in the training data. +# + + +############################################################################### +# +# Training models +# --------------- +# + + +############################################################################### +# +# For the following examples, we'll use the Lee Corpus (which you already have if you've installed gensim) for training our model. +# +# +# +from pprint import pprint as print +from gensim.models.fasttext import FastText as FT_gensim +from gensim.test.utils import datapath + +# Set file names for train and test data +corpus_file = datapath('lee_background.cor') + +model = FT_gensim(size=100) + +# build the vocabulary +model.build_vocab(corpus_file=corpus_file) + +# train the model +model.train( + corpus_file=corpus_file, epochs=model.epochs, + total_examples=model.corpus_count, total_words=model.corpus_total_words +) + +print(model) + + +############################################################################### +# +# Training hyperparameters +# ^^^^^^^^^^^^^^^^^^^^^^^^ +# + + +############################################################################### +# +# Hyperparameters for training the model follow the same pattern as Word2Vec. FastText supports the following parameters from the original word2vec: +# +# - model: Training architecture. Allowed values: `cbow`, `skipgram` (Default `cbow`) +# - size: Size of embeddings to be learnt (Default 100) +# - alpha: Initial learning rate (Default 0.025) +# - window: Context window size (Default 5) +# - min_count: Ignore words with number of occurrences below this (Default 5) +# - loss: Training objective. Allowed values: `ns`, `hs`, `softmax` (Default `ns`) +# - sample: Threshold for downsampling higher-frequency words (Default 0.001) +# - negative: Number of negative words to sample, for `ns` (Default 5) +# - iter: Number of epochs (Default 5) +# - sorted_vocab: Sort vocab by descending frequency (Default 1) +# - threads: Number of threads to use (Default 12) +# +# +# In addition, FastText has three additional parameters: +# +# - min_n: min length of char ngrams (Default 3) +# - max_n: max length of char ngrams (Default 6) +# - bucket: number of buckets used for hashing ngrams (Default 2000000) +# +# +# Parameters ``min_n`` and ``max_n`` control the lengths of character ngrams that each word is broken down into while training and looking up embeddings. If ``max_n`` is set to 0, or to be lesser than ``min_n``\ , no character ngrams are used, and the model effectively reduces to Word2Vec. +# +# +# +# To bound the memory requirements of the model being trained, a hashing function is used that maps ngrams to integers in 1 to K. For hashing these character sequences, the `Fowler-Noll-Vo hashing function `_ (FNV-1a variant) is employed. +# + + +############################################################################### +# +# **Note:** As in the case of Word2Vec, you can continue to train your model while using Gensim's native implementation of fastText. +# + + +############################################################################### +# +# Saving/loading models +# --------------------- +# + + +############################################################################### +# +# Models can be saved and loaded via the ``load`` and ``save`` methods. +# + + +# saving a model trained via Gensim's fastText implementation +import tempfile +import os +with tempfile.NamedTemporaryFile(prefix='saved_model_gensim-', delete=False) as tmp: + model.save(tmp.name, separately=[]) + +loaded_model = FT_gensim.load(tmp.name) +print(loaded_model) + +os.unlink(tmp.name) + +############################################################################### +# +# The ``save_word2vec_method`` causes the vectors for ngrams to be lost. As a result, a model loaded in this way will behave as a regular word2vec model. +# + + +############################################################################### +# +# Word vector lookup +# ------------------ +# +# +# **Note:** Operations like word vector lookups and similarity queries can be performed in exactly the same manner for both the implementations of fastText so they have been demonstrated using only the native fastText implementation here. +# +# +# +# FastText models support vector lookups for out-of-vocabulary words by summing up character ngrams belonging to the word. +# +print('night' in model.wv.vocab) + +############################################################################### +# +print('nights' in model.wv.vocab) + +############################################################################### +# +print(model['night']) + +############################################################################### +# +print(model['nights']) + +############################################################################### +# +# The ``in`` operation works slightly differently from the original word2vec. It tests whether a vector for the given word exists or not, not whether the word is present in the word vocabulary. To test whether a word is present in the training word vocabulary - +# + + +############################################################################### +# Tests if word present in vocab +print("word" in model.wv.vocab) + +############################################################################### +# Tests if vector present for word +print("word" in model) + +############################################################################### +# +# Similarity operations +# --------------------- +# + + +############################################################################### +# +# Similarity operations work the same way as word2vec. **Out-of-vocabulary words can also be used, provided they have at least one character ngram present in the training data.** +# + + +print("nights" in model.wv.vocab) + +############################################################################### +# +print("night" in model.wv.vocab) + +############################################################################### +# +print(model.similarity("night", "nights")) + +############################################################################### +# +# Syntactically similar words generally have high similarity in fastText models, since a large number of the component char-ngrams will be the same. As a result, fastText generally does better at syntactic tasks than Word2Vec. A detailed comparison is provided `here `_. +# + + +############################################################################### +# +# Other similarity operations +# ^^^^^^^^^^^^^^^^^^^^^^^^^^^ +# +# The example training corpus is a toy corpus, results are not expected to be good, for proof-of-concept only +print(model.most_similar("nights")) + +############################################################################### +# +print(model.n_similarity(['sushi', 'shop'], ['japanese', 'restaurant'])) + +############################################################################### +# +print(model.doesnt_match("breakfast cereal dinner lunch".split())) + +############################################################################### +# +print(model.most_similar(positive=['baghdad', 'england'], negative=['london'])) + +############################################################################### +# +print(model.accuracy(questions=datapath('questions-words.txt'))) + +############################################################################### +# Word Movers distance +# ^^^^^^^^^^^^^^^^^^^^ +# +# Let's start with two sentences: +sentence_obama = 'Obama speaks to the media in Illinois'.lower().split() +sentence_president = 'The president greets the press in Chicago'.lower().split() + + +############################################################################### +# Remove their stopwords. +# +from nltk.corpus import stopwords +stopwords = stopwords.words('english') +sentence_obama = [w for w in sentence_obama if w not in stopwords] +sentence_president = [w for w in sentence_president if w not in stopwords] + +############################################################################### +# Compute WMD. +distance = model.wmdistance(sentence_obama, sentence_president) +print(distance) + +############################################################################### +# That's all! You've made it to the end of this tutorial. +# +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('fasttext-logo-color-web.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/auto_examples/tutorials/run_fasttext.py.md5 b/docs/src/auto_examples/tutorials/run_fasttext.py.md5 new file mode 100644 index 0000000000..a6caf47921 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_fasttext.py.md5 @@ -0,0 +1 @@ +f2cd875d146065fa8862f4b10c5009fb \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_fasttext.rst b/docs/src/auto_examples/tutorials/run_fasttext.rst new file mode 100644 index 0000000000..23277ad4c3 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_fasttext.rst @@ -0,0 +1,864 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_fasttext.py: + + +FastText Model +============== + +Introduces Gensim's fastText model and demonstrates its use on the Lee Corpus. + + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +Here, we'll learn to work with fastText library for training word-embedding +models, saving & loading them and performing similarity operations & vector +lookups analogous to Word2Vec. + +When to use FastText? +--------------------- + +The main principle behind `fastText `_ is that the morphological structure of a word carries important information about the meaning of the word, which is not taken into account by traditional word embeddings, which train a unique word embedding for every individual word. This is especially significant for morphologically rich languages (German, Turkish) in which a single word can have a large number of morphological forms, each of which might occur rarely, thus making it hard to train good word embeddings. + + +fastText attempts to solve this by treating each word as the aggregation of its subwords. For the sake of simplicity and language-independence, subwords are taken to be the character ngrams of the word. The vector for a word is simply taken to be the sum of all vectors of its component char-ngrams. + + +According to a detailed comparison of Word2Vec and FastText in `this notebook `__, fastText does significantly better on syntactic tasks as compared to the original Word2Vec, especially when the size of the training corpus is small. Word2Vec slightly outperforms FastText on semantic tasks though. The differences grow smaller as the size of training corpus increases. + + +Training time for fastText is significantly higher than the Gensim version of Word2Vec (\ ``15min 42s`` vs ``6min 42s`` on text8, 17 mil tokens, 5 epochs, and a vector size of 100). + + +fastText can be used to obtain vectors for out-of-vocabulary (OOV) words, by summing up vectors for its component char-ngrams, provided at least one of the char-ngrams was present in the training data. + + +Training models +--------------- + + +For the following examples, we'll use the Lee Corpus (which you already have if you've installed gensim) for training our model. + + + + + +.. code-block:: default + + from pprint import pprint as print + from gensim.models.fasttext import FastText as FT_gensim + from gensim.test.utils import datapath + + # Set file names for train and test data + corpus_file = datapath('lee_background.cor') + + model = FT_gensim(size=100) + + # build the vocabulary + model.build_vocab(corpus_file=corpus_file) + + # train the model + model.train( + corpus_file=corpus_file, epochs=model.epochs, + total_examples=model.corpus_count, total_words=model.corpus_total_words + ) + + print(model) + + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + + + + +Training hyperparameters +^^^^^^^^^^^^^^^^^^^^^^^^ + + +Hyperparameters for training the model follow the same pattern as Word2Vec. FastText supports the following parameters from the original word2vec: + +- model: Training architecture. Allowed values: `cbow`, `skipgram` (Default `cbow`) +- size: Size of embeddings to be learnt (Default 100) +- alpha: Initial learning rate (Default 0.025) +- window: Context window size (Default 5) +- min_count: Ignore words with number of occurrences below this (Default 5) +- loss: Training objective. Allowed values: `ns`, `hs`, `softmax` (Default `ns`) +- sample: Threshold for downsampling higher-frequency words (Default 0.001) +- negative: Number of negative words to sample, for `ns` (Default 5) +- iter: Number of epochs (Default 5) +- sorted_vocab: Sort vocab by descending frequency (Default 1) +- threads: Number of threads to use (Default 12) + + +In addition, FastText has three additional parameters: + +- min_n: min length of char ngrams (Default 3) +- max_n: max length of char ngrams (Default 6) +- bucket: number of buckets used for hashing ngrams (Default 2000000) + + +Parameters ``min_n`` and ``max_n`` control the lengths of character ngrams that each word is broken down into while training and looking up embeddings. If ``max_n`` is set to 0, or to be lesser than ``min_n``\ , no character ngrams are used, and the model effectively reduces to Word2Vec. + + + +To bound the memory requirements of the model being trained, a hashing function is used that maps ngrams to integers in 1 to K. For hashing these character sequences, the `Fowler-Noll-Vo hashing function `_ (FNV-1a variant) is employed. + + +**Note:** As in the case of Word2Vec, you can continue to train your model while using Gensim's native implementation of fastText. + + +Saving/loading models +--------------------- + + +Models can be saved and loaded via the ``load`` and ``save`` methods. + + + +.. code-block:: default + + + + # saving a model trained via Gensim's fastText implementation + import tempfile + import os + with tempfile.NamedTemporaryFile(prefix='saved_model_gensim-', delete=False) as tmp: + model.save(tmp.name, separately=[]) + + loaded_model = FT_gensim.load(tmp.name) + print(loaded_model) + + os.unlink(tmp.name) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + + + + +The ``save_word2vec_method`` causes the vectors for ngrams to be lost. As a result, a model loaded in this way will behave as a regular word2vec model. + + +Word vector lookup +------------------ + + +**Note:** Operations like word vector lookups and similarity queries can be performed in exactly the same manner for both the implementations of fastText so they have been demonstrated using only the native fastText implementation here. + + + +FastText models support vector lookups for out-of-vocabulary words by summing up character ngrams belonging to the word. + + + +.. code-block:: default + + print('night' in model.wv.vocab) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + True + + + + +.. code-block:: default + + print('nights' in model.wv.vocab) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + False + + + + +.. code-block:: default + + print(model['night']) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + array([ 0.09290078, 0.00179044, -0.5732425 , 0.47277036, 0.59876233, + -0.31260246, -0.18675974, -0.03937651, 0.42742983, 0.3419642 , + -0.6347907 , -0.01129783, -0.6731092 , 0.40949872, 0.27855358, + -0.0675667 , -0.19392972, 0.17853093, 0.24443033, -0.37596267, + -0.23575999, 0.27301458, -0.36870447, 0.02350322, -0.8377813 , + 0.7330566 , 0.11465224, 0.17489424, 0.4105659 , 0.00782498, + -0.6537432 , 0.23468146, 0.0849599 , -0.4827836 , 0.46601945, + 0.10883024, -0.16093193, -0.0672544 , 0.4203116 , 0.21155815, + -0.00366337, -0.0748013 , 0.3834724 , -0.06503348, 0.12586932, + 0.1853084 , -0.1237317 , 0.20932904, -0.01647663, -0.3908304 , + -0.5708807 , -0.5556746 , 0.06411647, 0.0105149 , 0.3988393 , + -0.8015626 , -0.1093765 , -0.18021879, 0.01527423, -0.03230731, + 0.21715961, -0.12600328, -0.48359045, -0.10510948, -0.5346136 , + 0.34130558, 0.00175925, 0.15395461, 0.03269634, 0.4691867 , + -0.5634196 , -0.51715475, -0.01452069, -0.11632308, -0.33402348, + 0.03678156, 0.2714943 , 0.11561721, -0.13655168, 0.18497233, + 0.44912726, 0.05588026, -0.16958544, 0.4569073 , -0.38961336, + -0.25632814, 0.11925202, 0.29190361, 0.3145572 , 0.28840527, + -0.1761603 , 0.11538666, -0.03718378, -0.19138913, -0.2689859 , + 0.55656165, 0.28513685, 0.44856617, 0.5552184 , 0.46507034], + dtype=float32) + + + + +.. code-block:: default + + print(model['nights']) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + array([ 0.08160479, 0.00211581, -0.49826992, 0.41022694, 0.5195688 , + -0.27314973, -0.1630029 , -0.03343058, 0.3712295 , 0.29791382, + -0.55389863, -0.01124268, -0.5853901 , 0.35737413, 0.2381446 , + -0.05847026, -0.17071408, 0.15347946, 0.21084373, -0.32725066, + -0.20492734, 0.23824975, -0.3212196 , 0.02110198, -0.728978 , + 0.6370283 , 0.09962698, 0.15249957, 0.35706517, 0.00637152, + -0.5662229 , 0.20523196, 0.07256062, -0.4219087 , 0.40503132, + 0.09435709, -0.13849337, -0.05977419, 0.36544353, 0.1847734 , + -0.00228304, -0.06519727, 0.33295807, -0.05484347, 0.10837447, + 0.16139933, -0.11116385, 0.18381876, -0.01496008, -0.33843184, + -0.49896452, -0.48239845, 0.05691842, 0.01010948, 0.3474576 , + -0.69720525, -0.09521793, -0.15558553, 0.01095809, -0.02779314, + 0.18840933, -0.11044046, -0.42034045, -0.09200079, -0.46539423, + 0.29623416, 0.00164192, 0.1337628 , 0.0301894 , 0.40878546, + -0.48996508, -0.4493049 , -0.01268086, -0.10204876, -0.2902913 , + 0.03117974, 0.23619917, 0.10075174, -0.11683178, 0.1600669 , + 0.39141724, 0.04842569, -0.14833327, 0.39648855, -0.33779994, + -0.22229995, 0.10574951, 0.25514117, 0.2729022 , 0.25152075, + -0.15353616, 0.10010949, -0.03372021, -0.1661839 , -0.2337282 , + 0.484296 , 0.24699508, 0.38859773, 0.48236763, 0.40448022], + dtype=float32) + + + +The ``in`` operation works slightly differently from the original word2vec. It tests whether a vector for the given word exists or not, not whether the word is present in the word vocabulary. To test whether a word is present in the training word vocabulary - + + +Tests if word present in vocab + + +.. code-block:: default + + print("word" in model.wv.vocab) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + False + + + +Tests if vector present for word + + +.. code-block:: default + + print("word" in model) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + True + + + +Similarity operations +--------------------- + + +Similarity operations work the same way as word2vec. **Out-of-vocabulary words can also be used, provided they have at least one character ngram present in the training data.** + + + +.. code-block:: default + + + + print("nights" in model.wv.vocab) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + False + + + + +.. code-block:: default + + print("night" in model.wv.vocab) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + True + + + + +.. code-block:: default + + print(model.similarity("night", "nights")) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.9999927 + + + +Syntactically similar words generally have high similarity in fastText models, since a large number of the component char-ngrams will be the same. As a result, fastText generally does better at syntactic tasks than Word2Vec. A detailed comparison is provided `here `_. + + +Other similarity operations +^^^^^^^^^^^^^^^^^^^^^^^^^^^ + +The example training corpus is a toy corpus, results are not expected to be good, for proof-of-concept only + + +.. code-block:: default + + print(model.most_similar("nights")) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('Arafat', 0.9982752203941345), + ('study', 0.9982697367668152), + ('"That', 0.9982694983482361), + ('boat', 0.9982693791389465), + ('Arafat,', 0.9982683062553406), + ('Endeavour', 0.9982543587684631), + ('often', 0.9982521533966064), + ("Arafat's", 0.9982460737228394), + ('details', 0.9982452392578125), + ('north.', 0.9982450008392334)] + + + + +.. code-block:: default + + print(model.n_similarity(['sushi', 'shop'], ['japanese', 'restaurant'])) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.99995166 + + + + +.. code-block:: default + + print(model.doesnt_match("breakfast cereal dinner lunch".split())) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /Volumes/work/workspace/gensim_misha/gensim/models/keyedvectors.py:877: 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. + vectors = vstack(self.word_vec(word, use_norm=True) for word in used_words).astype(REAL) + 'breakfast' + + + + +.. code-block:: default + + print(model.most_similar(positive=['baghdad', 'england'], negative=['london'])) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('1', 0.2434064894914627), + ('40', 0.23903147876262665), + ('2', 0.2356666624546051), + ('20', 0.2340335100889206), + ('26', 0.23390895128250122), + ('blaze', 0.23327460885047913), + ('UN', 0.2332388311624527), + ('keep', 0.23248346149921417), + ('As', 0.2321406602859497), + ('...', 0.23206500709056854)] + + + + +.. code-block:: default + + print(model.accuracy(questions=datapath('questions-words.txt'))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [{'correct': [], 'incorrect': [], 'section': 'capital-common-countries'}, + {'correct': [], 'incorrect': [], 'section': 'capital-world'}, + {'correct': [], 'incorrect': [], 'section': 'currency'}, + {'correct': [], 'incorrect': [], 'section': 'city-in-state'}, + {'correct': [], + 'incorrect': [('HE', 'SHE', 'HIS', 'HER'), ('HIS', 'HER', 'HE', 'SHE')], + 'section': 'family'}, + {'correct': [], 'incorrect': [], 'section': 'gram1-adjective-to-adverb'}, + {'correct': [], 'incorrect': [], 'section': 'gram2-opposite'}, + {'correct': [('GOOD', 'BETTER', 'GREAT', 'GREATER'), + ('GREAT', 'GREATER', 'LOW', 'LOWER'), + ('LONG', 'LONGER', 'GREAT', 'GREATER')], + 'incorrect': [('GOOD', 'BETTER', 'LONG', 'LONGER'), + ('GOOD', 'BETTER', 'LOW', 'LOWER'), + ('GREAT', 'GREATER', 'LONG', 'LONGER'), + ('GREAT', 'GREATER', 'GOOD', 'BETTER'), + ('LONG', 'LONGER', 'LOW', 'LOWER'), + ('LONG', 'LONGER', 'GOOD', 'BETTER'), + ('LOW', 'LOWER', 'GOOD', 'BETTER'), + ('LOW', 'LOWER', 'GREAT', 'GREATER'), + ('LOW', 'LOWER', 'LONG', 'LONGER')], + 'section': 'gram3-comparative'}, + {'correct': [('GREAT', 'GREATEST', 'LARGE', 'LARGEST')], + 'incorrect': [('BIG', 'BIGGEST', 'GOOD', 'BEST'), + ('BIG', 'BIGGEST', 'GREAT', 'GREATEST'), + ('BIG', 'BIGGEST', 'LARGE', 'LARGEST'), + ('GOOD', 'BEST', 'GREAT', 'GREATEST'), + ('GOOD', 'BEST', 'LARGE', 'LARGEST'), + ('GOOD', 'BEST', 'BIG', 'BIGGEST'), + ('GREAT', 'GREATEST', 'BIG', 'BIGGEST'), + ('GREAT', 'GREATEST', 'GOOD', 'BEST'), + ('LARGE', 'LARGEST', 'BIG', 'BIGGEST'), + ('LARGE', 'LARGEST', 'GOOD', 'BEST'), + ('LARGE', 'LARGEST', 'GREAT', 'GREATEST')], + 'section': 'gram4-superlative'}, + {'correct': [('GO', 'GOING', 'PLAY', 'PLAYING'), + ('PLAY', 'PLAYING', 'SAY', 'SAYING'), + ('PLAY', 'PLAYING', 'LOOK', 'LOOKING'), + ('SAY', 'SAYING', 'LOOK', 'LOOKING'), + ('SAY', 'SAYING', 'PLAY', 'PLAYING')], + 'incorrect': [('GO', 'GOING', 'LOOK', 'LOOKING'), + ('GO', 'GOING', 'RUN', 'RUNNING'), + ('GO', 'GOING', 'SAY', 'SAYING'), + ('LOOK', 'LOOKING', 'PLAY', 'PLAYING'), + ('LOOK', 'LOOKING', 'RUN', 'RUNNING'), + ('LOOK', 'LOOKING', 'SAY', 'SAYING'), + ('LOOK', 'LOOKING', 'GO', 'GOING'), + ('PLAY', 'PLAYING', 'RUN', 'RUNNING'), + ('PLAY', 'PLAYING', 'GO', 'GOING'), + ('RUN', 'RUNNING', 'SAY', 'SAYING'), + ('RUN', 'RUNNING', 'GO', 'GOING'), + ('RUN', 'RUNNING', 'LOOK', 'LOOKING'), + ('RUN', 'RUNNING', 'PLAY', 'PLAYING'), + ('SAY', 'SAYING', 'GO', 'GOING'), + ('SAY', 'SAYING', 'RUN', 'RUNNING')], + 'section': 'gram5-present-participle'}, + {'correct': [('AUSTRALIA', 'AUSTRALIAN', 'INDIA', 'INDIAN'), + ('AUSTRALIA', 'AUSTRALIAN', 'ISRAEL', 'ISRAELI'), + ('FRANCE', 'FRENCH', 'INDIA', 'INDIAN'), + ('FRANCE', 'FRENCH', 'ISRAEL', 'ISRAELI'), + ('INDIA', 'INDIAN', 'ISRAEL', 'ISRAELI'), + ('INDIA', 'INDIAN', 'AUSTRALIA', 'AUSTRALIAN'), + ('ISRAEL', 'ISRAELI', 'INDIA', 'INDIAN'), + ('SWITZERLAND', 'SWISS', 'INDIA', 'INDIAN')], + 'incorrect': [('AUSTRALIA', 'AUSTRALIAN', 'FRANCE', 'FRENCH'), + ('AUSTRALIA', 'AUSTRALIAN', 'SWITZERLAND', 'SWISS'), + ('FRANCE', 'FRENCH', 'SWITZERLAND', 'SWISS'), + ('FRANCE', 'FRENCH', 'AUSTRALIA', 'AUSTRALIAN'), + ('INDIA', 'INDIAN', 'SWITZERLAND', 'SWISS'), + ('INDIA', 'INDIAN', 'FRANCE', 'FRENCH'), + ('ISRAEL', 'ISRAELI', 'SWITZERLAND', 'SWISS'), + ('ISRAEL', 'ISRAELI', 'AUSTRALIA', 'AUSTRALIAN'), + ('ISRAEL', 'ISRAELI', 'FRANCE', 'FRENCH'), + ('SWITZERLAND', 'SWISS', 'AUSTRALIA', 'AUSTRALIAN'), + ('SWITZERLAND', 'SWISS', 'FRANCE', 'FRENCH'), + ('SWITZERLAND', 'SWISS', 'ISRAEL', 'ISRAELI')], + 'section': 'gram6-nationality-adjective'}, + {'correct': [('PAYING', 'PAID', 'SAYING', 'SAID')], + 'incorrect': [('GOING', 'WENT', 'PAYING', 'PAID'), + ('GOING', 'WENT', 'PLAYING', 'PLAYED'), + ('GOING', 'WENT', 'SAYING', 'SAID'), + ('GOING', 'WENT', 'TAKING', 'TOOK'), + ('PAYING', 'PAID', 'PLAYING', 'PLAYED'), + ('PAYING', 'PAID', 'TAKING', 'TOOK'), + ('PAYING', 'PAID', 'GOING', 'WENT'), + ('PLAYING', 'PLAYED', 'SAYING', 'SAID'), + ('PLAYING', 'PLAYED', 'TAKING', 'TOOK'), + ('PLAYING', 'PLAYED', 'GOING', 'WENT'), + ('PLAYING', 'PLAYED', 'PAYING', 'PAID'), + ('SAYING', 'SAID', 'TAKING', 'TOOK'), + ('SAYING', 'SAID', 'GOING', 'WENT'), + ('SAYING', 'SAID', 'PAYING', 'PAID'), + ('SAYING', 'SAID', 'PLAYING', 'PLAYED'), + ('TAKING', 'TOOK', 'GOING', 'WENT'), + ('TAKING', 'TOOK', 'PAYING', 'PAID'), + ('TAKING', 'TOOK', 'PLAYING', 'PLAYED'), + ('TAKING', 'TOOK', 'SAYING', 'SAID')], + 'section': 'gram7-past-tense'}, + {'correct': [('MAN', 'MEN', 'CHILD', 'CHILDREN')], + 'incorrect': [('BUILDING', 'BUILDINGS', 'CAR', 'CARS'), + ('BUILDING', 'BUILDINGS', 'CHILD', 'CHILDREN'), + ('BUILDING', 'BUILDINGS', 'MAN', 'MEN'), + ('CAR', 'CARS', 'CHILD', 'CHILDREN'), + ('CAR', 'CARS', 'MAN', 'MEN'), + ('CAR', 'CARS', 'BUILDING', 'BUILDINGS'), + ('CHILD', 'CHILDREN', 'MAN', 'MEN'), + ('CHILD', 'CHILDREN', 'BUILDING', 'BUILDINGS'), + ('CHILD', 'CHILDREN', 'CAR', 'CARS'), + ('MAN', 'MEN', 'BUILDING', 'BUILDINGS'), + ('MAN', 'MEN', 'CAR', 'CARS')], + 'section': 'gram8-plural'}, + {'correct': [], 'incorrect': [], 'section': 'gram9-plural-verbs'}, + {'correct': [('GOOD', 'BETTER', 'GREAT', 'GREATER'), + ('GREAT', 'GREATER', 'LOW', 'LOWER'), + ('LONG', 'LONGER', 'GREAT', 'GREATER'), + ('GREAT', 'GREATEST', 'LARGE', 'LARGEST'), + ('GO', 'GOING', 'PLAY', 'PLAYING'), + ('PLAY', 'PLAYING', 'SAY', 'SAYING'), + ('PLAY', 'PLAYING', 'LOOK', 'LOOKING'), + ('SAY', 'SAYING', 'LOOK', 'LOOKING'), + ('SAY', 'SAYING', 'PLAY', 'PLAYING'), + ('AUSTRALIA', 'AUSTRALIAN', 'INDIA', 'INDIAN'), + ('AUSTRALIA', 'AUSTRALIAN', 'ISRAEL', 'ISRAELI'), + ('FRANCE', 'FRENCH', 'INDIA', 'INDIAN'), + ('FRANCE', 'FRENCH', 'ISRAEL', 'ISRAELI'), + ('INDIA', 'INDIAN', 'ISRAEL', 'ISRAELI'), + ('INDIA', 'INDIAN', 'AUSTRALIA', 'AUSTRALIAN'), + ('ISRAEL', 'ISRAELI', 'INDIA', 'INDIAN'), + ('SWITZERLAND', 'SWISS', 'INDIA', 'INDIAN'), + ('PAYING', 'PAID', 'SAYING', 'SAID'), + ('MAN', 'MEN', 'CHILD', 'CHILDREN')], + 'incorrect': [('HE', 'SHE', 'HIS', 'HER'), + ('HIS', 'HER', 'HE', 'SHE'), + ('GOOD', 'BETTER', 'LONG', 'LONGER'), + ('GOOD', 'BETTER', 'LOW', 'LOWER'), + ('GREAT', 'GREATER', 'LONG', 'LONGER'), + ('GREAT', 'GREATER', 'GOOD', 'BETTER'), + ('LONG', 'LONGER', 'LOW', 'LOWER'), + ('LONG', 'LONGER', 'GOOD', 'BETTER'), + ('LOW', 'LOWER', 'GOOD', 'BETTER'), + ('LOW', 'LOWER', 'GREAT', 'GREATER'), + ('LOW', 'LOWER', 'LONG', 'LONGER'), + ('BIG', 'BIGGEST', 'GOOD', 'BEST'), + ('BIG', 'BIGGEST', 'GREAT', 'GREATEST'), + ('BIG', 'BIGGEST', 'LARGE', 'LARGEST'), + ('GOOD', 'BEST', 'GREAT', 'GREATEST'), + ('GOOD', 'BEST', 'LARGE', 'LARGEST'), + ('GOOD', 'BEST', 'BIG', 'BIGGEST'), + ('GREAT', 'GREATEST', 'BIG', 'BIGGEST'), + ('GREAT', 'GREATEST', 'GOOD', 'BEST'), + ('LARGE', 'LARGEST', 'BIG', 'BIGGEST'), + ('LARGE', 'LARGEST', 'GOOD', 'BEST'), + ('LARGE', 'LARGEST', 'GREAT', 'GREATEST'), + ('GO', 'GOING', 'LOOK', 'LOOKING'), + ('GO', 'GOING', 'RUN', 'RUNNING'), + ('GO', 'GOING', 'SAY', 'SAYING'), + ('LOOK', 'LOOKING', 'PLAY', 'PLAYING'), + ('LOOK', 'LOOKING', 'RUN', 'RUNNING'), + ('LOOK', 'LOOKING', 'SAY', 'SAYING'), + ('LOOK', 'LOOKING', 'GO', 'GOING'), + ('PLAY', 'PLAYING', 'RUN', 'RUNNING'), + ('PLAY', 'PLAYING', 'GO', 'GOING'), + ('RUN', 'RUNNING', 'SAY', 'SAYING'), + ('RUN', 'RUNNING', 'GO', 'GOING'), + ('RUN', 'RUNNING', 'LOOK', 'LOOKING'), + ('RUN', 'RUNNING', 'PLAY', 'PLAYING'), + ('SAY', 'SAYING', 'GO', 'GOING'), + ('SAY', 'SAYING', 'RUN', 'RUNNING'), + ('AUSTRALIA', 'AUSTRALIAN', 'FRANCE', 'FRENCH'), + ('AUSTRALIA', 'AUSTRALIAN', 'SWITZERLAND', 'SWISS'), + ('FRANCE', 'FRENCH', 'SWITZERLAND', 'SWISS'), + ('FRANCE', 'FRENCH', 'AUSTRALIA', 'AUSTRALIAN'), + ('INDIA', 'INDIAN', 'SWITZERLAND', 'SWISS'), + ('INDIA', 'INDIAN', 'FRANCE', 'FRENCH'), + ('ISRAEL', 'ISRAELI', 'SWITZERLAND', 'SWISS'), + ('ISRAEL', 'ISRAELI', 'AUSTRALIA', 'AUSTRALIAN'), + ('ISRAEL', 'ISRAELI', 'FRANCE', 'FRENCH'), + ('SWITZERLAND', 'SWISS', 'AUSTRALIA', 'AUSTRALIAN'), + ('SWITZERLAND', 'SWISS', 'FRANCE', 'FRENCH'), + ('SWITZERLAND', 'SWISS', 'ISRAEL', 'ISRAELI'), + ('GOING', 'WENT', 'PAYING', 'PAID'), + ('GOING', 'WENT', 'PLAYING', 'PLAYED'), + ('GOING', 'WENT', 'SAYING', 'SAID'), + ('GOING', 'WENT', 'TAKING', 'TOOK'), + ('PAYING', 'PAID', 'PLAYING', 'PLAYED'), + ('PAYING', 'PAID', 'TAKING', 'TOOK'), + ('PAYING', 'PAID', 'GOING', 'WENT'), + ('PLAYING', 'PLAYED', 'SAYING', 'SAID'), + ('PLAYING', 'PLAYED', 'TAKING', 'TOOK'), + ('PLAYING', 'PLAYED', 'GOING', 'WENT'), + ('PLAYING', 'PLAYED', 'PAYING', 'PAID'), + ('SAYING', 'SAID', 'TAKING', 'TOOK'), + ('SAYING', 'SAID', 'GOING', 'WENT'), + ('SAYING', 'SAID', 'PAYING', 'PAID'), + ('SAYING', 'SAID', 'PLAYING', 'PLAYED'), + ('TAKING', 'TOOK', 'GOING', 'WENT'), + ('TAKING', 'TOOK', 'PAYING', 'PAID'), + ('TAKING', 'TOOK', 'PLAYING', 'PLAYED'), + ('TAKING', 'TOOK', 'SAYING', 'SAID'), + ('BUILDING', 'BUILDINGS', 'CAR', 'CARS'), + ('BUILDING', 'BUILDINGS', 'CHILD', 'CHILDREN'), + ('BUILDING', 'BUILDINGS', 'MAN', 'MEN'), + ('CAR', 'CARS', 'CHILD', 'CHILDREN'), + ('CAR', 'CARS', 'MAN', 'MEN'), + ('CAR', 'CARS', 'BUILDING', 'BUILDINGS'), + ('CHILD', 'CHILDREN', 'MAN', 'MEN'), + ('CHILD', 'CHILDREN', 'BUILDING', 'BUILDINGS'), + ('CHILD', 'CHILDREN', 'CAR', 'CARS'), + ('MAN', 'MEN', 'BUILDING', 'BUILDINGS'), + ('MAN', 'MEN', 'CAR', 'CARS')], + 'section': 'total'}] + + + +Word Movers distance +^^^^^^^^^^^^^^^^^^^^ + +Let's start with two sentences: + + +.. code-block:: default + + sentence_obama = 'Obama speaks to the media in Illinois'.lower().split() + sentence_president = 'The president greets the press in Chicago'.lower().split() + + + + + + + + +Remove their stopwords. + + + +.. code-block:: default + + from nltk.corpus import stopwords + stopwords = stopwords.words('english') + sentence_obama = [w for w in sentence_obama if w not in stopwords] + sentence_president = [w for w in sentence_president if w not in stopwords] + + + + + + + +Compute WMD. + + +.. code-block:: default + + distance = model.wmdistance(sentence_obama, sentence_president) + print(distance) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 1.3929935492649077 + + + +That's all! You've made it to the end of this tutorial. + + + +.. code-block:: default + + import matplotlib.pyplot as plt + import matplotlib.image as mpimg + img = mpimg.imread('fasttext-logo-color-web.png') + imgplot = plt.imshow(img) + plt.axis('off') + plt.show() + + + +.. image:: /auto_examples/tutorials/images/sphx_glr_run_fasttext_001.png + :class: sphx-glr-single-img + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /Volumes/work/workspace/gensim_misha/docs/src/gallery/tutorials/run_fasttext.py:270: UserWarning: Matplotlib is currently using agg, which is a non-GUI backend, so cannot show the figure. + plt.show() + + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 34.868 seconds) + +**Estimated memory usage:** 3775 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_fasttext.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_fasttext.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_fasttext.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_lda.ipynb b/docs/src/auto_examples/tutorials/run_lda.ipynb new file mode 100644 index 0000000000..c662c43c03 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_lda.ipynb @@ -0,0 +1,241 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nLDA Model\n=========\n\nIntroduces Gensim's LDA model and demonstrates its use on the NIPS corpus.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The purpose of this tutorial is to demonstrate training an LDA model and\nobtaining good results.\n\nIn this tutorial we will:\n\n* Load data.\n* Pre-process data.\n* Transform documents to a vectorized form.\n* Train an LDA model.\n\nThis tutorial will **not**:\n\n* Explain how Latent Dirichlet Allocation works\n* Explain how the LDA model performs inference\n* Teach you how to use Gensim's LDA implementation in its entirety\n\nIf you are not familiar with the LDA model or how to use it in Gensim, I\nsuggest you read up on that before continuing with this tutorial. Basic\nunderstanding of the LDA model should suffice. Examples:\n\n* `Introduction to Latent Dirichlet Allocation `_\n* Gensim tutorial: `sphx_glr_auto_examples_core_run_topics_and_transformations.py`\n* Gensim's LDA model API docs: :py:class:`gensim.models.LdaModel`\n\nI would also encourage you to consider each step when applying the model to\nyour data, instead of just blindly applying my solution. The different steps\nwill depend on your data and possibly your goal with the model.\n\nData\n----\n\nI have used a corpus of NIPS papers in this tutorial, but if you're following\nthis tutorial just to learn about LDA I encourage you to consider picking a\ncorpus on a subject that you are familiar with. Qualitatively evaluating the\noutput of an LDA model is challenging and can require you to understand the\nsubject matter of your corpus (depending on your goal with the model).\n\nNIPS (Neural Information Processing Systems) is a machine learning conference\nso the subject matter should be well suited for most of the target audience\nof this tutorial. You can download the original data from Sam Roweis'\n`website `_. The code below will\nalso do that for you.\n\n.. Important::\n The corpus contains 1740 documents, and not particularly long ones.\n So keep in mind that this tutorial is not geared towards efficiency, and be\n careful before applying the code to a large dataset.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import io\nimport os.path\nimport re\nimport tarfile\n\nimport smart_open\n\ndef extract_documents(url='https://cs.nyu.edu/~roweis/data/nips12raw_str602.tgz'):\n fname = url.split('/')[-1]\n \n # Download the file to local storage first.\n # We can't read it on the fly because of \n # https://github.com/RaRe-Technologies/smart_open/issues/331\n if not os.path.isfile(fname):\n with smart_open.open(url, \"rb\") as fin:\n with smart_open.open(fname, 'wb') as fout:\n while True:\n buf = fin.read(io.DEFAULT_BUFFER_SIZE)\n if not buf:\n break\n fout.write(buf)\n \n with tarfile.open(fname, mode='r:gz') as tar:\n # Ignore directory entries, as well as files like README, etc.\n files = [\n m for m in tar.getmembers()\n if m.isfile() and re.search(r'nipstxt/nips\\d+/\\d+\\.txt', m.name)\n ]\n for member in sorted(files, key=lambda x: x.name):\n member_bytes = tar.extractfile(member).read()\n yield member_bytes.decode('utf-8', errors='replace')\n\ndocs = list(extract_documents())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "So we have a list of 1740 documents, where each document is a Unicode string. \nIf you're thinking about using your own corpus, then you need to make sure\nthat it's in the same format (list of Unicode strings) before proceeding\nwith the rest of this tutorial.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(len(docs))\nprint(docs[0][:500])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Pre-process and vectorize the documents\n---------------------------------------\n\nAs part of preprocessing, we will:\n\n* Tokenize (split the documents into tokens).\n* Lemmatize the tokens.\n* Compute bigrams.\n* Compute a bag-of-words representation of the data.\n\nFirst we tokenize the text using a regular expression tokenizer from NLTK. We\nremove numeric tokens and tokens that are only a single character, as they\ndon't tend to be useful, and the dataset contains a lot of them.\n\n.. Important::\n\n This tutorial uses the nltk library for preprocessing, although you can\n replace it with something else if you want.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Tokenize the documents.\nfrom nltk.tokenize import RegexpTokenizer\n\n# Split the documents into tokens.\ntokenizer = RegexpTokenizer(r'\\w+')\nfor idx in range(len(docs)):\n docs[idx] = docs[idx].lower() # Convert to lowercase.\n docs[idx] = tokenizer.tokenize(docs[idx]) # Split into words.\n\n# Remove numbers, but not words that contain numbers.\ndocs = [[token for token in doc if not token.isnumeric()] for doc in docs]\n\n# Remove words that are only one character.\ndocs = [[token for token in doc if len(token) > 1] for doc in docs]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We use the WordNet lemmatizer from NLTK. A lemmatizer is preferred over a\nstemmer in this case because it produces more readable words. Output that is\neasy to read is very desirable in topic modelling.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Lemmatize the documents.\nfrom nltk.stem.wordnet import WordNetLemmatizer\n\nlemmatizer = WordNetLemmatizer()\ndocs = [[lemmatizer.lemmatize(token) for token in doc] for doc in docs]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We find bigrams in the documents. Bigrams are sets of two adjacent words.\nUsing bigrams we can get phrases like \"machine_learning\" in our output\n(spaces are replaced with underscores); without bigrams we would only get\n\"machine\" and \"learning\".\n\nNote that in the code below, we find bigrams and then add them to the\noriginal data, because we would like to keep the words \"machine\" and\n\"learning\" as well as the bigram \"machine_learning\".\n\n.. Important::\n Computing n-grams of large dataset can be very computationally\n and memory intensive.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Compute bigrams.\nfrom gensim.models import Phrases\n\n# Add bigrams and trigrams to docs (only ones that appear 20 times or more).\nbigram = Phrases(docs, min_count=20)\nfor idx in range(len(docs)):\n for token in bigram[docs[idx]]:\n if '_' in token:\n # Token is a bigram, add to document.\n docs[idx].append(token)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We remove rare words and common words based on their *document frequency*.\nBelow we remove words that appear in less than 20 documents or in more than\n50% of the documents. Consider trying to remove words only based on their\nfrequency, or maybe combining that with this approach.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Remove rare and common tokens.\nfrom gensim.corpora import Dictionary\n\n# Create a dictionary representation of the documents.\ndictionary = Dictionary(docs)\n\n# Filter out words that occur less than 20 documents, or more than 50% of the documents.\ndictionary.filter_extremes(no_below=20, no_above=0.5)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Finally, we transform the documents to a vectorized form. We simply compute\nthe frequency of each word, including the bigrams.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Bag-of-words representation of the documents.\ncorpus = [dictionary.doc2bow(doc) for doc in docs]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's see how many tokens and documents we have to train on.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print('Number of unique tokens: %d' % len(dictionary))\nprint('Number of documents: %d' % len(corpus))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Training\n--------\n\nWe are ready to train the LDA model. We will first discuss how to set some of\nthe training parameters.\n\nFirst of all, the elephant in the room: how many topics do I need? There is\nreally no easy answer for this, it will depend on both your data and your\napplication. I have used 10 topics here because I wanted to have a few topics\nthat I could interpret and \"label\", and because that turned out to give me\nreasonably good results. You might not need to interpret all your topics, so\nyou could use a large number of topics, for example 100.\n\n``chunksize`` controls how many documents are processed at a time in the\ntraining algorithm. Increasing chunksize will speed up training, at least as\nlong as the chunk of documents easily fit into memory. I've set ``chunksize =\n2000``, which is more than the amount of documents, so I process all the\ndata in one go. Chunksize can however influence the quality of the model, as\ndiscussed in Hoffman and co-authors [2], but the difference was not\nsubstantial in this case.\n\n``passes`` controls how often we train the model on the entire corpus.\nAnother word for passes might be \"epochs\". ``iterations`` is somewhat\ntechnical, but essentially it controls how often we repeat a particular loop\nover each document. It is important to set the number of \"passes\" and\n\"iterations\" high enough.\n\nI suggest the following way to choose iterations and passes. First, enable\nlogging (as described in many Gensim tutorials), and set ``eval_every = 1``\nin ``LdaModel``. When training the model look for a line in the log that\nlooks something like this::\n\n 2016-06-21 15:40:06,753 - gensim.models.ldamodel - DEBUG - 68/1566 documents converged within 400 iterations\n\nIf you set ``passes = 20`` you will see this line 20 times. Make sure that by\nthe final passes, most of the documents have converged. So you want to choose\nboth passes and iterations to be high enough for this to happen.\n\nWe set ``alpha = 'auto'`` and ``eta = 'auto'``. Again this is somewhat\ntechnical, but essentially we are automatically learning two parameters in\nthe model that we usually would have to specify explicitly.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Train LDA model.\nfrom gensim.models import LdaModel\n\n# Set training parameters.\nnum_topics = 10\nchunksize = 2000\npasses = 20\niterations = 400\neval_every = None # Don't evaluate model perplexity, takes too much time.\n\n# Make a index to word dictionary.\ntemp = dictionary[0] # This is only to \"load\" the dictionary.\nid2word = dictionary.id2token\n\nmodel = LdaModel(\n corpus=corpus,\n id2word=id2word,\n chunksize=chunksize,\n alpha='auto',\n eta='auto',\n iterations=iterations,\n num_topics=num_topics,\n passes=passes,\n eval_every=eval_every\n)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can compute the topic coherence of each topic. Below we display the\naverage topic coherence and print the topics in order of topic coherence.\n\nNote that we use the \"Umass\" topic coherence measure here (see\n:py:func:`gensim.models.ldamodel.LdaModel.top_topics`), Gensim has recently\nobtained an implementation of the \"AKSW\" topic coherence measure (see\naccompanying blog post, http://rare-technologies.com/what-is-topic-coherence/).\n\nIf you are familiar with the subject of the articles in this dataset, you can\nsee that the topics below make a lot of sense. However, they are not without\nflaws. We can see that there is substantial overlap between some topics,\nothers are hard to interpret, and most of them have at least some terms that\nseem out of place. If you were able to do better, feel free to share your\nmethods on the blog at http://rare-technologies.com/lda-training-tips/ !\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "top_topics = model.top_topics(corpus) #, num_words=20)\n\n# Average topic coherence is the sum of topic coherences of all topics, divided by the number of topics.\navg_topic_coherence = sum([t[1] for t in top_topics]) / num_topics\nprint('Average topic coherence: %.4f.' % avg_topic_coherence)\n\nfrom pprint import pprint\npprint(top_topics)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Things to experiment with\n-------------------------\n\n* ``no_above`` and ``no_below`` parameters in ``filter_extremes`` method.\n* Adding trigrams or even higher order n-grams.\n* Consider whether using a hold-out set or cross-validation is the way to go for you.\n* Try other datasets.\n\nWhere to go from here\n---------------------\n\n* Check out a RaRe blog post on the AKSW topic coherence measure (http://rare-technologies.com/what-is-topic-coherence/).\n* pyLDAvis (https://pyldavis.readthedocs.io/en/latest/index.html).\n* Read some more Gensim tutorials (https://github.com/RaRe-Technologies/gensim/blob/develop/tutorials.md#tutorials).\n* If you haven't already, read [1] and [2] (see references).\n\nReferences\n----------\n\n1. \"Latent Dirichlet Allocation\", Blei et al. 2003.\n2. \"Online Learning for Latent Dirichlet Allocation\", Hoffman et al. 2010.\n\n\n" + ] + } + ], + "metadata": { + "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.7.1" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_lda.py b/docs/src/auto_examples/tutorials/run_lda.py new file mode 100644 index 0000000000..8bbd47bb77 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_lda.py @@ -0,0 +1,330 @@ +r""" +LDA Model +========= + +Introduces Gensim's LDA model and demonstrates its use on the NIPS corpus. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# The purpose of this tutorial is to demonstrate training an LDA model and +# obtaining good results. +# +# In this tutorial we will: +# +# * Load data. +# * Pre-process data. +# * Transform documents to a vectorized form. +# * Train an LDA model. +# +# This tutorial will **not**: +# +# * Explain how Latent Dirichlet Allocation works +# * Explain how the LDA model performs inference +# * Teach you how to use Gensim's LDA implementation in its entirety +# +# If you are not familiar with the LDA model or how to use it in Gensim, I +# suggest you read up on that before continuing with this tutorial. Basic +# understanding of the LDA model should suffice. Examples: +# +# * `Introduction to Latent Dirichlet Allocation `_ +# * Gensim tutorial: :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py` +# * Gensim's LDA model API docs: :py:class:`gensim.models.LdaModel` +# +# I would also encourage you to consider each step when applying the model to +# your data, instead of just blindly applying my solution. The different steps +# will depend on your data and possibly your goal with the model. +# +# Data +# ---- +# +# I have used a corpus of NIPS papers in this tutorial, but if you're following +# this tutorial just to learn about LDA I encourage you to consider picking a +# corpus on a subject that you are familiar with. Qualitatively evaluating the +# output of an LDA model is challenging and can require you to understand the +# subject matter of your corpus (depending on your goal with the model). +# +# NIPS (Neural Information Processing Systems) is a machine learning conference +# so the subject matter should be well suited for most of the target audience +# of this tutorial. You can download the original data from Sam Roweis' +# `website `_. The code below will +# also do that for you. +# +# .. Important:: +# The corpus contains 1740 documents, and not particularly long ones. +# So keep in mind that this tutorial is not geared towards efficiency, and be +# careful before applying the code to a large dataset. +# + +import io +import os.path +import re +import tarfile + +import smart_open + +def extract_documents(url='https://cs.nyu.edu/~roweis/data/nips12raw_str602.tgz'): + fname = url.split('/')[-1] + + # Download the file to local storage first. + # We can't read it on the fly because of + # https://github.com/RaRe-Technologies/smart_open/issues/331 + if not os.path.isfile(fname): + with smart_open.open(url, "rb") as fin: + with smart_open.open(fname, 'wb') as fout: + while True: + buf = fin.read(io.DEFAULT_BUFFER_SIZE) + if not buf: + break + fout.write(buf) + + with tarfile.open(fname, mode='r:gz') as tar: + # Ignore directory entries, as well as files like README, etc. + files = [ + m for m in tar.getmembers() + if m.isfile() and re.search(r'nipstxt/nips\d+/\d+\.txt', m.name) + ] + for member in sorted(files, key=lambda x: x.name): + member_bytes = tar.extractfile(member).read() + yield member_bytes.decode('utf-8', errors='replace') + +docs = list(extract_documents()) + +############################################################################### +# So we have a list of 1740 documents, where each document is a Unicode string. +# If you're thinking about using your own corpus, then you need to make sure +# that it's in the same format (list of Unicode strings) before proceeding +# with the rest of this tutorial. +# +print(len(docs)) +print(docs[0][:500]) + +############################################################################### +# Pre-process and vectorize the documents +# --------------------------------------- +# +# As part of preprocessing, we will: +# +# * Tokenize (split the documents into tokens). +# * Lemmatize the tokens. +# * Compute bigrams. +# * Compute a bag-of-words representation of the data. +# +# First we tokenize the text using a regular expression tokenizer from NLTK. We +# remove numeric tokens and tokens that are only a single character, as they +# don't tend to be useful, and the dataset contains a lot of them. +# +# .. Important:: +# +# This tutorial uses the nltk library for preprocessing, although you can +# replace it with something else if you want. +# + +# Tokenize the documents. +from nltk.tokenize import RegexpTokenizer + +# Split the documents into tokens. +tokenizer = RegexpTokenizer(r'\w+') +for idx in range(len(docs)): + docs[idx] = docs[idx].lower() # Convert to lowercase. + docs[idx] = tokenizer.tokenize(docs[idx]) # Split into words. + +# Remove numbers, but not words that contain numbers. +docs = [[token for token in doc if not token.isnumeric()] for doc in docs] + +# Remove words that are only one character. +docs = [[token for token in doc if len(token) > 1] for doc in docs] + +############################################################################### +# We use the WordNet lemmatizer from NLTK. A lemmatizer is preferred over a +# stemmer in this case because it produces more readable words. Output that is +# easy to read is very desirable in topic modelling. +# + +# Lemmatize the documents. +from nltk.stem.wordnet import WordNetLemmatizer + +lemmatizer = WordNetLemmatizer() +docs = [[lemmatizer.lemmatize(token) for token in doc] for doc in docs] + +############################################################################### +# We find bigrams in the documents. Bigrams are sets of two adjacent words. +# Using bigrams we can get phrases like "machine_learning" in our output +# (spaces are replaced with underscores); without bigrams we would only get +# "machine" and "learning". +# +# Note that in the code below, we find bigrams and then add them to the +# original data, because we would like to keep the words "machine" and +# "learning" as well as the bigram "machine_learning". +# +# .. Important:: +# Computing n-grams of large dataset can be very computationally +# and memory intensive. +# + + +# Compute bigrams. +from gensim.models import Phrases + +# Add bigrams and trigrams to docs (only ones that appear 20 times or more). +bigram = Phrases(docs, min_count=20) +for idx in range(len(docs)): + for token in bigram[docs[idx]]: + if '_' in token: + # Token is a bigram, add to document. + docs[idx].append(token) + +############################################################################### +# We remove rare words and common words based on their *document frequency*. +# Below we remove words that appear in less than 20 documents or in more than +# 50% of the documents. Consider trying to remove words only based on their +# frequency, or maybe combining that with this approach. +# + +# Remove rare and common tokens. +from gensim.corpora import Dictionary + +# Create a dictionary representation of the documents. +dictionary = Dictionary(docs) + +# Filter out words that occur less than 20 documents, or more than 50% of the documents. +dictionary.filter_extremes(no_below=20, no_above=0.5) + +############################################################################### +# Finally, we transform the documents to a vectorized form. We simply compute +# the frequency of each word, including the bigrams. +# + +# Bag-of-words representation of the documents. +corpus = [dictionary.doc2bow(doc) for doc in docs] + +############################################################################### +# Let's see how many tokens and documents we have to train on. +# + +print('Number of unique tokens: %d' % len(dictionary)) +print('Number of documents: %d' % len(corpus)) + +############################################################################### +# Training +# -------- +# +# We are ready to train the LDA model. We will first discuss how to set some of +# the training parameters. +# +# First of all, the elephant in the room: how many topics do I need? There is +# really no easy answer for this, it will depend on both your data and your +# application. I have used 10 topics here because I wanted to have a few topics +# that I could interpret and "label", and because that turned out to give me +# reasonably good results. You might not need to interpret all your topics, so +# you could use a large number of topics, for example 100. +# +# ``chunksize`` controls how many documents are processed at a time in the +# training algorithm. Increasing chunksize will speed up training, at least as +# long as the chunk of documents easily fit into memory. I've set ``chunksize = +# 2000``, which is more than the amount of documents, so I process all the +# data in one go. Chunksize can however influence the quality of the model, as +# discussed in Hoffman and co-authors [2], but the difference was not +# substantial in this case. +# +# ``passes`` controls how often we train the model on the entire corpus. +# Another word for passes might be "epochs". ``iterations`` is somewhat +# technical, but essentially it controls how often we repeat a particular loop +# over each document. It is important to set the number of "passes" and +# "iterations" high enough. +# +# I suggest the following way to choose iterations and passes. First, enable +# logging (as described in many Gensim tutorials), and set ``eval_every = 1`` +# in ``LdaModel``. When training the model look for a line in the log that +# looks something like this:: +# +# 2016-06-21 15:40:06,753 - gensim.models.ldamodel - DEBUG - 68/1566 documents converged within 400 iterations +# +# If you set ``passes = 20`` you will see this line 20 times. Make sure that by +# the final passes, most of the documents have converged. So you want to choose +# both passes and iterations to be high enough for this to happen. +# +# We set ``alpha = 'auto'`` and ``eta = 'auto'``. Again this is somewhat +# technical, but essentially we are automatically learning two parameters in +# the model that we usually would have to specify explicitly. +# + + +# Train LDA model. +from gensim.models import LdaModel + +# Set training parameters. +num_topics = 10 +chunksize = 2000 +passes = 20 +iterations = 400 +eval_every = None # Don't evaluate model perplexity, takes too much time. + +# Make a index to word dictionary. +temp = dictionary[0] # This is only to "load" the dictionary. +id2word = dictionary.id2token + +model = LdaModel( + corpus=corpus, + id2word=id2word, + chunksize=chunksize, + alpha='auto', + eta='auto', + iterations=iterations, + num_topics=num_topics, + passes=passes, + eval_every=eval_every +) + +############################################################################### +# We can compute the topic coherence of each topic. Below we display the +# average topic coherence and print the topics in order of topic coherence. +# +# Note that we use the "Umass" topic coherence measure here (see +# :py:func:`gensim.models.ldamodel.LdaModel.top_topics`), Gensim has recently +# obtained an implementation of the "AKSW" topic coherence measure (see +# accompanying blog post, http://rare-technologies.com/what-is-topic-coherence/). +# +# If you are familiar with the subject of the articles in this dataset, you can +# see that the topics below make a lot of sense. However, they are not without +# flaws. We can see that there is substantial overlap between some topics, +# others are hard to interpret, and most of them have at least some terms that +# seem out of place. If you were able to do better, feel free to share your +# methods on the blog at http://rare-technologies.com/lda-training-tips/ ! +# + +top_topics = model.top_topics(corpus) #, num_words=20) + +# Average topic coherence is the sum of topic coherences of all topics, divided by the number of topics. +avg_topic_coherence = sum([t[1] for t in top_topics]) / num_topics +print('Average topic coherence: %.4f.' % avg_topic_coherence) + +from pprint import pprint +pprint(top_topics) + +############################################################################### +# Things to experiment with +# ------------------------- +# +# * ``no_above`` and ``no_below`` parameters in ``filter_extremes`` method. +# * Adding trigrams or even higher order n-grams. +# * Consider whether using a hold-out set or cross-validation is the way to go for you. +# * Try other datasets. +# +# Where to go from here +# --------------------- +# +# * Check out a RaRe blog post on the AKSW topic coherence measure (http://rare-technologies.com/what-is-topic-coherence/). +# * pyLDAvis (https://pyldavis.readthedocs.io/en/latest/index.html). +# * Read some more Gensim tutorials (https://github.com/RaRe-Technologies/gensim/blob/develop/tutorials.md#tutorials). +# * If you haven't already, read [1] and [2] (see references). +# +# References +# ---------- +# +# 1. "Latent Dirichlet Allocation", Blei et al. 2003. +# 2. "Online Learning for Latent Dirichlet Allocation", Hoffman et al. 2010. +# diff --git a/docs/src/auto_examples/tutorials/run_lda.py.md5 b/docs/src/auto_examples/tutorials/run_lda.py.md5 new file mode 100644 index 0000000000..964b796237 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_lda.py.md5 @@ -0,0 +1 @@ +2550b0099f6d2a13c8e55966c677d8b3 \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_lda.rst b/docs/src/auto_examples/tutorials/run_lda.rst new file mode 100644 index 0000000000..7a62680671 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_lda.rst @@ -0,0 +1,712 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_lda.py: + + +LDA Model +========= + +Introduces Gensim's LDA model and demonstrates its use on the NIPS corpus. + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +The purpose of this tutorial is to demonstrate training an LDA model and +obtaining good results. + +In this tutorial we will: + +* Load data. +* Pre-process data. +* Transform documents to a vectorized form. +* Train an LDA model. + +This tutorial will **not**: + +* Explain how Latent Dirichlet Allocation works +* Explain how the LDA model performs inference +* Teach you how to use Gensim's LDA implementation in its entirety + +If you are not familiar with the LDA model or how to use it in Gensim, I +suggest you read up on that before continuing with this tutorial. Basic +understanding of the LDA model should suffice. Examples: + +* `Introduction to Latent Dirichlet Allocation `_ +* Gensim tutorial: :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py` +* Gensim's LDA model API docs: :py:class:`gensim.models.LdaModel` + +I would also encourage you to consider each step when applying the model to +your data, instead of just blindly applying my solution. The different steps +will depend on your data and possibly your goal with the model. + +Data +---- + +I have used a corpus of NIPS papers in this tutorial, but if you're following +this tutorial just to learn about LDA I encourage you to consider picking a +corpus on a subject that you are familiar with. Qualitatively evaluating the +output of an LDA model is challenging and can require you to understand the +subject matter of your corpus (depending on your goal with the model). + +NIPS (Neural Information Processing Systems) is a machine learning conference +so the subject matter should be well suited for most of the target audience +of this tutorial. You can download the original data from Sam Roweis' +`website `_. The code below will +also do that for you. + +.. Important:: + The corpus contains 1740 documents, and not particularly long ones. + So keep in mind that this tutorial is not geared towards efficiency, and be + careful before applying the code to a large dataset. + + + +.. code-block:: default + + + import io + import os.path + import re + import tarfile + + import smart_open + + def extract_documents(url='https://cs.nyu.edu/~roweis/data/nips12raw_str602.tgz'): + fname = url.split('/')[-1] + + # Download the file to local storage first. + # We can't read it on the fly because of + # https://github.com/RaRe-Technologies/smart_open/issues/331 + if not os.path.isfile(fname): + with smart_open.open(url, "rb") as fin: + with smart_open.open(fname, 'wb') as fout: + while True: + buf = fin.read(io.DEFAULT_BUFFER_SIZE) + if not buf: + break + fout.write(buf) + + with tarfile.open(fname, mode='r:gz') as tar: + # Ignore directory entries, as well as files like README, etc. + files = [ + m for m in tar.getmembers() + if m.isfile() and re.search(r'nipstxt/nips\d+/\d+\.txt', m.name) + ] + for member in sorted(files, key=lambda x: x.name): + member_bytes = tar.extractfile(member).read() + yield member_bytes.decode('utf-8', errors='replace') + + docs = list(extract_documents()) + + + + + + + +So we have a list of 1740 documents, where each document is a Unicode string. +If you're thinking about using your own corpus, then you need to make sure +that it's in the same format (list of Unicode strings) before proceeding +with the rest of this tutorial. + + + +.. code-block:: default + + print(len(docs)) + print(docs[0][:500]) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 1740 + 1 + CONNECTIVITY VERSUS ENTROPY + Yaser S. Abu-Mostafa + California Institute of Technology + Pasadena, CA 91125 + ABSTRACT + How does the connectivity of a neural network (number of synapses per + neuron) relate to the complexity of the problems it can handle (measured by + the entropy)? Switching theory would suggest no relation at all, since all Boolean + functions can be implemented using a circuit with very low connectivity (e.g., + using two-input NAND gates). However, for a network that learns a pr + + +Pre-process and vectorize the documents +--------------------------------------- + +As part of preprocessing, we will: + +* Tokenize (split the documents into tokens). +* Lemmatize the tokens. +* Compute bigrams. +* Compute a bag-of-words representation of the data. + +First we tokenize the text using a regular expression tokenizer from NLTK. We +remove numeric tokens and tokens that are only a single character, as they +don't tend to be useful, and the dataset contains a lot of them. + +.. Important:: + + This tutorial uses the nltk library for preprocessing, although you can + replace it with something else if you want. + + + +.. code-block:: default + + + # Tokenize the documents. + from nltk.tokenize import RegexpTokenizer + + # Split the documents into tokens. + tokenizer = RegexpTokenizer(r'\w+') + for idx in range(len(docs)): + docs[idx] = docs[idx].lower() # Convert to lowercase. + docs[idx] = tokenizer.tokenize(docs[idx]) # Split into words. + + # Remove numbers, but not words that contain numbers. + docs = [[token for token in doc if not token.isnumeric()] for doc in docs] + + # Remove words that are only one character. + docs = [[token for token in doc if len(token) > 1] for doc in docs] + + + + + + + +We use the WordNet lemmatizer from NLTK. A lemmatizer is preferred over a +stemmer in this case because it produces more readable words. Output that is +easy to read is very desirable in topic modelling. + + + +.. code-block:: default + + + # Lemmatize the documents. + from nltk.stem.wordnet import WordNetLemmatizer + + lemmatizer = WordNetLemmatizer() + docs = [[lemmatizer.lemmatize(token) for token in doc] for doc in docs] + + + + + + + +We find bigrams in the documents. Bigrams are sets of two adjacent words. +Using bigrams we can get phrases like "machine_learning" in our output +(spaces are replaced with underscores); without bigrams we would only get +"machine" and "learning". + +Note that in the code below, we find bigrams and then add them to the +original data, because we would like to keep the words "machine" and +"learning" as well as the bigram "machine_learning". + +.. Important:: + Computing n-grams of large dataset can be very computationally + and memory intensive. + + + +.. code-block:: default + + + + # Compute bigrams. + from gensim.models import Phrases + + # Add bigrams and trigrams to docs (only ones that appear 20 times or more). + bigram = Phrases(docs, min_count=20) + for idx in range(len(docs)): + for token in bigram[docs[idx]]: + if '_' in token: + # Token is a bigram, add to document. + docs[idx].append(token) + + + + + + + +We remove rare words and common words based on their *document frequency*. +Below we remove words that appear in less than 20 documents or in more than +50% of the documents. Consider trying to remove words only based on their +frequency, or maybe combining that with this approach. + + + +.. code-block:: default + + + # Remove rare and common tokens. + from gensim.corpora import Dictionary + + # Create a dictionary representation of the documents. + dictionary = Dictionary(docs) + + # Filter out words that occur less than 20 documents, or more than 50% of the documents. + dictionary.filter_extremes(no_below=20, no_above=0.5) + + + + + + + +Finally, we transform the documents to a vectorized form. We simply compute +the frequency of each word, including the bigrams. + + + +.. code-block:: default + + + # Bag-of-words representation of the documents. + corpus = [dictionary.doc2bow(doc) for doc in docs] + + + + + + + +Let's see how many tokens and documents we have to train on. + + + +.. code-block:: default + + + print('Number of unique tokens: %d' % len(dictionary)) + print('Number of documents: %d' % len(corpus)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Number of unique tokens: 8644 + Number of documents: 1740 + + +Training +-------- + +We are ready to train the LDA model. We will first discuss how to set some of +the training parameters. + +First of all, the elephant in the room: how many topics do I need? There is +really no easy answer for this, it will depend on both your data and your +application. I have used 10 topics here because I wanted to have a few topics +that I could interpret and "label", and because that turned out to give me +reasonably good results. You might not need to interpret all your topics, so +you could use a large number of topics, for example 100. + +``chunksize`` controls how many documents are processed at a time in the +training algorithm. Increasing chunksize will speed up training, at least as +long as the chunk of documents easily fit into memory. I've set ``chunksize = +2000``, which is more than the amount of documents, so I process all the +data in one go. Chunksize can however influence the quality of the model, as +discussed in Hoffman and co-authors [2], but the difference was not +substantial in this case. + +``passes`` controls how often we train the model on the entire corpus. +Another word for passes might be "epochs". ``iterations`` is somewhat +technical, but essentially it controls how often we repeat a particular loop +over each document. It is important to set the number of "passes" and +"iterations" high enough. + +I suggest the following way to choose iterations and passes. First, enable +logging (as described in many Gensim tutorials), and set ``eval_every = 1`` +in ``LdaModel``. When training the model look for a line in the log that +looks something like this:: + + 2016-06-21 15:40:06,753 - gensim.models.ldamodel - DEBUG - 68/1566 documents converged within 400 iterations + +If you set ``passes = 20`` you will see this line 20 times. Make sure that by +the final passes, most of the documents have converged. So you want to choose +both passes and iterations to be high enough for this to happen. + +We set ``alpha = 'auto'`` and ``eta = 'auto'``. Again this is somewhat +technical, but essentially we are automatically learning two parameters in +the model that we usually would have to specify explicitly. + + + +.. code-block:: default + + + + # Train LDA model. + from gensim.models import LdaModel + + # Set training parameters. + num_topics = 10 + chunksize = 2000 + passes = 20 + iterations = 400 + eval_every = None # Don't evaluate model perplexity, takes too much time. + + # Make a index to word dictionary. + temp = dictionary[0] # This is only to "load" the dictionary. + id2word = dictionary.id2token + + model = LdaModel( + corpus=corpus, + id2word=id2word, + chunksize=chunksize, + alpha='auto', + eta='auto', + iterations=iterations, + num_topics=num_topics, + passes=passes, + eval_every=eval_every + ) + + + + + + + +We can compute the topic coherence of each topic. Below we display the +average topic coherence and print the topics in order of topic coherence. + +Note that we use the "Umass" topic coherence measure here (see +:py:func:`gensim.models.ldamodel.LdaModel.top_topics`), Gensim has recently +obtained an implementation of the "AKSW" topic coherence measure (see +accompanying blog post, http://rare-technologies.com/what-is-topic-coherence/). + +If you are familiar with the subject of the articles in this dataset, you can +see that the topics below make a lot of sense. However, they are not without +flaws. We can see that there is substantial overlap between some topics, +others are hard to interpret, and most of them have at least some terms that +seem out of place. If you were able to do better, feel free to share your +methods on the blog at http://rare-technologies.com/lda-training-tips/ ! + + + +.. code-block:: default + + + top_topics = model.top_topics(corpus) #, num_words=20) + + # Average topic coherence is the sum of topic coherences of all topics, divided by the number of topics. + avg_topic_coherence = sum([t[1] for t in top_topics]) / num_topics + print('Average topic coherence: %.4f.' % avg_topic_coherence) + + from pprint import pprint + pprint(top_topics) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Average topic coherence: -1.1241. + [([(0.025163664, 'neuron'), + (0.014695453, 'cell'), + (0.009174355, 'spike'), + (0.008574755, 'synaptic'), + (0.007183699, 'firing'), + (0.006625933, 'activity'), + (0.005360948, 'connection'), + (0.005293554, 'dynamic'), + (0.004822483, 'response'), + (0.004687287, 'potential'), + (0.004228337, 'memory'), + (0.003953116, 'synapsis'), + (0.0038689172, 'fig'), + (0.0038664965, 'simulation'), + (0.0037337197, 'phase'), + (0.0034825401, 'excitatory'), + (0.0034173392, 'inhibitory'), + (0.0032120293, 'signal'), + (0.0031823071, 'membrane'), + (0.0030939183, 'threshold')], + -0.9630445183762313), + ([(0.012538756, 'visual'), + (0.010721944, 'cell'), + (0.010432726, 'stimulus'), + (0.009539313, 'response'), + (0.009375428, 'field'), + (0.008074537, 'motion'), + (0.007172039, 'direction'), + (0.0067870775, 'eye'), + (0.006605871, 'orientation'), + (0.0060072606, 'map'), + (0.005874502, 'signal'), + (0.0057511893, 'spatial'), + (0.0052507855, 'activity'), + (0.0051356875, 'frequency'), + (0.005135085, 'cortex'), + (0.0048966897, 'neuron'), + (0.0047698235, 'receptive'), + (0.004372744, 'receptive_field'), + (0.0043261987, 'position'), + (0.00429431, 'movement')], + -1.0239601445556414), + ([(0.0083479555, 'noise'), + (0.0068552294, 'matrix'), + (0.0053806016, 'generalization'), + (0.005088047, 'gradient'), + (0.004749316, 'gaussian'), + (0.004203275, 'solution'), + (0.004060732, 'hidden'), + (0.0038100502, 'variance'), + (0.0036777114, 'optimal'), + (0.003360351, 'minimum'), + (0.0029607583, 'approximation'), + (0.0029424587, 'regression'), + (0.0029251142, 'prediction'), + (0.0029126815, 'hidden_unit'), + (0.0028326688, 'field'), + (0.0027481643, 'eq'), + (0.0027452093, 'curve'), + (0.0027210945, 'component'), + (0.0026757186, 'training_set'), + (0.0025839263, 'convergence')], + -1.0264554313733174), + ([(0.016699685, 'layer'), + (0.010172412, 'hidden'), + (0.009873925, 'net'), + (0.0069913934, 'signal'), + (0.005923669, 'architecture'), + (0.005888097, 'node'), + (0.0053476817, 'recognition'), + (0.0052034874, 'back'), + (0.005092546, 'trained'), + (0.0049700774, 'character'), + (0.0049465224, 'propagation'), + (0.0043775956, 'connection'), + (0.003985166, 'rule'), + (0.0039540627, 'hidden_layer'), + (0.0039305384, 'back_propagation'), + (0.0037728392, 'hidden_unit'), + (0.0036262535, 'map'), + (0.0033271443, 'memory'), + (0.0032461125, 'recurrent'), + (0.003240172, 'classification')], + -1.0502625308865845), + ([(0.029825492, 'image'), + (0.014187608, 'object'), + (0.00787895, 'recognition'), + (0.0060228026, 'face'), + (0.0057333205, 'distance'), + (0.005409843, 'pixel'), + (0.004563485, 'view'), + (0.0041269716, 'human'), + (0.0035166328, 'region'), + (0.0033159077, 'scale'), + (0.003022337, 'transformation'), + (0.0029435642, 'vision'), + (0.00290788, 'classification'), + (0.002907101, 'visual'), + (0.0029046696, 'scene'), + (0.0027043023, 'shape'), + (0.002684278, 'similarity'), + (0.0026817669, 'location'), + (0.002623082, 'hand'), + (0.0025962282, 'class')], + -1.097725649478162), + ([(0.0077803913, 'class'), + (0.00701301, 'bound'), + (0.006212604, 'tree'), + (0.0053535043, 'let'), + (0.0050069927, 'sample'), + (0.004901047, 'theorem'), + (0.0048944, 'node'), + (0.0048409384, 'approximation'), + (0.0044921115, 'rule'), + (0.0043274118, 'xi'), + (0.0042111403, 'log'), + (0.0034545094, 'threshold'), + (0.0032513374, 'dimension'), + (0.0031659885, 'estimate'), + (0.0029222067, 'decision'), + (0.0029162255, 'density'), + (0.0027602788, 'polynomial'), + (0.0027468363, 'proof'), + (0.0026415242, 'complexity'), + (0.0025608365, 'classification')], + -1.1117463109554), + ([(0.013324664, 'control'), + (0.011131293, 'action'), + (0.008681728, 'policy'), + (0.007468294, 'reinforcement'), + (0.006033033, 'optimal'), + (0.0058535463, 'controller'), + (0.0054354914, 'dynamic'), + (0.0052186167, 'robot'), + (0.004936079, 'reinforcement_learning'), + (0.0046352767, 'environment'), + (0.004009696, 'reward'), + (0.0039904723, 'trajectory'), + (0.003791848, 'goal'), + (0.0033601716, 'path'), + (0.0032013957, 'decision'), + (0.002936101, 'sutton'), + (0.0029276484, 'td'), + (0.0028193546, 'cost'), + (0.0027700174, 'trial'), + (0.0027414286, 'learn')], + -1.142543624221162), + ([(0.011205725, 'speech'), + (0.010960422, 'word'), + (0.008931443, 'mixture'), + (0.008391879, 'recognition'), + (0.00627159, 'gaussian'), + (0.0059411423, 'likelihood'), + (0.005645111, 'classifier'), + (0.0050329296, 'class'), + (0.0048486707, 'sequence'), + (0.004785308, 'kernel'), + (0.00473608, 'hmm'), + (0.004446403, 'context'), + (0.0044057737, 'estimate'), + (0.0042781103, 'density'), + (0.0042298213, 'speaker'), + (0.004190155, 'rbf'), + (0.004078858, 'classification'), + (0.0036422184, 'estimation'), + (0.0036205945, 'prior'), + (0.0036079672, 'hidden')], + -1.179015820296614), + ([(0.017962778, 'circuit'), + (0.014027779, 'chip'), + (0.013046392, 'analog'), + (0.008767594, 'voltage'), + (0.008703562, 'neuron'), + (0.006658798, 'signal'), + (0.0065101394, 'vlsi'), + (0.00574142, 'implementation'), + (0.0054374044, 'bit'), + (0.0047924053, 'processor'), + (0.0042650327, 'pulse'), + (0.004172195, 'channel'), + (0.003977853, 'design'), + (0.003924252, 'gate'), + (0.0039178976, 'digital'), + (0.0038753191, 'transistor'), + (0.0037934151, 'device'), + (0.0037664415, 'hardware'), + (0.0037505976, 'cell'), + (0.0036221847, 'synapse')], + -1.217220238817786), + ([(0.0052642035, 'net'), + (0.005045612, 'hidden'), + (0.0046278588, 'sequence'), + (0.004625344, 'machine'), + (0.004386533, 'solution'), + (0.004208156, 'language'), + (0.004180493, 'node'), + (0.0038425317, 'string'), + (0.0037875888, 'hidden_unit'), + (0.0037045274, 'cost'), + (0.003578985, 'optimization'), + (0.00333463, 'constraint'), + (0.0033199114, 'table'), + (0.0033088576, 'recurrent'), + (0.003233348, 'code'), + (0.0031989065, 'symbol'), + (0.003080977, 'activation'), + (0.003000487, 'matrix'), + (0.002989608, 'search'), + (0.0026564174, 'grammar')], + -1.4290562789759915)] + + +Things to experiment with +------------------------- + +* ``no_above`` and ``no_below`` parameters in ``filter_extremes`` method. +* Adding trigrams or even higher order n-grams. +* Consider whether using a hold-out set or cross-validation is the way to go for you. +* Try other datasets. + +Where to go from here +--------------------- + +* Check out a RaRe blog post on the AKSW topic coherence measure (http://rare-technologies.com/what-is-topic-coherence/). +* pyLDAvis (https://pyldavis.readthedocs.io/en/latest/index.html). +* Read some more Gensim tutorials (https://github.com/RaRe-Technologies/gensim/blob/develop/tutorials.md#tutorials). +* If you haven't already, read [1] and [2] (see references). + +References +---------- + +1. "Latent Dirichlet Allocation", Blei et al. 2003. +2. "Online Learning for Latent Dirichlet Allocation", Hoffman et al. 2010. + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 2 minutes 11.266 seconds) + +**Estimated memory usage:** 547 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_lda.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_lda.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_lda.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.ipynb b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.ipynb new file mode 100644 index 0000000000..c6b20ff368 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.ipynb @@ -0,0 +1,194 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nPivoted Document Length Normalization\n=====================================\n\nThis tutorial demonstrates using Pivoted Document Length Normalization to\ncounter the effect of short document bias when working with TfIdf, thereby\nincreasing the classification accuracy.\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In many cases, normalizing the tfidf weights for each term favors weight of terms of the documents with shorter length. The *pivoted document length normalization* scheme counters the effect of this bias for short documents by making tfidf independent of the document length.\n\nThis is achieved by *tilting* the normalization curve along the pivot point defined by user with some slope.\n\nRoughly following the equation:\n\n``pivoted_norm = (1 - slope) * pivot + slope * old_norm``\n\nThis scheme is proposed in the paper `Pivoted Document Length Normalization `_ by Singhal, Buckley and Mitra.\n\nOverall this approach can increase the accuracy of the model where the document lengths are hugely varying in the entire corpus.\n\nIntroduction\n------------\n\nThis guide demonstrates how to perform pivoted document length normalization.\n\nWe will train a logistic regression to distinguish between text from two different newsgroups.\n\nOur results will show that using pivoted document length normalization yields a better model (higher classification accuracy).\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "#\n# Download our dataset\n#\nimport gensim.downloader as api\nnws = api.load(\"20-newsgroups\")\n\n#\n# Pick texts from relevant newsgroups, split into training and test set.\n#\ncat1, cat2 = ('sci.electronics', 'sci.space')\n\n#\n# X_* contain the actual texts as strings.\n# Y_* contain labels, 0 for cat1 (sci.electronics) and 1 for cat2 (sci.space)\n#\nX_train = []\nX_test = []\ny_train = []\ny_test = []\n\nfor i in nws:\n if i[\"set\"] == \"train\" and i[\"topic\"] == cat1:\n X_train.append(i[\"data\"])\n y_train.append(0)\n elif i[\"set\"] == \"train\" and i[\"topic\"] == cat2:\n X_train.append(i[\"data\"])\n y_train.append(1)\n elif i[\"set\"] == \"test\" and i[\"topic\"] == cat1:\n X_test.append(i[\"data\"])\n y_test.append(0)\n elif i[\"set\"] == \"test\" and i[\"topic\"] == cat2:\n X_test.append(i[\"data\"])\n y_test.append(1)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Preprocess the data\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.parsing.preprocessing import preprocess_string\nfrom gensim.corpora import Dictionary\n\nid2word = Dictionary([preprocess_string(doc) for doc in X_train])\ntrain_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_train]\ntest_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_test]\n\nprint(len(X_train), len(X_test))\n\n# We perform our analysis on top k documents which is almost top 10% most scored documents\nk = len(X_test) // 10" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Prepare our evaluation function\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.sklearn_api.tfidf import TfIdfTransformer\nfrom sklearn.linear_model import LogisticRegression\nfrom gensim.matutils import corpus2csc\n\n# This function returns the model accuracy and indivitual document prob values using\n# gensim's TfIdfTransformer and sklearn's LogisticRegression\ndef get_tfidf_scores(kwargs):\n tfidf_transformer = TfIdfTransformer(**kwargs).fit(train_corpus)\n\n X_train_tfidf = corpus2csc(tfidf_transformer.transform(train_corpus), num_terms=len(id2word)).T\n X_test_tfidf = corpus2csc(tfidf_transformer.transform(test_corpus), num_terms=len(id2word)).T\n\n clf = LogisticRegression().fit(X_train_tfidf, y_train)\n\n model_accuracy = clf.score(X_test_tfidf, y_test)\n doc_scores = clf.decision_function(X_test_tfidf)\n\n return model_accuracy, doc_scores" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Get TFIDF scores for corpus without pivoted document length normalisation\n-------------------------------------------------------------------------\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "params = {}\nmodel_accuracy, doc_scores = get_tfidf_scores(params)\nprint(model_accuracy)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Examine the bias towards shorter documents\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import numpy as np\n\n# Sort the document scores by their scores and return a sorted list\n# of document score and corresponding document lengths.\ndef sort_length_by_score(doc_scores, X_test):\n doc_scores = sorted(enumerate(doc_scores), key=lambda x: x[1])\n doc_leng = np.empty(len(doc_scores))\n\n ds = np.empty(len(doc_scores))\n\n for i, _ in enumerate(doc_scores):\n doc_leng[i] = len(X_test[_[0]])\n ds[i] = _[1]\n\n return ds, doc_leng\n\n\nprint(\n \"Normal cosine normalisation favors short documents as our top {} \"\n \"docs have a smaller mean doc length of {:.3f} compared to the corpus mean doc length of {:.3f}\"\n .format(\n k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), \n sort_length_by_score(doc_scores, X_test)[1].mean()\n )\n)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Get TFIDF scores for corpus with pivoted document length normalisation\n----------------------------------------------------------------------\n\nTest various values of alpha (slope) and pick the best one.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "best_model_accuracy = 0\noptimum_slope = 0\nfor slope in np.arange(0, 1.1, 0.1):\n params = {\"pivot\": 10, \"slope\": slope}\n\n model_accuracy, doc_scores = get_tfidf_scores(params)\n\n if model_accuracy > best_model_accuracy:\n best_model_accuracy = model_accuracy\n optimum_slope = slope\n\n print(\"Score for slope {} is {}\".format(slope, model_accuracy))\n\nprint(\"We get best score of {} at slope {}\".format(best_model_accuracy, optimum_slope))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Evaluate the model with optimum slope\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "params = {\"pivot\": 10, \"slope\": optimum_slope}\nmodel_accuracy, doc_scores = get_tfidf_scores(params)\nprint(model_accuracy)\n\nprint(\n \"With pivoted normalisation top {} docs have mean length of {:.3f} \"\n \"which is much closer to the corpus mean doc length of {:.3f}\"\n .format(\n k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), \n sort_length_by_score(doc_scores, X_test)[1].mean()\n )\n)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Visualizing the pivoted normalization\n-------------------------------------\n\nSince cosine normalization favors retrieval of short documents from the plot\nwe can see that when slope was 1 (when pivoted normalisation was not applied)\nshort documents with length of around 500 had very good score hence the bias\nfor short documents can be seen. As we varied the value of slope from 1 to 0\nwe introdcued a new bias for long documents to counter the bias caused by\ncosine normalisation. Therefore at a certain point we got an optimum value of\nslope which is 0.5 where the overall accuracy of the model is increased.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as py\n\nbest_model_accuracy = 0\noptimum_slope = 0\n\nw = 2\nh = 2\nf, axarr = py.subplots(h, w, figsize=(15, 7))\n\nit = 0\nfor slope in [1, 0.2]:\n params = {\"pivot\": 10, \"slope\": slope}\n\n model_accuracy, doc_scores = get_tfidf_scores(params)\n\n if model_accuracy > best_model_accuracy:\n best_model_accuracy = model_accuracy\n optimum_slope = slope\n\n doc_scores, doc_leng = sort_length_by_score(doc_scores, X_test)\n\n y = abs(doc_scores[:k, np.newaxis])\n x = doc_leng[:k, np.newaxis]\n\n py.subplot(1, 2, it+1).bar(x, y, width=20, linewidth=0)\n py.title(\"slope = \" + str(slope) + \" Model accuracy = \" + str(model_accuracy))\n py.ylim([0, 4.5])\n py.xlim([0, 3200])\n py.xlabel(\"document length\")\n py.ylabel(\"confidence score\")\n \n it += 1\n\npy.tight_layout()\npy.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The above histogram plot helps us visualize the effect of ``slope``. For top\nk documents we have document length on the x axis and their respective scores\nof belonging to a specific class on y axis. \n\nAs we decrease the slope the density of bins is shifted from low document\nlength (around ~250-500) to over ~500 document length. This suggests that the\npositive biasness which was seen at ``slope=1`` (or when regular tfidf was\nused) for short documents is now reduced. We get the optimum slope or the max\nmodel accuracy when slope is 0.2.\n\nConclusion\n==========\n\nUsing pivoted document normalization improved the classification accuracy significantly:\n\n* Before (slope=1, identical to default cosine normalization): 0.9682\n* After (slope=0.2): 0.9771\n\n\n" + ] + } + ], + "metadata": { + "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.7.1" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.py b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.py new file mode 100644 index 0000000000..4e7b3e8c48 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.py @@ -0,0 +1,243 @@ +r""" +Pivoted Document Length Normalization +===================================== + +This tutorial demonstrates using Pivoted Document Length Normalization to +counter the effect of short document bias when working with TfIdf, thereby +increasing the classification accuracy. +""" + +############################################################################### +# In many cases, normalizing the tfidf weights for each term favors weight of terms of the documents with shorter length. The *pivoted document length normalization* scheme counters the effect of this bias for short documents by making tfidf independent of the document length. +# +# This is achieved by *tilting* the normalization curve along the pivot point defined by user with some slope. +# +# Roughly following the equation: +# +# ``pivoted_norm = (1 - slope) * pivot + slope * old_norm`` +# +# This scheme is proposed in the paper `Pivoted Document Length Normalization `_ by Singhal, Buckley and Mitra. +# +# Overall this approach can increase the accuracy of the model where the document lengths are hugely varying in the entire corpus. +# +# Introduction +# ------------ +# +# This guide demonstrates how to perform pivoted document length normalization. +# +# We will train a logistic regression to distinguish between text from two different newsgroups. +# +# Our results will show that using pivoted document length normalization yields a better model (higher classification accuracy). +# + +# +# Download our dataset +# +import gensim.downloader as api +nws = api.load("20-newsgroups") + +# +# Pick texts from relevant newsgroups, split into training and test set. +# +cat1, cat2 = ('sci.electronics', 'sci.space') + +# +# X_* contain the actual texts as strings. +# Y_* contain labels, 0 for cat1 (sci.electronics) and 1 for cat2 (sci.space) +# +X_train = [] +X_test = [] +y_train = [] +y_test = [] + +for i in nws: + if i["set"] == "train" and i["topic"] == cat1: + X_train.append(i["data"]) + y_train.append(0) + elif i["set"] == "train" and i["topic"] == cat2: + X_train.append(i["data"]) + y_train.append(1) + elif i["set"] == "test" and i["topic"] == cat1: + X_test.append(i["data"]) + y_test.append(0) + elif i["set"] == "test" and i["topic"] == cat2: + X_test.append(i["data"]) + y_test.append(1) + +############################################################################### +# Preprocess the data +# +from gensim.parsing.preprocessing import preprocess_string +from gensim.corpora import Dictionary + +id2word = Dictionary([preprocess_string(doc) for doc in X_train]) +train_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_train] +test_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_test] + +print(len(X_train), len(X_test)) + +# We perform our analysis on top k documents which is almost top 10% most scored documents +k = len(X_test) // 10 + +############################################################################### +# Prepare our evaluation function +# +from gensim.sklearn_api.tfidf import TfIdfTransformer +from sklearn.linear_model import LogisticRegression +from gensim.matutils import corpus2csc + +# This function returns the model accuracy and indivitual document prob values using +# gensim's TfIdfTransformer and sklearn's LogisticRegression +def get_tfidf_scores(kwargs): + tfidf_transformer = TfIdfTransformer(**kwargs).fit(train_corpus) + + X_train_tfidf = corpus2csc(tfidf_transformer.transform(train_corpus), num_terms=len(id2word)).T + X_test_tfidf = corpus2csc(tfidf_transformer.transform(test_corpus), num_terms=len(id2word)).T + + clf = LogisticRegression().fit(X_train_tfidf, y_train) + + model_accuracy = clf.score(X_test_tfidf, y_test) + doc_scores = clf.decision_function(X_test_tfidf) + + return model_accuracy, doc_scores + +############################################################################### +# Get TFIDF scores for corpus without pivoted document length normalisation +# ------------------------------------------------------------------------- +# +params = {} +model_accuracy, doc_scores = get_tfidf_scores(params) +print(model_accuracy) + +############################################################################### +# Examine the bias towards shorter documents +import numpy as np + +# Sort the document scores by their scores and return a sorted list +# of document score and corresponding document lengths. +def sort_length_by_score(doc_scores, X_test): + doc_scores = sorted(enumerate(doc_scores), key=lambda x: x[1]) + doc_leng = np.empty(len(doc_scores)) + + ds = np.empty(len(doc_scores)) + + for i, _ in enumerate(doc_scores): + doc_leng[i] = len(X_test[_[0]]) + ds[i] = _[1] + + return ds, doc_leng + + +print( + "Normal cosine normalisation favors short documents as our top {} " + "docs have a smaller mean doc length of {:.3f} compared to the corpus mean doc length of {:.3f}" + .format( + k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), + sort_length_by_score(doc_scores, X_test)[1].mean() + ) +) + +############################################################################### +# Get TFIDF scores for corpus with pivoted document length normalisation +# ---------------------------------------------------------------------- +# +# Test various values of alpha (slope) and pick the best one. +best_model_accuracy = 0 +optimum_slope = 0 +for slope in np.arange(0, 1.1, 0.1): + params = {"pivot": 10, "slope": slope} + + model_accuracy, doc_scores = get_tfidf_scores(params) + + if model_accuracy > best_model_accuracy: + best_model_accuracy = model_accuracy + optimum_slope = slope + + print("Score for slope {} is {}".format(slope, model_accuracy)) + +print("We get best score of {} at slope {}".format(best_model_accuracy, optimum_slope)) + +############################################################################### +# Evaluate the model with optimum slope +# +params = {"pivot": 10, "slope": optimum_slope} +model_accuracy, doc_scores = get_tfidf_scores(params) +print(model_accuracy) + +print( + "With pivoted normalisation top {} docs have mean length of {:.3f} " + "which is much closer to the corpus mean doc length of {:.3f}" + .format( + k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), + sort_length_by_score(doc_scores, X_test)[1].mean() + ) +) + +############################################################################### +# +# Visualizing the pivoted normalization +# ------------------------------------- +# +# Since cosine normalization favors retrieval of short documents from the plot +# we can see that when slope was 1 (when pivoted normalisation was not applied) +# short documents with length of around 500 had very good score hence the bias +# for short documents can be seen. As we varied the value of slope from 1 to 0 +# we introdcued a new bias for long documents to counter the bias caused by +# cosine normalisation. Therefore at a certain point we got an optimum value of +# slope which is 0.5 where the overall accuracy of the model is increased. +# +import matplotlib.pyplot as py + +best_model_accuracy = 0 +optimum_slope = 0 + +w = 2 +h = 2 +f, axarr = py.subplots(h, w, figsize=(15, 7)) + +it = 0 +for slope in [1, 0.2]: + params = {"pivot": 10, "slope": slope} + + model_accuracy, doc_scores = get_tfidf_scores(params) + + if model_accuracy > best_model_accuracy: + best_model_accuracy = model_accuracy + optimum_slope = slope + + doc_scores, doc_leng = sort_length_by_score(doc_scores, X_test) + + y = abs(doc_scores[:k, np.newaxis]) + x = doc_leng[:k, np.newaxis] + + py.subplot(1, 2, it+1).bar(x, y, width=20, linewidth=0) + py.title("slope = " + str(slope) + " Model accuracy = " + str(model_accuracy)) + py.ylim([0, 4.5]) + py.xlim([0, 3200]) + py.xlabel("document length") + py.ylabel("confidence score") + + it += 1 + +py.tight_layout() +py.show() + +############################################################################### +# The above histogram plot helps us visualize the effect of ``slope``. For top +# k documents we have document length on the x axis and their respective scores +# of belonging to a specific class on y axis. +# +# As we decrease the slope the density of bins is shifted from low document +# length (around ~250-500) to over ~500 document length. This suggests that the +# positive biasness which was seen at ``slope=1`` (or when regular tfidf was +# used) for short documents is now reduced. We get the optimum slope or the max +# model accuracy when slope is 0.2. +# +# Conclusion +# ========== +# +# Using pivoted document normalization improved the classification accuracy significantly: +# +# * Before (slope=1, identical to default cosine normalization): 0.9682 +# * After (slope=0.2): 0.9771 +# diff --git a/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.py.md5 b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.py.md5 new file mode 100644 index 0000000000..46b112b092 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.py.md5 @@ -0,0 +1 @@ +8d0d9e0b78a34decf330f2edf18e0cc3 \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.rst b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.rst new file mode 100644 index 0000000000..689ffc8bbe --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_pivoted_doc_norm.rst @@ -0,0 +1,404 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_pivoted_doc_norm.py: + + +Pivoted Document Length Normalization +===================================== + +This tutorial demonstrates using Pivoted Document Length Normalization to +counter the effect of short document bias when working with TfIdf, thereby +increasing the classification accuracy. +In many cases, normalizing the tfidf weights for each term favors weight of terms of the documents with shorter length. The *pivoted document length normalization* scheme counters the effect of this bias for short documents by making tfidf independent of the document length. + +This is achieved by *tilting* the normalization curve along the pivot point defined by user with some slope. + +Roughly following the equation: + +``pivoted_norm = (1 - slope) * pivot + slope * old_norm`` + +This scheme is proposed in the paper `Pivoted Document Length Normalization `_ by Singhal, Buckley and Mitra. + +Overall this approach can increase the accuracy of the model where the document lengths are hugely varying in the entire corpus. + +Introduction +------------ + +This guide demonstrates how to perform pivoted document length normalization. + +We will train a logistic regression to distinguish between text from two different newsgroups. + +Our results will show that using pivoted document length normalization yields a better model (higher classification accuracy). + + + +.. code-block:: default + + + # + # Download our dataset + # + import gensim.downloader as api + nws = api.load("20-newsgroups") + + # + # Pick texts from relevant newsgroups, split into training and test set. + # + cat1, cat2 = ('sci.electronics', 'sci.space') + + # + # X_* contain the actual texts as strings. + # Y_* contain labels, 0 for cat1 (sci.electronics) and 1 for cat2 (sci.space) + # + X_train = [] + X_test = [] + y_train = [] + y_test = [] + + for i in nws: + if i["set"] == "train" and i["topic"] == cat1: + X_train.append(i["data"]) + y_train.append(0) + elif i["set"] == "train" and i["topic"] == cat2: + X_train.append(i["data"]) + y_train.append(1) + elif i["set"] == "test" and i["topic"] == cat1: + X_test.append(i["data"]) + y_test.append(0) + elif i["set"] == "test" and i["topic"] == cat2: + X_test.append(i["data"]) + y_test.append(1) + + + + + + + +Preprocess the data + + + +.. code-block:: default + + from gensim.parsing.preprocessing import preprocess_string + from gensim.corpora import Dictionary + + id2word = Dictionary([preprocess_string(doc) for doc in X_train]) + train_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_train] + test_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_test] + + print(len(X_train), len(X_test)) + + # We perform our analysis on top k documents which is almost top 10% most scored documents + k = len(X_test) // 10 + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 1184 787 + + +Prepare our evaluation function + + + +.. code-block:: default + + from gensim.sklearn_api.tfidf import TfIdfTransformer + from sklearn.linear_model import LogisticRegression + from gensim.matutils import corpus2csc + + # This function returns the model accuracy and indivitual document prob values using + # gensim's TfIdfTransformer and sklearn's LogisticRegression + def get_tfidf_scores(kwargs): + tfidf_transformer = TfIdfTransformer(**kwargs).fit(train_corpus) + + X_train_tfidf = corpus2csc(tfidf_transformer.transform(train_corpus), num_terms=len(id2word)).T + X_test_tfidf = corpus2csc(tfidf_transformer.transform(test_corpus), num_terms=len(id2word)).T + + clf = LogisticRegression().fit(X_train_tfidf, y_train) + + model_accuracy = clf.score(X_test_tfidf, y_test) + doc_scores = clf.decision_function(X_test_tfidf) + + return model_accuracy, doc_scores + + + + + + + +Get TFIDF scores for corpus without pivoted document length normalisation +------------------------------------------------------------------------- + + + +.. code-block:: default + + params = {} + model_accuracy, doc_scores = get_tfidf_scores(params) + print(model_accuracy) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.9682337992376112 + + +Examine the bias towards shorter documents + + +.. code-block:: default + + import numpy as np + + # Sort the document scores by their scores and return a sorted list + # of document score and corresponding document lengths. + def sort_length_by_score(doc_scores, X_test): + doc_scores = sorted(enumerate(doc_scores), key=lambda x: x[1]) + doc_leng = np.empty(len(doc_scores)) + + ds = np.empty(len(doc_scores)) + + for i, _ in enumerate(doc_scores): + doc_leng[i] = len(X_test[_[0]]) + ds[i] = _[1] + + return ds, doc_leng + + + print( + "Normal cosine normalisation favors short documents as our top {} " + "docs have a smaller mean doc length of {:.3f} compared to the corpus mean doc length of {:.3f}" + .format( + k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), + sort_length_by_score(doc_scores, X_test)[1].mean() + ) + ) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Normal cosine normalisation favors short documents as our top 78 docs have a smaller mean doc length of 1668.179 compared to the corpus mean doc length of 1577.799 + + +Get TFIDF scores for corpus with pivoted document length normalisation +---------------------------------------------------------------------- + +Test various values of alpha (slope) and pick the best one. + + +.. code-block:: default + + best_model_accuracy = 0 + optimum_slope = 0 + for slope in np.arange(0, 1.1, 0.1): + params = {"pivot": 10, "slope": slope} + + model_accuracy, doc_scores = get_tfidf_scores(params) + + if model_accuracy > best_model_accuracy: + best_model_accuracy = model_accuracy + optimum_slope = slope + + print("Score for slope {} is {}".format(slope, model_accuracy)) + + print("We get best score of {} at slope {}".format(best_model_accuracy, optimum_slope)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Score for slope 0.0 is 0.9720457433290979 + Score for slope 0.1 is 0.9758576874205845 + Score for slope 0.2 is 0.97712833545108 + Score for slope 0.30000000000000004 is 0.9783989834815756 + Score for slope 0.4 is 0.97712833545108 + Score for slope 0.5 is 0.9758576874205845 + Score for slope 0.6000000000000001 is 0.9733163913595934 + Score for slope 0.7000000000000001 is 0.9733163913595934 + Score for slope 0.8 is 0.9733163913595934 + Score for slope 0.9 is 0.9733163913595934 + Score for slope 1.0 is 0.9682337992376112 + We get best score of 0.9783989834815756 at slope 0.30000000000000004 + + +Evaluate the model with optimum slope + + + +.. code-block:: default + + params = {"pivot": 10, "slope": optimum_slope} + model_accuracy, doc_scores = get_tfidf_scores(params) + print(model_accuracy) + + print( + "With pivoted normalisation top {} docs have mean length of {:.3f} " + "which is much closer to the corpus mean doc length of {:.3f}" + .format( + k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), + sort_length_by_score(doc_scores, X_test)[1].mean() + ) + ) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 0.9783989834815756 + With pivoted normalisation top 78 docs have mean length of 2077.346 which is much closer to the corpus mean doc length of 1577.799 + + +Visualizing the pivoted normalization +------------------------------------- + +Since cosine normalization favors retrieval of short documents from the plot +we can see that when slope was 1 (when pivoted normalisation was not applied) +short documents with length of around 500 had very good score hence the bias +for short documents can be seen. As we varied the value of slope from 1 to 0 +we introdcued a new bias for long documents to counter the bias caused by +cosine normalisation. Therefore at a certain point we got an optimum value of +slope which is 0.5 where the overall accuracy of the model is increased. + + + +.. code-block:: default + + import matplotlib.pyplot as py + + best_model_accuracy = 0 + optimum_slope = 0 + + w = 2 + h = 2 + f, axarr = py.subplots(h, w, figsize=(15, 7)) + + it = 0 + for slope in [1, 0.2]: + params = {"pivot": 10, "slope": slope} + + model_accuracy, doc_scores = get_tfidf_scores(params) + + if model_accuracy > best_model_accuracy: + best_model_accuracy = model_accuracy + optimum_slope = slope + + doc_scores, doc_leng = sort_length_by_score(doc_scores, X_test) + + y = abs(doc_scores[:k, np.newaxis]) + x = doc_leng[:k, np.newaxis] + + py.subplot(1, 2, it+1).bar(x, y, width=20, linewidth=0) + py.title("slope = " + str(slope) + " Model accuracy = " + str(model_accuracy)) + py.ylim([0, 4.5]) + py.xlim([0, 3200]) + py.xlabel("document length") + py.ylabel("confidence score") + + it += 1 + + py.tight_layout() + py.show() + + + + +.. image:: /auto_examples/tutorials/images/sphx_glr_run_pivoted_doc_norm_001.png + :class: sphx-glr-single-img + + + + +The above histogram plot helps us visualize the effect of ``slope``. For top +k documents we have document length on the x axis and their respective scores +of belonging to a specific class on y axis. + +As we decrease the slope the density of bins is shifted from low document +length (around ~250-500) to over ~500 document length. This suggests that the +positive biasness which was seen at ``slope=1`` (or when regular tfidf was +used) for short documents is now reduced. We get the optimum slope or the max +model accuracy when slope is 0.2. + +Conclusion +========== + +Using pivoted document normalization improved the classification accuracy significantly: + +* Before (slope=1, identical to default cosine normalization): 0.9682 +* After (slope=0.2): 0.9771 + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 18.500 seconds) + +**Estimated memory usage:** 12 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_pivoted_doc_norm.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_pivoted_doc_norm.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_pivoted_doc_norm.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_summarization.ipynb b/docs/src/auto_examples/tutorials/run_summarization.ipynb new file mode 100644 index 0000000000..ff900ee6eb --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_summarization.ipynb @@ -0,0 +1,331 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nText Summarization\n==================\n\nDemonstrates summarizing text by extracting the most important sentences from it.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This module automatically summarizes the given text, by extracting one or\nmore important sentences from the text. In a similar way, it can also extract\nkeywords. This tutorial will teach you to use this summarization module via\nsome examples. First, we will try a small example, then we will try two\nlarger ones, and then we will review the performance of the summarizer in\nterms of speed.\n\nThis summarizer is based on the , from an `\"TextRank\" algorithm by Mihalcea\net al `_.\nThis algorithm was later improved upon by `Barrios et al.\n`_,\nby introducing something called a \"BM25 ranking function\". \n\n.. important::\n Gensim's summarization only works for English for now, because the text\n is pre-processed so that stopwords are removed and the words are stemmed,\n and these processes are language-dependent.\n\nSmall example\n-------------\n\nFirst of all, we import the :py:func:`gensim.summarization.summarize` function.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from pprint import pprint as print\nfrom gensim.summarization import summarize" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We will try summarizing a small toy example; later we will use a larger piece of text. In reality, the text is too small, but it suffices as an illustrative example.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "text = (\n \"Thomas A. Anderson is a man living two lives. By day he is an \"\n \"average computer programmer and by night a hacker known as \"\n \"Neo. Neo has always questioned his reality, but the truth is \"\n \"far beyond his imagination. Neo finds himself targeted by the \"\n \"police when he is contacted by Morpheus, a legendary computer \"\n \"hacker branded a terrorist by the government. Morpheus awakens \"\n \"Neo to the real world, a ravaged wasteland where most of \"\n \"humanity have been captured by a race of machines that live \"\n \"off of the humans' body heat and electrochemical energy and \"\n \"who imprison their minds within an artificial reality known as \"\n \"the Matrix. As a rebel against the machines, Neo must return to \"\n \"the Matrix and confront the agents: super-powerful computer \"\n \"programs devoted to snuffing out Neo and the entire human \"\n \"rebellion. \"\n)\nprint(text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To summarize this text, we pass the **raw string data** as input to the\nfunction \"summarize\", and it will return a summary.\n\nNote: make sure that the string does not contain any newlines where the line\nbreaks in a sentence. A sentence with a newline in it (i.e. a carriage\nreturn, \"\\n\") will be treated as two sentences.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(summarize(text))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Use the \"split\" option if you want a list of strings instead of a single string.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(summarize(text, split=True))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You can adjust how much text the summarizer outputs via the \"ratio\" parameter\nor the \"word_count\" parameter. Using the \"ratio\" parameter, you specify what\nfraction of sentences in the original text should be returned as output.\nBelow we specify that we want 50% of the original text (the default is 20%).\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(summarize(text, ratio=0.5))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Using the \"word_count\" parameter, we specify the maximum amount of words we\nwant in the summary. Below we have specified that we want no more than 50\nwords.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(summarize(text, word_count=50))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "As mentioned earlier, this module also supports **keyword** extraction.\nKeyword extraction works in the same way as summary generation (i.e. sentence\nextraction), in that the algorithm tries to find words that are important or\nseem representative of the entire text. They keywords are not always single\nwords; in the case of multi-word keywords, they are typically all nouns.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.summarization import keywords\nprint(keywords(text))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Larger example\n--------------\n\nLet us try an example with a larger piece of text. We will be using a\nsynopsis of the movie \"The Matrix\", which we have taken from `this\n`_ IMDb page.\n\nIn the code below, we read the text file directly from a web-page using\n\"requests\". Then we produce a summary and some keywords.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import requests\n\ntext = requests.get('http://rare-technologies.com/the_matrix_synopsis.txt').text\nprint(text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "First, the summary\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(summarize(text, ratio=0.01))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "And now, the keywords:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(keywords(text, ratio=0.01))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If you know this movie, you see that this summary is actually quite good. We\nalso see that some of the most important characters (Neo, Morpheus, Trinity)\nwere extracted as keywords.\n\nAnother example\n---------------\n\nLet's try an example similar to the one above. This time, we will use the IMDb synopsis\n`The Big Lebowski `_.\n\nAgain, we download the text and produce a summary and some keywords.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "text = requests.get('http://rare-technologies.com/the_big_lebowski_synopsis.txt').text\nprint(text)\nprint(summarize(text, ratio=0.01))\nprint(keywords(text, ratio=0.01))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This time around, the summary is not of high quality, as it does not tell us\nmuch about the movie. In a way, this might not be the algorithms fault,\nrather this text simply doesn't contain one or two sentences that capture the\nessence of the text as in \"The Matrix\" synopsis.\n\nThe keywords, however, managed to find some of the main characters.\n\nPerformance\n-----------\n\nWe will test how the speed of the summarizer scales with the size of the\ndataset. These tests were run on an Intel Core i5 4210U CPU @ 1.70 GHz x 4\nprocessor. Note that the summarizer does **not** support multithreading\n(parallel processing).\n\nThe tests were run on the book \"Honest Abe\" by Alonzo Rothschild. Download\nthe book in plain-text `here `__.\n\nIn the **plot below** , we see the running times together with the sizes of\nthe datasets. To create datasets of different sizes, we have simply taken\nprefixes of text; in other words we take the first **n** characters of the\nbook. The algorithm seems to be **quadratic in time** , so one needs to be\ncareful before plugging a large dataset into the summarizer.\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\nimport matplotlib.image as mpimg\nimg = mpimg.imread('summarization_tutorial_plot.png')\nimgplot = plt.imshow(img)\nplt.axis('off')\nplt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Text-content dependent running times\n------------------------------------\n\nThe running time is not only dependent on the size of the dataset. For\nexample, summarizing \"The Matrix\" synopsis (about 36,000 characters) takes\nabout 3.1 seconds, while summarizing 35,000 characters of this book takes\nabout 8.5 seconds. So the former is **more than twice as fast**.\n\nOne reason for this difference in running times is the data structure that is\nused. The algorithm represents the data using a graph, where vertices (nodes)\nare sentences, and then constructs weighted edges between the vertices that\nrepresent how the sentences relate to each other. This means that every piece\nof text will have a different graph, thus making the running times different.\nThe size of this data structure is **quadratic in the worst case** (the worst\ncase is when each vertex has an edge to every other vertex).\n\nAnother possible reason for the difference in running times is that the\nproblems converge at different rates, meaning that the error drops slower for\nsome datasets than for others.\n\nMontemurro and Zanette's entropy based keyword extraction algorithm\n-------------------------------------------------------------------\n\n`This paper `__ describes a technique to\nidentify words that play a significant role in the large-scale structure of a\ntext. These typically correspond to the major themes of the text. The text is\ndivided into blocks of ~1000 words, and the entropy of each word's\ndistribution amongst the blocks is caclulated and compared with the expected\nentropy if the word were distributed randomly.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import requests\nfrom gensim.summarization import mz_keywords\n\ntext=requests.get(\"http://www.gutenberg.org/files/49679/49679-0.txt\").text\nprint(mz_keywords(text,scores=True,threshold=0.001))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "By default, the algorithm weights the entropy by the overall frequency of the\nword in the document. We can remove this weighting by setting weighted=False\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(mz_keywords(text,scores=True,weighted=False,threshold=1.0))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "When this option is used, it is possible to calculate a threshold\nautomatically from the number of blocks\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(mz_keywords(text,scores=True,weighted=False,threshold=\"auto\"))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The complexity of the algorithm is **O**\\ (\\ *Nw*\\ ), where *N* is the number\nof words in the document and *w* is the number of unique words.\n\n\n" + ] + } + ], + "metadata": { + "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.7.1" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_summarization.py b/docs/src/auto_examples/tutorials/run_summarization.py new file mode 100644 index 0000000000..e5281e1a9b --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_summarization.py @@ -0,0 +1,243 @@ +r""" +Text Summarization +================== + +Demonstrates summarizing text by extracting the most important sentences from it. + +""" +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# This module automatically summarizes the given text, by extracting one or +# more important sentences from the text. In a similar way, it can also extract +# keywords. This tutorial will teach you to use this summarization module via +# some examples. First, we will try a small example, then we will try two +# larger ones, and then we will review the performance of the summarizer in +# terms of speed. +# +# This summarizer is based on the , from an `"TextRank" algorithm by Mihalcea +# et al `_. +# This algorithm was later improved upon by `Barrios et al. +# `_, +# by introducing something called a "BM25 ranking function". +# +# .. important:: +# Gensim's summarization only works for English for now, because the text +# is pre-processed so that stopwords are removed and the words are stemmed, +# and these processes are language-dependent. +# +# Small example +# ------------- +# +# First of all, we import the :py:func:`gensim.summarization.summarize` function. + + +from pprint import pprint as print +from gensim.summarization import summarize + +############################################################################### +# We will try summarizing a small toy example; later we will use a larger piece of text. In reality, the text is too small, but it suffices as an illustrative example. +# + + +text = ( + "Thomas A. Anderson is a man living two lives. By day he is an " + "average computer programmer and by night a hacker known as " + "Neo. Neo has always questioned his reality, but the truth is " + "far beyond his imagination. Neo finds himself targeted by the " + "police when he is contacted by Morpheus, a legendary computer " + "hacker branded a terrorist by the government. Morpheus awakens " + "Neo to the real world, a ravaged wasteland where most of " + "humanity have been captured by a race of machines that live " + "off of the humans' body heat and electrochemical energy and " + "who imprison their minds within an artificial reality known as " + "the Matrix. As a rebel against the machines, Neo must return to " + "the Matrix and confront the agents: super-powerful computer " + "programs devoted to snuffing out Neo and the entire human " + "rebellion. " +) +print(text) + +############################################################################### +# To summarize this text, we pass the **raw string data** as input to the +# function "summarize", and it will return a summary. +# +# Note: make sure that the string does not contain any newlines where the line +# breaks in a sentence. A sentence with a newline in it (i.e. a carriage +# return, "\n") will be treated as two sentences. +# + +print(summarize(text)) + +############################################################################### +# +# Use the "split" option if you want a list of strings instead of a single string. +# +print(summarize(text, split=True)) + +############################################################################### +# +# You can adjust how much text the summarizer outputs via the "ratio" parameter +# or the "word_count" parameter. Using the "ratio" parameter, you specify what +# fraction of sentences in the original text should be returned as output. +# Below we specify that we want 50% of the original text (the default is 20%). +# + +print(summarize(text, ratio=0.5)) + +############################################################################### +# +# Using the "word_count" parameter, we specify the maximum amount of words we +# want in the summary. Below we have specified that we want no more than 50 +# words. +# +print(summarize(text, word_count=50)) + +############################################################################### +# As mentioned earlier, this module also supports **keyword** extraction. +# Keyword extraction works in the same way as summary generation (i.e. sentence +# extraction), in that the algorithm tries to find words that are important or +# seem representative of the entire text. They keywords are not always single +# words; in the case of multi-word keywords, they are typically all nouns. +# + +from gensim.summarization import keywords +print(keywords(text)) + +############################################################################### +# Larger example +# -------------- +# +# Let us try an example with a larger piece of text. We will be using a +# synopsis of the movie "The Matrix", which we have taken from `this +# `_ IMDb page. +# +# In the code below, we read the text file directly from a web-page using +# "requests". Then we produce a summary and some keywords. +# + + +import requests + +text = requests.get('http://rare-technologies.com/the_matrix_synopsis.txt').text +print(text) + +############################################################################### +# First, the summary +# +print(summarize(text, ratio=0.01)) + + +############################################################################### +# And now, the keywords: +# +print(keywords(text, ratio=0.01)) + +############################################################################### +# If you know this movie, you see that this summary is actually quite good. We +# also see that some of the most important characters (Neo, Morpheus, Trinity) +# were extracted as keywords. +# +# Another example +# --------------- +# +# Let's try an example similar to the one above. This time, we will use the IMDb synopsis +# `The Big Lebowski `_. +# +# Again, we download the text and produce a summary and some keywords. +# + + +text = requests.get('http://rare-technologies.com/the_big_lebowski_synopsis.txt').text +print(text) +print(summarize(text, ratio=0.01)) +print(keywords(text, ratio=0.01)) + +############################################################################### +# This time around, the summary is not of high quality, as it does not tell us +# much about the movie. In a way, this might not be the algorithms fault, +# rather this text simply doesn't contain one or two sentences that capture the +# essence of the text as in "The Matrix" synopsis. +# +# The keywords, however, managed to find some of the main characters. +# +# Performance +# ----------- +# +# We will test how the speed of the summarizer scales with the size of the +# dataset. These tests were run on an Intel Core i5 4210U CPU @ 1.70 GHz x 4 +# processor. Note that the summarizer does **not** support multithreading +# (parallel processing). +# +# The tests were run on the book "Honest Abe" by Alonzo Rothschild. Download +# the book in plain-text `here `__. +# +# In the **plot below** , we see the running times together with the sizes of +# the datasets. To create datasets of different sizes, we have simply taken +# prefixes of text; in other words we take the first **n** characters of the +# book. The algorithm seems to be **quadratic in time** , so one needs to be +# careful before plugging a large dataset into the summarizer. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('summarization_tutorial_plot.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() + +############################################################################### +# Text-content dependent running times +# ------------------------------------ +# +# The running time is not only dependent on the size of the dataset. For +# example, summarizing "The Matrix" synopsis (about 36,000 characters) takes +# about 3.1 seconds, while summarizing 35,000 characters of this book takes +# about 8.5 seconds. So the former is **more than twice as fast**. +# +# One reason for this difference in running times is the data structure that is +# used. The algorithm represents the data using a graph, where vertices (nodes) +# are sentences, and then constructs weighted edges between the vertices that +# represent how the sentences relate to each other. This means that every piece +# of text will have a different graph, thus making the running times different. +# The size of this data structure is **quadratic in the worst case** (the worst +# case is when each vertex has an edge to every other vertex). +# +# Another possible reason for the difference in running times is that the +# problems converge at different rates, meaning that the error drops slower for +# some datasets than for others. +# +# Montemurro and Zanette's entropy based keyword extraction algorithm +# ------------------------------------------------------------------- +# +# `This paper `__ describes a technique to +# identify words that play a significant role in the large-scale structure of a +# text. These typically correspond to the major themes of the text. The text is +# divided into blocks of ~1000 words, and the entropy of each word's +# distribution amongst the blocks is caclulated and compared with the expected +# entropy if the word were distributed randomly. +# + + +import requests +from gensim.summarization import mz_keywords + +text=requests.get("http://www.gutenberg.org/files/49679/49679-0.txt").text +print(mz_keywords(text,scores=True,threshold=0.001)) + +############################################################################### +# By default, the algorithm weights the entropy by the overall frequency of the +# word in the document. We can remove this weighting by setting weighted=False +# +print(mz_keywords(text,scores=True,weighted=False,threshold=1.0)) + +############################################################################### +# When this option is used, it is possible to calculate a threshold +# automatically from the number of blocks +# +print(mz_keywords(text,scores=True,weighted=False,threshold="auto")) + +############################################################################### +# The complexity of the algorithm is **O**\ (\ *Nw*\ ), where *N* is the number +# of words in the document and *w* is the number of unique words. +# diff --git a/docs/src/auto_examples/tutorials/run_summarization.py.md5 b/docs/src/auto_examples/tutorials/run_summarization.py.md5 new file mode 100644 index 0000000000..7d7a40b1f2 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_summarization.py.md5 @@ -0,0 +1 @@ +fe6bd7ae71fe713de661c4fbf9b3b3b6 \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_summarization.rst b/docs/src/auto_examples/tutorials/run_summarization.rst new file mode 100644 index 0000000000..e9c45a6953 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_summarization.rst @@ -0,0 +1,2359 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_summarization.py: + + +Text Summarization +================== + +Demonstrates summarizing text by extracting the most important sentences from it. + +.. code-block:: default + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +This module automatically summarizes the given text, by extracting one or +more important sentences from the text. In a similar way, it can also extract +keywords. This tutorial will teach you to use this summarization module via +some examples. First, we will try a small example, then we will try two +larger ones, and then we will review the performance of the summarizer in +terms of speed. + +This summarizer is based on the , from an `"TextRank" algorithm by Mihalcea +et al `_. +This algorithm was later improved upon by `Barrios et al. +`_, +by introducing something called a "BM25 ranking function". + +.. important:: + Gensim's summarization only works for English for now, because the text + is pre-processed so that stopwords are removed and the words are stemmed, + and these processes are language-dependent. + +Small example +------------- + +First of all, we import the :py:func:`gensim.summarization.summarize` function. + + +.. code-block:: default + + + + from pprint import pprint as print + from gensim.summarization import summarize + + + + + + + +We will try summarizing a small toy example; later we will use a larger piece of text. In reality, the text is too small, but it suffices as an illustrative example. + + + +.. code-block:: default + + + + text = ( + "Thomas A. Anderson is a man living two lives. By day he is an " + "average computer programmer and by night a hacker known as " + "Neo. Neo has always questioned his reality, but the truth is " + "far beyond his imagination. Neo finds himself targeted by the " + "police when he is contacted by Morpheus, a legendary computer " + "hacker branded a terrorist by the government. Morpheus awakens " + "Neo to the real world, a ravaged wasteland where most of " + "humanity have been captured by a race of machines that live " + "off of the humans' body heat and electrochemical energy and " + "who imprison their minds within an artificial reality known as " + "the Matrix. As a rebel against the machines, Neo must return to " + "the Matrix and confront the agents: super-powerful computer " + "programs devoted to snuffing out Neo and the entire human " + "rebellion. " + ) + print(text) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('Thomas A. Anderson is a man living two lives. By day he is an average ' + 'computer programmer and by night a hacker known as Neo. Neo has always ' + 'questioned his reality, but the truth is far beyond his imagination. Neo ' + 'finds himself targeted by the police when he is contacted by Morpheus, a ' + 'legendary computer hacker branded a terrorist by the government. Morpheus ' + 'awakens Neo to the real world, a ravaged wasteland where most of humanity ' + "have been captured by a race of machines that live off of the humans' body " + 'heat and electrochemical energy and who imprison their minds within an ' + 'artificial reality known as the Matrix. As a rebel against the machines, Neo ' + 'must return to the Matrix and confront the agents: super-powerful computer ' + 'programs devoted to snuffing out Neo and the entire human rebellion. ') + + +To summarize this text, we pass the **raw string data** as input to the +function "summarize", and it will return a summary. + +Note: make sure that the string does not contain any newlines where the line +breaks in a sentence. A sentence with a newline in it (i.e. a carriage +return, "\n") will be treated as two sentences. + + + +.. code-block:: default + + + print(summarize(text)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('Morpheus awakens Neo to the real world, a ravaged wasteland where most of ' + 'humanity have been captured by a race of machines that live off of the ' + "humans' body heat and electrochemical energy and who imprison their minds " + 'within an artificial reality known as the Matrix.') + + +Use the "split" option if you want a list of strings instead of a single string. + + + +.. code-block:: default + + print(summarize(text, split=True)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ['Morpheus awakens Neo to the real world, a ravaged wasteland where most of ' + 'humanity have been captured by a race of machines that live off of the ' + "humans' body heat and electrochemical energy and who imprison their minds " + 'within an artificial reality known as the Matrix.'] + + +You can adjust how much text the summarizer outputs via the "ratio" parameter +or the "word_count" parameter. Using the "ratio" parameter, you specify what +fraction of sentences in the original text should be returned as output. +Below we specify that we want 50% of the original text (the default is 20%). + + + +.. code-block:: default + + + print(summarize(text, ratio=0.5)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('By day he is an average computer programmer and by night a hacker known as ' + 'Neo. Neo has always questioned his reality, but the truth is far beyond his ' + 'imagination.\n' + 'Morpheus awakens Neo to the real world, a ravaged wasteland where most of ' + 'humanity have been captured by a race of machines that live off of the ' + "humans' body heat and electrochemical energy and who imprison their minds " + 'within an artificial reality known as the Matrix.\n' + 'As a rebel against the machines, Neo must return to the Matrix and confront ' + 'the agents: super-powerful computer programs devoted to snuffing out Neo and ' + 'the entire human rebellion.') + + +Using the "word_count" parameter, we specify the maximum amount of words we +want in the summary. Below we have specified that we want no more than 50 +words. + + + +.. code-block:: default + + print(summarize(text, word_count=50)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('Morpheus awakens Neo to the real world, a ravaged wasteland where most of ' + 'humanity have been captured by a race of machines that live off of the ' + "humans' body heat and electrochemical energy and who imprison their minds " + 'within an artificial reality known as the Matrix.') + + +As mentioned earlier, this module also supports **keyword** extraction. +Keyword extraction works in the same way as summary generation (i.e. sentence +extraction), in that the algorithm tries to find words that are important or +seem representative of the entire text. They keywords are not always single +words; in the case of multi-word keywords, they are typically all nouns. + + + +.. code-block:: default + + + from gensim.summarization import keywords + print(keywords(text)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 'neo\nhumanity\nhuman\nhumans body\nsuper\nreality\nhacker' + + +Larger example +-------------- + +Let us try an example with a larger piece of text. We will be using a +synopsis of the movie "The Matrix", which we have taken from `this +`_ IMDb page. + +In the code below, we read the text file directly from a web-page using +"requests". Then we produce a summary and some keywords. + + + +.. code-block:: default + + + + import requests + + text = requests.get('http://rare-technologies.com/the_matrix_synopsis.txt').text + print(text) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('The screen is filled with green, cascading code which gives way to the ' + 'title, The Matrix.\r\n' + '\r\n' + 'A phone rings and text appears on the screen: "Call trans opt: received. ' + '2-19-98 13:24:18 REC: Log>" As a conversation takes place between Trinity ' + '(Carrie-Anne Moss) and Cypher (Joe Pantoliano), two free humans, a table of ' + 'random green numbers are being scanned and individual numbers selected, ' + 'creating a series of digits not unlike an ordinary phone number, as if a ' + 'code is being deciphered or a call is being traced.\r\n' + '\r\n' + 'Trinity discusses some unknown person. Cypher taunts Trinity, suggesting she ' + 'enjoys watching him. Trinity counters that "Morpheus (Laurence Fishburne) ' + 'says he may be \'the One\'," just as the sound of a number being selected ' + 'alerts Trinity that someone may be tracing their call. She ends the call.\r\n' + '\r\n' + "Armed policemen move down a darkened, decrepit hallway in the Heart O' the " + 'City Hotel, their flashlight beam bouncing just ahead of them. They come to ' + 'room 303, kick down the door and find a woman dressed in black, facing away ' + "from them. It's Trinity. She brings her hands up from the laptop she's " + 'working on at their command.\r\n' + '\r\n' + 'Outside the hotel a car drives up and three agents appear in neatly pressed ' + 'black suits. They are Agent Smith (Hugo Weaving), Agent Brown (Paul ' + 'Goddard), and Agent Jones (Robert Taylor). Agent Smith and the presiding ' + 'police lieutenant argue. Agent Smith admonishes the policeman that they were ' + 'given specific orders to contact the agents first, for their protection. The ' + 'lieutenant dismisses this and says that they can handle "one little girl" ' + 'and that he has two units that are bringing her down at that very moment. ' + 'Agent Smith replies: "No, Lieutenant. Your men are already dead."\r\n' + '\r\n' + 'Inside, Trinity easily defeats the six policemen sent to apprehend her, ' + 'using fighting and evasion techniques that seem to defy gravity. She calls ' + "Morpheus, letting him know that the line has been traced, though she doesn't " + 'know how. Morpheus informs her that she will have to "make it to another ' + 'exit," and that Agents are heading up after her.\r\n' + '\r\n' + 'A fierce rooftop chase ensues with Trinity and an Agent leaping from one ' + 'building to the next, astonishing the policemen left behind. Trinity makes a ' + 'daring leap across an alley and through a small window. She has momentarily ' + 'lost her pursuers and makes it to a public phone booth on the street level. ' + 'The phone begins to ring. As she approaches it a garbage truck, driven by ' + 'Agent Smith, careens towards the phone booth. Trinity makes a desperate dash ' + 'to the phone, picking it up just moments before the truck smashes the booth ' + 'into a brick wall. The three Agents reunite at the front of the truck. There ' + 'is no body in the wreckage. "She got out," one says. The other says, "The ' + 'informant is real." "We have the name of their next target," says the other, ' + '"His name is Neo."\r\n' + '\r\n' + 'Neo (Keanu Reeves), a hacker with thick black hair and a sallow appearance, ' + 'is asleep at his monitor. Notices about a manhunt for a man named Morpheus ' + "scroll across his screen as he sleeps. Suddenly Neo's screen goes blank and " + 'a series of text messages appear: "Wake up, Neo." "The Matrix has you." ' + '"Follow the White Rabbit." Then, the text says "Knock, knock, Neo..." just ' + "as he reads it, a knock comes at the door of his apartment, 101. It's a " + 'group of ravers and Neo gives them a contraband disc he has secreted in a ' + 'copy of Simulacra and Simulation. The lead raver asks him to join them and ' + 'Neo demurs until he sees the tattoo of a small white rabbit on the shoulder ' + 'of a seductive girl in the group.\r\n' + '\r\n' + "At a rave bar Neo stands alone and aloof as the group he's with continue " + 'partying. Trinity approaches him and introduces herself. Neo recognizes her ' + 'name; she was a famous hacker and had cracked the IRS database. She tells ' + 'him that he is in great danger, that they are watching him and that she ' + 'knows that he is searching for answers, particularly to the most important ' + 'question of all: what is the Matrix? The pulsing music of the bar gives way ' + "to the repetitious blare of Neo's alarm clock; it's 9:18 and he's late for " + 'work.\r\n' + '\r\n' + 'At his job at Metacortex, a leading software company housed in an ominous ' + 'high rise, Neo is berated by his boss for having a problem with authority, ' + "for thinking he's special. Neo listens to his boss, but his attention is on " + 'the persons cleaning the window of the office. Back at his bleak cubicle Neo ' + 'receives a delivery as "Thomas Anderson." Upon opening the package he finds ' + 'a cellphone which immediately rings. On the other end is Morpheus, who ' + 'informs Neo that they\'ve both run out of time and that "they" are coming ' + 'for him. Morpheus tells him to slowly look up, toward the elevator. Agents ' + 'Smith, Jones, and Brown are there, obviously looking for him, as a woman ' + "points towards Neo's cube. Morpheus tries to guide Neo out of the building " + 'but when he is instructed to get on a scaffolding and take it to the roof ' + "Neo rejects Morpheus's advice, allowing himself to be taken by the " + 'Agents.\r\n' + '\r\n' + "In an interrogation room the Agents confront Neo. They've had their eye on " + 'him for some time. He lives a dual existence: one life as Thomas A. ' + 'Anderson, a software engineer for a Metacortex, the other life as Neo, a ' + 'computer hacker "guilty of virtually every computer crime we have a law ' + 'for." Agent Smith asks him to help them capture Morpheus, a dangerous ' + 'terrorist, in exchange for amnesty. Neo gives them the finger and asks for ' + "his phone call. Mr. Smith asks what good is a phone call if he's unable to " + 'speak. Neo finds that his lips have fused together. Panicked, he is thrown ' + 'on the interrogation table by the Agents and they implant a shrimp-like ' + 'probe, a bug, in his stomach, entering through his belly-button.\r\n' + '\r\n' + 'Neo awakens with a start in his own bed, assuming it has all been a bad ' + 'dream. His phone rings and Morpheus is on the other line. He tells Neo that ' + "the line is tapped but they've underestimated his importance. Morpheus tells " + 'Neo he is the One and to meet him at the Adams St. bridge. There he is ' + 'picked up by Trinity and two others in a car; they all wear black latex and ' + 'leather. A woman in the front seat, Switch (Belinda McClory), pulls a gun on ' + "him and tells him to take off his shirt. Trinity tells him it's for their " + 'mutual protection and that he has to trust her. He takes off his shirt and ' + 'she uses a device to remove the probe that Neo believed had been part of a ' + 'nightmare. Trinity drops the bug out into the road where it slowly goes dark ' + 'in the rain.\r\n' + '\r\n' + "Trinity takes Neo to Morpheus. Morpheus explains that he's been searching " + 'for Neo his entire life and asks if Neo feels like "Alice in Wonderland, ' + 'falling down the rabbit hole." He explains to Neo that they exist in the ' + 'Matrix, a false reality that has been constructed for humans to hide the ' + 'truth. The truth is that everyone in the world is a slave, born into ' + 'bondage. Morpheus holds out two pills. In his left palm is a blue pill. If ' + 'Neo takes it he will wake up in his bed and "believe whatever you want to ' + 'believe." But if he takes the red pill in Morpheus\'s right hand, then "you ' + 'stay in Wonderland and I show you how deep the rabbit hole goes." Neo takes ' + 'the red pill.\r\n' + '\r\n' + "As the rest of Morpheus's crew straps him into a chair, Neo is told that " + 'pill he took is part of a trace program, to "disrupt his input/output ' + 'carrier signal" so that they can pinpoint him. Neo looks at a shattered ' + 'mirror placed next to him which miraculously reforms itself. Neo touches the ' + 'surface and the silver begins to creep over his skin, engulfing him as ' + "Morpheus's crew attempt to locate something on the monitors around them. The " + 'silver takes Neo over and he blacks out.\r\n' + '\r\n' + 'He awakens inside a pinkish/purple embryonic pod, extending from the side of ' + 'a circular building, a massive power plant. He is hairless and naked, with ' + 'thick black tubes snaking down his throat, plugged into the back of his ' + 'skull, his spine, and invading most of the rest of his body. He finds his ' + 'pod is open and that he is surrounded by tower after tower of pods just like ' + 'his, all filled with bodies. Suddenly a menacing, hovering nurse robot grabs ' + 'him by the throat. The tubes detach and Neo is flushed down a tube into an ' + "underground pool of filthy water. Just as he's about to drown in the muck a " + 'hovercraft appears above him, snags him and hauls him into its cargo bay. ' + "Neo finds himself surrounded by Morpheus's crew again, but they are dressed " + 'differently, in simple knit garments. Just before Neo passes out Morpheus ' + 'says to him, "Welcome to the real world."\r\n' + '\r\n' + 'Neo drifts in and out of consciousness. At one point he asks, "Am I dead?" ' + '"Far from it," replies Morpheus. Again he wakes, his body a pincushion of ' + 'acupuncture. "Why do my eyes hurt?" he asks. "You\'ve never used them," ' + 'Morpheus replies.\r\n' + '\r\n' + 'Neo finally wakes, fully clothed, with a short shock of hair on his head. He ' + 'removes a connector that is sunk deep into his arm and reaches to find the ' + 'large socket at the back of his neck when Morpheus enters the room. "What is ' + 'this place?" Neo asks. "The more important question is when," says Morpheus, ' + '"You believe it is the year 1999, when in fact it is closer to the year ' + '2199." Morpheus goes on to say that they really don\'t know when it is. He ' + 'gives Neo a tour of his ship, the Nebuchadnezzar (they pass a plaque stating ' + "it was built in 2069). Neo is introduced to Morpheus's crew including " + 'Trinity; Apoc (Julian Arahanga), a man with long, flowing black hair; ' + 'Switch; Cypher (bald with a goatee); two brawny brothers, Tank (Marcus ' + 'Chong) and Dozer (Anthony Ray Parker); and a young, thin man named Mouse ' + '(Matt Doran).\r\n' + '\r\n' + 'Morpheus gets to the point. "You wanted to know about the Matrix," he says, ' + 'ushering him to a chair. Neo sits down in it and Trinity straps him in. A ' + "long probe is inserted into the socket at the back of Neo's skull.\r\n" + '\r\n' + 'Neo wakes in a world of all white. He is in the Construct, a "loading ' + 'platform" that Morpheus and his team use to prepare newly freed humans to ' + "deal with the Matrix world. Gone are the sockets in Neo's arms and neck. He " + 'has hair again. Morpheus tells him that what he is experiencing of himself ' + 'is the "residual self image, the mental projection of your digital self" and ' + 'bids him to sit while he explains the truth. "This," he says, showing an ' + 'image of a modern city, "is the world that you know." A thing that really ' + 'exists "only as part of a neural, interactive simulation that we call the ' + 'Matrix."\r\n' + '\r\n' + 'Morpheus then shows Neo the world as it truly exists today, a scarred, ' + 'desolate emptiness with charred, abandoned buildings, black earth, and a ' + 'shrouded sky.\r\n' + '\r\n' + 'Morpheus goes on to say that "at some point in the early 21st century all of ' + 'mankind was united in celebration as we gave birth" to artificial ' + 'intelligence, a "singular consciousness that birthed an entire race of ' + 'machines."\r\n' + '\r\n' + 'Someone started a war, and no one knows who, but it was known that it was ' + 'mankind who blotted out the sky, attempting to deprive the machines of the ' + 'solar power they required to function. Instead the machines turned to humans ' + 'as a power source; Mopheus explains that a human\'s body provides "more ' + 'electricity than a 120 volt battery and over 25k BTUs in body heat." ' + 'Morpheus shows Neo fields where machines grow human beings, connecting them ' + 'to their outlets, ensconcing them in their pods, and feeding them with the ' + 'liquefied remains of other human beings. "The Matrix," says Morpheus, "is a ' + 'computer-generated dreamworld created to keep us under control, to turn ' + 'us..." into a mere power source, into coppertop batteries.\r\n' + '\r\n' + 'Neo rejects this information so feverishly that he pulls himself out of the ' + 'Construct. He is back in the chair on the hovercraft. He fights to free ' + 'himself from this harsh reality, only to end up vomiting on the floor and ' + 'passing out.\r\n' + '\r\n' + 'When Neo wakes up in his bunk, Morpheus is beside him. "I can\'t go back, ' + 'can I?" Neo asks. "No," says Morpheus. He apologizes to Neo for breaking a ' + "cardinal rule: after a certain age people aren't brought out of their " + 'simulacrum, but Morpheus explains he had to bring Neo out. When the Matrix ' + 'was created there was a man born inside it who could create his own reality ' + 'inside it. It was this man who set Morpheus and the others free. When he ' + 'died, the Oracle (Gloria Foster) prophesied that he would return in another ' + 'form. And that the return of the One would mean the destruction of the ' + 'Matrix. As long as the Matrix exists, humanity will continue to live in ' + 'complacency inside it and the world can never be free. "I did what I did ' + 'because I believe that search is over," says Morpheus.\r\n' + '\r\n' + 'The next day Neo starts his training. Tank is his operator. Tank and his ' + 'brother Dozer are "100% pure old-fashioned, homegrown human. Born in the ' + 'real world; a genuine child of Zion." Zion, Tank explains, is the last human ' + 'city, buried deep in the earth, near the core, for warmth. Tank straps Neo ' + 'back into the jack-in chair, by-passes some preliminary programs and loads ' + 'him up with combat training, starting with Jiu Jitsu. When Tank hits "load" ' + 'Neo is shocked by the force of the knowledge pouring into him. "I think he ' + 'likes it," says Tank, "want some more?" "Hell yes," replies Neo. Neo is fed ' + 'a series of martial arts techniques including Kempo, Tae Kwon Do, Drunken ' + "Boxing and Kung Fu. Morpheus and Tank are amazed at Neo's ability to ingest " + 'information, but Morpheus wants to test Neo.\r\n' + '\r\n' + 'Morpheus and Neo stand in a sparring program. The program has rules, like ' + 'gravity. But as in many computer programs, some rules can be bent while ' + 'others can be broken. Morpheus bids Neo to hit him, if he can. They fight ' + 'with Neo impressively attacking but Morpheus easily parrying and subduing ' + 'him. The rest of the crew gathers around the monitors to watch the fight. ' + 'Morpheus ends up kicking Neo into a beam, explaining to him that the reason ' + 'he has beaten him has nothing to do with muscles or reality. They spar ' + 'again. "What are you waiting for?" Morpheus asks him. "You\'re faster than ' + 'this!" Neo finally brings a punch near his teacher\'s face. They can move ' + 'on.\r\n' + '\r\n' + 'A jump program is loaded. Both men now stand on one of several tall ' + 'buildings in a normal city skyline. Morpheus tells Neo he must free his mind ' + 'and leaps from one building to the next. Neo nervously tries to follow him ' + "and doesn't make the jump, falling to the pavement below. Neo wakes back in " + 'the Nebudchanezzar with blood in his mouth. "I thought it wasn\'t real," he ' + 'says. "Your mind makes it real," replies Morpheus. "So, if you die in the ' + 'Matrix, you die here?" "The body cannot live without the mind," says ' + 'Morpheus, underlining the very real danger faced in the simulation.\r\n' + '\r\n' + 'Later, Trinity brings Neo dinner. Outside his room, Cypher remarks that ' + 'Trinity never brought him dinner. He asks Trinity why, if Morpheus thinks ' + "Neo is the One, he hasn't taken him to see the Oracle yet. Trinity says " + "he'll take him when he's ready.\r\n" + '\r\n' + 'Morpheus and Neo are walking down a standard city street in what appears to ' + 'be the Matrix. Morpheus explains that the Matrix is a system and that the ' + 'system is their enemy. All the people that inhabit it, the people they are ' + 'trying to free, are part of that system. Some are so inert, so dependent ' + 'upon the Matrix that they can never be free. Neo notices a stunning girl in ' + 'a red dress. "Are you listening to me?" asks Morpheus. He asks Neo to look ' + 'at the girl again. Neo turns to face Agent Smith, pointing a gun straight at ' + 'his head. Morpheus stops the simulation, which has just been created to look ' + 'like the Matrix.\r\n' + '\r\n' + 'Neo asks what the Agents are. "Sentient programs," says Morpheus, that "can ' + 'move in and out of any software hard-wired into their system, meaning that ' + 'they can take over anyone in the Matrix program. "Inside the Matrix," ' + 'Morpheus says, "They are everyone and they are no one." Thus Morpheus and ' + 'his crew survive the Agents by running from them and hiding from the Agents ' + 'even though they "are guarding all the doors. They are holding all the keys ' + 'and sooner or later, someone is going to have to fight them." But no one who ' + 'has ever stood up to an Agent has survived; all have died. Still, Morpheus ' + 'is certain that because the Agents live in a world of rules that they can ' + 'never be as strong, never be as fast as he can be. "What are you trying to ' + 'tell me," asks Neo, "That I can dodge bullets?" "When you\'re ready," ' + 'Morpheus says, "You won\'t have to." Just then Morpheus gets a phone call. ' + '"We\'ve got trouble," Cypher says on the other line.\r\n' + '\r\n' + 'The Nebuchadnezzar is on alert. They see the holographic image of a squiddy, ' + 'a search and destroy sentinel, which is on their trail. They set the ship ' + 'down in a huge sewer system and turn off the power. Tank stands at the ready ' + 'switch of an EMP, electro-magnetic pulse, the only weapon man has against ' + 'the machines in the real world. Two squiddies search for the ship -- the ' + 'crew can see them -- but they move on.\r\n' + '\r\n' + 'Neo startles Cypher, who is working at a computer console streaming with ' + 'green code. Cypher offers Neo a drink and says that he knows what Neo is ' + 'thinking, "Why, oh why didn\'t I take the blue pill?" Neo laughs but is ' + "unsettled. Cypher asks Neo if Morpheus has told him why he's here. Neo nods. " + '"What a mind job," says Cypher, "so you\'re here to save the world."\r\n' + '\r\n' + 'Cypher is now in a fancy restaurant with Agent Smith in the Matrix. Agent ' + 'Smith asks if they have a deal. Cypher cuts up a juicy steak and ruminates ' + 'that he knows the steak is merely the simulation telling his brain that it ' + 'is delicious and juicy, but after nine years he has discovered that ' + '"ignorance is bliss." He strikes a deal for the machines to reinsert his ' + "body into a power plant, reinsert him into the Matrix, and he'll help the " + 'Agents. He wants to be rich and powerful, "an actor" maybe. Smith says he ' + "wants access codes to the mainframe in Zion. Cypher says he can't do that, " + 'but that he can get him the man who does, meaning Morpheus.\r\n' + '\r\n' + "Meanwhile, inside the Nebuchadnezzar's small dining room in the real world, " + 'the rest of the crew is trying to choke down the oatmeal-gruel that they ' + 'have as sustenance. Mouse muses on the mistakes the machines may have made ' + "trying to get sensations right, like the taste of chicken. Since they didn't " + 'know what it tasted like they let everything taste like it. Morpheus ' + "interrupts the meal, announcing that he's taking Neo to see the Oracle.\r\n" + '\r\n' + 'Morpheus, Trinity, Neo, Apoc, Switch, Mouse and Cypher are jacked into the ' + 'Matrix. As they walk out of a warehouse Cypher secretly throws his cell ' + 'phone into the garbage. On the car ride to the Oracle, Neo asks Trinity if ' + "she has seen the Oracle. Trinity says that she has but when she's asked just " + 'what she was told by the Oracle, she refuses to answer.\r\n' + '\r\n' + 'The Oracle, Morpheus explains, has been with them since the beginning of the ' + 'Resistance. She is the one who made the Prophecy of the One and that ' + 'Morpheus would be the one to find him. She can help Neo find the path, he ' + 'says. He enters the apartment of the Oracle. Inside are the other ' + 'potentials: a mother figure and numerous children. One child levitates ' + 'blocks, one reads Asian literature, another is playing chess. One bald child ' + 'is bending spoons. He gives one spoon to Neo and says, "Do not try and bend ' + "the spoon, that's impossible. Instead, only try to realize the truth...that " + 'there is no spoon." Neo bends the spoon as he\'s called in to see the ' + 'Oracle.\r\n' + '\r\n' + 'The Oracle is baking cookies. She sizes Neo up and asks him whether he ' + 'thinks he is the One. Neo admits that he does not know and the Oracle does ' + 'not enlighten him. Neo smiles and the Oracle asks him what is funny. Neo ' + 'admits that Morpheus had almost convinced him that he was the One. She ' + 'accepts this and prophesies that Morpheus believes in Neo so much that he ' + 'plans to sacrifice himself. She tells Neo that either he or Morpheus will ' + 'die, and that Neo will have the power to choose which one it will be. She ' + 'then offers him a cookie and promises him that he will feel fine as soon as ' + "he's done eating it.\r\n" + '\r\n' + 'As the crew returns to their jack point, many floors up in an old hotel, ' + 'Tank, in the control room, notices something odd. Meanwhile Neo, walking up ' + 'the stairs, sees what appears to be the same cat cross a room twice. "Deja ' + 'vu," he says, which gets the attention of Trinity and Morpheus. Deja vu, ' + 'they explain to him, is a glitch in the Matrix; it happens when they reset ' + 'the computer parameters. Outside, the phone line is cut. Mouse runs to a ' + 'window which has now been bricked in. They are trapped. Mouse picks up two ' + "machine guns but he's no match for the police coming into the room. He's " + 'riddled with bullets.\r\n' + '\r\n' + 'Back on the Nebuchadnezzar, the real Mouse spurts blood from his mouth and ' + 'dies in the chair.\r\n' + '\r\n' + 'More police and Agents stream into the bottom of the hotel. Morpheus has ' + "Tank find a layout of the building they're in, locating the main wet wall. " + "The Agents arrive on the floor they're on, finding a coat that Cypher has " + 'left behind. They only find a hole in the bathroom wall. Meanwhile the crew ' + 'is climbing down the plumbing of the wet wall. As the police approach Cypher ' + 'sneezes, once more giving them away. The police open fire. The crew, ' + 'including Neo, begin to fire back.\r\n' + '\r\n' + 'An Agent takes over the body of one of the policemen, reaches into the wall, ' + 'and grabs Neo by the neck. Morpheus, who is above Neo in the walls, breaks ' + 'through the wall and lands on the agent, yelling to Trinity to get Neo out ' + 'of the building.\r\n' + '\r\n' + 'A fierce battle between Agent Smith and Morpheus ends with Morpheus face ' + 'down on the tile. Agent Smith sends the police unit in to beat him with ' + 'their batons.\r\n' + '\r\n' + 'Cypher returns to the Nebuchadnezzar before Trinity, Neo, Switch and Apoc. ' + 'As Tank attempts to bring the others back, Cypher attacks him from behind ' + 'with an electronic weapon. Dozer attempts to tackle Cypher, but Cypher ' + 'electrocutes him as well.\r\n' + '\r\n' + 'Trinity attempts to call Tank but Cypher pulls the headset off of the ' + 'smoking remains of Tank and answers. As Cypher talks to Trinity inside the ' + 'Matrix he leans over the still form of Trinity in the hovercraft. Cypher ' + 'recounts the things he hates about the real world, the war, the cold, the ' + 'goop they have to eat, but most especially Morpheus and his beliefs. "He ' + 'lied to us, Trinity."\r\n' + '\r\n' + "Cypher pulls the plug out of the back of Apoc's head, and Apoc falls down " + 'dead in the Matrix. Cypher then moves to Switch and as she protests "Not ' + 'like this..." in the Matrix, Cypher kills her on the ship. She falls down ' + "dead before Trinity and Neo. Cypher moves on to Neo's supine form, saying " + 'that if Neo is the One, a miracle will prevent Cypher from killing him:\r\n' + '\r\n' + '"How can he be the One, if he\'s dead?" he asks. He continues badgering ' + 'Trinity, asking her if she believes that Neo is the One. She says, "Yes." ' + 'Cypher screams back "No!" but his reaction is incredulity at seeing Tank ' + 'still alive, brandishing the weapon that Cypher had used on him. Tank fries ' + 'Cypher with the electrical device.\r\n' + '\r\n' + 'Tank brings Trinity back and she finds out that Dozer is dead.\r\n' + '\r\n' + 'Meanwhile Agent Smith, a tray of torture instruments near him, marvels at ' + 'the beauty of the Matrix as he gazes out at the city all around them. He ' + 'informs Morpheus, who is tied to a chair, that the first Matrix was designed ' + 'as a utopia, engineered to make everyone happy. "It was a disaster," says ' + 'Agent Smith, people wouldn\'t accept the program and "entire crops were ' + 'lost." "Some believed," continues Smith, "that we lacked the programming ' + 'language to describe your perfect world. But I believe that, as a species, ' + 'human beings define their reality through misery and suffering. The perfect ' + 'world was a dream that your primitive cerebrum kept trying to wake up from. ' + 'Which is why the Matrix was redesigned." Agent Smith compares humans to ' + 'dinosaurs and that evolution is taking hold. Another Agent enters and relays ' + 'that there may be a problem (as they now know that Cypher has failed).\r\n' + '\r\n' + 'Back on the hovercraft the shuddering form of Morpheus betrays the torture ' + "he's being put through by the Agents in the Matrix. Tank realizes that " + "they're trying to get the codes to the mainframes of Zion's computers; each " + "ship's captain knows them. Because a breach of Zion's defenses would mean " + 'that the last remaining vestiges of mankind would be wiped out, Tank says ' + 'their only choice is to unplug Morpheus, effectively killing him.\r\n' + '\r\n' + 'Back in the Matrix, the Agents process their next move. If Cypher is dead, ' + 'they deduce that the remaining humans on the ship will terminate Morpheus. ' + 'They decide to stick to their original plan and to deploy the Sentinels.\r\n' + '\r\n' + 'Tank is performing what amounts to last rites for Morpheus, laying one hand ' + 'on his head as his other moves to the back of his skull to remove the jack. ' + "Just as he's about to pull it out Neo stops him. He realizes that the Oracle " + 'was right. He now has to make the choice to save himself or to save ' + 'Morpheus; his choice is to head back into the Matrix. Trinity rejects the ' + 'idea. Morpheus gave himself up so that Neo could be saved since he is the ' + 'One.\r\n' + '\r\n' + '"I\'m not the One, Trinity," Neo says, relaying his understanding of the ' + 'discussion with the Oracle: she did not enlighten him as to whether he was ' + 'the promised messiah. And, since Morpheus was willing to sacrifice himself, ' + "Neo knows that he must do that same. Tank calls it suicide; it's a military " + 'building with Agents inside. Neo says he only knows that he can bring ' + 'Morpheus out. Trinity decides to come with him, reasoning with Neo that he ' + 'will need her help and she\'s the ranking officer on the ship. "Tank," she ' + 'says, "load us up!"\r\n' + '\r\n' + 'Meanwhile Agent Smith continues to share his musings with a brutalized ' + 'Morpheus. Because humans spread to an area, consume the natural resources ' + 'and, to survive, must spread to another area, Smith says we are not mammals ' + 'but viruses, the only other creature that acts that way.\r\n' + '\r\n' + 'In the Construct, Neo and Trinity get armaments. "Neo," protests Trinity, ' + '"No one has ever done anything like this." "That\'s why it\'s going to ' + 'work," he replies.\r\n' + '\r\n' + 'Morpheus has yet to break and Smith asks the other Agents why the serum ' + 'isn\'t working. "Maybe we\'re asking the wrong questions," responds one. To ' + 'that Smith commands the other Agents to leave him alone with Morpheus. Smith ' + 'removes his earphone and his glasses and confides that he hates the Matrix, ' + '"this zoo, this prison." Smith admits that he must get out of this ' + '"reality." He hates the stench. He\'s sure that some element of the humans ' + 'will rub off on him and that Morpheus holds the key to his release. If there ' + 'is no Zion there\'s no need for Smith to be in the Matrix. "You are going to ' + 'tell me, or you are going to die."\r\n' + '\r\n' + 'Downstairs, in the lobby, Trinity and Neo enter, heavily armed. They shoot ' + 'their way past the guards and a group of soldiers and make their way into ' + 'the elevator.\r\n' + '\r\n' + 'Agents Brown and Jones enter the interrogation room to find Smith with his ' + "hands still fixed on Morpheus's head. Smith looks embarrassed and befuddled " + 'and the others tell him about the attack occurring downstairs. They realize ' + 'that the humans are trying to save Morpheus.\r\n' + '\r\n' + 'In the elevator, Trinity arms a bomb. They both climb through a hatch to the ' + 'elevator roof, attaching a clamp to the elevator cable. Neo says "There is ' + 'no spoon" before he severs the cable with a few shots. The counterweight ' + 'drops, propelling Neo and Trinity upward. The elevator falls to the lobby ' + 'exploding upon impact and filling the floor with flames.\r\n' + '\r\n' + 'The Agents feel the rumble of the explosion and the sprinkers come on in the ' + 'building. "Find them and destroy them!" Smith commands.\r\n' + '\r\n' + 'On the roof, a helicopter pilot is calling "Mayday" as Trinity and Neo take ' + 'out the soldiers there. Agent Brown takes over the pilot and appears behind ' + 'Neo. Neo shoots several rounds at the Agent, who dodges them and pulls his ' + 'own weapon.\r\n' + '\r\n' + '"Trinity," yells Neo, "Help!" But it\'s too late. The Agent begins to shoot. ' + 'Instead of being shot, Neo dodges most of the bullets, though two of them ' + 'nick him. As the Agent approaches Neo, who is lying on the ground, he levels ' + 'a kill shot but Trinity shoots him before he can fire. Trinity marvels at ' + "how fast Neo has just moved; she's never seen anyone move that quickly.\r\n" + '\r\n' + 'Tank downloads the ability to fly the helicopter to Trinity, who can now ' + 'pilot the aircraft. Trinity brings the helicopter down to the floor that ' + 'Morpheus is on and Neo opens fire on the three Agents. The Agents quickly ' + 'fall and Morpheus is alone in the room. Just as quickly the Agents take over ' + 'other soldiers stationed nearby. Morpheus breaks his bonds and begins to run ' + 'to the helicopter. The Agents fire on him, hitting his leg. Morpheus leaps ' + 'but Neo realizes that he is not going to make the leap and throws himself ' + 'out of the helicopter, a safety harness attached.\r\n' + '\r\n' + "He catches Morpheus, but Agent Smith shoots the helicopter's hydraulic " + 'line.\r\n' + '\r\n' + 'Unable to control the helicopter, Trinity miraculously gets it close enough ' + 'to drop Morpheus and Neo on a rooftop. Neo grabs the safety line as the ' + 'helicopter falls towards a building. Trinity severs the safety line ' + 'connecting Neo to the helicopter and jumps on it herself as the vehicle ' + 'smashes into the side of a building, causing a bizarre ripple in the fabric ' + "of the building's reality as it does.\r\n" + '\r\n' + 'On the ship Tank says, "I knew it; he\'s the One."\r\n' + '\r\n' + 'Neo hauls Trinity up to them. "Do you believe it now, Trinity?" asks ' + 'Morpheus as he approaches the two. Neo tries to tell him that the Oracle ' + 'told him the opposite but Morpheus says, "She told you exactly what you ' + 'needed to hear." They call Tank, who tells them of an exit in a subway near ' + 'them.\r\n' + '\r\n' + 'The Agents arrive on the rooftop but find only the safety harness and line. ' + 'Though Agent Smith is angered, the other two are satisfied. A trace has been ' + 'completed in the real world and the Sentinels have been dispatched to attack ' + 'the Nebuchadnezzar.\r\n' + '\r\n' + 'In the subway, they quickly find the phone booth and Morpheus exits out of ' + 'the Matrix. A wino watches this occur. On the rooftop Agent Smith locks in ' + 'to their whereabouts through the wino and appropriates his body.\r\n' + '\r\n' + "Meanwhile, as the phone rings, providing Trinity's exit, she confides to Neo " + 'that everything that the Oracle has told her has come true, except for one ' + "thing. She doesn't say what that thing is and picks up the phone just as she " + 'sees the approaching Agent Smith. Smith shatters the ear piece of the phone; ' + "it's impossible for Neo to exit there now.\r\n" + '\r\n' + 'Instead of running, which Trinity implores him to do as she looks on from ' + 'the ship, Neo turns to face Smith. They empty their guns on each other, ' + 'neither hitting the other. They then move into close combat, trading blows. ' + 'Neo sweeps Agent Smith\'s head, breaking his glasses. "I\'m going to enjoy ' + 'watching you die, Mr. Anderson," says Smith. They trade some thunderous ' + 'blows with Smith hitting Neo so hard he spits up blood in the Matrix and in ' + 'the chair aboard the ship.\r\n' + '\r\n' + '"He\'s killing him," says Trinity.\r\n' + '\r\n' + 'Neo gets back up, sets himself and beckons Smith to start again. This time ' + "it's Neo who delivers devastating blow after blow. But Smith counters, " + 'throwing Neo into a wall then pummeling him with body blows. A wind from the ' + 'tunnel signals that a subway train is approaching and Smith has a wicked ' + 'notion. He throws Neo into the subway tracks then drops down there himself. ' + 'He puts Neo in a headlock and, in the glow of the oncoming subway says, "You ' + 'hear that, Mr. Anderson? That is the sound of inevitability. It is the sound ' + 'of your death. Good-bye, Mr. Anderson."\r\n' + '\r\n' + '"My name," he replies, "is Neo." Then, with a mighty leap, Neo propels them ' + 'to the ceiling of the tunnel. They fall back down and Neo backflips off the ' + 'tracks, leaving Agent Smith to the oncoming train.\r\n' + '\r\n' + 'Neo heads for the stairs, but Smith has already appropriated another body ' + 'and emerges from the doors of the train.\r\n' + '\r\n' + 'Meanwhile the Sentinels have arrived to attack the Nebuchadnezzar; there are ' + 'five of them and they are closing fast.\r\n' + '\r\n' + 'Morpheus tells Tank to charge the EMP. Trinity reminds Morpheus that they ' + "can't use the EMP while Neo is in the Matrix.\r\n" + '\r\n' + '"I know, Trinity, don\'t worry," says Morpheus, "He\'s going to make it."\r\n' + '\r\n' + 'Back in the streets of the Matrix, Neo swipes a cell phone from a nearby ' + 'suit. He calls Tank: "Mr. Wizard, get me the hell out of here." He races ' + 'through a crowded market while Agents appropriate bodies right and left. ' + 'They force Neo down a dark alley. He kicks in a door and rushes through an ' + 'apartment complex where the Agents appropriate more bodies, including that ' + 'of a sweet little old lady who throws a knife at Neo as Agent Smith. Neo ' + 'leaps down into a pile of garbage with the Agents in hot pursuit.\r\n' + '\r\n' + 'On the Nebuchadnezzar the Sentinels have arrived. They begin to tear the ' + 'ship apart.\r\n' + '\r\n' + "In the Matrix, Neo arrives back at the Heart O' the City Hotel. Tank tells " + 'him to go to room 303. The Agents are literally at his heels.\r\n' + '\r\n' + 'The Sentinels breach the hull of the ship. They are inside. Trinity, ' + "standing next to Neo's body in the chair, begs him to hurry.\r\n" + '\r\n' + "Neo reaches room 303 and enters. He's immediately shot, point blank in the " + "gut, by Agent Smith. Smith empties his magazine into Neo's body. Neo slumps " + 'to the floor, dead.\r\n' + '\r\n' + 'On the ship Neo\'s vital signs drop to nothing. "It can\'t be," says ' + 'Morpheus.\r\n' + '\r\n' + 'Agent Smith instructs the others to check Neo. "He\'s gone," one replies. ' + '"Good-bye, Mr. Anderson," says Smith.\r\n' + '\r\n' + "The Sentinels' lasers are beginning to cut through the major parts of the " + 'hovercraft. Trinity leans over his dead body.\r\n' + '\r\n' + '"Neo," she says, "I\'m not afraid anymore. The Oracle told me that I would ' + 'fall in love and that that man... the man that I loved would be the One. So ' + "you see, you can't be dead. You can't be... because I love you. You hear me? " + 'I love you." She kisses him. In the chair Neo suddenly breathes. In the ' + 'Matrix, Neo opens his eyes. "Now get up," orders Trinity.\r\n' + '\r\n' + 'The Agents hear Neo rise behind them and they open fire. "No," Neo says ' + 'calmly, raising his hands. He stops their bullets in mid-air. They drop ' + 'harmlessly to the floor.\r\n' + '\r\n' + '"What\'s happening?" asks Tank. "He is the One," says Morpheus.\r\n' + '\r\n' + 'Back in the Matrix, Neo can see things for what they really are, green ' + 'cascading code.\r\n' + '\r\n' + "Agent Smith is furious. He runs to Neo and attacks him. Neo blocks Smith's " + 'blows effortlessly before he sends Smith flying with one well-placed kick. ' + "Neo then leaps into Smith's body and appropriates him. Smith's shell " + 'explodes in a sea of code and Neo is all that is left, the walls buckling in ' + 'waves as they did when the helicopter crashed. Agents Brown and Jones look ' + 'at one another and run away.\r\n' + '\r\n' + 'The Sentinels are now fully in the ship. They are right above Trinity and ' + 'Morpheus.\r\n' + '\r\n' + 'Back in the Matrix Neo sprints to the ringing phone in the room.\r\n' + '\r\n' + 'Morpheus has no choice but to engage the EMP. He does and the Sentinels fall ' + 'inert to the floor.\r\n' + '\r\n' + 'Neo has made it back. He kisses Trinity.\r\n' + '\r\n' + 'The screen is black. A command prompt appears: "Call trans opt: received. ' + '9-18-99 14:32:21 REC: Log>" then "Carrier anomaly" "Trace program: running" ' + 'As the grid of numbers appears again a warning appears "System Failure." ' + "Over it all is Neo's voice:\r\n" + '\r\n' + '"I know you\'re out there. I can feel you now. I know that you\'re afraid... ' + "you're afraid of us. You're afraid of change. I don't know the future. I " + "didn't come here to tell you how this is going to end. I came here to tell " + "you how it's going to begin. I'm going to hang up this phone, and then I'm " + "going to show these people what you don't want them to see. I'm going to " + 'show them a world without you. A world without rules and controls, without ' + 'borders or boundaries. A world where anything is possible. Where we go from ' + 'there is a choice I leave to you."\r\n' + '\r\n' + 'In the Matrix world, Neo hangs up the phone. He looks at the mindless masses ' + 'around him, puts on his glasses and then looks up. From high above the city ' + 'we see him take flight. The story is picked up in The Matrix Reloaded, the ' + 'second of three Matrix movies.\r\n' + '\r\n') + + +First, the summary + + + +.. code-block:: default + + print(summarize(text, ratio=0.01)) + + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('Anderson, a software engineer for a Metacortex, the other life as Neo, a ' + 'computer hacker "guilty of virtually every computer crime we have a law ' + 'for." Agent Smith asks him to help them capture Morpheus, a dangerous ' + 'terrorist, in exchange for amnesty.\n' + "Morpheus explains that he's been searching for Neo his entire life and asks " + 'if Neo feels like "Alice in Wonderland, falling down the rabbit hole." He ' + 'explains to Neo that they exist in the Matrix, a false reality that has been ' + 'constructed for humans to hide the truth.\n' + "Neo is introduced to Morpheus's crew including Trinity; Apoc (Julian " + 'Arahanga), a man with long, flowing black hair; Switch; Cypher (bald with a ' + 'goatee); two brawny brothers, Tank (Marcus Chong) and Dozer (Anthony Ray ' + 'Parker); and a young, thin man named Mouse (Matt Doran).\n' + 'Trinity brings the helicopter down to the floor that Morpheus is on and Neo ' + 'opens fire on the three Agents.') + + +And now, the keywords: + + + +.. code-block:: default + + print(keywords(text, ratio=0.01)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 'neo\nmorpheus\ntrinity\ncypher\nsmith\nagents\nagent\ntank\nsays\nsaying' + + +If you know this movie, you see that this summary is actually quite good. We +also see that some of the most important characters (Neo, Morpheus, Trinity) +were extracted as keywords. + +Another example +--------------- + +Let's try an example similar to the one above. This time, we will use the IMDb synopsis +`The Big Lebowski `_. + +Again, we download the text and produce a summary and some keywords. + + + +.. code-block:: default + + + + text = requests.get('http://rare-technologies.com/the_big_lebowski_synopsis.txt').text + print(text) + print(summarize(text, ratio=0.01)) + print(keywords(text, ratio=0.01)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + ('A tumbleweed rolls up a hillside just outside of Los Angeles as a mysterious ' + 'man known as The Stranger (Sam Elliott) narrates about a fella he wants to ' + 'tell us about named Jeffrey Lebowski. With not much use for his given name, ' + 'however, Jeffrey goes by the name The Dude (Jeff Bridges). The Stranger ' + 'describes Dude as one of the laziest men in LA, which would place him "high ' + 'in the running for laziest worldwide", but nevertheless "the man for his ' + 'place and time."\r\n' + '\r\n' + 'The Dude, wearing a bathrobe and flips flops, buys a carton of cream at ' + "Ralph's with a post-dated check for 69 cents. On the TV, President George " + 'Bush Sr. is addressing the nation, saying "aggression will not stand" ' + 'against Kuwait. Dude returns to his apartment where, upon entering and ' + 'closing the door, he is promptly grabbed by two men who force him into the ' + 'bathroom and shove his head in the toilet. They demand money owed to Jackie ' + "Treehorn, saying that The Dude's wife Bunny claimed he was good for it, " + "before one of the thugs, Woo (Philip Moon), urinates on The Dude's rug " + 'saying, "Ever thus to deadbeats, Lebowski!" Bewildered, Dude convinces them ' + "that they have the wrong person as he's not married and can't possibly " + "possess the amount of money they're asking. Looking around, the first thug, " + "(Mark Pellegrino), realizes they've made a mistake and must have the wrong " + 'Lebowski. Regardless, they break one of his bathroom tiles before leaving. ' + '"At least I\'m housebroken", Dude calls after them.\r\n' + '\r\n' + 'Dude meets up with his bowling team at the local alley and talks to them ' + 'about his violent encounter. Walter Sobchak (John Goodman) reacts with anger ' + 'and vengeance on his mind, often speaking of his time served in Vietnam to ' + "relate to the issue. Slow-witted Theodore Donald 'Donny' Kerabatsos (Steve " + 'Buscemi), often entering conversations halfway through, pipes in but is ' + 'promptly told by Walter, "You\'re out of your element". Walter then tells ' + "Dude about a millionaire who shares Dude's name and must be the one the " + 'thugs were after. Dude agrees to meet with the Big Lebowski, hoping to get ' + 'compensation for his rug since it "really tied the room together" and ' + "figures that his wife, Bunny, shouldn't be owing money around town.\r\n" + '\r\n' + "Arriving at Lebowski's mansion, Dude is assisted by Brandt (Philip Seymour " + "Hoffman) who shows him numerous awards and pictures illustrating Lebowski's " + 'endeavors in philanthropy before Dude meets the man himself. The elder and ' + 'wheelchair-bound Lebowski (David Huddleston) brings Dude into his study ' + "where he quickly gets to the point and professes that he can't take " + 'responsibility for every spoiled rug in the city and accuses Dude of seeking ' + 'a handout, clearly resentful of his hippie-like demeanor. Dude leaves the ' + 'room and tells Brandt that Lebowski offered any rug in the house to him. He ' + "quickly picks one out and, as it's being loaded into Dude's car, he speaks " + 'to a young blonde (Tara Reid) poolside who is painting her toenails green. ' + 'She asks Dude to blow on her toes, assuring him that Uli (Peter Stormare), ' + "the man in the pool, won't mind because he's a nihilist. Brandt appears and " + 'introduces her as Bunny Lebowski before she offers Dude fellatio for $1000. ' + 'Brandt nervously laughs and escorts Dude out.\r\n' + '\r\n' + 'During a league game at the alley, Dude scolds Walter for bringing his ' + "ex-wife's small dog in a kennel with him while she is in Hawai'i with her " + 'new boyfriend. As they debate, a member of the opposite team, Smokey (Jimmie ' + 'Dale Gilmore), bowls an 8 and tells the Dude to mark it, but Walter objects, ' + "stating Smokey's foot was over the line. When Smokey argues, Walter pulls " + "out a gun and aims it in Smokey's face, forcing him to comply and void the " + 'score as a zero. As Walter sits down again, he explains, "It\'s a league ' + 'game, Smokey, there are rules". Dude scolds Walter as they leave, trying to ' + 'act casual as police units arrive and run past them into the alley.\r\n' + '\r\n' + 'Afterwards, relaxing in his apartment and enjoying a White Russian (his ' + 'favorite cocktail), Dude listens to his phone messages: Smokey calling to ' + 'talk about the gun incident, Brandt asking Dude to call him, and the bowling ' + "league administrator wishing to speak about Walter's belligerence and " + "gun-brandishing on the lanes. Dude's doorbell rings and his landlord, Marty " + "(Jack Kehler), reminds Dude to pay his rent and informs him that he's " + 'performing a dance at a local theater and would like Dude to attend to give ' + 'him notes. The Dude obliges as Brandt rings again, telling Dude that ' + "Lebowski needs to see him and that it's not about the rug.\r\n" + '\r\n' + 'At the Lebowski mansion, Brandt solemnly leads Dude into the study where he ' + 'finds Lebowski crying beside the lit fireplace. He shows Dude a crude note ' + 'describing Bunny\'s kidnapping and the demand for $1 million. "This is a ' + 'bummer, man," the Dude offers as he smokes a joint. Brandt explains that ' + 'they want Dude to act as courier to deliver the payment when they receive ' + 'word of a location for the drop off and tells Dude that he might even ' + 'recognize the kidnappers as the same people who soiled his rug.\r\n' + '\r\n' + 'Back at the bowling alley, a man wearing a hairnet and a purple jumpsuit ' + "with 'Jesus' embroidered on the front bowls a perfect strike. A few lanes " + 'down, Dude, Donny, and Walter watch him with slight resentment. Dude ' + "compliments on Jesus' (John Turturro) skill but Walter criticizes him for " + "being a 'pederast', having served six months for exposing himself to an " + 'eight year-old before asking Dude about the Lebowski arrangement. Dude ' + 'explains that he will receive $20,000 as courier and shows Walter the beeper ' + "Brandt gave him. He doesn't worry about the hand off and figures that Bunny " + "kidnapped herself for some extra money. Walter seems to take Bunny's offense " + 'personally as Jesus walks over, telling them to watch out for his team and ' + 'if they flash a piece at the finals "I\'ll take it away from you, stick it ' + 'up your ass and pull the fucking trigger till it goes click."\r\n' + '\r\n' + 'At his apartment, Dude lies happily on his new rug, listening to a taped ' + 'bowling game through headphones. He opens his eyes and sees a woman and two ' + 'men standing over him before he is punched in the face and knocked out. He ' + 'dreams that he is flying over LA, chasing a woman who is riding his rug ' + 'ahead of him. A bowling ball suddenly appears in his hand and pulls him to ' + 'the ground where he stands, miniaturized, facing a gigantic bowling ball as ' + 'it rolls towards him. He tenses and winds up in one of the finger holes of ' + 'the ball. From his perspective, we see the ball roll down the lane away from ' + 'its female bowler towards the pins. As the pins scatter, the Dude wakes up ' + 'to the sound of his beeper going off and finds that his rug has been taken ' + 'from underneath him.\r\n' + '\r\n' + "Answering the page, Dude returns to Lebowski's mansion where Brandt explains " + 'that the kidnappers want the exchange to happen that very night. He gives ' + 'Dude a portable phone and a briefcase with the money, instructing him to ' + 'take it up the highway and wait for the kidnappers to call. Once the ' + 'exchange is complete, Dude is to call Brandt immediately. Before he leaves, ' + 'Brandt repeats to Dude that "her life is in your hands".\r\n' + '\r\n' + "Despite Brandt's instructions to go alone, Dude picks up Walter from his " + 'store. Walter gets in the drivers seat and immediately proposes a plan for a ' + 'switch, holding his own briefcase full of dirty underwear, so that he and ' + 'Dude can keep the million themselves. Walter also plans to capture one of ' + "the kidnappers and beat Bunny's location out of him. Dude is adamantly " + 'against the crazy plan but when the kidnappers call, Dude accidentally lets ' + "slip that he's not alone. The kidnappers hang up and Dude panics that Bunny " + 'is as good as dead, though Walter reminds him of his own suspicions that ' + 'Bunny kidnapped herself. The kidnappers call again and give a location ' + "granted there is no funny 'schtuff'. At the designated location, the " + 'kidnappers call and instruct The Dude to throw the suitcase out the car ' + 'window onto a bridge. As they approach the bridge, Dude tries to throw the ' + 'real suitcase but, at the last second, Walter tosses the ringer and forces ' + 'Dude to take the wheel as he arms himself with an Uzi and bails out of the ' + 'moving car. Despite his seemingly flawless and heroic plan, Walter loses ' + "grip of the Uzi and it fires wildly, hitting Dude's tail lights and tires, " + 'causing him to panic and crash into a telephone pole. Three men on ' + 'motorcycles appear just beyond the bridge and, as Dude scrambles out of the ' + 'car with the briefcase, pick up the ringer and ride off. Walter calmly gets ' + 'up and says, "Fuck it, Dude. Lets go bowling".\r\n' + '\r\n' + 'At the alley, the portable phone rings incessantly, no doubt Brandt calling ' + 'to check on the mission. Dude is miserable, angry at Walter, and certain ' + 'that Bunny will be killed, though Walter is calm and convinced that Bunny ' + 'kidnapped herself. He tells Dude not to worry and that Bunny will eventually ' + 'get bored and return home on her own but becomes dismayed to see that the ' + 'bowling schedule has him playing on Saturday; something he is forbidden to ' + 'do since he is Shomer Shabbos and must honor the Jewish day of rest. The ' + "Dude wonders why Walter didn't go back to being Catholic since he only " + 'converted for his ex-wife. Donny interjects mid-conversation and is, again, ' + "told to 'shut the fuck up' by Walter.\r\n" + '\r\n' + 'As they leave, Dude discovers his car missing - along with the briefcase. ' + 'Walter suggests it was towed because they parked in a handicapped spot but ' + 'Dude is certain that it was stolen. He starts walking home with his phone ' + 'ringing.\r\n' + '\r\n' + 'Dude resolves to call the police and issue a statement for his stolen car. ' + 'Two police officers (Richard Gant, Christian Clemenson) arrive at his ' + 'apartment to take notes and Dude addresses the separate issue of his missing ' + 'rug just before his home phone rings. The answering machine records a woman ' + 'introducing herself as Maude Lebowski and saying that she is the one who ' + 'took his rug and has sent a car to pick Dude up at his apartment. The ' + 'younger of the two cops is pleased that the missing rug issue is ' + 'resolved.\r\n' + '\r\n' + 'The Dude is brought to a huge loft studio filled with canvases and minimal ' + 'illumination. As he walks in, he is startled by the sudden appearance of ' + 'Maude, swinging in naked on a zip line, screaming and flailing paintbrushes ' + 'over a large canvas to create an abstract image. She descends to the ground ' + 'and is robed before addressing The Dude. She explains that she is a ' + 'professional artist whose work is commended as strongly vaginal, often to ' + 'the point of making some men uncomfortable. She tells Dude that the rug he ' + 'took was a gift from her to her late mother and her father, Big Lebowski, ' + "had no right giving it away. Maude's flamboyant assistant, Knox Harrington " + '(David Thewlis), watches as Dude fixes himself a White Russian and Maude ' + 'puts a tape in her VCR. She asks Dude if he enjoys sex as the video rolls, a ' + 'smut film starring Bunny Lebowski and Uli, the German nihilist, credited as ' + 'Karl Hungus. Maude surmises that Bunny kidnapped herself, elaborating on the ' + 'already obvious notion that she gets around and even bangs the producer of ' + 'the film, Jackie Treehorn. As one of two trustees of Little Lebowski Urban ' + "Achievers, one of Lebowski's charity programs, Maude noticed a withdrawal of " + '$1 million from its funds and was told it was for the ransom. Though she is ' + "more or less estranged from her father, she doesn't want to involve the " + 'police in his embezzlement and offers the Dude ten percent of the million if ' + "he retrieves the money from the kidnappers. With a finder's fee she tells " + 'him he can buy a new rug. She then apologizes for the crack on the jaw and ' + 'gives The Dude a number for a doctor who will examine him free of charge.\r\n' + '\r\n' + 'The Dude is given a limo ride back to his apartment where the driver (Dom ' + 'Irrera) points out a blue Volkswagen Beetle that had been following them. ' + "Before The Dude has a chance to do anything about it, he's shoved into " + 'another limo waiting for him on the street. Inside, Brandt and Lebowski ' + 'confront him about the fact that he never called them and yell that the ' + 'kidnappers never got the money. Lebowski accuses Dude of stealing the ' + "million himself as Dude tries to reason that the 'royal we' dropped off the " + 'money and that Bunny, since she apparently owes money all over town, most ' + 'likely kidnapped herself and probably instructed her kidnappers to lie about ' + 'the hand off. Brandt and Lebowski look skeptical before producing an ' + 'envelope. Lebowski tells Dude that the kidnappers will be dealing directly ' + 'with him now and any mishaps will be avenged tenfold on him. Inside the ' + 'envelope, Dude finds a severed pinky toe wrapped in gauze with green polish ' + 'on the nail.\r\n' + '\r\n' + "In a small cafe, The Dude tells Walter about the severed toe who doesn't " + "believe it's Bunny's. Walter calls the kidnappers a bunch of fucking " + "amateurs for using such an obviously fake ruse but The Dude isn't convinced. " + 'Walter tries to convince him by saying that he can get a toe for him in no ' + "time at all and with his choice of nail polish color. Despite Walter's " + 'unwavering stance, Dude fears for his life; if the kidnappers dont get him, ' + 'Lebowski will.\r\n' + '\r\n' + 'At home, he tries to relax in the tub, smoking a joint and listening to ' + 'music. His phone rings and the answering machine records the LAPD telling ' + "him that they've recovered his car. Dude is overjoyed for a moment until he " + 'hears a loud banging in his living room. He looks up to see three men ' + 'breaking into his apartment wearing dark clothes. The leader, whom Dude ' + 'recognizes as Uli/Karl Hungus the nihilist, along with his two cohorts, ' + 'Franz and Kieffer (Torsten Voges, Flea), enters the bathroom with a ferret ' + 'on a leash. He dunks the terrified animal in the tub where it thrashes and ' + 'shrieks as Dude tries to avoid it. Uli takes the ferret out, letting it ' + "shake off, and tells Dude that they want their money tomorrow or they'll cut " + 'off his johnson.\r\n' + '\r\n' + 'The following morning, the Dude goes to the impound lot to collect his car ' + 'which turns up badly damaged and reeking with a terrible stench, an apparent ' + 'victim of a joyride and temporary home to some vagrants. The briefcase is ' + 'gone. Dude asks the officer at the lot if anyone is following up on who ' + 'might have taken the car, but the officer (Mike Gomez) chuckles and ' + 'sarcastically says that their department has them working in shifts on the ' + 'case.\r\n' + '\r\n' + 'At the bar in the bowling alley, Dude expresses his fears to an ' + 'unsympathetic Walter and an unhelpful Donny. Unable to cheer him up, they ' + 'leave Dude at the bar to find an open lane. The Stranger sits down next to ' + 'Dude and orders a sarsaparilla before chatting briefly with Dude, ' + 'complimenting him on his style and wondering why he uses so many cuss words. ' + 'He offers Dude one piece of advice before leaving: "Sometimes you eat the ' + 'bar, and sometimes the bar, well, he eats you." Gary, the bartender (Peter ' + "Siragusa), hands Dude the phone; it's Maude. She's miffed that Dude hasn't " + 'seen the doctor yet and instructs him to meet her at her loft. There, Dude ' + 'informs Maude that he thinks Bunny was really kidnapped, possibly by Uli. ' + 'Maude disagrees, saying that Bunny knows Uli and kidnappers cannot be ' + 'acquaintances. She then dismisses Dude to take a call, reminding him to see ' + 'the doctor.\r\n' + '\r\n' + 'At the clinic the doctor tells Dude to remove his shorts, insisting despite ' + "Dude's assurance that he was only hit in the face. Driving home, Dude enjoys " + 'a joint while listening to Creedence but soon notices a blue Volkswagen ' + 'following him. Distracted, he tries to flick his joint out the window but it ' + 'bounces back and lands in his lap, burning him. He screams and dumps beer on ' + 'his lap before he swerves and crashes into a dumpster. When he looks out the ' + 'window, the blue car is gone. Looking down, he notices a piece of paper ' + "stuck in the car seat. It's a graded homework sheet with the name Larry " + 'Sellers written on it.\r\n' + '\r\n' + "That night, at Marty's dance quartet, Walter reveals that he's done some " + 'research on Larry and discovered where he lives, near the In-N-Out Burger ' + "joint. He is also thrilled to report that Larry's father is Arthur Digby " + 'Sellers, a famous screenwriter who wrote 156 episodes of the show Branded. ' + 'Walter is certain that Larry has the briefcase of money and that their ' + 'troubles are over. They pull up to the house where The Dude is dismayed to ' + 'see a brand new red Corvette parked on the street outside. A Hispanic ' + "housekeeper (Irene Olga López) lets them into the Sellers' home where they " + 'see the elderly Arthur Sellers (Harry Bugin) in an iron lung in the living ' + "room. Over the hissing of the compressor, Walter calls out that he's a big " + "fan of Arthur's and that his work was a source of inspiration to him before " + 'the housekeeper brings in young Larry (Jesse Flanagan), a fifteen year-old ' + 'with a deadpanned expression. Walter and Dude interrogate Larry about the ' + "money and the fact that he stole Dude's car, but get no response. Not even a " + 'wavering glance. Walter resolves to go to Plan B; he tells Larry to watch ' + 'out the window as he and Dude go back out to the car where Donny is waiting. ' + 'Walter removes a tire iron from Dudes trunk and proceeds to smash the ' + 'corvette, shouting, "This is what happens when you fuck a stranger in the ' + 'ass!"\r\n' + '\r\n' + "However, the car's real owner (Luis Colina) comes out of his house and rips " + 'the tire iron from Walter, shouting that he just bought the car last week, ' + "before going over to The Dude's car and breaking all the windows. Dude " + 'drives silently home, wind blowing in through the broken windows, as Walter ' + 'and Donny eat In-N-Out burgers.\r\n' + '\r\n' + 'Back home, Dude talks to Walter over the phone as he nails a two-by-four to ' + 'the floor near the front door. He yells at Walter, telling him to leave him ' + 'alone and that he wants to handle the situation himself before agreeing to ' + 'go to their next bowling practice. He hangs up and props a chair against the ' + 'door, braced by the piece of wood, and turns away as the door opens ' + "outwardly and Treehorn's thugs from the beginning of the film walk in. They " + 'tell The Dude that Jackie Treehorn wishes to meet with him.\r\n' + '\r\n' + 'The Dude is taken to a large mansion overlooking a beach front where a ' + 'tribal, orgy-like party is going on. Inside, Dude meets Jackie Treehorn (Ben ' + 'Gazzara) who appears friendly and agreeable as he mixes the Dude a White ' + 'Russian and sympathizes for his lost rug. Treehorn asks him where Bunny is ' + 'to which Dude responds that he thinks Treehorn knows. Treehorn denies ' + 'knowing and theorizes that Bunny ran off knowing how much money she owed ' + 'him. Treehorn is then excused for a phone call. He writes something down on ' + 'a notepad before leaving the room momentarily. Employing the Roger O. ' + 'Thornhill trick of rubbing a pencil lightly over the pad of paper to see ' + 'what was written, Dude reveals a doodle of a man with a rather large penis. ' + 'He rips the paper out of the pad and sticks it in his pocket before ' + 'returning to the couch as Treehorn comes back. He offers Dude a ten percent ' + "finder's fee if he tells them where the money is. Dude tells him that Larry " + 'Sellers should have the money, though Treehorn is not convinced. Dude ' + "insists he's telling the truth as his words begin to slur and his vision " + 'glazes over. He mumbles, "All the Dude ever wanted was his rug back...it ' + 'really tied the room together," before he passes out.\r\n' + '\r\n' + 'The Dude falls into a deep dream where he sees himself happily starring in a ' + "Jackie Treehorn-produced bowling picture entitled 'Gutterballs' with Maude, " + 'dressed in a seducing Viking outfit, as his costar. They dance together and ' + 'throw a bowling ball down the lane. The ball turns into the Dude, floating ' + "above the lane floor and passing under ladies' skirts. When he hits the pins " + 'at the end, he suddenly sees the three nihilists dressed in tight clothes ' + 'and snapping super large scissors, chasing him. He runs from them, ' + 'terrified, as he wakes from his dream, staggering down a street in Malibu ' + 'while a police car pulls up behind him. The unit picks him up as he slurs ' + "the theme song to 'Branded'.\r\n" + '\r\n' + 'At the Malibu police station, the chief of police (Leon Russom) goes through ' + "The Dude's wallet before he tells Dude that Jackie Treehorn said he was " + "drunk and disorderly at his 'garden party'. He tells Dude that Treehorn is " + 'an important source of income in Malibu and demands that he stay out of the ' + "town for good. Dude replies that he wasn't listening which incites the chief " + 'to throw his coffee mug at him, hitting him in the head. Dude takes a cab ' + 'ride home and requests that the driver (Ajgie Kirkland) change the radio ' + "station since he had a rough night and hates the Eagles. The driver doesn't " + 'take kindly to this and throws The Dude out. As he stands on the street, a ' + "red convertible passes by at high speeds; it's Bunny listening to 'Viva Las " + "Vegas' and, as we see, with a complete set of toes on each foot.\r\n" + '\r\n' + 'Dude returns to his apartment to find it completely wrecked. He enters and ' + 'trips over the two-by-four he nailed into the floor. When he looks up, he ' + 'finds Maude standing before him dressed in nothing but his robe. She drops ' + 'it to the floor and tells him to make love to her. Afterwards, they lie in ' + 'bed together as The Dude smokes a joint and tells her about his past as a ' + 'student activist and his current hobbies which include bowling and the ' + 'occasional acid flashback. As he climbs out of bed to make a White Russian, ' + "Maude asks about the apartment and Dude explains that Treehorn's thugs most " + "likely vandalized it looking for Lebowski's money. Maude retorts that her " + "father actually has no money; it was all her mother's or else belongs to the " + "Foundation and that Lebowski's only concern is to run the charities. Maude " + 'gives him an allowance but his weakness is vanity; "Hence the slut". She ' + 'tells Dude this as she folds into a yoga position which she claims increases ' + 'the chances of conception. Dude chokes on his drink but Maude assures him ' + 'that she has no intention of having Dude be a part of the child-bearing ' + "process nor does she want to see him socially. The Dude then figures that's " + 'why she wanted him to visit the doctor so badly until an idea suddenly comes ' + 'to mind about Lebowski. Dude calls Walter to pick him up and take him to ' + "Lebowski's mansion right away, despite Walter's protests that he doesn't " + "drive on Shabbos unless it's an emergency. Dude assures him that it's just " + 'that.\r\n' + '\r\n' + 'Dude dresses and goes outside where he sees the blue Volkswagen parked just ' + 'down the street. He walks over and demands that the man within get out. The ' + 'man introduces himself as Da Fino (Ajgie Kirkland) and explains that he ' + 'thinks Dude is a fellow private eye who is brilliantly playing two sides ' + 'against each other; the thugs and Lebowski, and means no harm to him or his ' + "girlfriend. Confused, Dude tells Da Fino to stay away from his 'lady friend' " + "and asks if he's working for Lebowski or Treehorn. Da Fino admits that he's " + "employed by the Kneutson's; Bunny's family. Apparently, Bunny's real name is " + "Fawn and she ran away from her Minnesota home a year ago and Da Fino's been " + 'investigating since. As Walter pulls up, Dude tells Da Fino to, again, stay ' + 'away from his lady friend and leaves.\r\n' + '\r\n' + 'At a local restaurant, the three German nihilists and a sallow, blonde woman ' + '(Aimee Mann) sit together ordering pancakes. The camera pans down to the ' + 'womans foot covered in a bandage which, where her pinky toe should be, is ' + 'soaked in dried blood.\r\n' + '\r\n' + 'Driving out to Lebowski mansion, Dude explains his new theory; why did ' + 'Lebowski do nothing to him if he knew the payoff never happened? If Lebowski ' + "thought that The Dude took the money, why didn't he ask for it back? Because " + 'the briefcase given to Dude was never full of money: "You threw a ringer out ' + 'for a ringer!" He also figures that Lebowski chose him, an otherwise ' + "'fuck-up', to get Bunny back because he never wanted her back; he wanted her " + 'dead while he embezzled money from the foundation as a ransom. Walter agrees ' + "with the theory but still believes he shouldn't have been bothered on the " + 'Shabbos.\r\n' + '\r\n' + "As they pull up to the mansion, they see Bunny's red convertible crashed " + 'into some shrubbery near the front fountain. Bunny is running around the ' + 'grounds naked while, inside, Brandt attempts to pick up her discarded ' + 'clothes. He tells them that Bunny went to visit friends in Palm Springs ' + 'without telling anyone. Despite his protests, Walter and Dude walk past him ' + 'into the study where a stern-looking Lebowski sits. Dude demands an answer; ' + 'he accuses Lebowski of keeping the million for himself while he used The ' + 'Dude as a scapegoat to cover up for the missing money. Lebowski says that ' + "it's his word against Dude's and no one would believe a 'deadbeat' over him. " + 'This angers Walter who figures Lebowski to be a fake handicap besides a ' + 'phony millionaire and lifts Lebowski out of his chair, dropping him to the ' + 'floor. However, Lebowski lies still on the floor, whimpering, and Dude tells ' + 'Walter to help him back in his chair.\r\n' + '\r\n' + 'At the bowling alley, Donny misses a strike for the first time and puzzles ' + "over this as Walter drones about Vietnam to Dude who doesn't seem to be " + 'paying attention as he paints over his fingernails with clear polish. Jesus ' + 'walks over, criticizing the change in schedule from Saturday to Wednesday ' + 'before issuing sexual threats. The Dude, Walter, and Donny sit unfazed. As ' + 'they leave the alley and head into the parking lot, they are faced by the ' + 'three nihilists who stand in front of The Dude\'s flaming car. "Well, they ' + 'finally did it," he despairs. "They killed my fucking car."\r\n' + '\r\n' + 'The nihilists demand the money or they will kill the girl but Dude tells ' + 'them that he knows they never had the girl in the first place. The nihilists ' + "reply that they don't care and still want the money but Dude tries to " + "explain that Lebowski's money was never valid; he never intended to pay them " + 'off and Walter shouts that without a hostage, there is no ransom. Franz ' + 'complains that his girlfriend had to give up her pinky toe because she ' + "thought she was getting $1 million but they'll settle for whatever Walter, " + 'Donny, and Dude have in their pockets. Donny, in the back, asks if the men ' + "are going to hurt them and Walter assures him that they're nihilists and " + 'cowards as Dude pulls out his wallet. When Walter refuses to take his own ' + 'out, Uli pulls out a sword and Walter engages in a fight with them, throwing ' + "his bowling ball into Franz's stomach. Dude hits Kieffer over the head with " + 'his own radio while Walter attacks Uli and bites off his ear, spitting it ' + 'into the air. He turns around and sees Donny on the ground, clutching his ' + 'chest from having a heart attack. Walter comforts him as Dude runs into the ' + 'alley to call for an ambulance.\r\n' + '\r\n' + 'The Dude and Walter are then seen at a funeral parlor speaking with the ' + 'curator. Donny, having passed away, was cremated and they negotiate how his ' + 'remains will be handled. Walter is outraged at the high price of the urn. ' + 'The curator tells them that the urn is their most "modestly-priced ' + 'receptacle" and that the ashes must be given over in a container of some ' + "sort. Walter asks if there's a Ralph's store nearby and he & The Dude " + "resolve to receive Donny's ashes in a Folger's coffee can. They travel " + 'together to a windy cliffside overlooking the ocean where Walter gives a ' + 'heartfelt speech about Donny along with a seemingly unrelated reference to ' + 'Vietnam before opening the can and shaking out the ashes. The wind blows ' + "them back into Dude's face, coating his clothes, beard, and sunglasses. " + 'Walter apologizes and attempts to brush the ashes off but the Dude yells at ' + "him for always making everything a 'fucking travesty' and scolds him for yet " + 'another needless Vietnam rant. Walter hugs him and tells him to "Fuck it, ' + 'man; let\'s go bowling." The Dude eases down.\r\n' + '\r\n' + 'At the bowling alley, the Stranger sits at the bar as the Dude orders two ' + "beers. They greet each other and the Stranger asks how he's been doing. " + '"Oh, you know, strikes and gutters, ups and downs," answers The Dude as he ' + 'collects his beers and goes to leave. The Stranger tells him to take it easy ' + 'and The Dude turns to reply, "Yeah, well, The Dude abides."\r\n' + '\r\n' + 'The Stranger finds comfort in those words and rambles about how things seem ' + 'to have turned out fine for Dude and Walter. He was sad to see Donny go but ' + "happens to know that there's a little Lebowski on the way. He assures us " + "that The Dude is always out there taking it easy for 'all us sinners' and " + 'orders another sarsaparilla. \r\n' + '\r\n') + ('Dude agrees to meet with the Big Lebowski, hoping to get compensation for ' + 'his rug since it "really tied the room together" and figures that his wife, ' + "Bunny, shouldn't be owing money around town.\n" + 'Walter resolves to go to Plan B; he tells Larry to watch out the window as ' + 'he and Dude go back out to the car where Donny is waiting.') + 'dude\ndudes\nwalter\nlebowski\nbrandt\nmaude\ndonny\nbunny' + + +This time around, the summary is not of high quality, as it does not tell us +much about the movie. In a way, this might not be the algorithms fault, +rather this text simply doesn't contain one or two sentences that capture the +essence of the text as in "The Matrix" synopsis. + +The keywords, however, managed to find some of the main characters. + +Performance +----------- + +We will test how the speed of the summarizer scales with the size of the +dataset. These tests were run on an Intel Core i5 4210U CPU @ 1.70 GHz x 4 +processor. Note that the summarizer does **not** support multithreading +(parallel processing). + +The tests were run on the book "Honest Abe" by Alonzo Rothschild. Download +the book in plain-text `here `__. + +In the **plot below** , we see the running times together with the sizes of +the datasets. To create datasets of different sizes, we have simply taken +prefixes of text; in other words we take the first **n** characters of the +book. The algorithm seems to be **quadratic in time** , so one needs to be +careful before plugging a large dataset into the summarizer. + + +.. code-block:: default + + + import matplotlib.pyplot as plt + import matplotlib.image as mpimg + img = mpimg.imread('summarization_tutorial_plot.png') + imgplot = plt.imshow(img) + plt.axis('off') + plt.show() + + + + +.. image:: /auto_examples/tutorials/images/sphx_glr_run_summarization_001.png + :class: sphx-glr-single-img + + + + +Text-content dependent running times +------------------------------------ + +The running time is not only dependent on the size of the dataset. For +example, summarizing "The Matrix" synopsis (about 36,000 characters) takes +about 3.1 seconds, while summarizing 35,000 characters of this book takes +about 8.5 seconds. So the former is **more than twice as fast**. + +One reason for this difference in running times is the data structure that is +used. The algorithm represents the data using a graph, where vertices (nodes) +are sentences, and then constructs weighted edges between the vertices that +represent how the sentences relate to each other. This means that every piece +of text will have a different graph, thus making the running times different. +The size of this data structure is **quadratic in the worst case** (the worst +case is when each vertex has an edge to every other vertex). + +Another possible reason for the difference in running times is that the +problems converge at different rates, meaning that the error drops slower for +some datasets than for others. + +Montemurro and Zanette's entropy based keyword extraction algorithm +------------------------------------------------------------------- + +`This paper `__ describes a technique to +identify words that play a significant role in the large-scale structure of a +text. These typically correspond to the major themes of the text. The text is +divided into blocks of ~1000 words, and the entropy of each word's +distribution amongst the blocks is caclulated and compared with the expected +entropy if the word were distributed randomly. + + + +.. code-block:: default + + + + import requests + from gensim.summarization import mz_keywords + + text=requests.get("http://www.gutenberg.org/files/49679/49679-0.txt").text + print(mz_keywords(text,scores=True,threshold=0.001)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('i', 0.005071990145676084), + ('the', 0.004078714811925573), + ('lincoln', 0.003834207719481631), + ('you', 0.00333099434510635), + ('gutenberg', 0.0032861719465446127), + ('v', 0.0031486824001772298), + ('a', 0.0030225302081737385), + ('project', 0.003013787365092158), + ('s', 0.002804807648086567), + ('iv', 0.0027211423370182043), + ('he', 0.0026652557966447303), + ('ii', 0.002522584294510855), + ('his', 0.0021025932276434807), + ('by', 0.002092414407555808), + ('abraham', 0.0019871796860869762), + ('or', 0.0019180648459331258), + ('lincolna', 0.0019090487448340699), + ('tm', 0.001887549850538215), + ('iii', 0.001883132631521375), + ('was', 0.0018691721439371533), + ('work', 0.0017383218152950376), + ('new', 0.0016870325205805429), + ('co', 0.001654497521737427), + ('case', 0.0015991334540419223), + ('court', 0.0014413967155396973), + ('york', 0.001429133695025362), + ('on', 0.0013292841806795005), + ('it', 0.001308454011675044), + ('had', 0.001298103630126742), + ('to', 0.0012629182579600709), + ('my', 0.0012128129312019202), + ('of', 0.0011777988172289335), + ('life', 0.0011535688244729756), + ('their', 0.001149309335387912), + ('_works_', 0.0011438603236858932), + ('him', 0.0011391497955931084), + ('that', 0.0011069446497089712), + ('and', 0.0011027930360212363), + ('herndon', 0.0010518263812615242)] + + +By default, the algorithm weights the entropy by the overall frequency of the +word in the document. We can remove this weighting by setting weighted=False + + + +.. code-block:: default + + print(mz_keywords(text,scores=True,weighted=False,threshold=1.0)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('gutenberg', 3.813054848640599), + ('project', 3.573855036862196), + ('tm', 3.5734630161654266), + ('co', 3.188187179789419), + ('foundation', 2.9349504275296248), + ('dogskin', 2.767166394411781), + ('electronic', 2.712759445340285), + ('donations', 2.5598097474452906), + ('foxboro', 2.552819829558231), + ('access', 2.534996621584064), + ('gloves', 2.534996621584064), + ('_works_', 2.519083905903437), + ('iv', 2.4068950059833725), + ('v', 2.376066199199476), + ('license', 2.32674033665853), + ('works', 2.320294093790008), + ('replacement', 2.297629530050557), + ('e', 2.1840002559354215), + ('coon', 2.1754936158294536), + ('volunteers', 2.1754936158294536), + ('york', 2.172102058646223), + ('ii', 2.143421998464259), + ('edited', 2.110161739139703), + ('refund', 2.100145067024387), + ('iii', 2.052633589900031), + ('bounded', 1.9832369322912882), + ('format', 1.9832369322912882), + ('jewelry', 1.9832369322912882), + ('metzker', 1.9832369322912882), + ('millions', 1.9832369322912882), + ('ragsdale', 1.9832369322912882), + ('specie', 1.9832369322912882), + ('archive', 1.9430792440279312), + ('reminiscences', 1.9409656357162346), + ('agreement', 1.933113430461269), + ('bonds', 1.90404582584515), + ('ebooks', 1.90404582584515), + ('jewelersa', 1.90404582584515), + ('brokaw', 1.9027974079098768), + ('ebook', 1.8911101680056084), + ('trademark', 1.8911101680056084), + ('parker', 1.8903494446079012), + ('almanac', 1.8267945764711788), + ('ross', 1.771449419244092), + ('work', 1.7368893093546554), + ('college', 1.72245395873311), + ('scott', 1.6666549709515948), + ('rothschild', 1.6615406993510273), + ('pglaf', 1.6528326283716357), + ('ana', 1.6345239955037414), + ('green', 1.634270040746932), + ('forquer', 1.6183315401308644), + ('improvementa', 1.6183315401308644), + ('hardin', 1.5967140500447887), + ('copyright', 1.5827844444400303), + ('houghton', 1.5827785818223203), + ('clair', 1.5757014351631946), + ('claya', 1.5757014351631946), + ('displaying', 1.5757014351631946), + ('fisher', 1.5757014351631946), + ('forgery', 1.5757014351631946), + ('holder', 1.5757014351631946), + ('ninea', 1.5757014351631946), + ('posted', 1.5757014351631946), + ('radford', 1.5757014351631946), + ('university', 1.5757014351631946), + ('wore', 1.5757014351631946), + ('_via_', 1.5752258220302042), + ('admissibility', 1.5752258220302042), + ('attire', 1.5752258220302042), + ('berries', 1.5752258220302042), + ('borrows', 1.5752258220302042), + ('breeches', 1.5752258220302042), + ('cline', 1.5752258220302042), + ('continuance', 1.5752258220302042), + ('currents', 1.5752258220302042), + ('daguerreotype', 1.5752258220302042), + ('disclaimer', 1.5752258220302042), + ('enrolled', 1.5752258220302042), + ('fool', 1.5752258220302042), + ('guineas', 1.5752258220302042), + ('hatchet', 1.5752258220302042), + ('instruct', 1.5752258220302042), + ('liability', 1.5752258220302042), + ('paullin', 1.5752258220302042), + ('performing', 1.5752258220302042), + ('polite', 1.5752258220302042), + ('religion', 1.5752258220302042), + ('rulings', 1.5752258220302042), + ('scammon', 1.5752258220302042), + ('tilda', 1.5752258220302042), + ('toma', 1.5752258220302042), + ('user', 1.5752258220302042), + ('wake', 1.5752258220302042), + ('warranties', 1.5752258220302042), + ('boston', 1.5614599080219351), + ('barrett', 1.5467512742732095), + ('lamon', 1.5401992915219354), + ('attitude', 1.5396869613721145), + ('life_', 1.5325431231066866), + ('chiniquy', 1.517252207711791), + ('bridge', 1.4987002321451297), + ('london', 1.4959606690277452), + ('pair', 1.4859741220167577), + ('banks', 1.4859741220167575), + ('abraham', 1.4788865317609083), + ('org', 1.4762084064880483), + ('literary', 1.4661381734947168), + ('bank', 1.460987504878338), + ('copy', 1.447991916287799), + ('railroad', 1.447589893332354), + ('armstrong', 1.4466729287651239), + ('rr', 1.414281759111378), + ('island', 1.410485371800411), + ('paragraph', 1.4097636251568062), + ('axe', 1.4028326283716357), + ('fence', 1.4028326283716357), + ('genuine', 1.4028326283716357), + ('journalism', 1.4028326283716357), + ('copies', 1.3883829009256057), + ('copper', 1.3883829009256057), + ('delegates', 1.3883829009256057), + ('distributing', 1.3883829009256057), + ('mifflin', 1.3883829009256057), + ('weekly_', 1.3883829009256057), + ('mother', 1.3721178797155553), + ('terms', 1.3614959149155839), + ('http', 1.3614628722331044), + ('historical', 1.3605563596000985), + ('publication', 1.3605563596000985), + ('provide', 1.360556359600098), + ('nicolay', 1.342899579830354), + ('p', 1.3384146299403934), + ('buckskin', 1.3266789355958883), + ('circular', 1.3266789355958883), + ('spink', 1.3266789355958883), + ('trunks', 1.3266789355958883), + ('generosity', 1.3223622526418946), + ('sells', 1.3183507586865963), + ('sons', 1.3183507586865963), + ('compliance', 1.3011906621704081), + ('crawford', 1.3011906621704081), + ('currency', 1.3011906621704081), + ('distribution', 1.3011906621704081), + ('frederick', 1.3011906621704081), + ('harvey', 1.3011906621704081), + ('individual', 1.3011906621704081), + ('massachusetts', 1.3011906621704081), + ('preacher', 1.3011906621704081), + ('priest', 1.3011906621704081), + ('scripps', 1.3011906621704081), + ('wona', 1.3011906621704081), + ('fee', 1.2951177274528036), + ('volumes', 1.2881294518121198), + ('baker', 1.2868805045464513), + ('river', 1.2845212649561222), + ('voyage', 1.2735521297403745), + ('tarbell', 1.2734860800899708), + ('browne', 1.2673814449958232), + ('herndon', 1.2611515180923591), + ('captain', 1.2566120240054834), + ('including', 1.2566120240054834), + ('she', 1.2523227962342451), + ('chicago', 1.2369612208874359), + ('company', 1.2280833162965425), + ('trade', 1.227264049589322), + ('publishing', 1.2222105265071501), + ('j', 1.20951426463863), + ('hanks', 1.2063558506421344), + ('cartwright', 1.2016275690670342), + ('judd', 1.2016275690670342), + ('mcclure', 1.2016275690670342), + ('permission', 1.2016275690670342), + ('sarah', 1.2016275690670342), + ('_the', 1.1993246703295348), + ('thomas', 1.192162263570947), + ('father', 1.182378500488939), + ('_weekly_', 1.1719588078321554), + ('_womana', 1.1719588078321554), + ('argue', 1.1719588078321554), + ('baddeley', 1.1719588078321554), + ('companion_', 1.1719588078321554), + ('copying', 1.1719588078321554), + ('crafton', 1.1719588078321554), + ('defect', 1.1719588078321554), + ('donate', 1.1719588078321554), + ('draft', 1.1719588078321554), + ('easier', 1.1719588078321554), + ('editions', 1.1719588078321554), + ('hammond', 1.1719588078321554), + ('hawley', 1.1719588078321554), + ('jake', 1.1719588078321554), + ('lightning', 1.1719588078321554), + ('paragraphs', 1.1719588078321554), + ('pg', 1.1719588078321554), + ('pork', 1.1719588078321554), + ('retains', 1.1719588078321554), + ('rod', 1.1719588078321554), + ('royalty', 1.1719588078321554), + ('securities', 1.1719588078321554), + ('shorter', 1.1719588078321554), + ('trousers', 1.1719588078321554), + ('unpublished', 1.1719588078321554), + ('agree', 1.1685160987957408), + ('moore', 1.1638374407328813), + ('brooks', 1.1590654105620253), + ('_early', 1.1547587616319834), + ('tarbella', 1.1547587616319834), + ('harrison', 1.1477375460464634), + ('kentucky', 1.1477375460464634), + ('dress', 1.1403494446079012), + ('german', 1.1403494446079012), + ('g', 1.1400041324991679), + ('you', 1.1197848310740541), + ('convention', 1.1170552756570524), + ('anecdotes', 1.1113491241476279), + ('deed', 1.10266861521132), + ('east', 1.10266861521132), + ('medium', 1.10266861521132), + ('spurious', 1.10266861521132), + ('stranger', 1.10266861521132), + ('atkinson', 1.1026686152113196), + ('comply', 1.1026686152113196), + ('witness', 1.0987403589682891), + ('rock', 1.0980116268282147), + ('biographical', 1.0936719125309864), + ('agent', 1.0936719125309862), + ('charter', 1.0936719125309862), + ('distribute', 1.0936719125309862), + ('_life_', 1.0861326250716679), + ('mississippi', 1.0861326250716679), + ('her', 1.0744523982065441), + ('james', 1.0718364842031898), + ('road', 1.0678271889746043), + ('january', 1.06299555570871), + ('plaintiff', 1.0622990427339003), + ('cents', 1.0601542260041765), + ('philadelphia', 1.054457748248602), + ('trailor', 1.054457748248602), + ('news', 1.0544577482486015), + ('guilty', 1.0523002937359087), + ('whitneya', 1.0523002937359087), + ('limited', 1.0523002937359083), + ('fees', 1.050421450259024), + ('f', 1.0470121250222224), + ('votes', 1.0462712423302567), + ('domain', 1.0459885068374677), + ('gentry', 1.0459885068374677), + ('grandfather', 1.0459885068374677), + ('voted', 1.0459885068374677), + ('speeches', 1.0440910909593955), + ('johnston', 1.0350643207520633), + ('swett', 1.0337988457068894), + ('john', 1.029145368980953), + ('note', 1.0290759889993701), + ('new', 1.0285274933806043), + ('d', 1.0276105644209155), + ('surveyor', 1.0234220417885176), + ('letter', 1.0221155682246605), + ('anecdote', 1.0217461799727077), + ('dungee', 1.0175064885113527), + ('notes', 1.015958543336191), + ('charles', 1.0118735044527019)] + + +When this option is used, it is possible to calculate a threshold +automatically from the number of blocks + + + +.. code-block:: default + + print(mz_keywords(text,scores=True,weighted=False,threshold="auto")) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('gutenberg', 3.813054848640599), + ('project', 3.573855036862196), + ('tm', 3.5734630161654266), + ('co', 3.188187179789419), + ('foundation', 2.9349504275296248), + ('dogskin', 2.767166394411781), + ('electronic', 2.712759445340285), + ('donations', 2.5598097474452906), + ('foxboro', 2.552819829558231), + ('access', 2.534996621584064), + ('gloves', 2.534996621584064), + ('_works_', 2.519083905903437), + ('iv', 2.4068950059833725), + ('v', 2.376066199199476), + ('license', 2.32674033665853), + ('works', 2.320294093790008), + ('replacement', 2.297629530050557), + ('e', 2.1840002559354215), + ('coon', 2.1754936158294536), + ('volunteers', 2.1754936158294536), + ('york', 2.172102058646223), + ('ii', 2.143421998464259), + ('edited', 2.110161739139703), + ('refund', 2.100145067024387), + ('iii', 2.052633589900031), + ('bounded', 1.9832369322912882), + ('format', 1.9832369322912882), + ('jewelry', 1.9832369322912882), + ('metzker', 1.9832369322912882), + ('millions', 1.9832369322912882), + ('ragsdale', 1.9832369322912882), + ('specie', 1.9832369322912882), + ('archive', 1.9430792440279312), + ('reminiscences', 1.9409656357162346), + ('agreement', 1.933113430461269), + ('bonds', 1.90404582584515), + ('ebooks', 1.90404582584515), + ('jewelersa', 1.90404582584515), + ('brokaw', 1.9027974079098768), + ('ebook', 1.8911101680056084), + ('trademark', 1.8911101680056084), + ('parker', 1.8903494446079012), + ('almanac', 1.8267945764711788), + ('ross', 1.771449419244092), + ('work', 1.7368893093546554), + ('college', 1.72245395873311), + ('scott', 1.6666549709515948), + ('rothschild', 1.6615406993510273), + ('pglaf', 1.6528326283716357), + ('ana', 1.6345239955037414), + ('green', 1.634270040746932), + ('forquer', 1.6183315401308644), + ('improvementa', 1.6183315401308644), + ('hardin', 1.5967140500447887), + ('copyright', 1.5827844444400303), + ('houghton', 1.5827785818223203), + ('clair', 1.5757014351631946), + ('claya', 1.5757014351631946), + ('displaying', 1.5757014351631946), + ('fisher', 1.5757014351631946), + ('forgery', 1.5757014351631946), + ('holder', 1.5757014351631946), + ('ninea', 1.5757014351631946), + ('posted', 1.5757014351631946), + ('radford', 1.5757014351631946), + ('university', 1.5757014351631946), + ('wore', 1.5757014351631946), + ('_via_', 1.5752258220302042), + ('admissibility', 1.5752258220302042), + ('attire', 1.5752258220302042), + ('berries', 1.5752258220302042), + ('borrows', 1.5752258220302042), + ('breeches', 1.5752258220302042), + ('cline', 1.5752258220302042), + ('continuance', 1.5752258220302042), + ('currents', 1.5752258220302042), + ('daguerreotype', 1.5752258220302042), + ('disclaimer', 1.5752258220302042), + ('enrolled', 1.5752258220302042), + ('fool', 1.5752258220302042), + ('guineas', 1.5752258220302042), + ('hatchet', 1.5752258220302042), + ('instruct', 1.5752258220302042), + ('liability', 1.5752258220302042), + ('paullin', 1.5752258220302042), + ('performing', 1.5752258220302042), + ('polite', 1.5752258220302042), + ('religion', 1.5752258220302042), + ('rulings', 1.5752258220302042), + ('scammon', 1.5752258220302042), + ('tilda', 1.5752258220302042), + ('toma', 1.5752258220302042), + ('user', 1.5752258220302042), + ('wake', 1.5752258220302042), + ('warranties', 1.5752258220302042), + ('boston', 1.5614599080219351), + ('barrett', 1.5467512742732095), + ('lamon', 1.5401992915219354), + ('attitude', 1.5396869613721145), + ('life_', 1.5325431231066866), + ('chiniquy', 1.517252207711791), + ('bridge', 1.4987002321451297), + ('london', 1.4959606690277452), + ('pair', 1.4859741220167577), + ('banks', 1.4859741220167575), + ('abraham', 1.4788865317609083), + ('org', 1.4762084064880483), + ('literary', 1.4661381734947168), + ('bank', 1.460987504878338), + ('copy', 1.447991916287799), + ('railroad', 1.447589893332354), + ('armstrong', 1.4466729287651239), + ('rr', 1.414281759111378), + ('island', 1.410485371800411), + ('paragraph', 1.4097636251568062), + ('axe', 1.4028326283716357), + ('fence', 1.4028326283716357), + ('genuine', 1.4028326283716357), + ('journalism', 1.4028326283716357), + ('copies', 1.3883829009256057), + ('copper', 1.3883829009256057), + ('delegates', 1.3883829009256057), + ('distributing', 1.3883829009256057), + ('mifflin', 1.3883829009256057), + ('weekly_', 1.3883829009256057), + ('mother', 1.3721178797155553), + ('terms', 1.3614959149155839), + ('http', 1.3614628722331044), + ('historical', 1.3605563596000985), + ('publication', 1.3605563596000985), + ('provide', 1.360556359600098), + ('nicolay', 1.342899579830354), + ('p', 1.3384146299403934), + ('buckskin', 1.3266789355958883), + ('circular', 1.3266789355958883), + ('spink', 1.3266789355958883), + ('trunks', 1.3266789355958883), + ('generosity', 1.3223622526418946), + ('sells', 1.3183507586865963), + ('sons', 1.3183507586865963), + ('compliance', 1.3011906621704081), + ('crawford', 1.3011906621704081), + ('currency', 1.3011906621704081), + ('distribution', 1.3011906621704081), + ('frederick', 1.3011906621704081), + ('harvey', 1.3011906621704081), + ('individual', 1.3011906621704081), + ('massachusetts', 1.3011906621704081), + ('preacher', 1.3011906621704081), + ('priest', 1.3011906621704081), + ('scripps', 1.3011906621704081), + ('wona', 1.3011906621704081), + ('fee', 1.2951177274528036), + ('volumes', 1.2881294518121198), + ('baker', 1.2868805045464513), + ('river', 1.2845212649561222), + ('voyage', 1.2735521297403745), + ('tarbell', 1.2734860800899708), + ('browne', 1.2673814449958232), + ('herndon', 1.2611515180923591), + ('captain', 1.2566120240054834), + ('including', 1.2566120240054834), + ('she', 1.2523227962342451), + ('chicago', 1.2369612208874359), + ('company', 1.2280833162965425), + ('trade', 1.227264049589322), + ('publishing', 1.2222105265071501), + ('j', 1.20951426463863), + ('hanks', 1.2063558506421344), + ('cartwright', 1.2016275690670342), + ('judd', 1.2016275690670342), + ('mcclure', 1.2016275690670342), + ('permission', 1.2016275690670342), + ('sarah', 1.2016275690670342), + ('_the', 1.1993246703295348), + ('thomas', 1.192162263570947), + ('father', 1.182378500488939), + ('_weekly_', 1.1719588078321554), + ('_womana', 1.1719588078321554), + ('argue', 1.1719588078321554), + ('baddeley', 1.1719588078321554), + ('companion_', 1.1719588078321554), + ('copying', 1.1719588078321554), + ('crafton', 1.1719588078321554), + ('defect', 1.1719588078321554), + ('donate', 1.1719588078321554), + ('draft', 1.1719588078321554), + ('easier', 1.1719588078321554), + ('editions', 1.1719588078321554), + ('hammond', 1.1719588078321554), + ('hawley', 1.1719588078321554), + ('jake', 1.1719588078321554), + ('lightning', 1.1719588078321554), + ('paragraphs', 1.1719588078321554), + ('pg', 1.1719588078321554), + ('pork', 1.1719588078321554), + ('retains', 1.1719588078321554), + ('rod', 1.1719588078321554), + ('royalty', 1.1719588078321554), + ('securities', 1.1719588078321554), + ('shorter', 1.1719588078321554), + ('trousers', 1.1719588078321554), + ('unpublished', 1.1719588078321554), + ('agree', 1.1685160987957408), + ('moore', 1.1638374407328813), + ('brooks', 1.1590654105620253), + ('_early', 1.1547587616319834), + ('tarbella', 1.1547587616319834), + ('harrison', 1.1477375460464634), + ('kentucky', 1.1477375460464634), + ('dress', 1.1403494446079012), + ('german', 1.1403494446079012), + ('g', 1.1400041324991679), + ('you', 1.1197848310740541), + ('convention', 1.1170552756570524), + ('anecdotes', 1.1113491241476279), + ('deed', 1.10266861521132), + ('east', 1.10266861521132), + ('medium', 1.10266861521132), + ('spurious', 1.10266861521132), + ('stranger', 1.10266861521132), + ('atkinson', 1.1026686152113196), + ('comply', 1.1026686152113196), + ('witness', 1.0987403589682891), + ('rock', 1.0980116268282147), + ('biographical', 1.0936719125309864), + ('agent', 1.0936719125309862), + ('charter', 1.0936719125309862), + ('distribute', 1.0936719125309862), + ('_life_', 1.0861326250716679), + ('mississippi', 1.0861326250716679), + ('her', 1.0744523982065441), + ('james', 1.0718364842031898), + ('road', 1.0678271889746043), + ('january', 1.06299555570871), + ('plaintiff', 1.0622990427339003), + ('cents', 1.0601542260041765), + ('philadelphia', 1.054457748248602), + ('trailor', 1.054457748248602), + ('news', 1.0544577482486015), + ('guilty', 1.0523002937359087), + ('whitneya', 1.0523002937359087), + ('limited', 1.0523002937359083), + ('fees', 1.050421450259024), + ('f', 1.0470121250222224), + ('votes', 1.0462712423302567), + ('domain', 1.0459885068374677), + ('gentry', 1.0459885068374677), + ('grandfather', 1.0459885068374677), + ('voted', 1.0459885068374677), + ('speeches', 1.0440910909593955), + ('johnston', 1.0350643207520633), + ('swett', 1.0337988457068894), + ('john', 1.029145368980953), + ('note', 1.0290759889993701), + ('new', 1.0285274933806043), + ('d', 1.0276105644209155), + ('surveyor', 1.0234220417885176), + ('letter', 1.0221155682246605), + ('anecdote', 1.0217461799727077), + ('dungee', 1.0175064885113527), + ('notes', 1.015958543336191), + ('charles', 1.0118735044527019), + ('counterfeit', 0.999988304284928), + ('xvi', 0.999988304284928), + ('store', 0.9994804834557804), + ('_amount_', 0.9963302125628715), + ('_black', 0.9963302125628715), + ('_magazine', 0.9963302125628715), + ('_sun_', 0.9963302125628715), + ('adjourning', 0.9963302125628715), + ('advertiser', 0.9963302125628715), + ('advertisers', 0.9963302125628715), + ('agnosticism', 0.9963302125628715), + ('animals', 0.9963302125628715), + ('apparel', 0.9963302125628715), + ('appoints', 0.9963302125628715), + ('arbitrations', 0.9963302125628715), + ('ascii', 0.9963302125628715), + ('aspirants', 0.9963302125628715), + ('atrocious', 0.9963302125628715), + ('attracts', 0.9963302125628715), + ('authorsa', 0.9963302125628715), + ('band', 0.9963302125628715), + ('bargained', 0.9963302125628715), + ('battles', 0.9963302125628715), + ('bets', 0.9963302125628715), + ('bleeding', 0.9963302125628715), + ('boats', 0.9963302125628715), + ('book_', 0.9963302125628715), + ('boss', 0.9963302125628715), + ('bull', 0.9963302125628715), + ('calf', 0.9963302125628715), + ('chase', 0.9963302125628715), + ('chicanery', 0.9963302125628715), + ('coach', 0.9963302125628715), + ('comet', 0.9963302125628715), + ('computer', 0.9963302125628715), + ('computers', 0.9963302125628715), + ('concentration', 0.9963302125628715), + ('conquering', 0.9963302125628715), + ('conservator', 0.9963302125628715), + ('copied', 0.9963302125628715), + ('cord', 0.9963302125628715), + ('cornell', 0.9963302125628715), + ('countenance', 0.9963302125628715), + ('counting', 0.9963302125628715), + ('countryman', 0.9963302125628715), + ('creeks', 0.9963302125628715), + ('davy', 0.9963302125628715), + ('decatur', 0.9963302125628715), + ('deer', 0.9963302125628715), + ('defa', 0.9963302125628715), + ('delegations', 0.9963302125628715), + ('deliveries', 0.9963302125628715), + ('demurrer', 0.9963302125628715), + ('describing', 0.9963302125628715), + ('desires', 0.9963302125628715), + ('directors', 0.9963302125628715), + ('disallows', 0.9963302125628715), + ('disgracing', 0.9963302125628715), + ('doctoring', 0.9963302125628715), + ('dogskina', 0.9963302125628715), + ('effectively', 0.9963302125628715), + ('elections', 0.9963302125628715), + ('electronically', 0.9963302125628715), + ('employees', 0.9963302125628715), + ('emulates', 0.9963302125628715), + ('enrolling', 0.9963302125628715), + ('errands', 0.9963302125628715), + ('faded', 0.9963302125628715), + ('fergus', 0.9963302125628715), + ('flatboat', 0.9963302125628715), + ('forehead', 0.9963302125628715), + ('fort', 0.9963302125628715), + ('generals', 0.9963302125628715), + ('goose', 0.9963302125628715), + ('greed', 0.9963302125628715), + ('groomsman', 0.9963302125628715), + ('hagerty', 0.9963302125628715), + ('hans', 0.9963302125628715), + ('harvard', 0.9963302125628715), + ('haute', 0.9963302125628715), + ('heel', 0.9963302125628715), + ('history_', 0.9963302125628715), + ('homestead', 0.9963302125628715), + ('hut', 0.9963302125628715), + ('ice', 0.9963302125628715), + ('ida', 0.9963302125628715), + ('identical', 0.9963302125628715), + ('imperialist', 0.9963302125628715), + ('irons', 0.9963302125628715), + ('janet', 0.9963302125628715), + ('jr', 0.9963302125628715), + ('justification', 0.9963302125628715), + ('lambs', 0.9963302125628715), + ('latin', 0.9963302125628715), + ('linen', 0.9963302125628715), + ('louder', 0.9963302125628715), + ('mad', 0.9963302125628715), + ('madison', 0.9963302125628715), + ('maid', 0.9963302125628715), + ('martyr', 0.9963302125628715), + ('metaphysical', 0.9963302125628715), + ('mit', 0.9963302125628715), + ('monthlies', 0.9963302125628715), + ('moods', 0.9963302125628715), + ('moorea', 0.9963302125628715), + ('naed', 0.9963302125628715), + ('nest', 0.9963302125628715), + ('nigger', 0.9963302125628715), + ('package', 0.9963302125628715), + ('pan', 0.9963302125628715), + ('parentage', 0.9963302125628715), + ('partly', 0.9963302125628715), + ('passengers', 0.9963302125628715), + ('pastimes', 0.9963302125628715), + ('pla', 0.9963302125628715), + ('playful', 0.9963302125628715), + ('pony', 0.9963302125628715), + ('population', 0.9963302125628715), + ('postponed', 0.9963302125628715), + ('postponement', 0.9963302125628715), + ('premise', 0.9963302125628715), + ('pressure', 0.9963302125628715), + ('presumption', 0.9963302125628715), + ('preventing', 0.9963302125628715), + ('puffsa', 0.9963302125628715), + ('quart', 0.9963302125628715), + ('quincy', 0.9963302125628715), + ('quorum', 0.9963302125628715), + ('reckoneda', 0.9963302125628715), + ('redistribution', 0.9963302125628715), + ('registered', 0.9963302125628715), + ('remit', 0.9963302125628715), + ('rifle', 0.9963302125628715), + ('rothschild_', 0.9963302125628715), + ('rowa', 0.9963302125628715), + ('rubbish', 0.9963302125628715), + ('sacrifices', 0.9963302125628715), + ('scroll', 0.9963302125628715), + ('shade', 0.9963302125628715), + ('shed', 0.9963302125628715), + ('sigh', 0.9963302125628715), + ('silk', 0.9963302125628715), + ('sinewy', 0.9963302125628715), + ('sock', 0.9963302125628715), + ('solicit', 0.9963302125628715), + ('solvent', 0.9963302125628715), + ('sonny', 0.9963302125628715), + ('specified', 0.9963302125628715), + ('startling', 0.9963302125628715), + ('steals', 0.9963302125628715), + ('stevenson', 0.9963302125628715), + ('subpa', 0.9963302125628715), + ('subsequently', 0.9963302125628715), + ('surface', 0.9963302125628715), + ('tanned', 0.9963302125628715), + ('tea', 0.9963302125628715), + ('terre', 0.9963302125628715), + ('theosophy', 0.9963302125628715), + ('tight', 0.9963302125628715), + ('tis', 0.9963302125628715), + ('tour', 0.9963302125628715), + ('trailors', 0.9963302125628715), + ('vanilla', 0.9963302125628715), + ('vol', 0.9963302125628715), + ('warranty', 0.9963302125628715), + ('watkinsa', 0.9963302125628715), + ('wayne', 0.9963302125628715), + ('weekly', 0.9963302125628715), + ('whip', 0.9963302125628715), + ('woodcut', 0.9963302125628715), + ('wright', 0.9963302125628715)] + + +The complexity of the algorithm is **O**\ (\ *Nw*\ ), where *N* is the number +of words in the document and *w* is the number of unique words. + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 0 minutes 16.214 seconds) + +**Estimated memory usage:** 15 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_summarization.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_summarization.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_summarization.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_wmd.ipynb b/docs/src/auto_examples/tutorials/run_wmd.ipynb new file mode 100644 index 0000000000..b4aae5a8e5 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_wmd.ipynb @@ -0,0 +1,176 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nWord Movers' Distance\n=====================\n\nDemonstrates using Gensim's implemenation of the WMD.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Word Mover's Distance (WMD) is a promising new tool in machine learning that\nallows us to submit a query and return the most relevant documents. This\ntutorial introduces WMD and shows how you can compute the WMD distance\nbetween two documents using ``wmdistance``.\n\nWMD Basics\n----------\n\nWMD enables us to assess the \"distance\" between two documents in a meaningful\nway, even when they have no words in common. It uses `word2vec\n`_ [4] vector embeddings of\nwords. It been shown to outperform many of the state-of-the-art methods in\n*k*\\ -nearest neighbors classification [3].\n\nWMD is illustrated below for two very similar sentences (illustration taken\nfrom `Vlad Niculae's blog\n`_\\ ). The sentences\nhave no words in common, but by matching the relevant words, WMD is able to\naccurately measure the (dis)similarity between the two sentences. The method\nalso uses the bag-of-words representation of the documents (simply put, the\nword's frequencies in the documents), noted as $d$ in the figure below. The\nintuition behind the method is that we find the minimum \"traveling distance\"\nbetween documents, in other words the most efficient way to \"move\" the\ndistribution of document 1 to the distribution of document 2.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Image from https://vene.ro/images/wmd-obama.png\nimport matplotlib.pyplot as plt\nimport matplotlib.image as mpimg\nimg = mpimg.imread('wmd-obama.png')\nimgplot = plt.imshow(img)\nplt.axis('off')\nplt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This method was introduced in the article \"From Word Embeddings To Document\nDistances\" by Matt Kusner et al. (\\ `link to PDF\n`_\\ ). It is inspired\nby the \"Earth Mover's Distance\", and employs a solver of the \"transportation\nproblem\".\n\nIn this tutorial, we will learn how to use Gensim's WMD functionality, which\nconsists of the ``wmdistance`` method for distance computation, and the\n``WmdSimilarity`` class for corpus based similarity queries.\n\n.. Important::\n If you use Gensim's WMD functionality, please consider citing [1], [2] and [3].\n\nComputing the Word Mover's Distance\n-----------------------------------\n\nTo use WMD, you need some existing word embeddings.\nYou could train your own Word2Vec model, but that is beyond the scope of this tutorial\n(check out `sphx_glr_auto_examples_tutorials_run_word2vec.py` if you're interested).\nFor this tutorial, we'll be using an existing Word2Vec model.\n\nLet's take some sentences to compute the distance between.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Initialize logging.\nimport logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)\n\nsentence_obama = 'Obama speaks to the media in Illinois'\nsentence_president = 'The president greets the press in Chicago'" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "These sentences have very similar content, and as such the WMD should be low.\nBefore we compute the WMD, we want to remove stopwords (\"the\", \"to\", etc.),\nas these do not contribute a lot to the information in the sentences.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Import and download stopwords from NLTK.\nfrom nltk.corpus import stopwords\nfrom nltk import download\ndownload('stopwords') # Download stopwords list.\nstop_words = stopwords.words('english')\n\ndef preprocess(sentence):\n return [w for w in sentence.lower().split() if w not in stop_words]\n\nsentence_obama = preprocess(sentence_obama)\nsentence_president = preprocess(sentence_president)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, as mentioned earlier, we will be using some downloaded pre-trained\nembeddings. We load these into a Gensim Word2Vec model class.\n\n.. Important::\n The embeddings we have chosen here require a lot of memory.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import gensim.downloader as api\nmodel = api.load('word2vec-google-news-300')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "So let's compute WMD using the ``wmdistance`` method.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "distance = model.wmdistance(sentence_obama, sentence_president)\nprint('distance = %.4f' % distance)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's try the same thing with two completely unrelated sentences. Notice that the distance is larger.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "sentence_orange = preprocess('Oranges are my favorite fruit')\ndistance = model.wmdistance(sentence_obama, sentence_orange)\nprint('distance = %.4f' % distance)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Normalizing word2vec vectors\n^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n\nWhen using the ``wmdistance`` method, it is beneficial to normalize the\nword2vec vectors first, so they all have equal length. To do this, simply\ncall ``model.init_sims(replace=True)`` and Gensim will take care of that for\nyou.\n\nUsually, one measures the distance between two word2vec vectors using the\ncosine distance (see `cosine similarity\n`_\\ ), which measures the\nangle between vectors. WMD, on the other hand, uses the Euclidean distance.\nThe Euclidean distance between two vectors might be large because their\nlengths differ, but the cosine distance is small because the angle between\nthem is small; we can mitigate some of this by normalizing the vectors.\n\n.. Important::\n Note that normalizing the vectors can take some time, especially if you have\n a large vocabulary and/or large vectors.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model.init_sims(replace=True) # Normalizes the vectors in the word2vec class.\n\ndistance = model.wmdistance(sentence_obama, sentence_president) # Compute WMD as normal.\nprint('distance: %r' % distance)\n\ndistance = model.wmdistance(sentence_obama, sentence_orange)\nprint('distance = %.4f' % distance)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "References\n----------\n\n1. Ofir Pele and Michael Werman, *A linear time histogram metric for improved SIFT matching*\\ , 2008.\n2. Ofir Pele and Michael Werman, *Fast and robust earth mover's distances*\\ , 2009.\n3. Matt Kusner et al. *From Embeddings To Document Distances*\\ , 2015.\n4. Thomas Mikolov et al. *Efficient Estimation of Word Representations in Vector Space*\\ , 2013.\n\n\n" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_wmd.py b/docs/src/auto_examples/tutorials/run_wmd.py new file mode 100644 index 0000000000..678703b922 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_wmd.py @@ -0,0 +1,154 @@ +r""" +Word Movers' Distance +===================== + +Demonstrates using Gensim's implemenation of the WMD. + +""" + +############################################################################### +# Word Mover's Distance (WMD) is a promising new tool in machine learning that +# allows us to submit a query and return the most relevant documents. This +# tutorial introduces WMD and shows how you can compute the WMD distance +# between two documents using ``wmdistance``. +# +# WMD Basics +# ---------- +# +# WMD enables us to assess the "distance" between two documents in a meaningful +# way, even when they have no words in common. It uses `word2vec +# `_ [4] vector embeddings of +# words. It been shown to outperform many of the state-of-the-art methods in +# *k*\ -nearest neighbors classification [3]. +# +# WMD is illustrated below for two very similar sentences (illustration taken +# from `Vlad Niculae's blog +# `_\ ). The sentences +# have no words in common, but by matching the relevant words, WMD is able to +# accurately measure the (dis)similarity between the two sentences. The method +# also uses the bag-of-words representation of the documents (simply put, the +# word's frequencies in the documents), noted as $d$ in the figure below. The +# intuition behind the method is that we find the minimum "traveling distance" +# between documents, in other words the most efficient way to "move" the +# distribution of document 1 to the distribution of document 2. +# + +# Image from https://vene.ro/images/wmd-obama.png +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('wmd-obama.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() + +############################################################################### +# This method was introduced in the article "From Word Embeddings To Document +# Distances" by Matt Kusner et al. (\ `link to PDF +# `_\ ). It is inspired +# by the "Earth Mover's Distance", and employs a solver of the "transportation +# problem". +# +# In this tutorial, we will learn how to use Gensim's WMD functionality, which +# consists of the ``wmdistance`` method for distance computation, and the +# ``WmdSimilarity`` class for corpus based similarity queries. +# +# .. Important:: +# If you use Gensim's WMD functionality, please consider citing [1], [2] and [3]. +# +# Computing the Word Mover's Distance +# ----------------------------------- +# +# To use WMD, you need some existing word embeddings. +# You could train your own Word2Vec model, but that is beyond the scope of this tutorial +# (check out :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py` if you're interested). +# For this tutorial, we'll be using an existing Word2Vec model. +# +# Let's take some sentences to compute the distance between. +# + +# Initialize logging. +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +sentence_obama = 'Obama speaks to the media in Illinois' +sentence_president = 'The president greets the press in Chicago' + +############################################################################### +# These sentences have very similar content, and as such the WMD should be low. +# Before we compute the WMD, we want to remove stopwords ("the", "to", etc.), +# as these do not contribute a lot to the information in the sentences. +# + +# Import and download stopwords from NLTK. +from nltk.corpus import stopwords +from nltk import download +download('stopwords') # Download stopwords list. +stop_words = stopwords.words('english') + +def preprocess(sentence): + return [w for w in sentence.lower().split() if w not in stop_words] + +sentence_obama = preprocess(sentence_obama) +sentence_president = preprocess(sentence_president) + +############################################################################### +# Now, as mentioned earlier, we will be using some downloaded pre-trained +# embeddings. We load these into a Gensim Word2Vec model class. +# +# .. Important:: +# The embeddings we have chosen here require a lot of memory. +# +import gensim.downloader as api +model = api.load('word2vec-google-news-300') + +############################################################################### +# So let's compute WMD using the ``wmdistance`` method. +# +distance = model.wmdistance(sentence_obama, sentence_president) +print('distance = %.4f' % distance) + +############################################################################### +# Let's try the same thing with two completely unrelated sentences. Notice that the distance is larger. +# +sentence_orange = preprocess('Oranges are my favorite fruit') +distance = model.wmdistance(sentence_obama, sentence_orange) +print('distance = %.4f' % distance) + +############################################################################### +# Normalizing word2vec vectors +# ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +# +# When using the ``wmdistance`` method, it is beneficial to normalize the +# word2vec vectors first, so they all have equal length. To do this, simply +# call ``model.init_sims(replace=True)`` and Gensim will take care of that for +# you. +# +# Usually, one measures the distance between two word2vec vectors using the +# cosine distance (see `cosine similarity +# `_\ ), which measures the +# angle between vectors. WMD, on the other hand, uses the Euclidean distance. +# The Euclidean distance between two vectors might be large because their +# lengths differ, but the cosine distance is small because the angle between +# them is small; we can mitigate some of this by normalizing the vectors. +# +# .. Important:: +# Note that normalizing the vectors can take some time, especially if you have +# a large vocabulary and/or large vectors. +# +model.init_sims(replace=True) # Normalizes the vectors in the word2vec class. + +distance = model.wmdistance(sentence_obama, sentence_president) # Compute WMD as normal. +print('distance: %r' % distance) + +distance = model.wmdistance(sentence_obama, sentence_orange) +print('distance = %.4f' % distance) + +############################################################################### +# References +# ---------- +# +# 1. Ofir Pele and Michael Werman, *A linear time histogram metric for improved SIFT matching*\ , 2008. +# 2. Ofir Pele and Michael Werman, *Fast and robust earth mover's distances*\ , 2009. +# 3. Matt Kusner et al. *From Embeddings To Document Distances*\ , 2015. +# 4. Thomas Mikolov et al. *Efficient Estimation of Word Representations in Vector Space*\ , 2013. +# diff --git a/docs/src/auto_examples/tutorials/run_wmd.py.md5 b/docs/src/auto_examples/tutorials/run_wmd.py.md5 new file mode 100644 index 0000000000..59eb10a3a2 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_wmd.py.md5 @@ -0,0 +1 @@ +06c9d9ce0aaa45d182c8a700485479b8 \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_wmd.rst b/docs/src/auto_examples/tutorials/run_wmd.rst new file mode 100644 index 0000000000..1ad69087ad --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_wmd.rst @@ -0,0 +1,305 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_wmd.py: + + +Word Movers' Distance +===================== + +Demonstrates using Gensim's implemenation of the WMD. + + +Word Mover's Distance (WMD) is a promising new tool in machine learning that +allows us to submit a query and return the most relevant documents. This +tutorial introduces WMD and shows how you can compute the WMD distance +between two documents using ``wmdistance``. + +WMD Basics +---------- + +WMD enables us to assess the "distance" between two documents in a meaningful +way, even when they have no words in common. It uses `word2vec +`_ [4] vector embeddings of +words. It been shown to outperform many of the state-of-the-art methods in +*k*\ -nearest neighbors classification [3]. + +WMD is illustrated below for two very similar sentences (illustration taken +from `Vlad Niculae's blog +`_\ ). The sentences +have no words in common, but by matching the relevant words, WMD is able to +accurately measure the (dis)similarity between the two sentences. The method +also uses the bag-of-words representation of the documents (simply put, the +word's frequencies in the documents), noted as $d$ in the figure below. The +intuition behind the method is that we find the minimum "traveling distance" +between documents, in other words the most efficient way to "move" the +distribution of document 1 to the distribution of document 2. + + + +.. code-block:: default + + + # Image from https://vene.ro/images/wmd-obama.png + import matplotlib.pyplot as plt + import matplotlib.image as mpimg + img = mpimg.imread('wmd-obama.png') + imgplot = plt.imshow(img) + plt.axis('off') + plt.show() + + + + +.. image:: /auto_examples/tutorials/images/sphx_glr_run_wmd_001.png + :class: sphx-glr-single-img + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /Volumes/work/workspace/gensim_misha/docs/src/gallery/tutorials/run_wmd.py:42: UserWarning: Matplotlib is currently using agg, which is a non-GUI backend, so cannot show the figure. + plt.show() + + + +This method was introduced in the article "From Word Embeddings To Document +Distances" by Matt Kusner et al. (\ `link to PDF +`_\ ). It is inspired +by the "Earth Mover's Distance", and employs a solver of the "transportation +problem". + +In this tutorial, we will learn how to use Gensim's WMD functionality, which +consists of the ``wmdistance`` method for distance computation, and the +``WmdSimilarity`` class for corpus based similarity queries. + +.. Important:: + If you use Gensim's WMD functionality, please consider citing [1], [2] and [3]. + +Computing the Word Mover's Distance +----------------------------------- + +To use WMD, you need some existing word embeddings. +You could train your own Word2Vec model, but that is beyond the scope of this tutorial +(check out :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py` if you're interested). +For this tutorial, we'll be using an existing Word2Vec model. + +Let's take some sentences to compute the distance between. + + + +.. code-block:: default + + + # Initialize logging. + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + sentence_obama = 'Obama speaks to the media in Illinois' + sentence_president = 'The president greets the press in Chicago' + + + + + + + +These sentences have very similar content, and as such the WMD should be low. +Before we compute the WMD, we want to remove stopwords ("the", "to", etc.), +as these do not contribute a lot to the information in the sentences. + + + +.. code-block:: default + + + # Import and download stopwords from NLTK. + from nltk.corpus import stopwords + from nltk import download + download('stopwords') # Download stopwords list. + stop_words = stopwords.words('english') + + def preprocess(sentence): + return [w for w in sentence.lower().split() if w not in stop_words] + + sentence_obama = preprocess(sentence_obama) + sentence_president = preprocess(sentence_president) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [nltk_data] Downloading package stopwords to + [nltk_data] /Users/kofola3/nltk_data... + [nltk_data] Package stopwords is already up-to-date! + + + +Now, as mentioned earlier, we will be using some downloaded pre-trained +embeddings. We load these into a Gensim Word2Vec model class. + +.. Important:: + The embeddings we have chosen here require a lot of memory. + + + +.. code-block:: default + + import gensim.downloader as api + model = api.load('word2vec-google-news-300') + + + + + + + +So let's compute WMD using the ``wmdistance`` method. + + + +.. code-block:: default + + distance = model.wmdistance(sentence_obama, sentence_president) + print('distance = %.4f' % distance) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + distance = 3.3741 + + + +Let's try the same thing with two completely unrelated sentences. Notice that the distance is larger. + + + +.. code-block:: default + + sentence_orange = preprocess('Oranges are my favorite fruit') + distance = model.wmdistance(sentence_obama, sentence_orange) + print('distance = %.4f' % distance) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + distance = 4.3802 + + + +Normalizing word2vec vectors +^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + +When using the ``wmdistance`` method, it is beneficial to normalize the +word2vec vectors first, so they all have equal length. To do this, simply +call ``model.init_sims(replace=True)`` and Gensim will take care of that for +you. + +Usually, one measures the distance between two word2vec vectors using the +cosine distance (see `cosine similarity +`_\ ), which measures the +angle between vectors. WMD, on the other hand, uses the Euclidean distance. +The Euclidean distance between two vectors might be large because their +lengths differ, but the cosine distance is small because the angle between +them is small; we can mitigate some of this by normalizing the vectors. + +.. Important:: + Note that normalizing the vectors can take some time, especially if you have + a large vocabulary and/or large vectors. + + + +.. code-block:: default + + model.init_sims(replace=True) # Normalizes the vectors in the word2vec class. + + distance = model.wmdistance(sentence_obama, sentence_president) # Compute WMD as normal. + print('distance: %r' % distance) + + distance = model.wmdistance(sentence_obama, sentence_orange) + print('distance = %.4f' % distance) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + distance: 1.0174646259300113 + distance = 1.3663 + + + +References +---------- + +1. Ofir Pele and Michael Werman, *A linear time histogram metric for improved SIFT matching*\ , 2008. +2. Ofir Pele and Michael Werman, *Fast and robust earth mover's distances*\ , 2009. +3. Matt Kusner et al. *From Embeddings To Document Distances*\ , 2015. +4. Thomas Mikolov et al. *Efficient Estimation of Word Representations in Vector Space*\ , 2013. + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 3 minutes 7.510 seconds) + +**Estimated memory usage:** 7622 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_wmd.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_wmd.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_wmd.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/run_word2vec.ipynb b/docs/src/auto_examples/tutorials/run_word2vec.ipynb new file mode 100644 index 0000000000..c15add107d --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_word2vec.ipynb @@ -0,0 +1,556 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "%matplotlib inline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\nWord2Vec Model\n==============\n\nIntroduces Gensim's Word2Vec model and demonstrates its use on the Lee Corpus.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import logging\nlogging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In case you missed the buzz, word2vec is a widely featured as a member of the\n\u201cnew wave\u201d of machine learning algorithms based on neural networks, commonly\nreferred to as \"deep learning\" (though word2vec itself is rather shallow).\nUsing large amounts of unannotated plain text, word2vec learns relationships\nbetween words automatically. The output are vectors, one vector per word,\nwith remarkable linear relationships that allow us to do things like:\n\n* vec(\"king\") - vec(\"man\") + vec(\"woman\") =~ vec(\"queen\")\n* vec(\"Montreal Canadiens\") \u2013 vec(\"Montreal\") + vec(\"Toronto\") =~ vec(\"Toronto Maple Leafs\").\n\nWord2vec is very useful in `automatic text tagging\n`_\\ , recommender\nsystems and machine translation.\n\nThis tutorial:\n\n#. Introduces ``Word2Vec`` as an improvement over traditional bag-of-words\n#. Shows off a demo of ``Word2Vec`` using a pre-trained model\n#. Demonstrates training a new model from your own data\n#. Demonstrates loading and saving models\n#. Introduces several training parameters and demonstrates their effect\n#. Discusses memory requirements\n#. Visualizes Word2Vec embeddings by applying dimensionality reduction\n\nReview: Bag-of-words\n--------------------\n\n.. Note:: Feel free to skip these review sections if you're already familiar with the models.\n\nYou may be familiar with the `bag-of-words model\n`_ from the\n`core_concepts_vector` section.\nThis model transforms each document to a fixed-length vector of integers.\nFor example, given the sentences:\n\n- ``John likes to watch movies. Mary likes movies too.``\n- ``John also likes to watch football games. Mary hates football.``\n\nThe model outputs the vectors:\n\n- ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]``\n- ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]``\n\nEach vector has 10 elements, where each element counts the number of times a\nparticular word occurred in the document.\nThe order of elements is arbitrary.\nIn the example above, the order of the elements corresponds to the words:\n``[\"John\", \"likes\", \"to\", \"watch\", \"movies\", \"Mary\", \"too\", \"also\", \"football\", \"games\", \"hates\"]``.\n\nBag-of-words models are surprisingly effective, but have several weaknesses.\n\nFirst, they lose all information about word order: \"John likes Mary\" and\n\"Mary likes John\" correspond to identical vectors. There is a solution: bag\nof `n-grams `__\nmodels consider word phrases of length n to represent documents as\nfixed-length vectors to capture local word order but suffer from data\nsparsity and high dimensionality.\n\nSecond, the model does not attempt to learn the meaning of the underlying\nwords, and as a consequence, the distance between vectors doesn't always\nreflect the difference in meaning. The ``Word2Vec`` model addresses this\nsecond problem.\n\nIntroducing: the ``Word2Vec`` Model\n-----------------------------------\n\n``Word2Vec`` is a more recent model that embeds words in a lower-dimensional\nvector space using a shallow neural network. The result is a set of\nword-vectors where vectors close together in vector space have similar\nmeanings based on context, and word-vectors distant to each other have\ndiffering meanings. For example, ``strong`` and ``powerful`` would be close\ntogether and ``strong`` and ``Paris`` would be relatively far.\n\nThe are two versions of this model and :py:class:`~gensim.models.word2vec.Word2Vec`\nclass implements them both:\n\n1. Skip-grams (SG)\n2. Continuous-bag-of-words (CBOW)\n\n.. Important::\n Don't let the implementation details below scare you.\n They're advanced material: if it's too much, then move on to the next section.\n\nThe `Word2Vec Skip-gram `__\nmodel, for example, takes in pairs (word1, word2) generated by moving a\nwindow across text data, and trains a 1-hidden-layer neural network based on\nthe synthetic task of given an input word, giving us a predicted probability\ndistribution of nearby words to the input. A virtual `one-hot\n`__ encoding of words\ngoes through a 'projection layer' to the hidden layer; these projection\nweights are later interpreted as the word embeddings. So if the hidden layer\nhas 300 neurons, this network will give us 300-dimensional word embeddings.\n\nContinuous-bag-of-words Word2vec is very similar to the skip-gram model. It\nis also a 1-hidden-layer neural network. The synthetic training task now uses\nthe average of multiple input context words, rather than a single word as in\nskip-gram, to predict the center word. Again, the projection weights that\nturn one-hot words into averageable vectors, of the same width as the hidden\nlayer, are interpreted as the word embeddings.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Word2Vec Demo\n-------------\n\nTo see what ``Word2Vec`` can do, let's download a pre-trained model and play\naround with it. We will fetch the Word2Vec model trained on part of the\nGoogle News dataset, covering approximately 3 million words and phrases. Such\na model can take hours to train, but since it's already available,\ndownloading and loading it with Gensim takes minutes.\n\n.. Important::\n The model is approximately 2GB, so you'll need a decent network connection\n to proceed. Otherwise, skip ahead to the \"Training Your Own Model\" section\n below.\n\nYou may also check out an `online word2vec demo\n`_ where you can try\nthis vector algebra for yourself. That demo runs ``word2vec`` on the\n**entire** Google News dataset, of **about 100 billion words**.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import gensim.downloader as api\nwv = api.load('word2vec-google-news-300')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can easily obtain vectors for terms the model is familiar with:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "vec_king = wv['king']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Unfortunately, the model is unable to infer vectors for unfamiliar words.\nThis is one limitation of Word2Vec: if this limitation matters to you, check\nout the FastText model.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "try:\n vec_weapon = wv['cameroon']\nexcept KeyError:\n print(\"The word 'cameroon' does not appear in this model\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Moving on, ``Word2Vec`` supports several word similarity tasks out of the\nbox. You can see how the similarity intuitively decreases as the words get\nless and less similar.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "pairs = [\n ('car', 'minivan'), # a minivan is a kind of car\n ('car', 'bicycle'), # still a wheeled vehicle\n ('car', 'airplane'), # ok, no wheels, but still a vehicle\n ('car', 'cereal'), # ... and so on\n ('car', 'communism'),\n]\nfor w1, w2 in pairs:\n print('%r\\t%r\\t%.2f' % (w1, w2, wv.similarity(w1, w2)))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Print the 5 most similar words to \"car\" or \"minivan\"\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(wv.most_similar(positive=['car', 'minivan'], topn=5))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Which of the below does not belong in the sequence?\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "print(wv.doesnt_match(['fire', 'water', 'land', 'sea', 'air', 'car']))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Training Your Own Model\n-----------------------\n\nTo start, you'll need some data for training the model. For the following\nexamples, we'll use the `Lee Corpus\n`_\n(which you already have if you've installed gensim).\n\nThis corpus is small enough to fit entirely in memory, but we'll implement a\nmemory-friendly iterator that reads it line-by-line to demonstrate how you\nwould handle a larger corpus.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from gensim.test.utils import datapath\nfrom gensim import utils\n\nclass MyCorpus(object):\n \"\"\"An interator that yields sentences (lists of str).\"\"\"\n\n def __iter__(self):\n corpus_path = datapath('lee_background.cor')\n for line in open(corpus_path):\n # assume there's one document per line, tokens separated by whitespace\n yield utils.simple_preprocess(line)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If we wanted to do any custom preprocessing, e.g. decode a non-standard\nencoding, lowercase, remove numbers, extract named entities... All of this can\nbe done inside the ``MyCorpus`` iterator and ``word2vec`` doesn\u2019t need to\nknow. All that is required is that the input yields one sentence (list of\nutf8 words) after another.\n\nLet's go ahead and train a model on our corpus. Don't worry about the\ntraining parameters much for now, we'll revisit them later.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import gensim.models\n\nsentences = MyCorpus()\nmodel = gensim.models.Word2Vec(sentences=sentences)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Once we have our model, we can use it in the same way as in the demo above.\n\nThe main part of the model is ``model.wv``\\ , where \"wv\" stands for \"word vectors\".\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "vec_king = model.wv['king']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Storing and loading models\n--------------------------\n\nYou'll notice that training non-trivial models can take time. Once you've\ntrained your model and it works as expected, you can save it to disk. That\nway, you don't have to spend time training it all over again later.\n\nYou can store/load models using the standard gensim methods:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import tempfile\n\nwith tempfile.NamedTemporaryFile(prefix='gensim-model-', delete=False) as tmp:\n temporary_filepath = tmp.name\n model.save(temporary_filepath)\n #\n # The model is now safely stored in the filepath.\n # You can copy it to other machines, share it with others, etc.\n #\n # To load a saved model:\n #\n new_model = gensim.models.Word2Vec.load(temporary_filepath)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "which uses pickle internally, optionally ``mmap``\\ \u2018ing the model\u2019s internal\nlarge NumPy matrices into virtual memory directly from disk files, for\ninter-process memory sharing.\n\nIn addition, you can load models created by the original C tool, both using\nits text and binary formats::\n\n model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False)\n # using gzipped/bz2 input works too, no need to unzip\n model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.bin.gz', binary=True)\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Training Parameters\n-------------------\n\n``Word2Vec`` accepts several parameters that affect both training speed and quality.\n\nmin_count\n---------\n\n``min_count`` is for pruning the internal dictionary. Words that appear only\nonce or twice in a billion-word corpus are probably uninteresting typos and\ngarbage. In addition, there\u2019s not enough data to make any meaningful training\non those words, so it\u2019s best to ignore them:\n\ndefault value of min_count=5\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model = gensim.models.Word2Vec(sentences, min_count=10)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "size\n----\n\n``size`` is the number of dimensions (N) of the N-dimensional space that\ngensim Word2Vec maps the words onto.\n\nBigger size values require more training data, but can lead to better (more\naccurate) models. Reasonable values are in the tens to hundreds.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# default value of size=100\nmodel = gensim.models.Word2Vec(sentences, size=200)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "workers\n-------\n\n``workers`` , the last of the major parameters (full list `here\n`_)\nis for training parallelization, to speed up training:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# default value of workers=3 (tutorial says 1...)\nmodel = gensim.models.Word2Vec(sentences, workers=4)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The ``workers`` parameter only has an effect if you have `Cython\n`_ installed. Without Cython, you\u2019ll only be able to use\none core because of the `GIL\n`_ (and ``word2vec``\ntraining will be `miserably slow\n`_\\ ).\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Memory\n------\n\nAt its core, ``word2vec`` model parameters are stored as matrices (NumPy\narrays). Each array is **#vocabulary** (controlled by min_count parameter)\ntimes **#size** (size parameter) of floats (single precision aka 4 bytes).\n\nThree such matrices are held in RAM (work is underway to reduce that number\nto two, or even one). So if your input contains 100,000 unique words, and you\nasked for layer ``size=200``\\ , the model will require approx.\n``100,000*200*4*3 bytes = ~229MB``.\n\nThere\u2019s a little extra memory needed for storing the vocabulary tree (100,000 words would take a few megabytes), but unless your words are extremely loooong strings, memory footprint will be dominated by the three matrices above.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Evaluating\n----------\n\n``Word2Vec`` training is an unsupervised task, there\u2019s no good way to\nobjectively evaluate the result. Evaluation depends on your end application.\n\nGoogle has released their testing set of about 20,000 syntactic and semantic\ntest examples, following the \u201cA is to B as C is to D\u201d task. It is provided in\nthe 'datasets' folder.\n\nFor example a syntactic analogy of comparative type is bad:worse;good:?.\nThere are total of 9 types of syntactic comparisons in the dataset like\nplural nouns and nouns of opposite meaning.\n\nThe semantic questions contain five types of semantic analogies, such as\ncapital cities (Paris:France;Tokyo:?) or family members\n(brother:sister;dad:?).\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Gensim supports the same evaluation set, in exactly the same format:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model.accuracy('./datasets/questions-words.txt')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This ``accuracy`` takes an `optional parameter\n`_\n``restrict_vocab`` which limits which test examples are to be considered.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In the December 2016 release of Gensim we added a better way to evaluate semantic similarity.\n\nBy default it uses an academic dataset WS-353 but one can create a dataset\nspecific to your business based on it. It contains word pairs together with\nhuman-assigned similarity judgments. It measures the relatedness or\nco-occurrence of two words. For example, 'coast' and 'shore' are very similar\nas they appear in the same context. At the same time 'clothes' and 'closet'\nare less similar because they are related but not interchangeable.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model.evaluate_word_pairs(datapath('wordsim353.tsv'))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + ".. Important::\n Good performance on Google's or WS-353 test set doesn\u2019t mean word2vec will\n work well in your application, or vice versa. It\u2019s always best to evaluate\n directly on your intended task. For an example of how to use word2vec in a\n classifier pipeline, see this `tutorial\n `_.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Online training / Resuming training\n-----------------------------------\n\nAdvanced users can load a model and continue training it with more sentences\nand `new vocabulary words `_:\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "model = gensim.models.Word2Vec.load(temporary_filepath)\nmore_sentences = [\n ['Advanced', 'users', 'can', 'load', 'a', 'model',\n 'and', 'continue', 'training', 'it', 'with', 'more', 'sentences']\n]\nmodel.build_vocab(more_sentences, update=True)\nmodel.train(more_sentences, total_examples=model.corpus_count, epochs=model.iter)\n\n# cleaning up temporary file\nimport os\nos.remove(temporary_filepath)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "You may need to tweak the ``total_words`` parameter to ``train()``,\ndepending on what learning rate decay you want to simulate.\n\nNote that it\u2019s not possible to resume training with models generated by the C\ntool, ``KeyedVectors.load_word2vec_format()``. You can still use them for\nquerying/similarity, but information vital for training (the vocab tree) is\nmissing there.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Training Loss Computation\n-------------------------\n\nThe parameter ``compute_loss`` can be used to toggle computation of loss\nwhile training the Word2Vec model. The computed loss is stored in the model\nattribute ``running_training_loss`` and can be retrieved using the function\n``get_latest_training_loss`` as follows :\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# instantiating and training the Word2Vec model\nmodel_with_loss = gensim.models.Word2Vec(\n sentences,\n min_count=1,\n compute_loss=True,\n hs=0,\n sg=1,\n seed=42\n)\n\n# getting the training loss value\ntraining_loss = model_with_loss.get_latest_training_loss()\nprint(training_loss)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Benchmarks\n----------\n\nLet's run some benchmarks to see effect of the training loss computation code\non training time.\n\nWe'll use the following data for the benchmarks:\n\n#. Lee Background corpus: included in gensim's test data\n#. Text8 corpus. To demonstrate the effect of corpus size, we'll look at the\n first 1MB, 10MB, 50MB of the corpus, as well as the entire thing.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import io\nimport os\n\nimport gensim.models.word2vec\nimport gensim.downloader as api\nimport smart_open\n\n\ndef head(path, size):\n with smart_open.open(path) as fin:\n return io.StringIO(fin.read(size))\n\n\ndef generate_input_data():\n lee_path = datapath('lee_background.cor')\n ls = gensim.models.word2vec.LineSentence(lee_path)\n ls.name = '25kB'\n yield ls\n\n text8_path = api.load('text8').fn\n labels = ('1MB', '10MB', '50MB', '100MB')\n sizes = (1024 ** 2, 10 * 1024 ** 2, 50 * 1024 ** 2, 100 * 1024 ** 2)\n for l, s in zip(labels, sizes):\n ls = gensim.models.word2vec.LineSentence(head(text8_path, s))\n ls.name = l\n yield ls\n\n\ninput_data = list(generate_input_data())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We now compare the training time taken for different combinations of input\ndata and model training parameters like ``hs`` and ``sg``.\n\nFor each combination, we repeat the test several times to obtain the mean and\nstandard deviation of the test duration.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# Temporarily reduce logging verbosity\nlogging.root.level = logging.ERROR\n\nimport time\nimport numpy as np\nimport pandas as pd\n\ntrain_time_values = []\nseed_val = 42\nsg_values = [0, 1]\nhs_values = [0, 1]\n\nfast = True\nif fast:\n input_data_subset = input_data[:3]\nelse:\n input_data_subset = input_data\n\n\nfor data in input_data_subset:\n for sg_val in sg_values:\n for hs_val in hs_values:\n for loss_flag in [True, False]:\n time_taken_list = []\n for i in range(3):\n start_time = time.time()\n w2v_model = gensim.models.Word2Vec(\n data,\n compute_loss=loss_flag,\n sg=sg_val,\n hs=hs_val,\n seed=seed_val,\n )\n time_taken_list.append(time.time() - start_time)\n\n time_taken_list = np.array(time_taken_list)\n time_mean = np.mean(time_taken_list)\n time_std = np.std(time_taken_list)\n\n model_result = {\n 'train_data': data.name,\n 'compute_loss': loss_flag,\n 'sg': sg_val,\n 'hs': hs_val,\n 'train_time_mean': time_mean,\n 'train_time_std': time_std,\n }\n print(\"Word2vec model #%i: %s\" % (len(train_time_values), model_result))\n train_time_values.append(model_result)\n\ntrain_times_table = pd.DataFrame(train_time_values)\ntrain_times_table = train_times_table.sort_values(\n by=['train_data', 'sg', 'hs', 'compute_loss'],\n ascending=[False, False, True, False],\n)\nprint(train_times_table)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Adding Word2Vec \"model to dict\" method to production pipeline\n-------------------------------------------------------------\n\nSuppose, we still want more performance improvement in production.\n\nOne good way is to cache all the similar words in a dictionary.\n\nSo that next time when we get the similar query word, we'll search it first in the dict.\n\nAnd if it's a hit then we will show the result directly from the dictionary.\n\notherwise we will query the word and then cache it so that it doesn't miss next time.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "# re-enable logging\nlogging.root.level = logging.INFO\n\nmost_similars_precalc = {word : model.wv.most_similar(word) for word in model.wv.index2word}\nfor i, (key, value) in enumerate(most_similars_precalc.items()):\n if i == 3:\n break\n print(key, value)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Comparison with and without caching\n-----------------------------------\n\nfor time being lets take 4 words randomly\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "import time\nwords = ['voted', 'few', 'their', 'around']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Without caching\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "start = time.time()\nfor word in words:\n result = model.wv.most_similar(word)\n print(result)\nend = time.time()\nprint(end - start)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now with caching\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "start = time.time()\nfor word in words:\n if 'voted' in most_similars_precalc:\n result = most_similars_precalc[word]\n print(result)\n else:\n result = model.wv.most_similar(word)\n most_similars_precalc[word] = result\n print(result)\n\nend = time.time()\nprint(end - start)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Clearly you can see the improvement but this difference will be even larger\nwhen we take more words in the consideration.\n\n\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Visualising the Word Embeddings\n-------------------------------\n\nThe word embeddings made by the model can be visualised by reducing\ndimensionality of the words to 2 dimensions using tSNE.\n\nVisualisations can be used to notice semantic and syntactic trends in the data.\n\nExample:\n\n* Semantic: words like cat, dog, cow, etc. have a tendency to lie close by\n* Syntactic: words like run, running or cut, cutting lie close together.\n\nVector relations like vKing - vMan = vQueen - vWoman can also be noticed.\n\n.. Important::\n The model used for the visualisation is trained on a small corpus. Thus\n some of the relations might not be so clear.\n\n\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false + }, + "outputs": [], + "source": [ + "from sklearn.decomposition import IncrementalPCA # inital reduction\nfrom sklearn.manifold import TSNE # final reduction\nimport numpy as np # array handling\n\n\ndef reduce_dimensions(model):\n num_dimensions = 2 # final num dimensions (2D, 3D, etc)\n\n vectors = [] # positions in vector space\n labels = [] # keep track of words to label our data again later\n for word in model.wv.vocab:\n vectors.append(model.wv[word])\n labels.append(word)\n\n # convert both lists into numpy vectors for reduction\n vectors = np.asarray(vectors)\n labels = np.asarray(labels)\n\n # reduce using t-SNE\n vectors = np.asarray(vectors)\n tsne = TSNE(n_components=num_dimensions, random_state=0)\n vectors = tsne.fit_transform(vectors)\n\n x_vals = [v[0] for v in vectors]\n y_vals = [v[1] for v in vectors]\n return x_vals, y_vals, labels\n\n\nx_vals, y_vals, labels = reduce_dimensions(model)\n\ndef plot_with_plotly(x_vals, y_vals, labels, plot_in_notebook=True):\n from plotly.offline import init_notebook_mode, iplot, plot\n import plotly.graph_objs as go\n\n trace = go.Scatter(x=x_vals, y=y_vals, mode='text', text=labels)\n data = [trace]\n\n if plot_in_notebook:\n init_notebook_mode(connected=True)\n iplot(data, filename='word-embedding-plot')\n else:\n plot(data, filename='word-embedding-plot.html')\n\n\ndef plot_with_matplotlib(x_vals, y_vals, labels):\n import matplotlib.pyplot as plt\n import random\n\n random.seed(0)\n\n plt.figure(figsize=(12, 12))\n plt.scatter(x_vals, y_vals)\n\n #\n # Label randomly subsampled 25 data points\n #\n indices = list(range(len(labels)))\n selected_indices = random.sample(indices, 25)\n for i in selected_indices:\n plt.annotate(labels[i], (x_vals[i], y_vals[i]))\n\ntry:\n get_ipython()\nexcept Exception:\n plot_function = plot_with_matplotlib\nelse:\n plot_function = plot_with_plotly\n\nplot_function(x_vals, y_vals, labels)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Conclusion\n----------\n\nIn this tutorial we learned how to train word2vec models on your custom data\nand also how to evaluate it. Hope that you too will find this popular tool\nuseful in your Machine Learning tasks!\n\nLinks\n-----\n\n- API docs: :py:mod:`gensim.models.word2vec`\n- `Original C toolkit and word2vec papers by Google `_.\n\n\n" + ] + } + ], + "metadata": { + "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.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_word2vec.py b/docs/src/auto_examples/tutorials/run_word2vec.py new file mode 100644 index 0000000000..20d06822ec --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_word2vec.py @@ -0,0 +1,716 @@ +r""" +Word2Vec Model +============== + +Introduces Gensim's Word2Vec model and demonstrates its use on the Lee Corpus. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# In case you missed the buzz, word2vec is a widely featured as a member of the +# “new wave” of machine learning algorithms based on neural networks, commonly +# referred to as "deep learning" (though word2vec itself is rather shallow). +# Using large amounts of unannotated plain text, word2vec learns relationships +# between words automatically. The output are vectors, one vector per word, +# with remarkable linear relationships that allow us to do things like: +# +# * vec("king") - vec("man") + vec("woman") =~ vec("queen") +# * vec("Montreal Canadiens") – vec("Montreal") + vec("Toronto") =~ vec("Toronto Maple Leafs"). +# +# Word2vec is very useful in `automatic text tagging +# `_\ , recommender +# systems and machine translation. +# +# This tutorial: +# +# #. Introduces ``Word2Vec`` as an improvement over traditional bag-of-words +# #. Shows off a demo of ``Word2Vec`` using a pre-trained model +# #. Demonstrates training a new model from your own data +# #. Demonstrates loading and saving models +# #. Introduces several training parameters and demonstrates their effect +# #. Discusses memory requirements +# #. Visualizes Word2Vec embeddings by applying dimensionality reduction +# +# Review: Bag-of-words +# -------------------- +# +# .. Note:: Feel free to skip these review sections if you're already familiar with the models. +# +# You may be familiar with the `bag-of-words model +# `_ from the +# :ref:`core_concepts_vector` section. +# This model transforms each document to a fixed-length vector of integers. +# For example, given the sentences: +# +# - ``John likes to watch movies. Mary likes movies too.`` +# - ``John also likes to watch football games. Mary hates football.`` +# +# The model outputs the vectors: +# +# - ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]`` +# - ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]`` +# +# Each vector has 10 elements, where each element counts the number of times a +# particular word occurred in the document. +# The order of elements is arbitrary. +# In the example above, the order of the elements corresponds to the words: +# ``["John", "likes", "to", "watch", "movies", "Mary", "too", "also", "football", "games", "hates"]``. +# +# Bag-of-words models are surprisingly effective, but have several weaknesses. +# +# First, they lose all information about word order: "John likes Mary" and +# "Mary likes John" correspond to identical vectors. There is a solution: bag +# of `n-grams `__ +# models consider word phrases of length n to represent documents as +# fixed-length vectors to capture local word order but suffer from data +# sparsity and high dimensionality. +# +# Second, the model does not attempt to learn the meaning of the underlying +# words, and as a consequence, the distance between vectors doesn't always +# reflect the difference in meaning. The ``Word2Vec`` model addresses this +# second problem. +# +# Introducing: the ``Word2Vec`` Model +# ----------------------------------- +# +# ``Word2Vec`` is a more recent model that embeds words in a lower-dimensional +# vector space using a shallow neural network. The result is a set of +# word-vectors where vectors close together in vector space have similar +# meanings based on context, and word-vectors distant to each other have +# differing meanings. For example, ``strong`` and ``powerful`` would be close +# together and ``strong`` and ``Paris`` would be relatively far. +# +# The are two versions of this model and :py:class:`~gensim.models.word2vec.Word2Vec` +# class implements them both: +# +# 1. Skip-grams (SG) +# 2. Continuous-bag-of-words (CBOW) +# +# .. Important:: +# Don't let the implementation details below scare you. +# They're advanced material: if it's too much, then move on to the next section. +# +# The `Word2Vec Skip-gram `__ +# model, for example, takes in pairs (word1, word2) generated by moving a +# window across text data, and trains a 1-hidden-layer neural network based on +# the synthetic task of given an input word, giving us a predicted probability +# distribution of nearby words to the input. A virtual `one-hot +# `__ encoding of words +# goes through a 'projection layer' to the hidden layer; these projection +# weights are later interpreted as the word embeddings. So if the hidden layer +# has 300 neurons, this network will give us 300-dimensional word embeddings. +# +# Continuous-bag-of-words Word2vec is very similar to the skip-gram model. It +# is also a 1-hidden-layer neural network. The synthetic training task now uses +# the average of multiple input context words, rather than a single word as in +# skip-gram, to predict the center word. Again, the projection weights that +# turn one-hot words into averageable vectors, of the same width as the hidden +# layer, are interpreted as the word embeddings. +# + +############################################################################### +# Word2Vec Demo +# ------------- +# +# To see what ``Word2Vec`` can do, let's download a pre-trained model and play +# around with it. We will fetch the Word2Vec model trained on part of the +# Google News dataset, covering approximately 3 million words and phrases. Such +# a model can take hours to train, but since it's already available, +# downloading and loading it with Gensim takes minutes. +# +# .. Important:: +# The model is approximately 2GB, so you'll need a decent network connection +# to proceed. Otherwise, skip ahead to the "Training Your Own Model" section +# below. +# +# You may also check out an `online word2vec demo +# `_ where you can try +# this vector algebra for yourself. That demo runs ``word2vec`` on the +# **entire** Google News dataset, of **about 100 billion words**. +# +import gensim.downloader as api +wv = api.load('word2vec-google-news-300') + +############################################################################### +# We can easily obtain vectors for terms the model is familiar with: +# +vec_king = wv['king'] + +############################################################################### +# Unfortunately, the model is unable to infer vectors for unfamiliar words. +# This is one limitation of Word2Vec: if this limitation matters to you, check +# out the FastText model. +# +try: + vec_weapon = wv['cameroon'] +except KeyError: + print("The word 'cameroon' does not appear in this model") + +############################################################################### +# Moving on, ``Word2Vec`` supports several word similarity tasks out of the +# box. You can see how the similarity intuitively decreases as the words get +# less and less similar. +# +pairs = [ + ('car', 'minivan'), # a minivan is a kind of car + ('car', 'bicycle'), # still a wheeled vehicle + ('car', 'airplane'), # ok, no wheels, but still a vehicle + ('car', 'cereal'), # ... and so on + ('car', 'communism'), +] +for w1, w2 in pairs: + print('%r\t%r\t%.2f' % (w1, w2, wv.similarity(w1, w2))) + +############################################################################### +# Print the 5 most similar words to "car" or "minivan" +print(wv.most_similar(positive=['car', 'minivan'], topn=5)) + +############################################################################### +# Which of the below does not belong in the sequence? +print(wv.doesnt_match(['fire', 'water', 'land', 'sea', 'air', 'car'])) + +############################################################################### +# Training Your Own Model +# ----------------------- +# +# To start, you'll need some data for training the model. For the following +# examples, we'll use the `Lee Corpus +# `_ +# (which you already have if you've installed gensim). +# +# This corpus is small enough to fit entirely in memory, but we'll implement a +# memory-friendly iterator that reads it line-by-line to demonstrate how you +# would handle a larger corpus. +# + +from gensim.test.utils import datapath +from gensim import utils + +class MyCorpus(object): + """An interator that yields sentences (lists of str).""" + + def __iter__(self): + corpus_path = datapath('lee_background.cor') + for line in open(corpus_path): + # assume there's one document per line, tokens separated by whitespace + yield utils.simple_preprocess(line) + +############################################################################### +# If we wanted to do any custom preprocessing, e.g. decode a non-standard +# encoding, lowercase, remove numbers, extract named entities... All of this can +# be done inside the ``MyCorpus`` iterator and ``word2vec`` doesn’t need to +# know. All that is required is that the input yields one sentence (list of +# utf8 words) after another. +# +# Let's go ahead and train a model on our corpus. Don't worry about the +# training parameters much for now, we'll revisit them later. +# +import gensim.models + +sentences = MyCorpus() +model = gensim.models.Word2Vec(sentences=sentences) + +############################################################################### +# Once we have our model, we can use it in the same way as in the demo above. +# +# The main part of the model is ``model.wv``\ , where "wv" stands for "word vectors". +# +vec_king = model.wv['king'] + +############################################################################### +# Storing and loading models +# -------------------------- +# +# You'll notice that training non-trivial models can take time. Once you've +# trained your model and it works as expected, you can save it to disk. That +# way, you don't have to spend time training it all over again later. +# +# You can store/load models using the standard gensim methods: +# +import tempfile + +with tempfile.NamedTemporaryFile(prefix='gensim-model-', delete=False) as tmp: + temporary_filepath = tmp.name + model.save(temporary_filepath) + # + # The model is now safely stored in the filepath. + # You can copy it to other machines, share it with others, etc. + # + # To load a saved model: + # + new_model = gensim.models.Word2Vec.load(temporary_filepath) + +############################################################################### +# which uses pickle internally, optionally ``mmap``\ ‘ing the model’s internal +# large NumPy matrices into virtual memory directly from disk files, for +# inter-process memory sharing. +# +# In addition, you can load models created by the original C tool, both using +# its text and binary formats:: +# +# model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False) +# # using gzipped/bz2 input works too, no need to unzip +# model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.bin.gz', binary=True) +# + + +############################################################################### +# Training Parameters +# ------------------- +# +# ``Word2Vec`` accepts several parameters that affect both training speed and quality. +# +# min_count +# --------- +# +# ``min_count`` is for pruning the internal dictionary. Words that appear only +# once or twice in a billion-word corpus are probably uninteresting typos and +# garbage. In addition, there’s not enough data to make any meaningful training +# on those words, so it’s best to ignore them: +# +# default value of min_count=5 +model = gensim.models.Word2Vec(sentences, min_count=10) + +############################################################################### +# +# size +# ---- +# +# ``size`` is the number of dimensions (N) of the N-dimensional space that +# gensim Word2Vec maps the words onto. +# +# Bigger size values require more training data, but can lead to better (more +# accurate) models. Reasonable values are in the tens to hundreds. +# + +# default value of size=100 +model = gensim.models.Word2Vec(sentences, size=200) + +############################################################################### +# workers +# ------- +# +# ``workers`` , the last of the major parameters (full list `here +# `_) +# is for training parallelization, to speed up training: +# + +# default value of workers=3 (tutorial says 1...) +model = gensim.models.Word2Vec(sentences, workers=4) + +############################################################################### +# The ``workers`` parameter only has an effect if you have `Cython +# `_ installed. Without Cython, you’ll only be able to use +# one core because of the `GIL +# `_ (and ``word2vec`` +# training will be `miserably slow +# `_\ ). +# + +############################################################################### +# Memory +# ------ +# +# At its core, ``word2vec`` model parameters are stored as matrices (NumPy +# arrays). Each array is **#vocabulary** (controlled by min_count parameter) +# times **#size** (size parameter) of floats (single precision aka 4 bytes). +# +# Three such matrices are held in RAM (work is underway to reduce that number +# to two, or even one). So if your input contains 100,000 unique words, and you +# asked for layer ``size=200``\ , the model will require approx. +# ``100,000*200*4*3 bytes = ~229MB``. +# +# There’s a little extra memory needed for storing the vocabulary tree (100,000 words would take a few megabytes), but unless your words are extremely loooong strings, memory footprint will be dominated by the three matrices above. +# + + +############################################################################### +# Evaluating +# ---------- +# +# ``Word2Vec`` training is an unsupervised task, there’s no good way to +# objectively evaluate the result. Evaluation depends on your end application. +# +# Google has released their testing set of about 20,000 syntactic and semantic +# test examples, following the “A is to B as C is to D” task. It is provided in +# the 'datasets' folder. +# +# For example a syntactic analogy of comparative type is bad:worse;good:?. +# There are total of 9 types of syntactic comparisons in the dataset like +# plural nouns and nouns of opposite meaning. +# +# The semantic questions contain five types of semantic analogies, such as +# capital cities (Paris:France;Tokyo:?) or family members +# (brother:sister;dad:?). +# + +############################################################################### +# Gensim supports the same evaluation set, in exactly the same format: +# +model.accuracy('./datasets/questions-words.txt') + +############################################################################### +# +# This ``accuracy`` takes an `optional parameter +# `_ +# ``restrict_vocab`` which limits which test examples are to be considered. +# + + +############################################################################### +# In the December 2016 release of Gensim we added a better way to evaluate semantic similarity. +# +# By default it uses an academic dataset WS-353 but one can create a dataset +# specific to your business based on it. It contains word pairs together with +# human-assigned similarity judgments. It measures the relatedness or +# co-occurrence of two words. For example, 'coast' and 'shore' are very similar +# as they appear in the same context. At the same time 'clothes' and 'closet' +# are less similar because they are related but not interchangeable. +# +model.evaluate_word_pairs(datapath('wordsim353.tsv')) + +############################################################################### +# .. Important:: +# Good performance on Google's or WS-353 test set doesn’t mean word2vec will +# work well in your application, or vice versa. It’s always best to evaluate +# directly on your intended task. For an example of how to use word2vec in a +# classifier pipeline, see this `tutorial +# `_. +# + +############################################################################### +# Online training / Resuming training +# ----------------------------------- +# +# Advanced users can load a model and continue training it with more sentences +# and `new vocabulary words `_: +# +model = gensim.models.Word2Vec.load(temporary_filepath) +more_sentences = [ + ['Advanced', 'users', 'can', 'load', 'a', 'model', + 'and', 'continue', 'training', 'it', 'with', 'more', 'sentences'] +] +model.build_vocab(more_sentences, update=True) +model.train(more_sentences, total_examples=model.corpus_count, epochs=model.iter) + +# cleaning up temporary file +import os +os.remove(temporary_filepath) + +############################################################################### +# You may need to tweak the ``total_words`` parameter to ``train()``, +# depending on what learning rate decay you want to simulate. +# +# Note that it’s not possible to resume training with models generated by the C +# tool, ``KeyedVectors.load_word2vec_format()``. You can still use them for +# querying/similarity, but information vital for training (the vocab tree) is +# missing there. +# + +############################################################################### +# Training Loss Computation +# ------------------------- +# +# The parameter ``compute_loss`` can be used to toggle computation of loss +# while training the Word2Vec model. The computed loss is stored in the model +# attribute ``running_training_loss`` and can be retrieved using the function +# ``get_latest_training_loss`` as follows : +# + +# instantiating and training the Word2Vec model +model_with_loss = gensim.models.Word2Vec( + sentences, + min_count=1, + compute_loss=True, + hs=0, + sg=1, + seed=42 +) + +# getting the training loss value +training_loss = model_with_loss.get_latest_training_loss() +print(training_loss) + +############################################################################### +# Benchmarks +# ---------- +# +# Let's run some benchmarks to see effect of the training loss computation code +# on training time. +# +# We'll use the following data for the benchmarks: +# +# #. Lee Background corpus: included in gensim's test data +# #. Text8 corpus. To demonstrate the effect of corpus size, we'll look at the +# first 1MB, 10MB, 50MB of the corpus, as well as the entire thing. +# + +import io +import os + +import gensim.models.word2vec +import gensim.downloader as api +import smart_open + + +def head(path, size): + with smart_open.open(path) as fin: + return io.StringIO(fin.read(size)) + + +def generate_input_data(): + lee_path = datapath('lee_background.cor') + ls = gensim.models.word2vec.LineSentence(lee_path) + ls.name = '25kB' + yield ls + + text8_path = api.load('text8').fn + labels = ('1MB', '10MB', '50MB', '100MB') + sizes = (1024 ** 2, 10 * 1024 ** 2, 50 * 1024 ** 2, 100 * 1024 ** 2) + for l, s in zip(labels, sizes): + ls = gensim.models.word2vec.LineSentence(head(text8_path, s)) + ls.name = l + yield ls + + +input_data = list(generate_input_data()) + +############################################################################### +# We now compare the training time taken for different combinations of input +# data and model training parameters like ``hs`` and ``sg``. +# +# For each combination, we repeat the test several times to obtain the mean and +# standard deviation of the test duration. +# + +# Temporarily reduce logging verbosity +logging.root.level = logging.ERROR + +import time +import numpy as np +import pandas as pd + +train_time_values = [] +seed_val = 42 +sg_values = [0, 1] +hs_values = [0, 1] + +fast = True +if fast: + input_data_subset = input_data[:3] +else: + input_data_subset = input_data + + +for data in input_data_subset: + for sg_val in sg_values: + for hs_val in hs_values: + for loss_flag in [True, False]: + time_taken_list = [] + for i in range(3): + start_time = time.time() + w2v_model = gensim.models.Word2Vec( + data, + compute_loss=loss_flag, + sg=sg_val, + hs=hs_val, + seed=seed_val, + ) + time_taken_list.append(time.time() - start_time) + + time_taken_list = np.array(time_taken_list) + time_mean = np.mean(time_taken_list) + time_std = np.std(time_taken_list) + + model_result = { + 'train_data': data.name, + 'compute_loss': loss_flag, + 'sg': sg_val, + 'hs': hs_val, + 'train_time_mean': time_mean, + 'train_time_std': time_std, + } + print("Word2vec model #%i: %s" % (len(train_time_values), model_result)) + train_time_values.append(model_result) + +train_times_table = pd.DataFrame(train_time_values) +train_times_table = train_times_table.sort_values( + by=['train_data', 'sg', 'hs', 'compute_loss'], + ascending=[False, False, True, False], +) +print(train_times_table) + +############################################################################### +# Adding Word2Vec "model to dict" method to production pipeline +# ------------------------------------------------------------- +# +# Suppose, we still want more performance improvement in production. +# +# One good way is to cache all the similar words in a dictionary. +# +# So that next time when we get the similar query word, we'll search it first in the dict. +# +# And if it's a hit then we will show the result directly from the dictionary. +# +# otherwise we will query the word and then cache it so that it doesn't miss next time. +# + + +# re-enable logging +logging.root.level = logging.INFO + +most_similars_precalc = {word : model.wv.most_similar(word) for word in model.wv.index2word} +for i, (key, value) in enumerate(most_similars_precalc.items()): + if i == 3: + break + print(key, value) + +############################################################################### +# Comparison with and without caching +# ----------------------------------- +# +# for time being lets take 4 words randomly +# +import time +words = ['voted', 'few', 'their', 'around'] + +############################################################################### +# Without caching +# +start = time.time() +for word in words: + result = model.wv.most_similar(word) + print(result) +end = time.time() +print(end - start) + +############################################################################### +# Now with caching +# +start = time.time() +for word in words: + if 'voted' in most_similars_precalc: + result = most_similars_precalc[word] + print(result) + else: + result = model.wv.most_similar(word) + most_similars_precalc[word] = result + print(result) + +end = time.time() +print(end - start) + +############################################################################### +# Clearly you can see the improvement but this difference will be even larger +# when we take more words in the consideration. +# + +############################################################################### +# +# Visualising the Word Embeddings +# ------------------------------- +# +# The word embeddings made by the model can be visualised by reducing +# dimensionality of the words to 2 dimensions using tSNE. +# +# Visualisations can be used to notice semantic and syntactic trends in the data. +# +# Example: +# +# * Semantic: words like cat, dog, cow, etc. have a tendency to lie close by +# * Syntactic: words like run, running or cut, cutting lie close together. +# +# Vector relations like vKing - vMan = vQueen - vWoman can also be noticed. +# +# .. Important:: +# The model used for the visualisation is trained on a small corpus. Thus +# some of the relations might not be so clear. +# + +from sklearn.decomposition import IncrementalPCA # inital reduction +from sklearn.manifold import TSNE # final reduction +import numpy as np # array handling + + +def reduce_dimensions(model): + num_dimensions = 2 # final num dimensions (2D, 3D, etc) + + vectors = [] # positions in vector space + labels = [] # keep track of words to label our data again later + for word in model.wv.vocab: + vectors.append(model.wv[word]) + labels.append(word) + + # convert both lists into numpy vectors for reduction + vectors = np.asarray(vectors) + labels = np.asarray(labels) + + # reduce using t-SNE + vectors = np.asarray(vectors) + tsne = TSNE(n_components=num_dimensions, random_state=0) + vectors = tsne.fit_transform(vectors) + + x_vals = [v[0] for v in vectors] + y_vals = [v[1] for v in vectors] + return x_vals, y_vals, labels + + +x_vals, y_vals, labels = reduce_dimensions(model) + +def plot_with_plotly(x_vals, y_vals, labels, plot_in_notebook=True): + from plotly.offline import init_notebook_mode, iplot, plot + import plotly.graph_objs as go + + trace = go.Scatter(x=x_vals, y=y_vals, mode='text', text=labels) + data = [trace] + + if plot_in_notebook: + init_notebook_mode(connected=True) + iplot(data, filename='word-embedding-plot') + else: + plot(data, filename='word-embedding-plot.html') + + +def plot_with_matplotlib(x_vals, y_vals, labels): + import matplotlib.pyplot as plt + import random + + random.seed(0) + + plt.figure(figsize=(12, 12)) + plt.scatter(x_vals, y_vals) + + # + # Label randomly subsampled 25 data points + # + indices = list(range(len(labels))) + selected_indices = random.sample(indices, 25) + for i in selected_indices: + plt.annotate(labels[i], (x_vals[i], y_vals[i])) + +try: + get_ipython() +except Exception: + plot_function = plot_with_matplotlib +else: + plot_function = plot_with_plotly + +plot_function(x_vals, y_vals, labels) + +############################################################################### +# Conclusion +# ---------- +# +# In this tutorial we learned how to train word2vec models on your custom data +# and also how to evaluate it. Hope that you too will find this popular tool +# useful in your Machine Learning tasks! +# +# Links +# ----- +# +# - API docs: :py:mod:`gensim.models.word2vec` +# - `Original C toolkit and word2vec papers by Google `_. +# diff --git a/docs/src/auto_examples/tutorials/run_word2vec.py.md5 b/docs/src/auto_examples/tutorials/run_word2vec.py.md5 new file mode 100644 index 0000000000..865668fd59 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_word2vec.py.md5 @@ -0,0 +1 @@ +776cde9e7148f94e2cbff78b00854edd \ No newline at end of file diff --git a/docs/src/auto_examples/tutorials/run_word2vec.rst b/docs/src/auto_examples/tutorials/run_word2vec.rst new file mode 100644 index 0000000000..46788ad166 --- /dev/null +++ b/docs/src/auto_examples/tutorials/run_word2vec.rst @@ -0,0 +1,1107 @@ +.. note:: + :class: sphx-glr-download-link-note + + Click :ref:`here ` to download the full example code +.. rst-class:: sphx-glr-example-title + +.. _sphx_glr_auto_examples_tutorials_run_word2vec.py: + + +Word2Vec Model +============== + +Introduces Gensim's Word2Vec model and demonstrates its use on the Lee Corpus. + + + +.. code-block:: default + + + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + + + + + + + +In case you missed the buzz, word2vec is a widely featured as a member of the +“new wave” of machine learning algorithms based on neural networks, commonly +referred to as "deep learning" (though word2vec itself is rather shallow). +Using large amounts of unannotated plain text, word2vec learns relationships +between words automatically. The output are vectors, one vector per word, +with remarkable linear relationships that allow us to do things like: + +* vec("king") - vec("man") + vec("woman") =~ vec("queen") +* vec("Montreal Canadiens") – vec("Montreal") + vec("Toronto") =~ vec("Toronto Maple Leafs"). + +Word2vec is very useful in `automatic text tagging +`_\ , recommender +systems and machine translation. + +This tutorial: + +#. Introduces ``Word2Vec`` as an improvement over traditional bag-of-words +#. Shows off a demo of ``Word2Vec`` using a pre-trained model +#. Demonstrates training a new model from your own data +#. Demonstrates loading and saving models +#. Introduces several training parameters and demonstrates their effect +#. Discusses memory requirements +#. Visualizes Word2Vec embeddings by applying dimensionality reduction + +Review: Bag-of-words +-------------------- + +.. Note:: Feel free to skip these review sections if you're already familiar with the models. + +You may be familiar with the `bag-of-words model +`_ from the +:ref:`core_concepts_vector` section. +This model transforms each document to a fixed-length vector of integers. +For example, given the sentences: + +- ``John likes to watch movies. Mary likes movies too.`` +- ``John also likes to watch football games. Mary hates football.`` + +The model outputs the vectors: + +- ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]`` +- ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]`` + +Each vector has 10 elements, where each element counts the number of times a +particular word occurred in the document. +The order of elements is arbitrary. +In the example above, the order of the elements corresponds to the words: +``["John", "likes", "to", "watch", "movies", "Mary", "too", "also", "football", "games", "hates"]``. + +Bag-of-words models are surprisingly effective, but have several weaknesses. + +First, they lose all information about word order: "John likes Mary" and +"Mary likes John" correspond to identical vectors. There is a solution: bag +of `n-grams `__ +models consider word phrases of length n to represent documents as +fixed-length vectors to capture local word order but suffer from data +sparsity and high dimensionality. + +Second, the model does not attempt to learn the meaning of the underlying +words, and as a consequence, the distance between vectors doesn't always +reflect the difference in meaning. The ``Word2Vec`` model addresses this +second problem. + +Introducing: the ``Word2Vec`` Model +----------------------------------- + +``Word2Vec`` is a more recent model that embeds words in a lower-dimensional +vector space using a shallow neural network. The result is a set of +word-vectors where vectors close together in vector space have similar +meanings based on context, and word-vectors distant to each other have +differing meanings. For example, ``strong`` and ``powerful`` would be close +together and ``strong`` and ``Paris`` would be relatively far. + +The are two versions of this model and :py:class:`~gensim.models.word2vec.Word2Vec` +class implements them both: + +1. Skip-grams (SG) +2. Continuous-bag-of-words (CBOW) + +.. Important:: + Don't let the implementation details below scare you. + They're advanced material: if it's too much, then move on to the next section. + +The `Word2Vec Skip-gram `__ +model, for example, takes in pairs (word1, word2) generated by moving a +window across text data, and trains a 1-hidden-layer neural network based on +the synthetic task of given an input word, giving us a predicted probability +distribution of nearby words to the input. A virtual `one-hot +`__ encoding of words +goes through a 'projection layer' to the hidden layer; these projection +weights are later interpreted as the word embeddings. So if the hidden layer +has 300 neurons, this network will give us 300-dimensional word embeddings. + +Continuous-bag-of-words Word2vec is very similar to the skip-gram model. It +is also a 1-hidden-layer neural network. The synthetic training task now uses +the average of multiple input context words, rather than a single word as in +skip-gram, to predict the center word. Again, the projection weights that +turn one-hot words into averageable vectors, of the same width as the hidden +layer, are interpreted as the word embeddings. + + +Word2Vec Demo +------------- + +To see what ``Word2Vec`` can do, let's download a pre-trained model and play +around with it. We will fetch the Word2Vec model trained on part of the +Google News dataset, covering approximately 3 million words and phrases. Such +a model can take hours to train, but since it's already available, +downloading and loading it with Gensim takes minutes. + +.. Important:: + The model is approximately 2GB, so you'll need a decent network connection + to proceed. Otherwise, skip ahead to the "Training Your Own Model" section + below. + +You may also check out an `online word2vec demo +`_ where you can try +this vector algebra for yourself. That demo runs ``word2vec`` on the +**entire** Google News dataset, of **about 100 billion words**. + + + +.. code-block:: default + + import gensim.downloader as api + wv = api.load('word2vec-google-news-300') + + + + + + + +We can easily obtain vectors for terms the model is familiar with: + + + +.. code-block:: default + + vec_king = wv['king'] + + + + + + + +Unfortunately, the model is unable to infer vectors for unfamiliar words. +This is one limitation of Word2Vec: if this limitation matters to you, check +out the FastText model. + + + +.. code-block:: default + + try: + vec_weapon = wv['cameroon'] + except KeyError: + print("The word 'cameroon' does not appear in this model") + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + The word 'cameroon' does not appear in this model + + + +Moving on, ``Word2Vec`` supports several word similarity tasks out of the +box. You can see how the similarity intuitively decreases as the words get +less and less similar. + + + +.. code-block:: default + + pairs = [ + ('car', 'minivan'), # a minivan is a kind of car + ('car', 'bicycle'), # still a wheeled vehicle + ('car', 'airplane'), # ok, no wheels, but still a vehicle + ('car', 'cereal'), # ... and so on + ('car', 'communism'), + ] + for w1, w2 in pairs: + print('%r\t%r\t%.2f' % (w1, w2, wv.similarity(w1, w2))) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 'car' 'minivan' 0.69 + 'car' 'bicycle' 0.54 + 'car' 'airplane' 0.42 + 'car' 'cereal' 0.14 + 'car' 'communism' 0.06 + + + +Print the 5 most similar words to "car" or "minivan" + + +.. code-block:: default + + print(wv.most_similar(positive=['car', 'minivan'], topn=5)) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('SUV', 0.853219211101532), ('vehicle', 0.8175784349441528), ('pickup_truck', 0.7763689160346985), ('Jeep', 0.7567334175109863), ('Ford_Explorer', 0.756571888923645)] + + + +Which of the below does not belong in the sequence? + + +.. code-block:: default + + print(wv.doesnt_match(['fire', 'water', 'land', 'sea', 'air', 'car'])) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + /Volumes/work/workspace/gensim_misha/gensim/models/keyedvectors.py:877: 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. + vectors = vstack(self.word_vec(word, use_norm=True) for word in used_words).astype(REAL) + car + + + +Training Your Own Model +----------------------- + +To start, you'll need some data for training the model. For the following +examples, we'll use the `Lee Corpus +`_ +(which you already have if you've installed gensim). + +This corpus is small enough to fit entirely in memory, but we'll implement a +memory-friendly iterator that reads it line-by-line to demonstrate how you +would handle a larger corpus. + + + +.. code-block:: default + + + from gensim.test.utils import datapath + from gensim import utils + + class MyCorpus(object): + """An interator that yields sentences (lists of str).""" + + def __iter__(self): + corpus_path = datapath('lee_background.cor') + for line in open(corpus_path): + # assume there's one document per line, tokens separated by whitespace + yield utils.simple_preprocess(line) + + + + + + + +If we wanted to do any custom preprocessing, e.g. decode a non-standard +encoding, lowercase, remove numbers, extract named entities... All of this can +be done inside the ``MyCorpus`` iterator and ``word2vec`` doesn’t need to +know. All that is required is that the input yields one sentence (list of +utf8 words) after another. + +Let's go ahead and train a model on our corpus. Don't worry about the +training parameters much for now, we'll revisit them later. + + + +.. code-block:: default + + import gensim.models + + sentences = MyCorpus() + model = gensim.models.Word2Vec(sentences=sentences) + + + + + + + +Once we have our model, we can use it in the same way as in the demo above. + +The main part of the model is ``model.wv``\ , where "wv" stands for "word vectors". + + + +.. code-block:: default + + vec_king = model.wv['king'] + + + + + + + +Storing and loading models +-------------------------- + +You'll notice that training non-trivial models can take time. Once you've +trained your model and it works as expected, you can save it to disk. That +way, you don't have to spend time training it all over again later. + +You can store/load models using the standard gensim methods: + + + +.. code-block:: default + + import tempfile + + with tempfile.NamedTemporaryFile(prefix='gensim-model-', delete=False) as tmp: + temporary_filepath = tmp.name + model.save(temporary_filepath) + # + # The model is now safely stored in the filepath. + # You can copy it to other machines, share it with others, etc. + # + # To load a saved model: + # + new_model = gensim.models.Word2Vec.load(temporary_filepath) + + + + + + + +which uses pickle internally, optionally ``mmap``\ ‘ing the model’s internal +large NumPy matrices into virtual memory directly from disk files, for +inter-process memory sharing. + +In addition, you can load models created by the original C tool, both using +its text and binary formats:: + + model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False) + # using gzipped/bz2 input works too, no need to unzip + model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.bin.gz', binary=True) + + +Training Parameters +------------------- + +``Word2Vec`` accepts several parameters that affect both training speed and quality. + +min_count +--------- + +``min_count`` is for pruning the internal dictionary. Words that appear only +once or twice in a billion-word corpus are probably uninteresting typos and +garbage. In addition, there’s not enough data to make any meaningful training +on those words, so it’s best to ignore them: + +default value of min_count=5 + + +.. code-block:: default + + model = gensim.models.Word2Vec(sentences, min_count=10) + + + + + + + +size +---- + +``size`` is the number of dimensions (N) of the N-dimensional space that +gensim Word2Vec maps the words onto. + +Bigger size values require more training data, but can lead to better (more +accurate) models. Reasonable values are in the tens to hundreds. + + + +.. code-block:: default + + + # default value of size=100 + model = gensim.models.Word2Vec(sentences, size=200) + + + + + + + +workers +------- + +``workers`` , the last of the major parameters (full list `here +`_) +is for training parallelization, to speed up training: + + + +.. code-block:: default + + + # default value of workers=3 (tutorial says 1...) + model = gensim.models.Word2Vec(sentences, workers=4) + + + + + + + +The ``workers`` parameter only has an effect if you have `Cython +`_ installed. Without Cython, you’ll only be able to use +one core because of the `GIL +`_ (and ``word2vec`` +training will be `miserably slow +`_\ ). + + +Memory +------ + +At its core, ``word2vec`` model parameters are stored as matrices (NumPy +arrays). Each array is **#vocabulary** (controlled by min_count parameter) +times **#size** (size parameter) of floats (single precision aka 4 bytes). + +Three such matrices are held in RAM (work is underway to reduce that number +to two, or even one). So if your input contains 100,000 unique words, and you +asked for layer ``size=200``\ , the model will require approx. +``100,000*200*4*3 bytes = ~229MB``. + +There’s a little extra memory needed for storing the vocabulary tree (100,000 words would take a few megabytes), but unless your words are extremely loooong strings, memory footprint will be dominated by the three matrices above. + + +Evaluating +---------- + +``Word2Vec`` training is an unsupervised task, there’s no good way to +objectively evaluate the result. Evaluation depends on your end application. + +Google has released their testing set of about 20,000 syntactic and semantic +test examples, following the “A is to B as C is to D” task. It is provided in +the 'datasets' folder. + +For example a syntactic analogy of comparative type is bad:worse;good:?. +There are total of 9 types of syntactic comparisons in the dataset like +plural nouns and nouns of opposite meaning. + +The semantic questions contain five types of semantic analogies, such as +capital cities (Paris:France;Tokyo:?) or family members +(brother:sister;dad:?). + + +Gensim supports the same evaluation set, in exactly the same format: + + + +.. code-block:: default + + model.accuracy('./datasets/questions-words.txt') + + + + + + + +This ``accuracy`` takes an `optional parameter +`_ +``restrict_vocab`` which limits which test examples are to be considered. + + +In the December 2016 release of Gensim we added a better way to evaluate semantic similarity. + +By default it uses an academic dataset WS-353 but one can create a dataset +specific to your business based on it. It contains word pairs together with +human-assigned similarity judgments. It measures the relatedness or +co-occurrence of two words. For example, 'coast' and 'shore' are very similar +as they appear in the same context. At the same time 'clothes' and 'closet' +are less similar because they are related but not interchangeable. + + + +.. code-block:: default + + model.evaluate_word_pairs(datapath('wordsim353.tsv')) + + + + + + + +.. Important:: + Good performance on Google's or WS-353 test set doesn’t mean word2vec will + work well in your application, or vice versa. It’s always best to evaluate + directly on your intended task. For an example of how to use word2vec in a + classifier pipeline, see this `tutorial + `_. + + +Online training / Resuming training +----------------------------------- + +Advanced users can load a model and continue training it with more sentences +and `new vocabulary words `_: + + + +.. code-block:: default + + model = gensim.models.Word2Vec.load(temporary_filepath) + more_sentences = [ + ['Advanced', 'users', 'can', 'load', 'a', 'model', + 'and', 'continue', 'training', 'it', 'with', 'more', 'sentences'] + ] + model.build_vocab(more_sentences, update=True) + model.train(more_sentences, total_examples=model.corpus_count, epochs=model.iter) + + # cleaning up temporary file + import os + os.remove(temporary_filepath) + + + + + + + +You may need to tweak the ``total_words`` parameter to ``train()``, +depending on what learning rate decay you want to simulate. + +Note that it’s not possible to resume training with models generated by the C +tool, ``KeyedVectors.load_word2vec_format()``. You can still use them for +querying/similarity, but information vital for training (the vocab tree) is +missing there. + + +Training Loss Computation +------------------------- + +The parameter ``compute_loss`` can be used to toggle computation of loss +while training the Word2Vec model. The computed loss is stored in the model +attribute ``running_training_loss`` and can be retrieved using the function +``get_latest_training_loss`` as follows : + + + +.. code-block:: default + + + # instantiating and training the Word2Vec model + model_with_loss = gensim.models.Word2Vec( + sentences, + min_count=1, + compute_loss=True, + hs=0, + sg=1, + seed=42 + ) + + # getting the training loss value + training_loss = model_with_loss.get_latest_training_loss() + print(training_loss) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + 1360402.375 + + + +Benchmarks +---------- + +Let's run some benchmarks to see effect of the training loss computation code +on training time. + +We'll use the following data for the benchmarks: + +#. Lee Background corpus: included in gensim's test data +#. Text8 corpus. To demonstrate the effect of corpus size, we'll look at the + first 1MB, 10MB, 50MB of the corpus, as well as the entire thing. + + + +.. code-block:: default + + + import io + import os + + import gensim.models.word2vec + import gensim.downloader as api + import smart_open + + + def head(path, size): + with smart_open.open(path) as fin: + return io.StringIO(fin.read(size)) + + + def generate_input_data(): + lee_path = datapath('lee_background.cor') + ls = gensim.models.word2vec.LineSentence(lee_path) + ls.name = '25kB' + yield ls + + text8_path = api.load('text8').fn + labels = ('1MB', '10MB', '50MB', '100MB') + sizes = (1024 ** 2, 10 * 1024 ** 2, 50 * 1024 ** 2, 100 * 1024 ** 2) + for l, s in zip(labels, sizes): + ls = gensim.models.word2vec.LineSentence(head(text8_path, s)) + ls.name = l + yield ls + + + input_data = list(generate_input_data()) + + + + + + + +We now compare the training time taken for different combinations of input +data and model training parameters like ``hs`` and ``sg``. + +For each combination, we repeat the test several times to obtain the mean and +standard deviation of the test duration. + + + +.. code-block:: default + + + # Temporarily reduce logging verbosity + logging.root.level = logging.ERROR + + import time + import numpy as np + import pandas as pd + + train_time_values = [] + seed_val = 42 + sg_values = [0, 1] + hs_values = [0, 1] + + fast = True + if fast: + input_data_subset = input_data[:3] + else: + input_data_subset = input_data + + + for data in input_data_subset: + for sg_val in sg_values: + for hs_val in hs_values: + for loss_flag in [True, False]: + time_taken_list = [] + for i in range(3): + start_time = time.time() + w2v_model = gensim.models.Word2Vec( + data, + compute_loss=loss_flag, + sg=sg_val, + hs=hs_val, + seed=seed_val, + ) + time_taken_list.append(time.time() - start_time) + + time_taken_list = np.array(time_taken_list) + time_mean = np.mean(time_taken_list) + time_std = np.std(time_taken_list) + + model_result = { + 'train_data': data.name, + 'compute_loss': loss_flag, + 'sg': sg_val, + 'hs': hs_val, + 'train_time_mean': time_mean, + 'train_time_std': time_std, + } + print("Word2vec model #%i: %s" % (len(train_time_values), model_result)) + train_time_values.append(model_result) + + train_times_table = pd.DataFrame(train_time_values) + train_times_table = train_times_table.sort_values( + by=['train_data', 'sg', 'hs', 'compute_loss'], + ascending=[False, False, True, False], + ) + print(train_times_table) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + Word2vec model #0: {'train_data': '25kB', 'compute_loss': True, 'sg': 0, 'hs': 0, 'train_time_mean': 0.5849939982096354, 'train_time_std': 0.01522972640617474} + Word2vec model #1: {'train_data': '25kB', 'compute_loss': False, 'sg': 0, 'hs': 0, 'train_time_mean': 0.5755656560262045, 'train_time_std': 0.004836459768774513} + Word2vec model #2: {'train_data': '25kB', 'compute_loss': True, 'sg': 0, 'hs': 1, 'train_time_mean': 0.7215259075164795, 'train_time_std': 0.0036675706813458463} + Word2vec model #3: {'train_data': '25kB', 'compute_loss': False, 'sg': 0, 'hs': 1, 'train_time_mean': 0.7099150816599528, 'train_time_std': 0.007504192894166025} + Word2vec model #4: {'train_data': '25kB', 'compute_loss': True, 'sg': 1, 'hs': 0, 'train_time_mean': 0.8580133120218912, 'train_time_std': 0.04921330375815855} + Word2vec model #5: {'train_data': '25kB', 'compute_loss': False, 'sg': 1, 'hs': 0, 'train_time_mean': 0.8091535568237305, 'train_time_std': 0.018924161943969856} + Word2vec model #6: {'train_data': '25kB', 'compute_loss': True, 'sg': 1, 'hs': 1, 'train_time_mean': 1.2724089622497559, 'train_time_std': 0.062276006861437014} + Word2vec model #7: {'train_data': '25kB', 'compute_loss': False, 'sg': 1, 'hs': 1, 'train_time_mean': 1.2518735726674397, 'train_time_std': 0.04091287201090217} + Word2vec model #8: {'train_data': '1MB', 'compute_loss': True, 'sg': 0, 'hs': 0, 'train_time_mean': 1.4700793425242107, 'train_time_std': 0.006733981587454556} + Word2vec model #9: {'train_data': '1MB', 'compute_loss': False, 'sg': 0, 'hs': 0, 'train_time_mean': 1.4821499983469646, 'train_time_std': 0.03462018535600499} + Word2vec model #10: {'train_data': '1MB', 'compute_loss': True, 'sg': 0, 'hs': 1, 'train_time_mean': 1.9445404211680095, 'train_time_std': 0.010264233877768257} + Word2vec model #11: {'train_data': '1MB', 'compute_loss': False, 'sg': 0, 'hs': 1, 'train_time_mean': 1.9506103197733562, 'train_time_std': 0.04041906808376729} + Word2vec model #12: {'train_data': '1MB', 'compute_loss': True, 'sg': 1, 'hs': 0, 'train_time_mean': 2.3204263051350913, 'train_time_std': 0.008098699493083719} + Word2vec model #13: {'train_data': '1MB', 'compute_loss': False, 'sg': 1, 'hs': 0, 'train_time_mean': 2.31768536567688, 'train_time_std': 0.024492678542708125} + Word2vec model #14: {'train_data': '1MB', 'compute_loss': True, 'sg': 1, 'hs': 1, 'train_time_mean': 5.889267047246297, 'train_time_std': 2.6677627505059167} + Word2vec model #15: {'train_data': '1MB', 'compute_loss': False, 'sg': 1, 'hs': 1, 'train_time_mean': 4.347986380259196, 'train_time_std': 0.5657730587543749} + Word2vec model #16: {'train_data': '10MB', 'compute_loss': True, 'sg': 0, 'hs': 0, 'train_time_mean': 11.660234848658243, 'train_time_std': 0.7073372278416881} + Word2vec model #17: {'train_data': '10MB', 'compute_loss': False, 'sg': 0, 'hs': 0, 'train_time_mean': 11.397770245869955, 'train_time_std': 0.5955700294784938} + Word2vec model #18: {'train_data': '10MB', 'compute_loss': True, 'sg': 0, 'hs': 1, 'train_time_mean': 18.748068968454998, 'train_time_std': 2.581779420648853} + Word2vec model #19: {'train_data': '10MB', 'compute_loss': False, 'sg': 0, 'hs': 1, 'train_time_mean': 14.647332032521566, 'train_time_std': 0.09193970789408673} + Word2vec model #20: {'train_data': '10MB', 'compute_loss': True, 'sg': 1, 'hs': 0, 'train_time_mean': 20.749327341715496, 'train_time_std': 0.11215719011982248} + Word2vec model #21: {'train_data': '10MB', 'compute_loss': False, 'sg': 1, 'hs': 0, 'train_time_mean': 20.204603910446167, 'train_time_std': 0.06809825435513993} + Word2vec model #22: {'train_data': '10MB', 'compute_loss': True, 'sg': 1, 'hs': 1, 'train_time_mean': 38.24850662549337, 'train_time_std': 2.213900159041499} + Word2vec model #23: {'train_data': '10MB', 'compute_loss': False, 'sg': 1, 'hs': 1, 'train_time_mean': 37.563968658447266, 'train_time_std': 0.36400679560453986} + train_data compute_loss sg hs train_time_mean train_time_std + 4 25kB True 1 0 0.858013 0.049213 + 5 25kB False 1 0 0.809154 0.018924 + 6 25kB True 1 1 1.272409 0.062276 + 7 25kB False 1 1 1.251874 0.040913 + 0 25kB True 0 0 0.584994 0.015230 + 1 25kB False 0 0 0.575566 0.004836 + 2 25kB True 0 1 0.721526 0.003668 + 3 25kB False 0 1 0.709915 0.007504 + 12 1MB True 1 0 2.320426 0.008099 + 13 1MB False 1 0 2.317685 0.024493 + 14 1MB True 1 1 5.889267 2.667763 + 15 1MB False 1 1 4.347986 0.565773 + 8 1MB True 0 0 1.470079 0.006734 + 9 1MB False 0 0 1.482150 0.034620 + 10 1MB True 0 1 1.944540 0.010264 + 11 1MB False 0 1 1.950610 0.040419 + 20 10MB True 1 0 20.749327 0.112157 + 21 10MB False 1 0 20.204604 0.068098 + 22 10MB True 1 1 38.248507 2.213900 + 23 10MB False 1 1 37.563969 0.364007 + 16 10MB True 0 0 11.660235 0.707337 + 17 10MB False 0 0 11.397770 0.595570 + 18 10MB True 0 1 18.748069 2.581779 + 19 10MB False 0 1 14.647332 0.091940 + + + +Adding Word2Vec "model to dict" method to production pipeline +------------------------------------------------------------- + +Suppose, we still want more performance improvement in production. + +One good way is to cache all the similar words in a dictionary. + +So that next time when we get the similar query word, we'll search it first in the dict. + +And if it's a hit then we will show the result directly from the dictionary. + +otherwise we will query the word and then cache it so that it doesn't miss next time. + + + +.. code-block:: default + + + + # re-enable logging + logging.root.level = logging.INFO + + most_similars_precalc = {word : model.wv.most_similar(word) for word in model.wv.index2word} + for i, (key, value) in enumerate(most_similars_precalc.items()): + if i == 3: + break + print(key, value) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + the [('in', 0.9999227523803711), ('afghanistan', 0.9999197125434875), ('after', 0.9999192953109741), ('on', 0.9999148845672607), ('by', 0.9999129772186279), ('with', 0.999912440776825), ('two', 0.9999121427536011), ('which', 0.9999109506607056), ('three', 0.9999096393585205), ('their', 0.9999094009399414)] + to [('is', 0.9999458193778992), ('by', 0.9999446868896484), ('for', 0.9999421834945679), ('their', 0.9999414086341858), ('into', 0.9999411106109619), ('who', 0.9999386668205261), ('if', 0.9999375939369202), ('any', 0.9999368190765381), ('say', 0.9999366402626038), ('his', 0.9999357461929321)] + of [('in', 0.9999579191207886), ('with', 0.999951958656311), ('on', 0.9999455213546753), ('after', 0.9999436140060425), ('and', 0.9999428987503052), ('by', 0.9999402761459351), ('from', 0.999940037727356), ('at', 0.9999394416809082), ('its', 0.9999387264251709), ('for', 0.9999380707740784)] + + + +Comparison with and without caching +----------------------------------- + +for time being lets take 4 words randomly + + + +.. code-block:: default + + import time + words = ['voted', 'few', 'their', 'around'] + + + + + + + +Without caching + + + +.. code-block:: default + + start = time.time() + for word in words: + result = model.wv.most_similar(word) + print(result) + end = time.time() + print(end - start) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('eight', 0.9987820386886597), ('being', 0.9987704753875732), ('children', 0.9987442493438721), ('off', 0.998741865158081), ('local', 0.99873948097229), ('royal', 0.9987344145774841), ('qantas', 0.9987306594848633), ('near', 0.99872887134552), ('night', 0.9987269639968872), ('before', 0.9987255334854126)] + [('are', 0.9997553825378418), ('one', 0.9997513294219971), ('his', 0.9997497797012329), ('police', 0.9997488260269165), ('their', 0.9997481107711792), ('they', 0.9997480511665344), ('three', 0.9997479319572449), ('at', 0.9997453093528748), ('as', 0.9997446537017822), ('month', 0.9997410774230957)] + [('by', 0.9999604821205139), ('world', 0.9999570846557617), ('for', 0.999954342842102), ('from', 0.9999533891677856), ('his', 0.9999526143074036), ('at', 0.9999525547027588), ('on', 0.9999521374702454), ('who', 0.9999504685401917), ('into', 0.9999492168426514), ('which', 0.9999484419822693)] + [('and', 0.9999351501464844), ('by', 0.9999305605888367), ('on', 0.999929666519165), ('from', 0.9999263286590576), ('about', 0.999925971031189), ('with', 0.9999253153800964), ('one', 0.9999237656593323), ('when', 0.9999232292175293), ('australian', 0.9999225735664368), ('their', 0.999922513961792)] + 0.0038039684295654297 + + + +Now with caching + + + +.. code-block:: default + + start = time.time() + for word in words: + if 'voted' in most_similars_precalc: + result = most_similars_precalc[word] + print(result) + else: + result = model.wv.most_similar(word) + most_similars_precalc[word] = result + print(result) + + end = time.time() + print(end - start) + + + + + +.. rst-class:: sphx-glr-script-out + + Out: + + .. code-block:: none + + [('eight', 0.9987820386886597), ('being', 0.9987704753875732), ('children', 0.9987442493438721), ('off', 0.998741865158081), ('local', 0.99873948097229), ('royal', 0.9987344145774841), ('qantas', 0.9987306594848633), ('near', 0.99872887134552), ('night', 0.9987269639968872), ('before', 0.9987255334854126)] + [('are', 0.9997553825378418), ('one', 0.9997513294219971), ('his', 0.9997497797012329), ('police', 0.9997488260269165), ('their', 0.9997481107711792), ('they', 0.9997480511665344), ('three', 0.9997479319572449), ('at', 0.9997453093528748), ('as', 0.9997446537017822), ('month', 0.9997410774230957)] + [('by', 0.9999604821205139), ('world', 0.9999570846557617), ('for', 0.999954342842102), ('from', 0.9999533891677856), ('his', 0.9999526143074036), ('at', 0.9999525547027588), ('on', 0.9999521374702454), ('who', 0.9999504685401917), ('into', 0.9999492168426514), ('which', 0.9999484419822693)] + [('and', 0.9999351501464844), ('by', 0.9999305605888367), ('on', 0.999929666519165), ('from', 0.9999263286590576), ('about', 0.999925971031189), ('with', 0.9999253153800964), ('one', 0.9999237656593323), ('when', 0.9999232292175293), ('australian', 0.9999225735664368), ('their', 0.999922513961792)] + 0.0012600421905517578 + + + +Clearly you can see the improvement but this difference will be even larger +when we take more words in the consideration. + + +Visualising the Word Embeddings +------------------------------- + +The word embeddings made by the model can be visualised by reducing +dimensionality of the words to 2 dimensions using tSNE. + +Visualisations can be used to notice semantic and syntactic trends in the data. + +Example: + +* Semantic: words like cat, dog, cow, etc. have a tendency to lie close by +* Syntactic: words like run, running or cut, cutting lie close together. + +Vector relations like vKing - vMan = vQueen - vWoman can also be noticed. + +.. Important:: + The model used for the visualisation is trained on a small corpus. Thus + some of the relations might not be so clear. + + + +.. code-block:: default + + + from sklearn.decomposition import IncrementalPCA # inital reduction + from sklearn.manifold import TSNE # final reduction + import numpy as np # array handling + + + def reduce_dimensions(model): + num_dimensions = 2 # final num dimensions (2D, 3D, etc) + + vectors = [] # positions in vector space + labels = [] # keep track of words to label our data again later + for word in model.wv.vocab: + vectors.append(model.wv[word]) + labels.append(word) + + # convert both lists into numpy vectors for reduction + vectors = np.asarray(vectors) + labels = np.asarray(labels) + + # reduce using t-SNE + vectors = np.asarray(vectors) + tsne = TSNE(n_components=num_dimensions, random_state=0) + vectors = tsne.fit_transform(vectors) + + x_vals = [v[0] for v in vectors] + y_vals = [v[1] for v in vectors] + return x_vals, y_vals, labels + + + x_vals, y_vals, labels = reduce_dimensions(model) + + def plot_with_plotly(x_vals, y_vals, labels, plot_in_notebook=True): + from plotly.offline import init_notebook_mode, iplot, plot + import plotly.graph_objs as go + + trace = go.Scatter(x=x_vals, y=y_vals, mode='text', text=labels) + data = [trace] + + if plot_in_notebook: + init_notebook_mode(connected=True) + iplot(data, filename='word-embedding-plot') + else: + plot(data, filename='word-embedding-plot.html') + + + def plot_with_matplotlib(x_vals, y_vals, labels): + import matplotlib.pyplot as plt + import random + + random.seed(0) + + plt.figure(figsize=(12, 12)) + plt.scatter(x_vals, y_vals) + + # + # Label randomly subsampled 25 data points + # + indices = list(range(len(labels))) + selected_indices = random.sample(indices, 25) + for i in selected_indices: + plt.annotate(labels[i], (x_vals[i], y_vals[i])) + + try: + get_ipython() + except Exception: + plot_function = plot_with_matplotlib + else: + plot_function = plot_with_plotly + + plot_function(x_vals, y_vals, labels) + + + + +.. image:: /auto_examples/tutorials/images/sphx_glr_run_word2vec_001.png + :class: sphx-glr-single-img + + + + +Conclusion +---------- + +In this tutorial we learned how to train word2vec models on your custom data +and also how to evaluate it. Hope that you too will find this popular tool +useful in your Machine Learning tasks! + +Links +----- + +- API docs: :py:mod:`gensim.models.word2vec` +- `Original C toolkit and word2vec papers by Google `_. + + + +.. rst-class:: sphx-glr-timing + + **Total running time of the script:** ( 14 minutes 22.799 seconds) + +**Estimated memory usage:** 9582 MB + + +.. _sphx_glr_download_auto_examples_tutorials_run_word2vec.py: + + +.. only :: html + + .. container:: sphx-glr-footer + :class: sphx-glr-footer-example + + + + .. container:: sphx-glr-download + + :download:`Download Python source code: run_word2vec.py ` + + + + .. container:: sphx-glr-download + + :download:`Download Jupyter notebook: run_word2vec.ipynb ` + + +.. only:: html + + .. rst-class:: sphx-glr-signature + + `Gallery generated by Sphinx-Gallery `_ diff --git a/docs/src/auto_examples/tutorials/sg_execution_times.rst b/docs/src/auto_examples/tutorials/sg_execution_times.rst new file mode 100644 index 0000000000..9b9267f63d --- /dev/null +++ b/docs/src/auto_examples/tutorials/sg_execution_times.rst @@ -0,0 +1,18 @@ + +:orphan: + +.. _sphx_glr_auto_examples_tutorials_sg_execution_times: + +Computation times +================= +**17:30.309** total execution time for **auto_examples_tutorials** files: + +- **14:22.799**: :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py` (``run_word2vec.py``) +- **03:07.510**: :ref:`sphx_glr_auto_examples_tutorials_run_wmd.py` (``run_wmd.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_tutorials_run_annoy.py` (``run_annoy.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_tutorials_run_distance_metrics.py` (``run_distance_metrics.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_tutorials_run_doc2vec_lee.py` (``run_doc2vec_lee.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_tutorials_run_fasttext.py` (``run_fasttext.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_tutorials_run_lda.py` (``run_lda.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_tutorials_run_pivoted_doc_norm.py` (``run_pivoted_doc_norm.py``) +- **00:00.000**: :ref:`sphx_glr_auto_examples_tutorials_run_summarization.py` (``run_summarization.py``) diff --git a/docs/src/changes_080.rst b/docs/src/changes_080.rst deleted file mode 100644 index 2786d4b71a..0000000000 --- a/docs/src/changes_080.rst +++ /dev/null @@ -1,86 +0,0 @@ -:orphan: - -.. _changes_080: - -Change Set for 0.8.0 -============================ - -Release 0.8.0 concludes the 0.7.x series, which was about API consolidation and performance. -In 0.8.x, I'd like to extend `gensim` with new functionality and features. - -Codestyle Changes ------------------- - -Codebase was modified to comply with `PEP8: Style Guide for Python Code `_. -This means the 0.8.0 API is **backward incompatible** with the 0.7.x series. - -That's not as tragic as it sounds, gensim was almost there anyway. The changes are few and pretty straightforward: - -1. the `numTopics` parameter is now `num_topics` -2. `addDocuments()` method becomes `add_documents()` -3. `toUtf8()` => `to_utf8()` -4. ... you get the idea: replace `camelCase` with `lowercase_with_underscores`. - -If you stored a model that is affected by this to disk, you'll need to rename its attributes manually: - -.. sourcecode:: pycon - - >>> lsa = gensim.models.LsiModel.load('/some/path') # load old <0.8.0 model - >>> lsa.num_terms, lsa.num_topics = lsa.numTerms, lsa.numTopics # rename attributes - >>> del lsa.numTerms, lsa.numTopics # clean up old attributes (optional) - >>> lsa.save('/some/path') # save again to disk, as 0.8.0 compatible - -Only attributes (variables) need to be renamed; method names (functions) are not affected, due to the way `pickle` works. - -Similarity Queries -------------------- - -Improved speed and scalability of :doc:`similarity queries `. - -The `Similarity` class can now index corpora of arbitrary size more efficiently. -Internally, this is done by splitting the index into several smaller pieces ("shards") that fit in RAM -and can be processed independently. In addition, documents can now be added to a `Similarity` index dynamically. - -There is also a new way to query the similarity indexes: - -.. sourcecode:: pycon - - >>> index = MatrixSimilarity(corpus) # create an index - >>> sims = index[document] # get cosine similarity of query "document" against every document in the index - >>> sims = index[chunk_of_documents] # new syntax! - -Advantage of the last line (querying multiple documents at the same time) is faster execution. - -This faster execution is also utilized *automatically for you* if you're using the ``for sims in index: ...`` syntax -(which returns pairwise similarities of documents in the index). - -To see the speed-up on your machine, run ``python -m gensim.test.simspeed`` (and compare to my results `here `_ to see how your machine fares). - -.. note:: - This current functionality of querying is as far as I wanted to get with gensim. - More optimizations and smarter indexing are certainly possible, but I'd like to - focus on other features now. Pull requests are still welcome though :) - -Check out the :mod:`updated documentation ` of the similarity classes for more info. - -Simplified Directory Structure --------------------------------- - -Instead of the java-esque ``ROOT_DIR/src/gensim`` directory structure of gensim, -the packages now reside directly in ``ROOT_DIR/gensim`` (no superfluous ``src``). See the new structure `on github `_. - -Other changes (that you're unlikely to notice unless you look) ----------------------------------------------------------------------- - -* Improved efficiency of ``lsi[corpus]`` transformations (documents are chunked internally for better performance). -* Large matrices (numpy/scipy.sparse, in `LsiModel`, `Similarity` etc.) are now `mmapped `_ to/from disk when doing `save/load`. The `cPickle` approach used previously was too `buggy `_ and `slow `_. -* Renamed `chunks` parameter to `chunksize` (i.e. `LsiModel(corpus, num_topics=100, chunksize=20000)`). This better reflects its purpose: size of a chunk=number of documents to be processed at once. -* Also improved memory efficiency of LSI and LDA model generation (again). -* Removed SciPy 0.6 from the list of supported SciPi versions (need >=0.7 now). -* Added more unit tests. -* Several smaller fixes; see the `commit history `_ for full account. - -.. admonition:: Future Directions? - - If you have ideas or proposals for new features for 0.8.x, now is the time to let me know: - `gensim mailing list `_. diff --git a/docs/src/conf.py b/docs/src/conf.py index 23d43c7051..c0c4cfba15 100644 --- a/docs/src/conf.py +++ b/docs/src/conf.py @@ -25,7 +25,13 @@ # Add any Sphinx extension module names here, as strings. They can be extensions # coming with Sphinx (named 'sphinx.ext.*') or your custom ones. -extensions = ['sphinx.ext.autodoc', 'sphinxcontrib.napoleon', 'sphinx.ext.imgmath', 'sphinxcontrib.programoutput'] +extensions = [ + 'sphinx.ext.autodoc', + 'sphinxcontrib.napoleon', + 'sphinx.ext.imgmath', + 'sphinxcontrib.programoutput', + 'sphinx_gallery.gen_gallery', +] autoclass_content = "both" napoleon_google_docstring = False # Disable support for google-style docstring @@ -57,7 +63,7 @@ # The short X.Y version. version = '3.8' # The full version, including alpha/beta/rc tags. -release = '3.8.0' +release = '3.8.1' # The language for content autogenerated by Sphinx. Refer to documentation # for a list of supported languages. @@ -76,6 +82,8 @@ # for source files. exclude_trees = ['_build'] +exclude_patterns = ['gallery/README.rst'] + # The reST default role (used for this markup: `text`) to use for all documents. # default_role = None @@ -218,3 +226,67 @@ # latex_use_modindex = True suppress_warnings = ['image.nonlocal_uri', 'ref.citation', 'ref.footnote'] + + +def sort_key(source_dir): + """Sorts tutorials and guides in a predefined order. + + If the predefined order doesn't include the filename we're looking for, + fallback to alphabetical order. + """ + core_order = [ + 'run_core_concepts.py', + 'run_corpora_and_vector_spaces.py', + 'run_topics_and_transformations.py', + 'run_similarity_queries.py', + ] + + tutorials_order = [ + 'run_word2vec.py', + 'run_doc2vec_lee.py', + 'run_fasttext.py', + 'run_annoy.py', + 'run_lda.py', + 'run_distance_metrics.py', + 'run_wmd.py', + 'run_summarization.py', + 'run_pivoted_doc_norm.py', + ] + + howto_order = [ + 'run_downloader_api.py', + 'run_binder.py', + 'run_doc.py', + 'run_doc2vec_imdb.py', + 'run_news_classification.py', + 'run_compare_lda.py', + ] + + order = core_order + tutorials_order + howto_order + files = sorted(os.listdir(source_dir)) + + def key(arg): + try: + return order.index(arg) + except ValueError: + return files.index(arg) + + return key + + +import sphinx_gallery.sorting +sphinx_gallery_conf = { + 'examples_dirs': 'gallery', # path to your example scripts + 'gallery_dirs': 'auto_examples', # path where to save gallery generated examples + 'show_memory': True, + 'filename_pattern': 'run', + 'subsection_order': sphinx_gallery.sorting.ExplicitOrder( + [ + 'gallery/core', + 'gallery/tutorials', + 'gallery/howtos', + 'gallery/other', + ], + ), + 'within_subsection_order': sort_key, +} diff --git a/docs/src/dist_lsi.rst b/docs/src/dist_lsi.rst index 45c79cb222..d7d6d40077 100644 --- a/docs/src/dist_lsi.rst +++ b/docs/src/dist_lsi.rst @@ -73,7 +73,6 @@ our choice is incidental) and try: >>> # run distributed LSA on nine documents >>> lsi = models.LsiModel(corpus, id2word=id2word, num_topics=200, chunksize=1, distributed=True) -This uses the corpus and feature-token mapping created in the :doc:`tut1` tutorial. If you look at the log in your Python session, you should see a line similar to:: 2010-08-09 23:44:25,746 : INFO : using distributed version with 8 workers diff --git a/docs/src/gallery/README.rst b/docs/src/gallery/README.rst new file mode 100644 index 0000000000..c371f1a089 --- /dev/null +++ b/docs/src/gallery/README.rst @@ -0,0 +1,57 @@ +Gensim Sphinx Gallery README +============================ + +This README.rst file describes the mechanisms behind our documentation examples. +The intended audience is Gensim developers and documentation authors trying to understand how this stuff works. + +Overview +-------- + +We use `Sphinx Gallery `__. +The top-level ``README.txt`` describes the gallery. +Each subdirectory is a gallery of examples, each with its own ``README.txt`` file. +Each example is a Python script. + +Sphinx Gallery reads these scripts and renders them as HTML and Jupyter +notebooks. If the script is unchanged from the previous run, then Sphinx skips +rendering and running it. This saves considerable time, as running all the +examples can take several hours. + +Subdirectories +-------------- + +There are three important subdirectories for the gallery: + +1. ``docs/src/gallery`` contains Python scripts +2. ``docs/src/auto_examples`` contains Jupyter notebooks and RST rendered from the Python scripts +3. ``docs/auto_examples`` contains HTML rendered from the Python scripts + +We keep all 1) and 2) under version control in our git repository. +The rendering takes a fair bit of time (one or two hours to run everything) so it's worth keeping the result. +On the contrary, it doesn't take a lot of time to generate 3) from 2), so we don't keep 3) under version control. + +.. Note:: + I'm not sure if there's some way we can merge 2) and 3) - that may make more + sense than keeping them separate. + +File naming +----------- + +Each example file is a Python script. +We prefix each script with a ``run_`` prefix: this tells Gallery that it should run the file in order to render HTML and Jupyter notebooks. + +If we remove that prefix from a file, then Sphinx will skip running it and just render it. +This is helpful when the example fails to run for some reason, and we want to temporarily skip running it. +It's best to avoid this unless absolutely necessary, because running the script ensures the example is still correct and valid. + +Configuration +------------- + +The Gallery relies on the general Sphinx configuration script in ``docs/src/conf.py``. +Within that script, there is a ``sphinx_gallery_conf`` dictionary that contains all the config options. +If you go tweaking those options, see the `Sphinx Gallery Documentation `__. + +The order in which subgalleries and examples appear is an important part of the configuration. +For the subgalleries, we list them explicitly using the ``subsection_order`` parameter. +We do a similar thing for examples, except we need to write a little bit of code to make that happen. +See the ``sort_key`` function in ``conf.py`` for details. diff --git a/docs/src/gallery/README.txt b/docs/src/gallery/README.txt new file mode 100644 index 0000000000..80ab288c48 --- /dev/null +++ b/docs/src/gallery/README.txt @@ -0,0 +1,5 @@ +Documentation +============= + +We welcome contributions to our documentation via GitHub pull requests, whether it's fixing a typo or authoring an entirely new tutorial or guide. +If you're thinking about contributing documentation, please see :ref:`sphx_glr_auto_examples_howtos_run_doc.py`. diff --git a/docs/src/gallery/core/README.txt b/docs/src/gallery/core/README.txt new file mode 100644 index 0000000000..a4a042b677 --- /dev/null +++ b/docs/src/gallery/core/README.txt @@ -0,0 +1,5 @@ +Core Tutorials: New Users Start Here! +------------------------------------- + +If you're new to gensim, we recommend going through all core tutorials in order. +Understanding this functionality is vital for using gensim effectively. diff --git a/docs/src/gallery/core/run_core_concepts.png b/docs/src/gallery/core/run_core_concepts.png new file mode 100644 index 0000000000..55e0de89b7 Binary files /dev/null and b/docs/src/gallery/core/run_core_concepts.png differ diff --git a/docs/src/gallery/core/run_core_concepts.py b/docs/src/gallery/core/run_core_concepts.py new file mode 100644 index 0000000000..8b0957756b --- /dev/null +++ b/docs/src/gallery/core/run_core_concepts.py @@ -0,0 +1,331 @@ +r""" +Core Concepts +============= + +This tutorial introduces Documents, Corpora, Vectors and Models: the basic concepts and terms needed to understand and use gensim. +""" + +import pprint + +############################################################################### +# The core concepts of ``gensim`` are: +# +# 1. :ref:`core_concepts_document`: some text. +# 2. :ref:`core_concepts_corpus`: a collection of documents. +# 3. :ref:`core_concepts_vector`: a mathematically convenient representation of a document. +# 4. :ref:`core_concepts_model`: an algorithm for transforming vectors from one representation to another. +# +# Let's examine each of these in slightly more detail. +# +# .. _core_concepts_document: +# +# Document +# -------- +# +# In Gensim, a *document* is an object of the `text sequence type `_ (commonly known as ``str`` in Python 3). +# A document could be anything from a short 140 character tweet, a single +# paragraph (i.e., journal article abstract), a news article, or a book. +# +document = "Human machine interface for lab abc computer applications" + +############################################################################### +# .. _core_concepts_corpus: +# +# Corpus +# ------ +# +# A *corpus* is a collection of :ref:`core_concepts_document` objects. +# Corpora serve two roles in Gensim: +# +# 1. Input for training a :ref:`core_concepts_model`. +# During training, the models use this *training corpus* to look for common +# themes and topics, initializing their internal model parameters. +# +# Gensim focuses on *unsupervised* models so that no human intervention, +# such as costly annotations or tagging documents by hand, is required. +# +# 2. Documents to organize. +# After training, a topic model can be used to extract topics from new +# documents (documents not seen in the training corpus). +# +# Such corpora can be indexed for +# :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`, +# queried by semantic similarity, clustered etc. +# +# Here is an example corpus. +# It consists of 9 documents, where each document is a string consisting of a single sentence. +# +text_corpus = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +############################################################################### +# +# .. Important:: +# The above example loads the entire corpus into memory. +# In practice, corpora may be very large, so loading them into memory may be impossible. +# Gensim intelligently handles such corpora by *streaming* them one document at a time. +# See :ref:`corpus_streaming_tutorial` for details. +# +# This is a particularly small example of a corpus for illustration purposes. +# Another example could be a list of all the plays written by Shakespeare, list +# of all wikipedia articles, or all tweets by a particular person of interest. +# +# After collecting our corpus, there are typically a number of preprocessing +# steps we want to undertake. We'll keep it simple and just remove some +# commonly used English words (such as 'the') and words that occur only once in +# the corpus. In the process of doing so, we'll tokenize our data. +# Tokenization breaks up the documents into words (in this case using space as +# a delimiter). +# +# .. Important:: +# There are better ways to perform preprocessing than just lower-casing and +# splitting by space. Effective preprocessing is beyond the scope of this +# tutorial: if you're interested, check out the +# :py:func:`gensim.utils.simple_preprocess` function. +# + +# Create a set of frequent words +stoplist = set('for a of the and to in'.split(' ')) +# Lowercase each document, split it by white space and filter out stopwords +texts = [[word for word in document.lower().split() if word not in stoplist] + for document in text_corpus] + +# Count word frequencies +from collections import defaultdict +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +# Only keep words that appear more than once +processed_corpus = [[token for token in text if frequency[token] > 1] for text in texts] +pprint.pprint(processed_corpus) + +############################################################################### +# Before proceeding, we want to associate each word in the corpus with a unique +# integer ID. We can do this using the :py:class:`gensim.corpora.Dictionary` +# class. This dictionary defines the vocabulary of all words that our +# processing knows about. +# +from gensim import corpora + +dictionary = corpora.Dictionary(processed_corpus) +print(dictionary) + +############################################################################### +# Because our corpus is small, there are only 12 different tokens in this +# :py:class:`gensim.corpora.Dictionary`. For larger corpuses, dictionaries that +# contains hundreds of thousands of tokens are quite common. +# + +############################################################################### +# .. _core_concepts_vector: +# +# Vector +# ------ +# +# To infer the latent structure in our corpus we need a way to represent +# documents that we can manipulate mathematically. One approach is to represent +# each document as a vector of *features*. +# For example, a single feature may be thought of as a question-answer pair: +# +# 1. How many times does the word *splonge* appear in the document? Zero. +# 2. How many paragraphs does the document consist of? Two. +# 3. How many fonts does the document use? Five. +# +# The question is usually represented only by its integer id (such as `1`, `2` and `3`). +# The representation of this document then becomes a series of pairs like ``(1, 0.0), (2, 2.0), (3, 5.0)``. +# This is known as a *dense vector*, because it contains an explicit answer to each of the above questions. +# +# If we know all the questions in advance, we may leave them implicit +# and simply represent the document as ``(0, 2, 5)``. +# This sequence of answers is the **vector** for our document (in this case a 3-dimensional dense vector). +# For practical purposes, only questions to which the answer is (or +# can be converted to) a *single floating point number* are allowed in Gensim. +# +# In practice, vectors often consist of many zero values. +# To save memory, Gensim omits all vector elements with value 0.0. +# The above example thus becomes ``(2, 2.0), (3, 5.0)``. +# This is known as a *sparse vector* or *bag-of-words vector*. +# The values of all missing features in this sparse representation can be unambiguously resolved to zero, ``0.0``. +# +# Assuming the questions are the same, we can compare the vectors of two different documents to each other. +# For example, assume we are given two vectors ``(0.0, 2.0, 5.0)`` and ``(0.1, 1.9, 4.9)``. +# Because the vectors are very similar to each other, we can conclude that the documents corresponding to those vectors are similar, too. +# Of course, the correctness of that conclusion depends on how well we picked the questions in the first place. +# +# Another approach to represent a document as a vector is the *bag-of-words +# model*. +# Under the bag-of-words model each document is represented by a vector +# containing the frequency counts of each word in the dictionary. +# For example, assume we have a dictionary containing the words +# ``['coffee', 'milk', 'sugar', 'spoon']``. +# A document consisting of the string ``"coffee milk coffee"`` would then +# be represented by the vector ``[2, 1, 0, 0]`` where the entries of the vector +# are (in order) the occurrences of "coffee", "milk", "sugar" and "spoon" in +# the document. The length of the vector is the number of entries in the +# dictionary. One of the main properties of the bag-of-words model is that it +# completely ignores the order of the tokens in the document that is encoded, +# which is where the name bag-of-words comes from. +# +# Our processed corpus has 12 unique words in it, which means that each +# document will be represented by a 12-dimensional vector under the +# bag-of-words model. We can use the dictionary to turn tokenized documents +# into these 12-dimensional vectors. We can see what these IDs correspond to: +# +pprint.pprint(dictionary.token2id) + +############################################################################### +# For example, suppose we wanted to vectorize the phrase "Human computer +# interaction" (note that this phrase was not in our original corpus). We can +# create the bag-of-word representation for a document using the ``doc2bow`` +# method of the dictionary, which returns a sparse representation of the word +# counts: +# + +new_doc = "Human computer interaction" +new_vec = dictionary.doc2bow(new_doc.lower().split()) +print(new_vec) + +############################################################################### +# The first entry in each tuple corresponds to the ID of the token in the +# dictionary, the second corresponds to the count of this token. +# +# Note that "interaction" did not occur in the original corpus and so it was +# not included in the vectorization. Also note that this vector only contains +# entries for words that actually appeared in the document. Because any given +# document will only contain a few words out of the many words in the +# dictionary, words that do not appear in the vectorization are represented as +# implicitly zero as a space saving measure. +# +# We can convert our entire original corpus to a list of vectors: +# +bow_corpus = [dictionary.doc2bow(text) for text in processed_corpus] +pprint.pprint(bow_corpus) + +############################################################################### +# Note that while this list lives entirely in memory, in most applications you +# will want a more scalable solution. Luckily, ``gensim`` allows you to use any +# iterator that returns a single document vector at a time. See the +# documentation for more details. +# +# .. Important:: +# The distinction between a document and a vector is that the former is text, +# and the latter is a mathematically convenient representation of the text. +# Sometimes, people will use the terms interchangeably: for example, given +# some arbitrary document ``D``, instead of saying "the vector that +# corresponds to document ``D``", they will just say "the vector ``D``" or +# the "document ``D``". This achieves brevity at the cost of ambiguity. +# +# As long as you remember that documents exist in document space, and that +# vectors exist in vector space, the above ambiguity is acceptable. +# +# .. Important:: +# Depending on how the representation was obtained, two different documents +# may have the same vector representations. +# +# .. _core_concepts_model: +# +# Model +# ----- +# +# Now that we have vectorized our corpus we can begin to transform it using +# *models*. We use model as an abstract term referring to a *transformation* from +# one document representation to another. In ``gensim`` documents are +# represented as vectors so a model can be thought of as a transformation +# between two vector spaces. The model learns the details of this +# transformation during training, when it reads the training +# :ref:`core_concepts_corpus`. +# +# One simple example of a model is `tf-idf +# `_. The tf-idf model +# transforms vectors from the bag-of-words representation to a vector space +# where the frequency counts are weighted according to the relative rarity of +# each word in the corpus. +# +# Here's a simple example. Let's initialize the tf-idf model, training it on +# our corpus and transforming the string "system minors": +# + +from gensim import models + +# train the model +tfidf = models.TfidfModel(bow_corpus) + +# transform the "system minors" string +words = "system minors".lower().split() +print(tfidf[dictionary.doc2bow(words)]) + +############################################################################### +# The ``tfidf`` model again returns a list of tuples, where the first entry is +# the token ID and the second entry is the tf-idf weighting. Note that the ID +# corresponding to "system" (which occurred 4 times in the original corpus) has +# been weighted lower than the ID corresponding to "minors" (which only +# occurred twice). +# +# You can save trained models to disk and later load them back, either to +# continue training on new training documents or to transform new documents. +# +# ``gensim`` offers a number of different models/transformations. +# For more, see :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`. +# +# Once you've created the model, you can do all sorts of cool stuff with it. +# For example, to transform the whole corpus via TfIdf and index it, in +# preparation for similarity queries: +# +from gensim import similarities + +index = similarities.SparseMatrixSimilarity(tfidf[bow_corpus], num_features=12) + +############################################################################### +# and to query the similarity of our query document ``query_document`` against every document in the corpus: +query_document = 'system engineering'.split() +query_bow = dictionary.doc2bow(query_document) +sims = index[tfidf[query_bow]] +print(list(enumerate(sims))) + +############################################################################### +# How to read this output? +# Document 3 has a similarity score of 0.718=72%, document 2 has a similarity score of 42% etc. +# We can make this slightly more readable by sorting: + +for document_number, score in sorted(enumerate(sims), key=lambda x: x[1], reverse=True): + print(document_number, score) + +############################################################################### +# Summary +# ------- +# +# The core concepts of ``gensim`` are: +# +# 1. :ref:`core_concepts_document`: some text. +# 2. :ref:`core_concepts_corpus`: a collection of documents. +# 3. :ref:`core_concepts_vector`: a mathematically convenient representation of a document. +# 4. :ref:`core_concepts_model`: an algorithm for transforming vectors from one representation to another. +# +# We saw these concepts in action. +# First, we started with a corpus of documents. +# Next, we transformed these documents to a vector space representation. +# After that, we created a model that transformed our original vector representation to TfIdf. +# Finally, we used our model to calculate the similarity between some query document and all documents in the corpus. +# +# What Next? +# ---------- +# +# There's still much more to learn about :ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py`. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_core_concepts.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/gallery/core/run_corpora_and_vector_spaces.png b/docs/src/gallery/core/run_corpora_and_vector_spaces.png new file mode 100644 index 0000000000..c8e24de7b4 Binary files /dev/null and b/docs/src/gallery/core/run_corpora_and_vector_spaces.png differ diff --git a/docs/src/gallery/core/run_corpora_and_vector_spaces.py b/docs/src/gallery/core/run_corpora_and_vector_spaces.py new file mode 100644 index 0000000000..f151ac7622 --- /dev/null +++ b/docs/src/gallery/core/run_corpora_and_vector_spaces.py @@ -0,0 +1,314 @@ +r""" +Corpora and Vector Spaces +========================= + +Demonstrates transforming text into a vector space representation. + +Also introduces corpus streaming and persistence to disk in various formats. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# First, let’s create a small corpus of nine short documents [1]_: +# +# .. _second example: +# +# From Strings to Vectors +# ------------------------ +# +# This time, let's start from documents represented as strings: +# +documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +############################################################################### +# This is a tiny corpus of nine documents, each consisting of only a single sentence. +# +# First, let's tokenize the documents, remove common words (using a toy stoplist) +# as well as words that only appear once in the corpus: + +from pprint import pprint # pretty-printer +from collections import defaultdict + +# remove common words and tokenize +stoplist = set('for a of the and to in'.split()) +texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents +] + +# remove words that appear only once +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +texts = [ + [token for token in text if frequency[token] > 1] + for text in texts +] + +pprint(texts) + +############################################################################### +# Your way of processing the documents will likely vary; here, I only split on whitespace +# to tokenize, followed by lowercasing each word. In fact, I use this particular +# (simplistic and inefficient) setup to mimic the experiment done in Deerwester et al.'s +# original LSA article [1]_. +# +# The ways to process documents are so varied and application- and language-dependent that I +# decided to *not* constrain them by any interface. Instead, a document is represented +# by the features extracted from it, not by its "surface" string form: how you get to +# the features is up to you. Below I describe one common, general-purpose approach (called +# :dfn:`bag-of-words`), but keep in mind that different application domains call for +# different features, and, as always, it's `garbage in, garbage out `_... +# +# To convert documents to vectors, we'll use a document representation called +# `bag-of-words `_. In this representation, +# each document is represented by one vector where each vector element represents +# a question-answer pair, in the style of: +# +# - Question: How many times does the word `system` appear in the document? +# - Answer: Once. +# +# It is advantageous to represent the questions only by their (integer) ids. The mapping +# between the questions and ids is called a dictionary: + +from gensim import corpora +dictionary = corpora.Dictionary(texts) +dictionary.save('/tmp/deerwester.dict') # store the dictionary, for future reference +print(dictionary) + +############################################################################### +# Here we assigned a unique integer id to all words appearing in the corpus with the +# :class:`gensim.corpora.dictionary.Dictionary` class. This sweeps across the texts, collecting word counts +# and relevant statistics. In the end, we see there are twelve distinct words in the +# processed corpus, which means each document will be represented by twelve numbers (ie., by a 12-D vector). +# To see the mapping between words and their ids: + +print(dictionary.token2id) + +############################################################################### +# To actually convert tokenized documents to vectors: + +new_doc = "Human computer interaction" +new_vec = dictionary.doc2bow(new_doc.lower().split()) +print(new_vec) # the word "interaction" does not appear in the dictionary and is ignored + +############################################################################### +# The function :func:`doc2bow` simply counts the number of occurrences of +# each distinct word, converts the word to its integer word id +# and returns the result as a sparse vector. The sparse vector ``[(0, 1), (1, 1)]`` +# therefore reads: in the document `"Human computer interaction"`, the words `computer` +# (id 0) and `human` (id 1) appear once; the other ten dictionary words appear (implicitly) zero times. + +corpus = [dictionary.doc2bow(text) for text in texts] +corpora.MmCorpus.serialize('/tmp/deerwester.mm', corpus) # store to disk, for later use +print(corpus) + +############################################################################### +# By now it should be clear that the vector feature with ``id=10`` stands for the question "How many +# times does the word `graph` appear in the document?" and that the answer is "zero" for +# the first six documents and "one" for the remaining three. +# +# .. _corpus_streaming_tutorial: +# +# Corpus Streaming -- One Document at a Time +# ------------------------------------------- +# +# Note that `corpus` above resides fully in memory, as a plain Python list. +# In this simple example, it doesn't matter much, but just to make things clear, +# let's assume there are millions of documents in the corpus. Storing all of them in RAM won't do. +# Instead, let's assume the documents are stored in a file on disk, one document per line. Gensim +# only requires that a corpus must be able to return one document vector at a time: +# +from smart_open import open # for transparently opening remote files + + +class MyCorpus(object): + def __iter__(self): + for line in open('https://radimrehurek.com/gensim/mycorpus.txt'): + # assume there's one document per line, tokens separated by whitespace + yield dictionary.doc2bow(line.lower().split()) + +############################################################################### +# The full power of Gensim comes from the fact that a corpus doesn't have to be +# a ``list``, or a ``NumPy`` array, or a ``Pandas`` dataframe, or whatever. +# Gensim *accepts any object that, when iterated over, successively yields +# documents*. + +# This flexibility allows you to create your own corpus classes that stream the +# documents directly from disk, network, database, dataframes... The models +# in Gensim are implemented such that they don't require all vectors to reside +# in RAM at once. You can even create the documents on the fly! + +############################################################################### +# Download the sample `mycorpus.txt file here <./mycorpus.txt>`_. The assumption that +# each document occupies one line in a single file is not important; you can mold +# the `__iter__` function to fit your input format, whatever it is. +# Walking directories, parsing XML, accessing the network... +# Just parse your input to retrieve a clean list of tokens in each document, +# then convert the tokens via a dictionary to their ids and yield the resulting sparse vector inside `__iter__`. + +corpus_memory_friendly = MyCorpus() # doesn't load the corpus into memory! +print(corpus_memory_friendly) + +############################################################################### +# Corpus is now an object. We didn't define any way to print it, so `print` just outputs address +# of the object in memory. Not very useful. To see the constituent vectors, let's +# iterate over the corpus and print each document vector (one at a time): + +for vector in corpus_memory_friendly: # load one vector into memory at a time + print(vector) + +############################################################################### +# Although the output is the same as for the plain Python list, the corpus is now much +# more memory friendly, because at most one vector resides in RAM at a time. Your +# corpus can now be as large as you want. +# +# Similarly, to construct the dictionary without loading all texts into memory: + +from six import iteritems +# collect statistics about all tokens +dictionary = corpora.Dictionary(line.lower().split() for line in open('https://radimrehurek.com/gensim/mycorpus.txt')) +# remove stop words and words that appear only once +stop_ids = [ + dictionary.token2id[stopword] + for stopword in stoplist + if stopword in dictionary.token2id +] +once_ids = [tokenid for tokenid, docfreq in iteritems(dictionary.dfs) if docfreq == 1] +dictionary.filter_tokens(stop_ids + once_ids) # remove stop words and words that appear only once +dictionary.compactify() # remove gaps in id sequence after words that were removed +print(dictionary) + +############################################################################### +# And that is all there is to it! At least as far as bag-of-words representation is concerned. +# Of course, what we do with such a corpus is another question; it is not at all clear +# how counting the frequency of distinct words could be useful. As it turns out, it isn't, and +# we will need to apply a transformation on this simple representation first, before +# we can use it to compute any meaningful document vs. document similarities. +# Transformations are covered in the next tutorial +# (:ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`), +# but before that, let's briefly turn our attention to *corpus persistency*. +# +# .. _corpus-formats: +# +# Corpus Formats +# --------------- +# +# There exist several file formats for serializing a Vector Space corpus (~sequence of vectors) to disk. +# `Gensim` implements them via the *streaming corpus interface* mentioned earlier: +# documents are read from (resp. stored to) disk in a lazy fashion, one document at +# a time, without the whole corpus being read into main memory at once. +# +# One of the more notable file formats is the `Market Matrix format `_. +# To save a corpus in the Matrix Market format: +# +# create a toy corpus of 2 documents, as a plain Python list +corpus = [[(1, 0.5)], []] # make one document empty, for the heck of it + +corpora.MmCorpus.serialize('/tmp/corpus.mm', corpus) + +############################################################################### +# Other formats include `Joachim's SVMlight format `_, +# `Blei's LDA-C format `_ and +# `GibbsLDA++ format `_. + +corpora.SvmLightCorpus.serialize('/tmp/corpus.svmlight', corpus) +corpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus) +corpora.LowCorpus.serialize('/tmp/corpus.low', corpus) + + +############################################################################### +# Conversely, to load a corpus iterator from a Matrix Market file: + +corpus = corpora.MmCorpus('/tmp/corpus.mm') + +############################################################################### +# Corpus objects are streams, so typically you won't be able to print them directly: + +print(corpus) + +############################################################################### +# Instead, to view the contents of a corpus: + +# one way of printing a corpus: load it entirely into memory +print(list(corpus)) # calling list() will convert any sequence to a plain Python list + +############################################################################### +# or + +# another way of doing it: print one document at a time, making use of the streaming interface +for doc in corpus: + print(doc) + +############################################################################### +# The second way is obviously more memory-friendly, but for testing and development +# purposes, nothing beats the simplicity of calling ``list(corpus)``. +# +# To save the same Matrix Market document stream in Blei's LDA-C format, + +corpora.BleiCorpus.serialize('/tmp/corpus.lda-c', corpus) + +############################################################################### +# In this way, `gensim` can also be used as a memory-efficient **I/O format conversion tool**: +# just load a document stream using one format and immediately save it in another format. +# Adding new formats is dead easy, check out the `code for the SVMlight corpus +# `_ for an example. +# +# Compatibility with NumPy and SciPy +# ---------------------------------- +# +# Gensim also contains `efficient utility functions `_ +# to help converting from/to numpy matrices + +import gensim +import numpy as np +numpy_matrix = np.random.randint(10, size=[5, 2]) # random matrix as an example +corpus = gensim.matutils.Dense2Corpus(numpy_matrix) +# numpy_matrix = gensim.matutils.corpus2dense(corpus, num_terms=number_of_corpus_features) + +############################################################################### +# and from/to `scipy.sparse` matrices + +import scipy.sparse +scipy_sparse_matrix = scipy.sparse.random(5, 2) # random sparse matrix as example +corpus = gensim.matutils.Sparse2Corpus(scipy_sparse_matrix) +scipy_csc_matrix = gensim.matutils.corpus2csc(corpus) + +############################################################################### +# What Next +# --------- +# +# Read about :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`. +# +# References +# ---------- +# +# For a complete reference (Want to prune the dictionary to a smaller size? +# Optimize converting between corpora and NumPy/SciPy arrays?), see the :ref:`apiref`. +# +# .. [1] This is the same corpus as used in +# `Deerwester et al. (1990): Indexing by Latent Semantic Analysis `_, Table 2. + +############################################################################### +# Here we show a pretty fastText logo so that our gallery picks it up as a thumbnail. +# +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_corpora_and_vector_spaces.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/gallery/core/run_similarity_queries.png b/docs/src/gallery/core/run_similarity_queries.png new file mode 100644 index 0000000000..18e9934299 Binary files /dev/null and b/docs/src/gallery/core/run_similarity_queries.png differ diff --git a/docs/src/gallery/core/run_similarity_queries.py b/docs/src/gallery/core/run_similarity_queries.py new file mode 100644 index 0000000000..24b520e0ce --- /dev/null +++ b/docs/src/gallery/core/run_similarity_queries.py @@ -0,0 +1,194 @@ +r""" +Similarity Queries +================== + +Demonstrates querying a corpus for similar documents. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# +# Creating the Corpus +# ------------------- +# +# First, we need to create a corpus to work with. +# This step is the same as in the previous tutorial; +# if you completed it, feel free to skip to the next section. + +from collections import defaultdict +from gensim import corpora + +documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +# remove common words and tokenize +stoplist = set('for a of the and to in'.split()) +texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents +] + +# remove words that appear only once +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +texts = [ + [token for token in text if frequency[token] > 1] + for text in texts +] + +dictionary = corpora.Dictionary(texts) +corpus = [dictionary.doc2bow(text) for text in texts] + +############################################################################### +# Similarity interface +# -------------------- +# +# In the previous tutorials on +# :ref:`sphx_glr_auto_examples_core_run_corpora_and_vector_spaces.py` +# and +# :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py`, +# we covered what it means to create a corpus in the Vector Space Model and how +# to transform it between different vector spaces. A common reason for such a +# charade is that we want to determine **similarity between pairs of +# documents**, or the **similarity between a specific document and a set of +# other documents** (such as a user query vs. indexed documents). +# +# To show how this can be done in gensim, let us consider the same corpus as in the +# previous examples (which really originally comes from Deerwester et al.'s +# `"Indexing by Latent Semantic Analysis" `_ +# seminal 1990 article). +# To follow Deerwester's example, we first use this tiny corpus to define a 2-dimensional +# LSI space: + +from gensim import models +lsi = models.LsiModel(corpus, id2word=dictionary, num_topics=2) + +############################################################################### +# For the purposes of this tutorial, there are only two things you need to know about LSI. +# First, it's just another transformation: it transforms vectors from one space to another. +# Second, the benefit of LSI is that enables identifying patterns and relationships between terms (in our case, words in a document) and topics. +# Our LSI space is two-dimensional (`num_topics = 2`) so there are two topics, but this is arbitrary. +# If you're interested, you can read more about LSI here: `Latent Semantic Indexing `_: +# +# Now suppose a user typed in the query `"Human computer interaction"`. We would +# like to sort our nine corpus documents in decreasing order of relevance to this query. +# Unlike modern search engines, here we only concentrate on a single aspect of possible +# similarities---on apparent semantic relatedness of their texts (words). No hyperlinks, +# no random-walk static ranks, just a semantic extension over the boolean keyword match: + +doc = "Human computer interaction" +vec_bow = dictionary.doc2bow(doc.lower().split()) +vec_lsi = lsi[vec_bow] # convert the query to LSI space +print(vec_lsi) + +############################################################################### +# In addition, we will be considering `cosine similarity `_ +# to determine the similarity of two vectors. Cosine similarity is a standard measure +# in Vector Space Modeling, but wherever the vectors represent probability distributions, +# `different similarity measures `_ +# may be more appropriate. +# +# Initializing query structures +# ++++++++++++++++++++++++++++++++ +# +# To prepare for similarity queries, we need to enter all documents which we want +# to compare against subsequent queries. In our case, they are the same nine documents +# used for training LSI, converted to 2-D LSA space. But that's only incidental, we +# might also be indexing a different corpus altogether. + +from gensim import similarities +index = similarities.MatrixSimilarity(lsi[corpus]) # transform corpus to LSI space and index it + +############################################################################### +# .. warning:: +# The class :class:`similarities.MatrixSimilarity` is only appropriate when the whole +# set of vectors fits into memory. For example, a corpus of one million documents +# would require 2GB of RAM in a 256-dimensional LSI space, when used with this class. +# +# Without 2GB of free RAM, you would need to use the :class:`similarities.Similarity` class. +# This class operates in fixed memory, by splitting the index across multiple files on disk, called shards. +# It uses :class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity` internally, +# so it is still fast, although slightly more complex. +# +# Index persistency is handled via the standard :func:`save` and :func:`load` functions: + +index.save('/tmp/deerwester.index') +index = similarities.MatrixSimilarity.load('/tmp/deerwester.index') + +############################################################################### +# This is true for all similarity indexing classes (:class:`similarities.Similarity`, +# :class:`similarities.MatrixSimilarity` and :class:`similarities.SparseMatrixSimilarity`). +# Also in the following, `index` can be an object of any of these. When in doubt, +# use :class:`similarities.Similarity`, as it is the most scalable version, and it also +# supports adding more documents to the index later. +# +# Performing queries +# ++++++++++++++++++ +# +# To obtain similarities of our query document against the nine indexed documents: + +sims = index[vec_lsi] # perform a similarity query against the corpus +print(list(enumerate(sims))) # print (document_number, document_similarity) 2-tuples + +############################################################################### +# Cosine measure returns similarities in the range `<-1, 1>` (the greater, the more similar), +# so that the first document has a score of 0.99809301 etc. +# +# With some standard Python magic we sort these similarities into descending +# order, and obtain the final answer to the query `"Human computer interaction"`: + +sims = sorted(enumerate(sims), key=lambda item: -item[1]) +for i, s in enumerate(sims): + print(s, documents[i]) + +############################################################################### +# The thing to note here is that documents no. 2 (``"The EPS user interface management system"``) +# and 4 (``"Relation of user perceived response time to error measurement"``) would never be returned by +# a standard boolean fulltext search, because they do not share any common words with ``"Human +# computer interaction"``. However, after applying LSI, we can observe that both of +# them received quite high similarity scores (no. 2 is actually the most similar!), +# which corresponds better to our intuition of +# them sharing a "computer-human" related topic with the query. In fact, this semantic +# generalization is the reason why we apply transformations and do topic modelling +# in the first place. +# +# Where next? +# ------------ +# +# Congratulations, you have finished the tutorials -- now you know how gensim works :-) +# To delve into more details, you can browse through the :ref:`apiref`, +# see the :ref:`wiki` or perhaps check out :ref:`distributed` in `gensim`. +# +# Gensim is a fairly mature package that has been used successfully by many individuals and companies, both for rapid prototyping and in production. +# That doesn't mean it's perfect though: +# +# * there are parts that could be implemented more efficiently (in C, for example), or make better use of parallelism (multiple machines cores) +# * new algorithms are published all the time; help gensim keep up by `discussing them `_ and `contributing code `_ +# * your **feedback is most welcome** and appreciated (and it's not just the code!): +# `bug reports `_ or +# `user stories and general questions `_. +# +# Gensim has no ambition to become an all-encompassing framework, across all NLP (or even Machine Learning) subfields. +# Its mission is to help NLP practitioners try out popular topic modelling algorithms +# on large datasets easily, and to facilitate prototyping of new algorithms for researchers. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_similarity_queries.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/gallery/core/run_topics_and_transformations.png b/docs/src/gallery/core/run_topics_and_transformations.png new file mode 100644 index 0000000000..0116299f56 Binary files /dev/null and b/docs/src/gallery/core/run_topics_and_transformations.png differ diff --git a/docs/src/gallery/core/run_topics_and_transformations.py b/docs/src/gallery/core/run_topics_and_transformations.py new file mode 100644 index 0000000000..0cb922ae48 --- /dev/null +++ b/docs/src/gallery/core/run_topics_and_transformations.py @@ -0,0 +1,287 @@ +r""" +Topics and Transformations +=========================== + +Introduces transformations and demonstrates their use on a toy corpus. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# In this tutorial, I will show how to transform documents from one vector representation +# into another. This process serves two goals: +# +# 1. To bring out hidden structure in the corpus, discover relationships between +# words and use them to describe the documents in a new and +# (hopefully) more semantic way. +# 2. To make the document representation more compact. This both improves efficiency +# (new representation consumes less resources) and efficacy (marginal data +# trends are ignored, noise-reduction). +# +# Creating the Corpus +# ------------------- +# +# First, we need to create a corpus to work with. +# This step is the same as in the previous tutorial; +# if you completed it, feel free to skip to the next section. + +from collections import defaultdict +from gensim import corpora + +documents = [ + "Human machine interface for lab abc computer applications", + "A survey of user opinion of computer system response time", + "The EPS user interface management system", + "System and human system engineering testing of EPS", + "Relation of user perceived response time to error measurement", + "The generation of random binary unordered trees", + "The intersection graph of paths in trees", + "Graph minors IV Widths of trees and well quasi ordering", + "Graph minors A survey", +] + +# remove common words and tokenize +stoplist = set('for a of the and to in'.split()) +texts = [ + [word for word in document.lower().split() if word not in stoplist] + for document in documents +] + +# remove words that appear only once +frequency = defaultdict(int) +for text in texts: + for token in text: + frequency[token] += 1 + +texts = [ + [token for token in text if frequency[token] > 1] + for text in texts +] + +dictionary = corpora.Dictionary(texts) +corpus = [dictionary.doc2bow(text) for text in texts] + +############################################################################### +# +# Creating a transformation +# ++++++++++++++++++++++++++ +# +# The transformations are standard Python objects, typically initialized by means of +# a :dfn:`training corpus`: +# +from gensim import models + +tfidf = models.TfidfModel(corpus) # step 1 -- initialize a model + +############################################################################### +# We used our old corpus from tutorial 1 to initialize (train) the transformation model. Different +# transformations may require different initialization parameters; in case of TfIdf, the +# "training" consists simply of going through the supplied corpus once and computing document frequencies +# of all its features. Training other models, such as Latent Semantic Analysis or Latent Dirichlet +# Allocation, is much more involved and, consequently, takes much more time. +# +# .. note:: +# Transformations always convert between two specific vector +# spaces. The same vector space (= the same set of feature ids) must be used for training +# as well as for subsequent vector transformations. Failure to use the same input +# feature space, such as applying a different string preprocessing, using different +# feature ids, or using bag-of-words input vectors where TfIdf vectors are expected, will +# result in feature mismatch during transformation calls and consequently in either +# garbage output and/or runtime exceptions. +# +# +# Transforming vectors +# +++++++++++++++++++++ +# +# From now on, ``tfidf`` is treated as a read-only object that can be used to convert +# any vector from the old representation (bag-of-words integer counts) to the new representation +# (TfIdf real-valued weights): + +doc_bow = [(0, 1), (1, 1)] +print(tfidf[doc_bow]) # step 2 -- use the model to transform vectors + +############################################################################### +# Or to apply a transformation to a whole corpus: + +corpus_tfidf = tfidf[corpus] +for doc in corpus_tfidf: + print(doc) + +############################################################################### +# In this particular case, we are transforming the same corpus that we used +# for training, but this is only incidental. Once the transformation model has been initialized, +# it can be used on any vectors (provided they come from the same vector space, of course), +# even if they were not used in the training corpus at all. This is achieved by a process called +# folding-in for LSA, by topic inference for LDA etc. +# +# .. note:: +# Calling ``model[corpus]`` only creates a wrapper around the old ``corpus`` +# document stream -- actual conversions are done on-the-fly, during document iteration. +# We cannot convert the entire corpus at the time of calling ``corpus_transformed = model[corpus]``, +# because that would mean storing the result in main memory, and that contradicts gensim's objective of memory-indepedence. +# If you will be iterating over the transformed ``corpus_transformed`` multiple times, and the +# transformation is costly, :ref:`serialize the resulting corpus to disk first ` and continue +# using that. +# +# Transformations can also be serialized, one on top of another, in a sort of chain: + +lsi = models.LsiModel(corpus_tfidf, id2word=dictionary, num_topics=2) # initialize an LSI transformation +corpus_lsi = lsi[corpus_tfidf] # create a double wrapper over the original corpus: bow->tfidf->fold-in-lsi + +############################################################################### +# Here we transformed our Tf-Idf corpus via `Latent Semantic Indexing `_ +# into a latent 2-D space (2-D because we set ``num_topics=2``). Now you're probably wondering: what do these two latent +# dimensions stand for? Let's inspect with :func:`models.LsiModel.print_topics`: + +lsi.print_topics(2) + +############################################################################### +# (the topics are printed to log -- see the note at the top of this page about activating +# logging) +# +# It appears that according to LSI, "trees", "graph" and "minors" are all related +# words (and contribute the most to the direction of the first topic), while the +# second topic practically concerns itself with all the other words. As expected, +# the first five documents are more strongly related to the second topic while the +# remaining four documents to the first topic: + +# both bow->tfidf and tfidf->lsi transformations are actually executed here, on the fly +for doc, as_text in zip(corpus_lsi, documents): + print(doc, as_text) + +############################################################################### +# Model persistency is achieved with the :func:`save` and :func:`load` functions: + +lsi.save('/tmp/model.lsi') # same for tfidf, lda, ... +lsi = models.LsiModel.load('/tmp/model.lsi') + +############################################################################### +# The next question might be: just how exactly similar are those documents to each other? +# Is there a way to formalize the similarity, so that for a given input document, we can +# order some other set of documents according to their similarity? Similarity queries +# are covered in the next tutorial (:ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`). +# +# .. _transformations: +# +# Available transformations +# -------------------------- +# +# Gensim implements several popular Vector Space Model algorithms: +# +# * `Term Frequency * Inverse Document Frequency, Tf-Idf `_ +# expects a bag-of-words (integer values) training corpus during initialization. +# During transformation, it will take a vector and return another vector of the +# same dimensionality, except that features which were rare in the training corpus +# will have their value increased. +# It therefore converts integer-valued vectors into real-valued ones, while leaving +# the number of dimensions intact. It can also optionally normalize the resulting +# vectors to (Euclidean) unit length. +# +# .. sourcecode:: pycon +# +# model = models.TfidfModel(corpus, normalize=True) +# +# * `Latent Semantic Indexing, LSI (or sometimes LSA) `_ +# transforms documents from either bag-of-words or (preferrably) TfIdf-weighted space into +# a latent space of a lower dimensionality. For the toy corpus above we used only +# 2 latent dimensions, but on real corpora, target dimensionality of 200--500 is recommended +# as a "golden standard" [1]_. +# +# .. sourcecode:: pycon +# +# model = models.LsiModel(tfidf_corpus, id2word=dictionary, num_topics=300) +# +# LSI training is unique in that we can continue "training" at any point, simply +# by providing more training documents. This is done by incremental updates to +# the underlying model, in a process called `online training`. Because of this feature, the +# input document stream may even be infinite -- just keep feeding LSI new documents +# as they arrive, while using the computed transformation model as read-only in the meanwhile! +# +# .. sourcecode:: pycon +# +# model.add_documents(another_tfidf_corpus) # now LSI has been trained on tfidf_corpus + another_tfidf_corpus +# lsi_vec = model[tfidf_vec] # convert some new document into the LSI space, without affecting the model +# +# model.add_documents(more_documents) # tfidf_corpus + another_tfidf_corpus + more_documents +# lsi_vec = model[tfidf_vec] +# +# See the :mod:`gensim.models.lsimodel` documentation for details on how to make +# LSI gradually "forget" old observations in infinite streams. If you want to get dirty, +# there are also parameters you can tweak that affect speed vs. memory footprint vs. numerical +# precision of the LSI algorithm. +# +# `gensim` uses a novel online incremental streamed distributed training algorithm (quite a mouthful!), +# which I published in [5]_. `gensim` also executes a stochastic multi-pass algorithm +# from Halko et al. [4]_ internally, to accelerate in-core part +# of the computations. +# See also :ref:`wiki` for further speed-ups by distributing the computation across +# a cluster of computers. +# +# * `Random Projections, RP `_ aim to +# reduce vector space dimensionality. This is a very efficient (both memory- and +# CPU-friendly) approach to approximating TfIdf distances between documents, by throwing in a little randomness. +# Recommended target dimensionality is again in the hundreds/thousands, depending on your dataset. +# +# .. sourcecode:: pycon +# +# model = models.RpModel(tfidf_corpus, num_topics=500) +# +# * `Latent Dirichlet Allocation, LDA `_ +# is yet another transformation from bag-of-words counts into a topic space of lower +# dimensionality. LDA is a probabilistic extension of LSA (also called multinomial PCA), +# so LDA's topics can be interpreted as probability distributions over words. These distributions are, +# just like with LSA, inferred automatically from a training corpus. Documents +# are in turn interpreted as a (soft) mixture of these topics (again, just like with LSA). +# +# .. sourcecode:: pycon +# +# model = models.LdaModel(corpus, id2word=dictionary, num_topics=100) +# +# `gensim` uses a fast implementation of online LDA parameter estimation based on [2]_, +# modified to run in :ref:`distributed mode ` on a cluster of computers. +# +# * `Hierarchical Dirichlet Process, HDP `_ +# is a non-parametric bayesian method (note the missing number of requested topics): +# +# .. sourcecode:: pycon +# +# model = models.HdpModel(corpus, id2word=dictionary) +# +# `gensim` uses a fast, online implementation based on [3]_. +# The HDP model is a new addition to `gensim`, and still rough around its academic edges -- use with care. +# +# Adding new :abbr:`VSM (Vector Space Model)` transformations (such as different weighting schemes) is rather trivial; +# see the :ref:`apiref` or directly the `Python code `_ +# for more info and examples. +# +# It is worth repeating that these are all unique, **incremental** implementations, +# which do not require the whole training corpus to be present in main memory all at once. +# With memory taken care of, I am now improving :ref:`distributed`, +# to improve CPU efficiency, too. +# If you feel you could contribute by testing, providing use-cases or code, see the `Gensim Developer guide `__. +# +# What Next? +# ---------- +# +# Continue on to the next tutorial on :ref:`sphx_glr_auto_examples_core_run_similarity_queries.py`. +# +# References +# ---------- +# +# .. [1] Bradford. 2008. An empirical study of required dimensionality for large-scale latent semantic indexing applications. +# +# .. [2] Hoffman, Blei, Bach. 2010. Online learning for Latent Dirichlet Allocation. +# +# .. [3] Wang, Paisley, Blei. 2011. Online variational inference for the hierarchical Dirichlet process. +# +# .. [4] Halko, Martinsson, Tropp. 2009. Finding structure with randomness. +# +# .. [5] Řehůřek. 2011. Subspace tracking for Latent Semantic Analysis. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('run_topics_and_transformations.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/gallery/howtos/README.txt b/docs/src/gallery/howtos/README.txt new file mode 100644 index 0000000000..136253e5f5 --- /dev/null +++ b/docs/src/gallery/howtos/README.txt @@ -0,0 +1,4 @@ +How-to Guides: Solve a Problem +------------------------------ + +These **goal-oriented guides** demonstrate how to **solve a specific problem** using gensim. diff --git a/docs/src/gallery/howtos/run_compare_lda.py b/docs/src/gallery/howtos/run_compare_lda.py new file mode 100644 index 0000000000..19359b8623 --- /dev/null +++ b/docs/src/gallery/howtos/run_compare_lda.py @@ -0,0 +1,243 @@ +r""" +How to Compare LDA Models +========================= + +Demonstrates how you can compare a topic model with itself or other models. + +""" + +# sphinx_gallery_thumbnail_number = 2 +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# +# First, clean up the 20 Newsgroups dataset. We will use it to fit LDA. +# --------------------------------------------------------------------- +# + + +from string import punctuation +from nltk import RegexpTokenizer +from nltk.stem.porter import PorterStemmer +from nltk.corpus import stopwords +from sklearn.datasets import fetch_20newsgroups + + +newsgroups = fetch_20newsgroups() +eng_stopwords = set(stopwords.words('english')) + +tokenizer = RegexpTokenizer(r'\s+', gaps=True) +stemmer = PorterStemmer() +translate_tab = {ord(p): u" " for p in punctuation} + +def text2tokens(raw_text): + """Convert a raw text to a list of stemmed tokens.""" + clean_text = raw_text.lower().translate(translate_tab) + tokens = [token.strip() for token in tokenizer.tokenize(clean_text)] + tokens = [token for token in tokens if token not in eng_stopwords] + stemmed_tokens = [stemmer.stem(token) for token in tokens] + return [token for token in stemmed_tokens if len(token) > 2] # skip short tokens + +dataset = [text2tokens(txt) for txt in newsgroups['data']] # convert a documents to list of tokens + +from gensim.corpora import Dictionary +dictionary = Dictionary(documents=dataset, prune_at=None) +dictionary.filter_extremes(no_below=5, no_above=0.3, keep_n=None) # use Dictionary to remove un-relevant tokens +dictionary.compactify() + +d2b_dataset = [dictionary.doc2bow(doc) for doc in dataset] # convert list of tokens to bag of word representation + +############################################################################### +# +# Second, fit two LDA models. +# --------------------------- +# + +from gensim.models import LdaMulticore +num_topics = 15 + +lda_fst = LdaMulticore( + corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary, + workers=4, eval_every=None, passes=10, batch=True +) + +lda_snd = LdaMulticore( + corpus=d2b_dataset, num_topics=num_topics, id2word=dictionary, + workers=4, eval_every=None, passes=20, batch=True +) + +############################################################################### +# +# Time to visualize, yay! +# ----------------------- +# +# We use two slightly different visualization methods depending on how you're running this tutorial. +# If you're running via a Jupyter notebook, then you'll get a nice interactive Plotly heatmap. +# If you're viewing the static version of the page, you'll get a similar matplotlib heatmap, but it won't be interactive. +# + + +def plot_difference_plotly(mdiff, title="", annotation=None): + """Plot the difference between models. + + Uses plotly as the backend.""" + import plotly.graph_objs as go + import plotly.offline as py + + annotation_html = None + if annotation is not None: + annotation_html = [ + [ + "+++ {}
--- {}".format(", ".join(int_tokens), ", ".join(diff_tokens)) + for (int_tokens, diff_tokens) in row + ] + for row in annotation + ] + + data = go.Heatmap(z=mdiff, colorscale='RdBu', text=annotation_html) + layout = go.Layout(width=950, height=950, title=title, xaxis=dict(title="topic"), yaxis=dict(title="topic")) + py.iplot(dict(data=[data], layout=layout)) + + +def plot_difference_matplotlib(mdiff, title="", annotation=None): + """Helper function to plot difference between models. + + Uses matplotlib as the backend.""" + import matplotlib.pyplot as plt + fig, ax = plt.subplots(figsize=(18, 14)) + data = ax.imshow(mdiff, cmap='RdBu_r', origin='lower') + plt.title(title) + plt.colorbar(data) + + +try: + get_ipython() + import plotly.offline as py +except Exception: + # + # Fall back to matplotlib if we're not in a notebook, or if plotly is + # unavailable for whatever reason. + # + plot_difference = plot_difference_matplotlib +else: + py.init_notebook_mode() + plot_difference = plot_difference_plotly + +############################################################################### +# +# Gensim can help you visualise the differences between topics. For this purpose, you can use the ``diff()`` method of LdaModel. +# +# ``diff()`` returns a matrix with distances **mdiff** and a matrix with annotations **annotation**. Read the docstring for more detailed info. +# +# In each **mdiff[i][j]** cell you'll find a distance between **topic_i** from the first model and **topic_j** from the second model. +# +# In each **annotation[i][j]** cell you'll find **[tokens from intersection, tokens from difference** between **topic_i** from first model and **topic_j** from the second model. +# + +print(LdaMulticore.diff.__doc__) + +############################################################################### +# +# Case 1: How topics within ONE model correlate with each other. +# -------------------------------------------------------------- +# + + +############################################################################### +# +# Short description: +# +# * x-axis - topic; +# +# * y-axis - topic; +# +# .. role:: raw-html-m2r(raw) +# :format: html +# +# * :raw-html-m2r:`almost red cell` - strongly decorrelated topics; +# +# .. role:: raw-html-m2r(raw) +# :format: html +# +# * :raw-html-m2r:`almost blue cell` - strongly correlated topics. +# +# In an ideal world, we would like to see different topics decorrelated between themselves. In this case, our matrix would look like this: +# + + +import numpy as np + +mdiff = np.ones((num_topics, num_topics)) +np.fill_diagonal(mdiff, 0.) +plot_difference(mdiff, title="Topic difference (one model) in ideal world") + +############################################################################### +# +# Unfortunately, in real life, not everything is so good, and the matrix looks different. +# + + +############################################################################### +# +# Short description (interactive annotations only): +# +# +# +# * ``+++ make, world, well`` - words from the intersection of topics = present in both topics; +# +# +# +# * ``--- money, day, still`` - words from the symmetric difference of topics = present in one topic but not the other. +# + + +mdiff, annotation = lda_fst.diff(lda_fst, distance='jaccard', num_words=50) +plot_difference(mdiff, title="Topic difference (one model) [jaccard distance]", annotation=annotation) + +############################################################################### +# +# If you compare a model with itself, you want to see as many red elements as possible (except diagonal). With this picture, you can look at the not very red elements and understand which topics in the model are very similar and why (you can read annotation if you move your pointer to cell). +# +# +# +# +# Jaccard is stable and robust distance function, but this function not enough sensitive for some purposes. Let's try to use Hellinger distance now. +# + + +mdiff, annotation = lda_fst.diff(lda_fst, distance='hellinger', num_words=50) +plot_difference(mdiff, title="Topic difference (one model)[hellinger distance]", annotation=annotation) + +############################################################################### +# +# You see that everything has become worse, but remember that everything depends on the task. +# +# +# +# You need to choose the function with which your personal point of view about topics similarity and your task (from my experience, Jaccard is fine). +# + + +############################################################################### +# +# Case 2: How topics from DIFFERENT models correlate with each other. +# ------------------------------------------------------------------- +# + + +############################################################################### +# +# Sometimes, we want to look at the patterns between two different models and compare them. +# +# You can do this by constructing a matrix with the difference. +# + + +mdiff, annotation = lda_fst.diff(lda_snd, distance='jaccard', num_words=50) +plot_difference(mdiff, title="Topic difference (two models)[jaccard distance]", annotation=annotation) + +############################################################################### +# +# Looking at this matrix, you can find similar and different topics (and relevant tokens which describe the intersection and difference). +# diff --git a/docs/src/gallery/howtos/run_doc.py b/docs/src/gallery/howtos/run_doc.py new file mode 100644 index 0000000000..6f4024c92a --- /dev/null +++ b/docs/src/gallery/howtos/run_doc.py @@ -0,0 +1,184 @@ +r""" +How to Author Gensim Documentation +================================== + +Some tips of how to author documentation for ``gensim``. +""" + +import sys + +############################################################################### +# Background +# ---------- +# +# Gensim is a large project with a wide range of functionality. +# Unfortunately, not all of this functionality is documented **well**, and some of it is not documented at all. +# Without good documentation, users are unable to unlock Gensim's full potential. +# Therefore, authoring new documentation and improving existing documentation is of great value to the Gensim project. +# +# If you implement new functionality in Gensim, please include **helpful** documentation. +# By "helpful", we mean that your documentation answers questions that Gensim users may have. +# For example: +# +# - What is this new functionality? +# - **Why** is it important? +# - **How** is it relevant to Gensim? +# - **What** can I do with it? What are some real-world applications? +# - **How** do I use it to achieve those things? +# - ... and others (if you can think of them, please add them here) +# +# Before you author documentation, I suggest reading +# `"What nobody tells you about documentation" `__ +# or watching its `accompanying video `__ +# (or even both, if you're really keen). +# +# The summary of the above presentation is: there are four distinct kinds of documentation, and you really need them all: +# +# 1. Tutorials +# 2. Howto guides +# 3. Explanations +# 4. References +# +# Each kind has its own intended audience, purpose, and writing style. +# When you make a PR with new functionality, please consider authoring each kind of documentation. +# At the very least, you will (indirectly) author reference documentation through module, class and function docstrings. +# +# Mechanisms +# ---------- +# +# We keep our documentation as individual Python scripts. +# These scripts live under :file:`docs/src/gallery` in one of several subdirectories: +# +# - core: core tutorials. We try to keep this part small, avoid putting stuff here. +# - tutorials: tutorials. +# - howtos: howto guides. +# +# Pick a subdirectory and save your script under it. +# Prefix the name of the script with ``run_``: this way, the the documentation builder will run your script each time it builds our docs. +# +# The contents of the script are straightforward. +# At the very top, you need a docstring describing what your script does. + +r""" +Title +===== + +Brief description. +""" + +############################################################################### +# The title is what will show up in the gallery. +# Keep this short and descriptive. +# +# The description will appear as a tooltip in the gallery. +# When people mouse-over the title, they will see the description. +# Keep this short too. +# + +############################################################################### +# The rest of the script is Python, formatted in a special way so that Sphinx Gallery can parse it. +# The most important properties of this format are: +# +# - Sphinx Gallery will split your script into blocks +# - A block can be Python source or RST-formatted comments +# - To indicate that a block is in RST, prefix it with a line of 80 hash (#) characters. +# - All other blocks will be interpreted as Python source +# +# Read `this link `__ for more details. +# If you need further examples, check out other ``gensim`` tutorials and guides. +# All of them (including this one!) have a download link at the bottom of the page, which exposes the Python source they were generated from. +# +# You should be able to run your script directly from the command line:: +# +# python myscript.py +# +# and it should run to completion without error, occasionally printing stuff to standard output. +# + +############################################################################### +# Authoring Workflow +# ------------------ +# +# There are several ways to author documentation. +# The simplest and most straightforward is to author your ``script.py`` from scratch. +# You'll have the following cycle: +# +# 1. Make changes +# 2. Run ``python script.py`` +# 3. Check standard output, standard error and return code +# 4. If everything works well, stop. +# 5. Otherwise, go back to step 1). +# +# If the above is not your cup of tea, you can also author your documentation as a Jupyter notebook. +# This is a more flexible approach that enables you to tweak parts of the documentation and re-run them as necessary. +# +# Once you're happy with the notebook, convert it to a script.py. +# There's a helpful `script `__ that will do it for you. +# To use it:: +# +# python to_python.py < notebook.ipynb > script.py +# +# You may have to touch up the resulting ``script.py``. +# More specifically: +# +# - Update the title +# - Update the description +# - Fix any issues that the markdown-to-RST converter could not deal with +# +# Once your script.py works, put it in a suitable subdirectory. +# Please don't include your original Jupyter notebook in the repository - we won't be using it. + +############################################################################### +# Correctness +# ----------- +# +# Incorrect documentation can be worse than no documentation at all. +# Take the following steps to ensure correctness: +# +# - Run Python's doctest module on your docstrings +# - Run your documentation scripts from scratch, removing any temporary files/results +# +# Using data in your documentation +# -------------------------------- +# +# Some parts of the documentation require real-world data to be useful. +# For example, you may need more than just a toy example to demonstrate the benefits of one model over another. +# This subsection provides some tips for including data in your documentation. +# +# If possible, use data available via Gensim's +# `downloader API `__. +# This will reduce the risk of your documentation becoming obsolete because required data is no longer available. +# +# Use the smallest possible dataset: avoid making people unnecessarily load large datasets and models. +# This will make your documentation faster to run and easier for people to use (they can modify your examples and re-run them quickly). +# +# Finalizing your contribution +# ---------------------------- +# +# First, get Sphinx Gallery to build your documentation:: +# +# make -C docs/src html +# +# This can take a while if your documentation uses a large dataset, or if you've changed many other tutorials or guides. +# Once this completes successfully, open ``docs/auto_examples/index.html`` in your browser. +# You should see your new tutorial or guide in the gallery. +# +# Once your documentation script is working correctly, it's time to add it to the git repository:: +# +# git add docs/src/gallery/tutorials/run_example.py +# git add docs/src/auto_examples/tutorials/run_example.{py,py.md5,rst,ipynb} +# git add docs/src/auto_examples/howtos/sg_execution_times.rst +# git commit -m "enter a helpful commit message here" +# git push origin branchname +# +# .. Note:: +# You may be wondering what all those other files are. +# Sphinx Gallery puts a copy of your Python script in ``auto_examples/tutorials``. +# The .md5 contains MD5 hash of the script to enable easy detection of modifications. +# Gallery also generates .rst (RST for Sphinx) and .ipynb (Jupyter notebook) files from the script. +# Finally, ``sg_execution_times.rst`` contains the time taken to run each example. +# +# Finally, make a PR on `github `__. +# One of our friendly maintainers will review it, make suggestions, and eventually merge it. +# Your documentation will then appear in the gallery alongside the rest of the example. +# At that stage, give yourself a pat on the back: you're done! diff --git a/docs/src/gallery/howtos/run_doc2vec_imdb.py b/docs/src/gallery/howtos/run_doc2vec_imdb.py new file mode 100644 index 0000000000..093e060b70 --- /dev/null +++ b/docs/src/gallery/howtos/run_doc2vec_imdb.py @@ -0,0 +1,452 @@ +r""" +How to Apply Doc2Vec to Reproduce the 'Paragraph Vector' paper +============================================================== + +Shows how to reproduce results of the "Distributed Representation of Sentences and Documents" paper by Le and Mikolov using Gensim. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# Introduction +# ------------ +# +# This guide shows you how to reproduce the results of the paper by `Le and +# Mikolov 2014 `_ using Gensim. While the +# entire paper is worth reading (it's only 9 pages), we will be focusing on +# Section 3.2: "Beyond One Sentence - Sentiment Analysis with the IMDB +# dataset". +# +# This guide follows the following steps: +# +# #. Load the IMDB dataset +# #. Train a variety of Doc2Vec models on the dataset +# #. Evaluate the performance of each model using a logistic regression +# #. Examine some of the results directly: +# +# When examining results, we will look for answers for the following questions: +# +# #. Are inferred vectors close to the precalculated ones? +# #. Do close documents seem more related than distant ones? +# #. Do the word vectors show useful similarities? +# #. Are the word vectors from this dataset any good at analogies? +# +# Load corpus +# ----------- +# +# Our data for the tutorial will be the `IMDB archive +# `_. +# If you're not familiar with this dataset, then here's a brief intro: it +# contains several thousand movie reviews. +# +# Each review is a single line of text containing multiple sentences, for example: +# +# ``` +# One of the best movie-dramas I have ever seen. We do a lot of acting in the +# church and this is one that can be used as a resource that highlights all the +# good things that actors can do in their work. I highly recommend this one, +# especially for those who have an interest in acting, as a "must see." +# ``` +# +# These reviews will be the **documents** that we will work with in this tutorial. +# There are 100 thousand reviews in total. +# +# #. 25k reviews for training (12.5k positive, 12.5k negative) +# #. 25k reviews for testing (12.5k positive, 12.5k negative) +# #. 50k unlabeled reviews +# +# Out of 100k reviews, 50k have a label: either positive (the reviewer liked +# the movie) or negative. +# The remaining 50k are unlabeled. +# +# Our first task will be to prepare the dataset. +# +# More specifically, we will: +# +# #. Download the tar.gz file (it's only 84MB, so this shouldn't take too long) +# #. Unpack it and extract each movie review +# #. Split the reviews into training and test datasets +# +# First, let's define a convenient datatype for holding data for a single document: +# +# * words: The text of the document, as a ``list`` of words. +# * tags: Used to keep the index of the document in the entire dataset. +# * split: one of ``train``\ , ``test`` or ``extra``. Determines how the document will be used (for training, testing, etc). +# * sentiment: either 1 (positive), 0 (negative) or None (unlabeled document). +# +# This data type is helpful for later evaluation and reporting. +# In particular, the ``index`` member will help us quickly and easily retrieve the vectors for a document from a model. +# +import collections + +SentimentDocument = collections.namedtuple('SentimentDocument', 'words tags split sentiment') + +############################################################################### +# We can now proceed with loading the corpus. +import io +import re +import tarfile +import os.path + +import smart_open +import gensim.utils + +def download_dataset(url='http://ai.stanford.edu/~amaas/data/sentiment/aclImdb_v1.tar.gz'): + fname = url.split('/')[-1] + + if os.path.isfile(fname): + return fname + + # Download the file to local storage first. + # We can't read it on the fly because of + # https://github.com/RaRe-Technologies/smart_open/issues/331 + with smart_open.open(url, "rb", ignore_ext=True) as fin: + with smart_open.open(fname, 'wb', ignore_ext=True) as fout: + while True: + buf = fin.read(io.DEFAULT_BUFFER_SIZE) + if not buf: + break + fout.write(buf) + + return fname + +def create_sentiment_document(name, text, index): + _, split, sentiment_str, _ = name.split('/') + sentiment = {'pos': 1.0, 'neg': 0.0, 'unsup': None}[sentiment_str] + + if sentiment is None: + split = 'extra' + + tokens = gensim.utils.to_unicode(text).split() + return SentimentDocument(tokens, [index], split, sentiment) + +def extract_documents(): + fname = download_dataset() + + index = 0 + + with tarfile.open(fname, mode='r:gz') as tar: + for member in tar.getmembers(): + if re.match(r'aclImdb/(train|test)/(pos|neg|unsup)/\d+_\d+.txt$', member.name): + member_bytes = tar.extractfile(member).read() + member_text = member_bytes.decode('utf-8', errors='replace') + assert member_text.count('\n') == 0 + yield create_sentiment_document(member.name, member_text, index) + index += 1 + +alldocs = list(extract_documents()) + +############################################################################### +# Here's what a single document looks like +print(alldocs[27]) + +############################################################################### +# Extract our documents and split into training/test sets +train_docs = [doc for doc in alldocs if doc.split == 'train'] +test_docs = [doc for doc in alldocs if doc.split == 'test'] +print('%d docs: %d train-sentiment, %d test-sentiment' % (len(alldocs), len(train_docs), len(test_docs))) + +############################################################################### +# Set-up Doc2Vec Training & Evaluation Models +# ------------------------------------------- +# We approximate the experiment of Le & Mikolov `"Distributed Representations +# of Sentences and Documents" +# `_ with guidance from +# Mikolov's `example go.sh +# `_:: +# +# ./word2vec -train ../alldata-id.txt -output vectors.txt -cbow 0 -size 100 -window 10 -negative 5 -hs 0 -sample 1e-4 -threads 40 -binary 0 -iter 20 -min-count 1 -sentence-vectors 1 +# +# We vary the following parameter choices: +# +# * 100-dimensional vectors, as the 400-d vectors of the paper take a lot of +# memory and, in our tests of this task, don't seem to offer much benefit +# * Similarly, frequent word subsampling seems to decrease sentiment-prediction +# accuracy, so it's left out +# * ``cbow=0`` means skip-gram which is equivalent to the paper's 'PV-DBOW' +# mode, matched in gensim with ``dm=0`` +# * Added to that DBOW model are two DM models, one which averages context +# vectors (\ ``dm_mean``\ ) and one which concatenates them (\ ``dm_concat``\ , +# resulting in a much larger, slower, more data-hungry model) +# * A ``min_count=2`` saves quite a bit of model memory, discarding only words +# that appear in a single doc (and are thus no more expressive than the +# unique-to-each doc vectors themselves) +# + +import multiprocessing +from collections import OrderedDict + +import gensim.models.doc2vec +assert gensim.models.doc2vec.FAST_VERSION > -1, "This will be painfully slow otherwise" + +from gensim.models.doc2vec import Doc2Vec + +common_kwargs = dict( + vector_size=100, epochs=20, min_count=2, + sample=0, workers=multiprocessing.cpu_count(), negative=5, hs=0, +) + +simple_models = [ + # PV-DBOW plain + Doc2Vec(dm=0, **common_kwargs), + # PV-DM w/ default averaging; a higher starting alpha may improve CBOW/PV-DM modes + Doc2Vec(dm=1, window=10, alpha=0.05, comment='alpha=0.05', **common_kwargs), + # PV-DM w/ concatenation - big, slow, experimental mode + # window=5 (both sides) approximates paper's apparent 10-word total window size + Doc2Vec(dm=1, dm_concat=1, window=5, **common_kwargs), +] + +for model in simple_models: + model.build_vocab(alldocs) + print("%s vocabulary scanned & state initialized" % model) + +models_by_name = OrderedDict((str(model), model) for model in simple_models) + +############################################################################### +# Le and Mikolov note that combining a paragraph vector from Distributed Bag of +# Words (DBOW) and Distributed Memory (DM) improves performance. We will +# follow, pairing the models together for evaluation. Here, we concatenate the +# paragraph vectors obtained from each model with the help of a thin wrapper +# class included in a gensim test module. (Note that this a separate, later +# concatenation of output-vectors than the kind of input-window-concatenation +# enabled by the ``dm_concat=1`` mode above.) +# +from gensim.test.test_doc2vec import ConcatenatedDoc2Vec +models_by_name['dbow+dmm'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[1]]) +models_by_name['dbow+dmc'] = ConcatenatedDoc2Vec([simple_models[0], simple_models[2]]) + +############################################################################### +# Predictive Evaluation Methods +# ----------------------------- +# +# Given a document, our ``Doc2Vec`` models output a vector representation of the document. +# How useful is a particular model? +# In case of sentiment analysis, we want the ouput vector to reflect the sentiment in the input document. +# So, in vector space, positive documents should be distant from negative documents. +# +# We train a logistic regression from the training set: +# +# - regressors (inputs): document vectors from the Doc2Vec model +# - target (outpus): sentiment labels +# +# So, this logistic regression will be able to predict sentiment given a document vector. +# +# Next, we test our logistic regression on the test set, and measure the rate of errors (incorrect predictions). +# If the document vectors from the Doc2Vec model reflect the actual sentiment well, the error rate will be low. +# +# Therefore, the error rate of the logistic regression is indication of *how well* the given Doc2Vec model represents documents as vectors. +# We can then compare different ``Doc2Vec`` models by looking at their error rates. +# + +import numpy as np +import statsmodels.api as sm +from random import sample + +def logistic_predictor_from_data(train_targets, train_regressors): + """Fit a statsmodel logistic predictor on supplied data""" + logit = sm.Logit(train_targets, train_regressors) + predictor = logit.fit(disp=0) + # print(predictor.summary()) + return predictor + +def error_rate_for_model(test_model, train_set, test_set): + """Report error rate on test_doc sentiments, using supplied model and train_docs""" + + train_targets = [doc.sentiment for doc in train_set] + train_regressors = [test_model.docvecs[doc.tags[0]] for doc in train_set] + train_regressors = sm.add_constant(train_regressors) + predictor = logistic_predictor_from_data(train_targets, train_regressors) + + test_regressors = [test_model.docvecs[doc.tags[0]] for doc in test_set] + test_regressors = sm.add_constant(test_regressors) + + # Predict & evaluate + test_predictions = predictor.predict(test_regressors) + corrects = sum(np.rint(test_predictions) == [doc.sentiment for doc in test_set]) + errors = len(test_predictions) - corrects + error_rate = float(errors) / len(test_predictions) + return (error_rate, errors, len(test_predictions), predictor) + +############################################################################### +# Bulk Training & Per-Model Evaluation +# ------------------------------------ +# +# Note that doc-vector training is occurring on *all* documents of the dataset, +# which includes all TRAIN/TEST/DEV docs. Because the native document-order +# has similar-sentiment documents in large clumps – which is suboptimal for +# training – we work with once-shuffled copy of the training set. +# +# We evaluate each model's sentiment predictive power based on error rate, and +# the evaluation is done for each model. +# +# (On a 4-core 2.6Ghz Intel Core i7, these 20 passes training and evaluating 3 +# main models takes about an hour.) +# +from collections import defaultdict +error_rates = defaultdict(lambda: 1.0) # To selectively print only best errors achieved + +############################################################################### +# +from random import shuffle +shuffled_alldocs = alldocs[:] +shuffle(shuffled_alldocs) + +for model in simple_models: + print("Training %s" % model) + model.train(shuffled_alldocs, total_examples=len(shuffled_alldocs), epochs=model.epochs) + + print("\nEvaluating %s" % model) + err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs) + error_rates[str(model)] = err_rate + print("\n%f %s\n" % (err_rate, model)) + +for model in [models_by_name['dbow+dmm'], models_by_name['dbow+dmc']]: + print("\nEvaluating %s" % model) + err_rate, err_count, test_count, predictor = error_rate_for_model(model, train_docs, test_docs) + error_rates[str(model)] = err_rate + print("\n%f %s\n" % (err_rate, model)) + +############################################################################### +# Achieved Sentiment-Prediction Accuracy +# -------------------------------------- +# Compare error rates achieved, best-to-worst +print("Err_rate Model") +for rate, name in sorted((rate, name) for name, rate in error_rates.items()): + print("%f %s" % (rate, name)) + +############################################################################### +# In our testing, contrary to the results of the paper, on this problem, +# PV-DBOW alone performs as good as anything else. Concatenating vectors from +# different models only sometimes offers a tiny predictive improvement – and +# stays generally close to the best-performing solo model included. +# +# The best results achieved here are just around 10% error rate, still a long +# way from the paper's reported 7.42% error rate. +# +# (Other trials not shown, with larger vectors and other changes, also don't +# come close to the paper's reported value. Others around the net have reported +# a similar inability to reproduce the paper's best numbers. The PV-DM/C mode +# improves a bit with many more training epochs – but doesn't reach parity with +# PV-DBOW.) +# + +############################################################################### +# Examining Results +# ----------------- +# +# Let's look for answers to the following questions: +# +# #. Are inferred vectors close to the precalculated ones? +# #. Do close documents seem more related than distant ones? +# #. Do the word vectors show useful similarities? +# #. Are the word vectors from this dataset any good at analogies? +# + +############################################################################### +# Are inferred vectors close to the precalculated ones? +# ----------------------------------------------------- +doc_id = np.random.randint(simple_models[0].docvecs.count) # Pick random doc; re-run cell for more examples +print('for doc %d...' % doc_id) +for model in simple_models: + inferred_docvec = model.infer_vector(alldocs[doc_id].words) + print('%s:\n %s' % (model, model.docvecs.most_similar([inferred_docvec], topn=3))) + +############################################################################### +# (Yes, here the stored vector from 20 epochs of training is usually one of the +# closest to a freshly-inferred vector for the same words. Defaults for +# inference may benefit from tuning for each dataset or model parameters.) +# + +############################################################################### +# Do close documents seem more related than distant ones? +# ------------------------------------------------------- +import random + +doc_id = np.random.randint(simple_models[0].docvecs.count) # pick random doc, re-run cell for more examples +model = random.choice(simple_models) # and a random model +sims = model.docvecs.most_similar(doc_id, topn=model.docvecs.count) # get *all* similar documents +print(u'TARGET (%d): «%s»\n' % (doc_id, ' '.join(alldocs[doc_id].words))) +print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) +for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + s = sims[index] + i = sims[index][0] + words = ' '.join(alldocs[i].words) + print(u'%s %s: «%s»\n' % (label, s, words)) + +############################################################################### +# Somewhat, in terms of reviewer tone, movie genre, etc... the MOST +# cosine-similar docs usually seem more like the TARGET than the MEDIAN or +# LEAST... especially if the MOST has a cosine-similarity > 0.5. Re-run the +# cell to try another random target document. +# + +############################################################################### +# Do the word vectors show useful similarities? +# --------------------------------------------- +# +import random + +word_models = simple_models[:] + +def pick_random_word(model, threshold=10): + # pick a random word with a suitable number of occurences + while True: + word = random.choice(model.wv.index2word) + if model.wv.vocab[word].count > threshold: + return word + +target_word = pick_random_word(word_models[0]) +# or uncomment below line, to just pick a word from the relevant domain: +# target_word = 'comedy/drama' + +for model in word_models: + print('target_word: %r model: %s similar words:' % (target_word, model)) + for i, (word, sim) in enumerate(model.wv.most_similar(target_word, topn=10), 1): + print(' %d. %.2f %r' % (i, sim, word)) + print() + +############################################################################### +# Do the DBOW words look meaningless? That's because the gensim DBOW model +# doesn't train word vectors – they remain at their random initialized values – +# unless you ask with the ``dbow_words=1`` initialization parameter. Concurrent +# word-training slows DBOW mode significantly, and offers little improvement +# (and sometimes a little worsening) of the error rate on this IMDB +# sentiment-prediction task, but may be appropriate on other tasks, or if you +# also need word-vectors. +# +# Words from DM models tend to show meaningfully similar words when there are +# many examples in the training data (as with 'plot' or 'actor'). (All DM modes +# inherently involve word-vector training concurrent with doc-vector training.) +# + + +############################################################################### +# Are the word vectors from this dataset any good at analogies? +# ------------------------------------------------------------- + +# grab the file if not already local +questions_filename = 'questions-words.txt' +if not os.path.isfile(questions_filename): + # Download IMDB archive + print("Downloading analogy questions file...") + url = u'https://raw.githubusercontent.com/tmikolov/word2vec/master/questions-words.txt' + with smart_open.open(url, 'rb') as fin: + with smart_open.open(questions_filename, 'wb') as fout: + fout.write(fin.read()) +assert os.path.isfile(questions_filename), "questions-words.txt unavailable" +print("Success, questions-words.txt is available for next steps.") + +# Note: this analysis takes many minutes +for model in word_models: + score, sections = model.wv.evaluate_word_analogies('questions-words.txt') + correct, incorrect = len(sections[-1]['correct']), len(sections[-1]['incorrect']) + print('%s: %0.2f%% correct (%d of %d)' % (model, float(correct*100)/(correct+incorrect), correct, correct+incorrect)) + +############################################################################### +# Even though this is a tiny, domain-specific dataset, it shows some meager +# capability on the general word analogies – at least for the DM/mean and +# DM/concat models which actually train word vectors. (The untrained +# random-initialized words of the DBOW model of course fail miserably.) +# diff --git a/docs/src/gallery/howtos/run_downloader_api.py b/docs/src/gallery/howtos/run_downloader_api.py new file mode 100644 index 0000000000..ca4d3959a9 --- /dev/null +++ b/docs/src/gallery/howtos/run_downloader_api.py @@ -0,0 +1,130 @@ +r""" +How to download pre-trained models and corpora +============================================== + +Demonstrates simple and quick access to common corpora, models, and other data. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# One of Gensim's features is simple and easy access to some common data. +# The `gensim-data `_ project stores a variety of corpora, models and other data. +# Gensim has a :py:mod:`gensim.downloader` module for programmatically accessing this data. +# The module leverages a local cache that ensures data is downloaded at most once. +# +# This tutorial: +# +# * Retrieves the text8 corpus, unless it is already on your local machine +# * Trains a Word2Vec model from the corpus (see :ref:`sphx_glr_auto_examples_tutorials_run_doc2vec_lee.py` for a detailed tutorial) +# * Leverages the model to calculate word similarity +# * Demonstrates using the API to load other models and corpora +# +# Let's start by importing the api module. +# +import gensim.downloader as api + +############################################################################### +# +# Now, lets download the text8 corpus and load it to memory (automatically) +# +corpus = api.load('text8') + +############################################################################### +# In this case, corpus is an iterable. +# If you look under the covers, it has the following definition: + +import inspect +print(inspect.getsource(corpus.__class__)) + +############################################################################### +# For more details, look inside the file that defines the Dataset class for your particular resource. +# +print(inspect.getfile(corpus.__class__)) + + +############################################################################### +# +# As the corpus has been downloaded and loaded, let's create a word2vec model of our corpus. +# + +from gensim.models.word2vec import Word2Vec +model = Word2Vec(corpus) + +############################################################################### +# +# Now that we have our word2vec model, let's find words that are similar to 'tree' +# + + +print(model.most_similar('tree')) + +############################################################################### +# +# You can use the API to download many corpora and models. You can get the list of all the models and corpora that are provided, by using the code below: +# + + +import json +info = api.info() +print(json.dumps(info, indent=4)) + +############################################################################### +# There are two types of data: corpora and models. +print(info.keys()) + +############################################################################### +# Let's have a look at the available corpora: +for corpus_name, corpus_data in sorted(info['corpora'].items()): + print( + '%s (%d records): %s' % ( + corpus_name, + corpus_data.get('num_records', -1), + corpus_data['description'][:40] + '...', + ) + ) + +############################################################################### +# ... and the same for models: +for model_name, model_data in sorted(info['models'].items()): + print( + '%s (%d records): %s' % ( + model_name, + model_data.get('num_records', -1), + model_data['description'][:40] + '...', + ) + ) + +############################################################################### +# +# If you want to get detailed information about the model/corpus, use: +# + + +fake_news_info = api.info('fake-news') +print(json.dumps(fake_news_info, indent=4)) + +############################################################################### +# +# Sometimes, you do not want to load the model to memory. You would just want to get the path to the model. For that, use : +# + + +print(api.load('glove-wiki-gigaword-50', return_path=True)) + +############################################################################### +# +# If you want to load the model to memory, then: +# + + +model = api.load("glove-wiki-gigaword-50") +model.most_similar("glass") + +############################################################################### +# +# In corpora, the corpus is never loaded to memory, all corpuses wrapped to special class ``Dataset`` and provide ``__iter__`` method +# + + diff --git a/docs/src/gallery/other/README.txt b/docs/src/gallery/other/README.txt new file mode 100644 index 0000000000..d48ee9023d --- /dev/null +++ b/docs/src/gallery/other/README.txt @@ -0,0 +1,34 @@ +Other Resources +--------------- + +Blog posts, tutorial videos, hackathons and other useful Gensim resources, from around the internet. + +- *Use FastText or Word2Vec?* Comparison of embedding quality and performance. `Jupyter Notebook `__ +- Multiword phrases extracted from *How I Met Your Mother*. `Blog post by Mark Needham `__ +- *Using Gensim LDA for hierarchical document clustering*. `Jupyter notebook by Brandon Rose `__ +- *Evolution of Voldemort topic through the 7 Harry Potter books*. `Blog post `__ +- *Movie plots by genre*: Document classification using various techniques: TF-IDF, word2vec averaging, Deep IR, Word Movers Distance and doc2vec. `Github repo `__ +- *Word2vec: Faster than Google? Optimization lessons in Python*, talk by Radim Řehůřek at PyData Berlin 2014. `Youtube video `__ +- *Word2vec & friends*, talk by Radim Řehůřek at MLMU.cz 7.1.2015. `Youtube video `__ + +.. + - ? `Making an Impact with NLP `__ -- Pycon 2016 Tutorial by Hobsons Lane + - ? `NLP with NLTK and Gensim `__ -- Pycon 2016 Tutorial by Tony Ojeda, Benjamin Bengfort, Laura Lorenz from District Data Labs + - ? `Word Embeddings for Fun and Profit `__ -- Talk at PyData London 2016 talk by Lev Konstantinovskiy. See accompanying `repo `__ + - ? English Wikipedia; TODO: convert to proper .py format + - ? `Colouring words by topic in a document, print words in a + topics `__ + - ? `Topic Coherence, a metric that correlates that human judgement on topic quality. `__ + - ? `Compare topics and documents using Jaccard, Kullback-Leibler and Hellinger similarities `__ + - ? `America's Next Topic Model slides `__ + - How to choose your next topic model, presented at Pydata Berlin 10 August 2016 by Lev Konstantinovsky + - ? `Dynamic Topic Modeling and Dynamic Influence Model Tutorial `__ + - ? `Python Dynamic Topic Modelling Theory and Tutorial `__ + - ? `Word Movers Distance for Yelp Reviews tutorial `__ + - FIXME WMD superceded by soft cosine similarity = faster and better? any numbers / tutorials for that? + - ? `Great illustration of corpus preparation `__, `Code `__ + - ? `Alternative `__, + - ? `Alternative 2 `__ + - ? `Doc2Vec on customer reviews `__ + - ? `Doc2Vec on Airline Tweets Sentiment Analysis `__ + - ? `Deep Inverse Regression with Yelp Reviews `__ (Document Classification using Bayesian Inversion and several word2vec models, one for each class) diff --git a/docs/src/gallery/tutorials/README.txt b/docs/src/gallery/tutorials/README.txt new file mode 100644 index 0000000000..973fb88d44 --- /dev/null +++ b/docs/src/gallery/tutorials/README.txt @@ -0,0 +1,4 @@ +Tutorials: Learning Oriented Lessons +------------------------------------ + +Learning-oriented lessons that introduce a particular gensim feature, e.g. a model (Word2Vec, FastText) or technique (similarity queries or text summarization). diff --git a/docs/src/gallery/tutorials/datasets/questions-words.txt b/docs/src/gallery/tutorials/datasets/questions-words.txt new file mode 100644 index 0000000000..bd2963b2e9 --- /dev/null +++ b/docs/src/gallery/tutorials/datasets/questions-words.txt @@ -0,0 +1,19558 @@ +: capital-common-countries +Athens Greece Baghdad Iraq +Athens Greece Bangkok Thailand +Athens Greece Beijing China +Athens Greece Berlin Germany +Athens Greece Bern Switzerland +Athens Greece Cairo Egypt +Athens Greece Canberra Australia +Athens Greece Hanoi Vietnam +Athens Greece Havana Cuba +Athens Greece Helsinki Finland +Athens Greece Islamabad Pakistan +Athens Greece Kabul Afghanistan +Athens Greece London England +Athens Greece Madrid Spain +Athens Greece Moscow Russia +Athens Greece Oslo Norway +Athens Greece Ottawa Canada +Athens Greece Paris France +Athens Greece Rome Italy +Athens Greece Stockholm Sweden +Athens Greece Tehran Iran +Athens Greece Tokyo Japan +Baghdad Iraq Bangkok Thailand +Baghdad Iraq Beijing China +Baghdad Iraq Berlin Germany +Baghdad Iraq Bern Switzerland +Baghdad Iraq Cairo Egypt +Baghdad Iraq Canberra Australia +Baghdad Iraq Hanoi Vietnam +Baghdad Iraq Havana Cuba +Baghdad Iraq Helsinki Finland +Baghdad Iraq Islamabad Pakistan +Baghdad Iraq Kabul Afghanistan +Baghdad Iraq London England +Baghdad Iraq Madrid Spain +Baghdad Iraq Moscow Russia +Baghdad Iraq Oslo Norway +Baghdad Iraq Ottawa Canada +Baghdad Iraq Paris France +Baghdad Iraq Rome Italy +Baghdad Iraq Stockholm Sweden +Baghdad Iraq Tehran Iran +Baghdad Iraq Tokyo Japan +Baghdad Iraq Athens Greece +Bangkok Thailand Beijing China +Bangkok Thailand Berlin Germany +Bangkok Thailand Bern Switzerland +Bangkok Thailand Cairo Egypt +Bangkok Thailand Canberra Australia +Bangkok Thailand Hanoi Vietnam +Bangkok Thailand Havana Cuba +Bangkok Thailand Helsinki Finland +Bangkok Thailand Islamabad Pakistan +Bangkok Thailand Kabul Afghanistan +Bangkok Thailand London England +Bangkok Thailand Madrid Spain +Bangkok Thailand Moscow Russia +Bangkok Thailand Oslo Norway +Bangkok Thailand Ottawa Canada +Bangkok Thailand Paris France +Bangkok Thailand Rome Italy +Bangkok Thailand Stockholm Sweden +Bangkok Thailand Tehran Iran +Bangkok Thailand Tokyo Japan +Bangkok Thailand Athens Greece +Bangkok Thailand Baghdad Iraq +Beijing China Berlin Germany +Beijing China Bern Switzerland +Beijing China Cairo Egypt +Beijing China Canberra Australia +Beijing China Hanoi Vietnam +Beijing China Havana Cuba +Beijing China Helsinki Finland +Beijing China Islamabad Pakistan +Beijing China Kabul Afghanistan +Beijing China London England +Beijing China Madrid Spain +Beijing China Moscow Russia +Beijing China Oslo Norway +Beijing China Ottawa Canada +Beijing China Paris France +Beijing China Rome Italy +Beijing China Stockholm Sweden +Beijing China Tehran Iran +Beijing China Tokyo Japan +Beijing China Athens Greece +Beijing China Baghdad Iraq +Beijing China Bangkok Thailand +Berlin Germany Bern Switzerland +Berlin Germany Cairo Egypt +Berlin Germany Canberra Australia +Berlin Germany Hanoi Vietnam +Berlin Germany Havana Cuba +Berlin Germany Helsinki Finland +Berlin Germany Islamabad Pakistan +Berlin Germany Kabul Afghanistan +Berlin Germany London England +Berlin Germany Madrid Spain +Berlin Germany Moscow Russia +Berlin Germany Oslo Norway +Berlin Germany Ottawa Canada +Berlin Germany Paris France +Berlin Germany Rome Italy +Berlin Germany Stockholm Sweden +Berlin Germany Tehran Iran +Berlin Germany Tokyo Japan +Berlin Germany Athens Greece +Berlin Germany Baghdad Iraq +Berlin Germany Bangkok Thailand +Berlin Germany Beijing China +Bern Switzerland Cairo Egypt +Bern Switzerland Canberra Australia +Bern Switzerland Hanoi Vietnam +Bern Switzerland Havana Cuba +Bern Switzerland Helsinki Finland +Bern Switzerland Islamabad Pakistan +Bern Switzerland Kabul Afghanistan +Bern Switzerland London England +Bern Switzerland Madrid Spain +Bern Switzerland Moscow Russia +Bern Switzerland Oslo Norway +Bern Switzerland Ottawa Canada +Bern Switzerland Paris France +Bern Switzerland Rome Italy +Bern Switzerland Stockholm Sweden +Bern Switzerland Tehran Iran +Bern Switzerland Tokyo Japan +Bern Switzerland Athens Greece +Bern Switzerland Baghdad Iraq +Bern Switzerland Bangkok Thailand +Bern Switzerland Beijing China +Bern Switzerland Berlin Germany +Cairo Egypt Canberra Australia +Cairo Egypt Hanoi Vietnam +Cairo Egypt Havana Cuba +Cairo Egypt Helsinki Finland +Cairo Egypt Islamabad Pakistan +Cairo Egypt Kabul Afghanistan +Cairo Egypt London England +Cairo Egypt Madrid Spain +Cairo Egypt Moscow Russia +Cairo Egypt Oslo Norway +Cairo Egypt Ottawa Canada +Cairo Egypt Paris France +Cairo Egypt Rome Italy +Cairo Egypt Stockholm Sweden +Cairo Egypt Tehran Iran +Cairo Egypt Tokyo Japan +Cairo Egypt Athens Greece +Cairo Egypt Baghdad Iraq +Cairo Egypt Bangkok Thailand +Cairo Egypt Beijing China +Cairo Egypt Berlin Germany +Cairo Egypt Bern Switzerland +Canberra Australia Hanoi Vietnam +Canberra Australia Havana Cuba +Canberra Australia Helsinki Finland +Canberra Australia Islamabad Pakistan +Canberra Australia Kabul Afghanistan +Canberra Australia London England +Canberra Australia Madrid Spain +Canberra Australia Moscow Russia +Canberra Australia Oslo Norway +Canberra Australia Ottawa Canada +Canberra Australia Paris France +Canberra Australia Rome Italy +Canberra Australia Stockholm Sweden +Canberra Australia Tehran Iran +Canberra Australia Tokyo Japan +Canberra Australia Athens Greece +Canberra Australia Baghdad Iraq +Canberra Australia Bangkok Thailand +Canberra Australia Beijing China +Canberra Australia Berlin Germany +Canberra Australia Bern Switzerland +Canberra Australia Cairo Egypt +Hanoi Vietnam Havana Cuba +Hanoi Vietnam Helsinki Finland +Hanoi Vietnam Islamabad Pakistan +Hanoi Vietnam Kabul Afghanistan +Hanoi Vietnam London England +Hanoi Vietnam Madrid Spain +Hanoi Vietnam Moscow Russia +Hanoi Vietnam Oslo Norway +Hanoi Vietnam Ottawa Canada +Hanoi Vietnam Paris France +Hanoi Vietnam Rome Italy +Hanoi Vietnam Stockholm Sweden +Hanoi Vietnam Tehran Iran +Hanoi Vietnam Tokyo Japan +Hanoi Vietnam Athens Greece +Hanoi Vietnam Baghdad Iraq +Hanoi Vietnam Bangkok Thailand +Hanoi Vietnam Beijing China +Hanoi Vietnam Berlin Germany +Hanoi Vietnam Bern Switzerland +Hanoi Vietnam Cairo Egypt +Hanoi Vietnam Canberra Australia +Havana Cuba Helsinki Finland +Havana Cuba Islamabad Pakistan +Havana Cuba Kabul Afghanistan +Havana Cuba London England +Havana Cuba Madrid Spain +Havana Cuba Moscow Russia +Havana Cuba Oslo Norway +Havana Cuba Ottawa Canada +Havana Cuba Paris France +Havana Cuba Rome Italy +Havana Cuba Stockholm Sweden +Havana Cuba Tehran Iran +Havana Cuba Tokyo Japan +Havana Cuba Athens Greece +Havana Cuba Baghdad Iraq +Havana Cuba Bangkok Thailand +Havana Cuba Beijing China +Havana Cuba Berlin Germany +Havana Cuba Bern Switzerland +Havana Cuba Cairo Egypt +Havana Cuba Canberra Australia +Havana Cuba Hanoi Vietnam +Helsinki Finland Islamabad Pakistan +Helsinki Finland Kabul Afghanistan +Helsinki Finland London England +Helsinki Finland Madrid Spain +Helsinki Finland Moscow Russia +Helsinki Finland Oslo Norway +Helsinki Finland Ottawa Canada +Helsinki Finland Paris France +Helsinki Finland Rome Italy +Helsinki Finland Stockholm Sweden +Helsinki Finland Tehran Iran +Helsinki Finland Tokyo Japan +Helsinki Finland Athens Greece +Helsinki Finland Baghdad Iraq +Helsinki Finland Bangkok Thailand +Helsinki Finland Beijing China +Helsinki Finland Berlin Germany +Helsinki Finland Bern Switzerland +Helsinki Finland Cairo Egypt +Helsinki Finland Canberra Australia +Helsinki Finland Hanoi Vietnam +Helsinki Finland Havana Cuba +Islamabad Pakistan Kabul Afghanistan +Islamabad Pakistan London England +Islamabad Pakistan Madrid Spain +Islamabad Pakistan Moscow Russia +Islamabad Pakistan Oslo Norway +Islamabad Pakistan Ottawa Canada +Islamabad Pakistan Paris France +Islamabad Pakistan Rome Italy +Islamabad Pakistan Stockholm Sweden +Islamabad Pakistan Tehran Iran +Islamabad Pakistan Tokyo Japan +Islamabad Pakistan Athens Greece +Islamabad Pakistan Baghdad Iraq +Islamabad Pakistan Bangkok Thailand +Islamabad Pakistan Beijing China +Islamabad Pakistan Berlin Germany +Islamabad Pakistan Bern Switzerland +Islamabad Pakistan Cairo Egypt +Islamabad Pakistan Canberra Australia +Islamabad Pakistan Hanoi Vietnam +Islamabad Pakistan Havana Cuba +Islamabad Pakistan Helsinki Finland +Kabul Afghanistan London England +Kabul Afghanistan Madrid Spain +Kabul Afghanistan Moscow Russia +Kabul Afghanistan Oslo Norway +Kabul Afghanistan Ottawa Canada +Kabul Afghanistan Paris France +Kabul Afghanistan Rome Italy +Kabul Afghanistan Stockholm Sweden +Kabul Afghanistan Tehran Iran +Kabul Afghanistan Tokyo Japan +Kabul Afghanistan Athens Greece +Kabul Afghanistan Baghdad Iraq +Kabul Afghanistan Bangkok Thailand +Kabul Afghanistan Beijing China +Kabul Afghanistan Berlin Germany +Kabul Afghanistan Bern Switzerland +Kabul Afghanistan Cairo Egypt +Kabul Afghanistan Canberra Australia +Kabul Afghanistan Hanoi Vietnam +Kabul Afghanistan Havana Cuba +Kabul Afghanistan Helsinki Finland +Kabul Afghanistan Islamabad Pakistan +London England Madrid Spain +London England Moscow Russia +London England Oslo Norway +London England Ottawa Canada +London England Paris France +London England Rome Italy +London England Stockholm Sweden +London England Tehran Iran +London England Tokyo Japan +London England Athens Greece +London England Baghdad Iraq +London England Bangkok Thailand +London England Beijing China +London England Berlin Germany +London England Bern Switzerland +London England Cairo Egypt +London England Canberra Australia +London England Hanoi Vietnam +London England Havana Cuba +London England Helsinki Finland +London England Islamabad Pakistan +London England Kabul Afghanistan +Madrid Spain Moscow Russia +Madrid Spain Oslo Norway +Madrid Spain Ottawa Canada +Madrid Spain Paris France +Madrid Spain Rome Italy +Madrid Spain Stockholm Sweden +Madrid Spain Tehran Iran +Madrid Spain Tokyo Japan +Madrid Spain Athens Greece +Madrid Spain Baghdad Iraq +Madrid Spain Bangkok Thailand +Madrid Spain Beijing China +Madrid Spain Berlin Germany +Madrid Spain Bern Switzerland +Madrid Spain Cairo Egypt +Madrid Spain Canberra Australia +Madrid Spain Hanoi Vietnam +Madrid Spain Havana Cuba +Madrid Spain Helsinki Finland +Madrid Spain Islamabad Pakistan +Madrid Spain Kabul Afghanistan +Madrid Spain London England +Moscow Russia Oslo Norway +Moscow Russia Ottawa Canada +Moscow Russia Paris France +Moscow Russia Rome Italy +Moscow Russia Stockholm Sweden +Moscow Russia Tehran Iran +Moscow Russia Tokyo Japan +Moscow Russia Athens Greece +Moscow Russia Baghdad Iraq +Moscow Russia Bangkok Thailand +Moscow Russia Beijing China +Moscow Russia Berlin Germany +Moscow Russia Bern Switzerland +Moscow Russia Cairo Egypt +Moscow Russia Canberra Australia +Moscow Russia Hanoi Vietnam +Moscow Russia Havana Cuba +Moscow Russia Helsinki Finland +Moscow Russia Islamabad Pakistan +Moscow Russia Kabul Afghanistan +Moscow Russia London England +Moscow Russia Madrid Spain +Oslo Norway Ottawa Canada +Oslo Norway Paris France +Oslo Norway Rome Italy +Oslo Norway Stockholm Sweden +Oslo Norway Tehran Iran +Oslo Norway Tokyo Japan +Oslo Norway Athens Greece +Oslo Norway Baghdad Iraq +Oslo Norway Bangkok Thailand +Oslo Norway Beijing China +Oslo Norway Berlin Germany +Oslo Norway Bern Switzerland +Oslo Norway Cairo Egypt +Oslo Norway Canberra Australia +Oslo Norway Hanoi Vietnam +Oslo Norway Havana Cuba +Oslo Norway Helsinki Finland +Oslo Norway Islamabad Pakistan +Oslo Norway Kabul Afghanistan +Oslo Norway London England +Oslo Norway Madrid Spain +Oslo Norway Moscow Russia +Ottawa Canada Paris France +Ottawa Canada Rome Italy +Ottawa Canada Stockholm Sweden +Ottawa Canada Tehran Iran +Ottawa Canada Tokyo Japan +Ottawa Canada Athens Greece +Ottawa Canada Baghdad Iraq +Ottawa Canada Bangkok Thailand +Ottawa Canada Beijing China +Ottawa Canada Berlin Germany +Ottawa Canada Bern Switzerland +Ottawa Canada Cairo Egypt +Ottawa Canada Canberra Australia +Ottawa Canada Hanoi Vietnam +Ottawa Canada Havana Cuba +Ottawa Canada Helsinki Finland +Ottawa Canada Islamabad Pakistan +Ottawa Canada Kabul Afghanistan +Ottawa Canada London England +Ottawa Canada Madrid Spain +Ottawa Canada Moscow Russia +Ottawa Canada Oslo Norway +Paris France Rome Italy +Paris France Stockholm Sweden +Paris France Tehran Iran +Paris France Tokyo Japan +Paris France Athens Greece +Paris France Baghdad Iraq +Paris France Bangkok Thailand +Paris France Beijing China +Paris France Berlin Germany +Paris France Bern Switzerland +Paris France Cairo Egypt +Paris France Canberra Australia +Paris France Hanoi Vietnam +Paris France Havana Cuba +Paris France Helsinki Finland +Paris France Islamabad Pakistan +Paris France Kabul Afghanistan +Paris France London England +Paris France Madrid Spain +Paris France Moscow Russia +Paris France Oslo Norway +Paris France Ottawa Canada +Rome Italy Stockholm Sweden +Rome Italy Tehran Iran +Rome Italy Tokyo Japan +Rome Italy Athens Greece +Rome Italy Baghdad Iraq +Rome Italy Bangkok Thailand +Rome Italy Beijing China +Rome Italy Berlin Germany +Rome Italy Bern Switzerland +Rome Italy Cairo Egypt +Rome Italy Canberra Australia +Rome Italy Hanoi Vietnam +Rome Italy Havana Cuba +Rome Italy Helsinki Finland +Rome Italy Islamabad Pakistan +Rome Italy Kabul Afghanistan +Rome Italy London England +Rome Italy Madrid Spain +Rome Italy Moscow Russia +Rome Italy Oslo Norway +Rome Italy Ottawa Canada +Rome Italy Paris France +Stockholm Sweden Tehran Iran +Stockholm Sweden Tokyo Japan +Stockholm Sweden Athens Greece +Stockholm Sweden Baghdad Iraq +Stockholm Sweden Bangkok Thailand +Stockholm Sweden Beijing China +Stockholm Sweden Berlin Germany +Stockholm Sweden Bern Switzerland +Stockholm Sweden Cairo Egypt +Stockholm Sweden Canberra Australia +Stockholm Sweden Hanoi Vietnam +Stockholm Sweden Havana Cuba +Stockholm Sweden Helsinki Finland +Stockholm Sweden Islamabad Pakistan +Stockholm Sweden Kabul Afghanistan +Stockholm Sweden London England +Stockholm Sweden Madrid Spain +Stockholm Sweden Moscow Russia +Stockholm Sweden Oslo Norway +Stockholm Sweden Ottawa Canada +Stockholm Sweden Paris France +Stockholm Sweden Rome Italy +Tehran Iran Tokyo Japan +Tehran Iran Athens Greece +Tehran Iran Baghdad Iraq +Tehran Iran Bangkok Thailand +Tehran Iran Beijing China +Tehran Iran Berlin Germany +Tehran Iran Bern Switzerland +Tehran Iran Cairo Egypt +Tehran Iran Canberra Australia +Tehran Iran Hanoi Vietnam +Tehran Iran Havana Cuba +Tehran Iran Helsinki Finland +Tehran Iran Islamabad Pakistan +Tehran Iran Kabul Afghanistan +Tehran Iran London England +Tehran Iran Madrid Spain +Tehran Iran Moscow Russia +Tehran Iran Oslo Norway +Tehran Iran Ottawa Canada +Tehran Iran Paris France +Tehran Iran Rome Italy +Tehran Iran Stockholm Sweden +Tokyo Japan Athens Greece +Tokyo Japan Baghdad Iraq +Tokyo Japan Bangkok Thailand +Tokyo Japan Beijing China +Tokyo Japan Berlin Germany +Tokyo Japan Bern Switzerland +Tokyo Japan Cairo Egypt +Tokyo Japan Canberra Australia +Tokyo Japan Hanoi Vietnam +Tokyo Japan Havana Cuba +Tokyo Japan Helsinki Finland +Tokyo Japan Islamabad Pakistan +Tokyo Japan Kabul Afghanistan +Tokyo Japan London England +Tokyo Japan Madrid Spain +Tokyo Japan Moscow Russia +Tokyo Japan Oslo Norway +Tokyo Japan Ottawa Canada +Tokyo Japan Paris France +Tokyo Japan Rome Italy +Tokyo Japan Stockholm Sweden +Tokyo Japan Tehran Iran +: capital-world +Abuja Nigeria Accra Ghana +Abuja Nigeria Algiers Algeria +Abuja Nigeria Amman Jordan +Abuja Nigeria Ankara Turkey +Abuja Nigeria Antananarivo Madagascar +Abuja Nigeria Apia Samoa +Abuja Nigeria Ashgabat Turkmenistan +Abuja Nigeria Asmara Eritrea +Abuja Nigeria Astana Kazakhstan +Abuja Nigeria Athens Greece +Abuja Nigeria Baghdad Iraq +Abuja Nigeria Baku Azerbaijan +Abuja Nigeria Bamako Mali +Abuja Nigeria Bangkok Thailand +Abuja Nigeria Banjul Gambia +Abuja Nigeria Beijing China +Abuja Nigeria Beirut Lebanon +Abuja Nigeria Belgrade Serbia +Abuja Nigeria Belmopan Belize +Abuja Nigeria Berlin Germany +Abuja Nigeria Bern Switzerland +Abuja Nigeria Bishkek Kyrgyzstan +Abuja Nigeria Bratislava Slovakia +Abuja Nigeria Brussels Belgium +Abuja Nigeria Bucharest Romania +Abuja Nigeria Budapest Hungary +Abuja Nigeria Bujumbura Burundi +Abuja Nigeria Cairo Egypt +Abuja Nigeria Canberra Australia +Abuja Nigeria Caracas Venezuela +Abuja Nigeria Chisinau Moldova +Abuja Nigeria Conakry Guinea +Abuja Nigeria Copenhagen Denmark +Abuja Nigeria Dakar Senegal +Abuja Nigeria Damascus Syria +Abuja Nigeria Dhaka Bangladesh +Abuja Nigeria Doha Qatar +Abuja Nigeria Dublin Ireland +Abuja Nigeria Dushanbe Tajikistan +Accra Ghana Algiers Algeria +Accra Ghana Amman Jordan +Accra Ghana Ankara Turkey +Accra Ghana Antananarivo Madagascar +Accra Ghana Apia Samoa +Accra Ghana Ashgabat Turkmenistan +Accra Ghana Asmara Eritrea +Accra Ghana Astana Kazakhstan +Accra Ghana Athens Greece +Accra Ghana Baghdad Iraq +Accra Ghana Baku Azerbaijan +Accra Ghana Bamako Mali +Accra Ghana Bangkok Thailand +Accra Ghana Banjul Gambia +Accra Ghana Beijing China +Accra Ghana Beirut Lebanon +Accra Ghana Belgrade Serbia +Accra Ghana Belmopan Belize +Accra Ghana Berlin Germany +Accra Ghana Bern Switzerland +Accra Ghana Bishkek Kyrgyzstan +Accra Ghana Bratislava Slovakia +Accra Ghana Brussels Belgium +Accra Ghana Bucharest Romania +Accra Ghana Budapest Hungary +Accra Ghana Bujumbura Burundi +Accra Ghana Cairo Egypt +Accra Ghana Canberra Australia +Accra Ghana Caracas Venezuela +Accra Ghana Chisinau Moldova +Accra Ghana Conakry Guinea +Accra Ghana Copenhagen Denmark +Accra Ghana Dakar Senegal +Accra Ghana Damascus Syria +Accra Ghana Dhaka Bangladesh +Accra Ghana Doha Qatar +Accra Ghana Dublin Ireland +Accra Ghana Dushanbe Tajikistan +Accra Ghana Funafuti Tuvalu +Algiers Algeria Amman Jordan +Algiers Algeria Ankara Turkey +Algiers Algeria Antananarivo Madagascar +Algiers Algeria Apia Samoa +Algiers Algeria Ashgabat Turkmenistan +Algiers Algeria Asmara Eritrea +Algiers Algeria Astana Kazakhstan +Algiers Algeria Athens Greece +Algiers Algeria Baghdad Iraq +Algiers Algeria Baku Azerbaijan +Algiers Algeria Bamako Mali +Algiers Algeria Bangkok Thailand +Algiers Algeria Banjul Gambia +Algiers Algeria Beijing China +Algiers Algeria Beirut Lebanon +Algiers Algeria Belgrade Serbia +Algiers Algeria Belmopan Belize +Algiers Algeria Berlin Germany +Algiers Algeria Bern Switzerland +Algiers Algeria Bishkek Kyrgyzstan +Algiers Algeria Bratislava Slovakia +Algiers Algeria Brussels Belgium +Algiers Algeria Bucharest Romania +Algiers Algeria Budapest Hungary +Algiers Algeria Bujumbura Burundi +Algiers Algeria Cairo Egypt +Algiers Algeria Canberra Australia +Algiers Algeria Caracas Venezuela +Algiers Algeria Chisinau Moldova +Algiers Algeria Conakry Guinea +Algiers Algeria Copenhagen Denmark +Algiers Algeria Dakar Senegal +Algiers Algeria Damascus Syria +Algiers Algeria Dhaka Bangladesh +Algiers Algeria Doha Qatar +Algiers Algeria Dublin Ireland +Algiers Algeria Dushanbe Tajikistan +Algiers Algeria Funafuti Tuvalu +Algiers Algeria Gaborone Botswana +Amman Jordan Ankara Turkey +Amman Jordan Antananarivo Madagascar +Amman Jordan Apia Samoa +Amman Jordan Ashgabat Turkmenistan +Amman Jordan Asmara Eritrea +Amman Jordan Astana Kazakhstan +Amman Jordan Athens Greece +Amman Jordan Baghdad Iraq +Amman Jordan Baku Azerbaijan +Amman Jordan Bamako Mali +Amman Jordan Bangkok Thailand +Amman Jordan Banjul Gambia +Amman Jordan Beijing China +Amman Jordan Beirut Lebanon +Amman Jordan Belgrade Serbia +Amman Jordan Belmopan Belize +Amman Jordan Berlin Germany +Amman Jordan Bern Switzerland +Amman Jordan Bishkek Kyrgyzstan +Amman Jordan Bratislava Slovakia +Amman Jordan Brussels Belgium +Amman Jordan Bucharest Romania +Amman Jordan Budapest Hungary +Amman Jordan Bujumbura Burundi +Amman Jordan Cairo Egypt +Amman Jordan Canberra Australia +Amman Jordan Caracas Venezuela +Amman Jordan Chisinau Moldova +Amman Jordan Conakry Guinea +Amman Jordan Copenhagen Denmark +Amman Jordan Dakar Senegal +Amman Jordan Damascus Syria +Amman Jordan Dhaka Bangladesh +Amman Jordan Doha Qatar +Amman Jordan Dublin Ireland +Amman Jordan Dushanbe Tajikistan +Amman Jordan Funafuti Tuvalu +Amman Jordan Gaborone Botswana +Amman Jordan Georgetown Guyana +Ankara Turkey Antananarivo Madagascar +Ankara Turkey Apia Samoa +Ankara Turkey Ashgabat Turkmenistan +Ankara Turkey Asmara Eritrea +Ankara Turkey Astana Kazakhstan +Ankara Turkey Athens Greece +Ankara Turkey Baghdad Iraq +Ankara Turkey Baku Azerbaijan +Ankara Turkey Bamako Mali +Ankara Turkey Bangkok Thailand +Ankara Turkey Banjul Gambia +Ankara Turkey Beijing China +Ankara Turkey Beirut Lebanon +Ankara Turkey Belgrade Serbia +Ankara Turkey Belmopan Belize +Ankara Turkey Berlin Germany +Ankara Turkey Bern Switzerland +Ankara Turkey Bishkek Kyrgyzstan +Ankara Turkey Bratislava Slovakia +Ankara Turkey Brussels Belgium +Ankara Turkey Bucharest Romania +Ankara Turkey Budapest Hungary +Ankara Turkey Bujumbura Burundi +Ankara Turkey Cairo Egypt +Ankara Turkey Canberra Australia +Ankara Turkey Caracas Venezuela +Ankara Turkey Chisinau Moldova +Ankara Turkey Conakry Guinea +Ankara Turkey Copenhagen Denmark +Ankara Turkey Dakar Senegal +Ankara Turkey Damascus Syria +Ankara Turkey Dhaka Bangladesh +Ankara Turkey Doha Qatar +Ankara Turkey Dublin Ireland +Ankara Turkey Dushanbe Tajikistan +Ankara Turkey Funafuti Tuvalu +Ankara Turkey Gaborone Botswana +Ankara Turkey Georgetown Guyana +Ankara Turkey Hanoi Vietnam +Antananarivo Madagascar Apia Samoa +Antananarivo Madagascar Ashgabat Turkmenistan +Antananarivo Madagascar Asmara Eritrea +Antananarivo Madagascar Astana Kazakhstan +Antananarivo Madagascar Athens Greece +Antananarivo Madagascar Baghdad Iraq +Antananarivo Madagascar Baku Azerbaijan +Antananarivo Madagascar Bamako Mali +Antananarivo Madagascar Bangkok Thailand +Antananarivo Madagascar Banjul Gambia +Antananarivo Madagascar Beijing China +Antananarivo Madagascar Beirut Lebanon +Antananarivo Madagascar Belgrade Serbia +Antananarivo Madagascar Belmopan Belize +Antananarivo Madagascar Berlin Germany +Antananarivo Madagascar Bern Switzerland +Antananarivo Madagascar Bishkek Kyrgyzstan +Antananarivo Madagascar Bratislava Slovakia +Antananarivo Madagascar Brussels Belgium +Antananarivo Madagascar Bucharest Romania +Antananarivo Madagascar Budapest Hungary +Antananarivo Madagascar Bujumbura Burundi +Antananarivo Madagascar Cairo Egypt +Antananarivo Madagascar Canberra Australia +Antananarivo Madagascar Caracas Venezuela +Antananarivo Madagascar Chisinau Moldova +Antananarivo Madagascar Conakry Guinea +Antananarivo Madagascar Copenhagen Denmark +Antananarivo Madagascar Dakar Senegal +Antananarivo Madagascar Damascus Syria +Antananarivo Madagascar Dhaka Bangladesh +Antananarivo Madagascar Doha Qatar +Antananarivo Madagascar Dublin Ireland +Antananarivo Madagascar Dushanbe Tajikistan +Antananarivo Madagascar Funafuti Tuvalu +Antananarivo Madagascar Gaborone Botswana +Antananarivo Madagascar Georgetown Guyana +Antananarivo Madagascar Hanoi Vietnam +Antananarivo Madagascar Harare Zimbabwe +Apia Samoa Ashgabat Turkmenistan +Apia Samoa Asmara Eritrea +Apia Samoa Astana Kazakhstan +Apia Samoa Athens Greece +Apia Samoa Baghdad Iraq +Apia Samoa Baku Azerbaijan +Apia Samoa Bamako Mali +Apia Samoa Bangkok Thailand +Apia Samoa Banjul Gambia +Apia Samoa Beijing China +Apia Samoa Beirut Lebanon +Apia Samoa Belgrade Serbia +Apia Samoa Belmopan Belize +Apia Samoa Berlin Germany +Apia Samoa Bern Switzerland +Apia Samoa Bishkek Kyrgyzstan +Apia Samoa Bratislava Slovakia +Apia Samoa Brussels Belgium +Apia Samoa Bucharest Romania +Apia Samoa Budapest Hungary +Apia Samoa Bujumbura Burundi +Apia Samoa Cairo Egypt +Apia Samoa Canberra Australia +Apia Samoa Caracas Venezuela +Apia Samoa Chisinau Moldova +Apia Samoa Conakry Guinea +Apia Samoa Copenhagen Denmark +Apia Samoa Dakar Senegal +Apia Samoa Damascus Syria +Apia Samoa Dhaka Bangladesh +Apia Samoa Doha Qatar +Apia Samoa Dublin Ireland +Apia Samoa Dushanbe Tajikistan +Apia Samoa Funafuti Tuvalu +Apia Samoa Gaborone Botswana +Apia Samoa Georgetown Guyana +Apia Samoa Hanoi Vietnam +Apia Samoa Harare Zimbabwe +Apia Samoa Havana Cuba +Ashgabat Turkmenistan Asmara Eritrea +Ashgabat Turkmenistan Astana Kazakhstan +Ashgabat Turkmenistan Athens Greece +Ashgabat Turkmenistan Baghdad Iraq +Ashgabat Turkmenistan Baku Azerbaijan +Ashgabat Turkmenistan Bamako Mali +Ashgabat Turkmenistan Bangkok Thailand +Ashgabat Turkmenistan Banjul Gambia +Ashgabat Turkmenistan Beijing China +Ashgabat Turkmenistan Beirut Lebanon +Ashgabat Turkmenistan Belgrade Serbia +Ashgabat Turkmenistan Belmopan Belize +Ashgabat Turkmenistan Berlin Germany +Ashgabat Turkmenistan Bern Switzerland +Ashgabat Turkmenistan Bishkek Kyrgyzstan +Ashgabat Turkmenistan Bratislava Slovakia +Ashgabat Turkmenistan Brussels Belgium +Ashgabat Turkmenistan Bucharest Romania +Ashgabat Turkmenistan Budapest Hungary +Ashgabat Turkmenistan Bujumbura Burundi +Ashgabat Turkmenistan Cairo Egypt +Ashgabat Turkmenistan Canberra Australia +Ashgabat Turkmenistan Caracas Venezuela +Ashgabat Turkmenistan Chisinau Moldova +Ashgabat Turkmenistan Conakry Guinea +Ashgabat Turkmenistan Copenhagen Denmark +Ashgabat Turkmenistan Dakar Senegal +Ashgabat Turkmenistan Damascus Syria +Ashgabat Turkmenistan Dhaka Bangladesh +Ashgabat Turkmenistan Doha Qatar +Ashgabat Turkmenistan Dublin Ireland +Ashgabat Turkmenistan Dushanbe Tajikistan +Ashgabat Turkmenistan Funafuti Tuvalu +Ashgabat Turkmenistan Gaborone Botswana +Ashgabat Turkmenistan Georgetown Guyana +Ashgabat Turkmenistan Hanoi Vietnam +Ashgabat Turkmenistan Harare Zimbabwe +Ashgabat Turkmenistan Havana Cuba +Ashgabat Turkmenistan Helsinki Finland +Asmara Eritrea Astana Kazakhstan +Asmara Eritrea Athens Greece +Asmara Eritrea Baghdad Iraq +Asmara Eritrea Baku Azerbaijan +Asmara Eritrea Bamako Mali +Asmara Eritrea Bangkok Thailand +Asmara Eritrea Banjul Gambia +Asmara Eritrea Beijing China +Asmara Eritrea Beirut Lebanon +Asmara Eritrea Belgrade Serbia +Asmara Eritrea Belmopan Belize +Asmara Eritrea Berlin Germany +Asmara Eritrea Bern Switzerland +Asmara Eritrea Bishkek Kyrgyzstan +Asmara Eritrea Bratislava Slovakia +Asmara Eritrea Brussels Belgium +Asmara Eritrea Bucharest Romania +Asmara Eritrea Budapest Hungary +Asmara Eritrea Bujumbura Burundi +Asmara Eritrea Cairo Egypt +Asmara Eritrea Canberra Australia +Asmara Eritrea Caracas Venezuela +Asmara Eritrea Chisinau Moldova +Asmara Eritrea Conakry Guinea +Asmara Eritrea Copenhagen Denmark +Asmara Eritrea Dakar Senegal +Asmara Eritrea Damascus Syria +Asmara Eritrea Dhaka Bangladesh +Asmara Eritrea Doha Qatar +Asmara Eritrea Dublin Ireland +Asmara Eritrea Dushanbe Tajikistan +Asmara Eritrea Funafuti Tuvalu +Asmara Eritrea Gaborone Botswana +Asmara Eritrea Georgetown Guyana +Asmara Eritrea Hanoi Vietnam +Asmara Eritrea Harare Zimbabwe +Asmara Eritrea Havana Cuba +Asmara Eritrea Helsinki Finland +Asmara Eritrea Islamabad Pakistan +Astana Kazakhstan Athens Greece +Astana Kazakhstan Baghdad Iraq +Astana Kazakhstan Baku Azerbaijan +Astana Kazakhstan Bamako Mali +Astana Kazakhstan Bangkok Thailand +Astana Kazakhstan Banjul Gambia +Astana Kazakhstan Beijing China +Astana Kazakhstan Beirut Lebanon +Astana Kazakhstan Belgrade Serbia +Astana Kazakhstan Belmopan Belize +Astana Kazakhstan Berlin Germany +Astana Kazakhstan Bern Switzerland +Astana Kazakhstan Bishkek Kyrgyzstan +Astana Kazakhstan Bratislava Slovakia +Astana Kazakhstan Brussels Belgium +Astana Kazakhstan Bucharest Romania +Astana Kazakhstan Budapest Hungary +Astana Kazakhstan Bujumbura Burundi +Astana Kazakhstan Cairo Egypt +Astana Kazakhstan Canberra Australia +Astana Kazakhstan Caracas Venezuela +Astana Kazakhstan Chisinau Moldova +Astana Kazakhstan Conakry Guinea +Astana Kazakhstan Copenhagen Denmark +Astana Kazakhstan Dakar Senegal +Astana Kazakhstan Damascus Syria +Astana Kazakhstan Dhaka Bangladesh +Astana Kazakhstan Doha Qatar +Astana Kazakhstan Dublin Ireland +Astana Kazakhstan Dushanbe Tajikistan +Astana Kazakhstan Funafuti Tuvalu +Astana Kazakhstan Gaborone Botswana +Astana Kazakhstan Georgetown Guyana +Astana Kazakhstan Hanoi Vietnam +Astana Kazakhstan Harare Zimbabwe +Astana Kazakhstan Havana Cuba +Astana Kazakhstan Helsinki Finland +Astana Kazakhstan Islamabad Pakistan +Astana Kazakhstan Jakarta Indonesia +Athens Greece Baghdad Iraq +Athens Greece Baku Azerbaijan +Athens Greece Bamako Mali +Athens Greece Bangkok Thailand +Athens Greece Banjul Gambia +Athens Greece Beijing China +Athens Greece Beirut Lebanon +Athens Greece Belgrade Serbia +Athens Greece Belmopan Belize +Athens Greece Berlin Germany +Athens Greece Bern Switzerland +Athens Greece Bishkek Kyrgyzstan +Athens Greece Bratislava Slovakia +Athens Greece Brussels Belgium +Athens Greece Bucharest Romania +Athens Greece Budapest Hungary +Athens Greece Bujumbura Burundi +Athens Greece Cairo Egypt +Athens Greece Canberra Australia +Athens Greece Caracas Venezuela +Athens Greece Chisinau Moldova +Athens Greece Conakry Guinea +Athens Greece Copenhagen Denmark +Athens Greece Dakar Senegal +Athens Greece Damascus Syria +Athens Greece Dhaka Bangladesh +Athens Greece Doha Qatar +Athens Greece Dublin Ireland +Athens Greece Dushanbe Tajikistan +Athens Greece Funafuti Tuvalu +Athens Greece Gaborone Botswana +Athens Greece Georgetown Guyana +Athens Greece Hanoi Vietnam +Athens Greece Harare Zimbabwe +Athens Greece Havana Cuba +Athens Greece Helsinki Finland +Athens Greece Islamabad Pakistan +Athens Greece Jakarta Indonesia +Athens Greece Kabul Afghanistan +Baghdad Iraq Baku Azerbaijan +Baghdad Iraq Bamako Mali +Baghdad Iraq Bangkok Thailand +Baghdad Iraq Banjul Gambia +Baghdad Iraq Beijing China +Baghdad Iraq Beirut Lebanon +Baghdad Iraq Belgrade Serbia +Baghdad Iraq Belmopan Belize +Baghdad Iraq Berlin Germany +Baghdad Iraq Bern Switzerland +Baghdad Iraq Bishkek Kyrgyzstan +Baghdad Iraq Bratislava Slovakia +Baghdad Iraq Brussels Belgium +Baghdad Iraq Bucharest Romania +Baghdad Iraq Budapest Hungary +Baghdad Iraq Bujumbura Burundi +Baghdad Iraq Cairo Egypt +Baghdad Iraq Canberra Australia +Baghdad Iraq Caracas Venezuela +Baghdad Iraq Chisinau Moldova +Baghdad Iraq Conakry Guinea +Baghdad Iraq Copenhagen Denmark +Baghdad Iraq Dakar Senegal +Baghdad Iraq Damascus Syria +Baghdad Iraq Dhaka Bangladesh +Baghdad Iraq Doha Qatar +Baghdad Iraq Dublin Ireland +Baghdad Iraq Dushanbe Tajikistan +Baghdad Iraq Funafuti Tuvalu +Baghdad Iraq Gaborone Botswana +Baghdad Iraq Georgetown Guyana +Baghdad Iraq Hanoi Vietnam +Baghdad Iraq Harare Zimbabwe +Baghdad Iraq Havana Cuba +Baghdad Iraq Helsinki Finland +Baghdad Iraq Islamabad Pakistan +Baghdad Iraq Jakarta Indonesia +Baghdad Iraq Kabul Afghanistan +Baghdad Iraq Kampala Uganda +Baku Azerbaijan Bamako Mali +Baku Azerbaijan Bangkok Thailand +Baku Azerbaijan Banjul Gambia +Baku Azerbaijan Beijing China +Baku Azerbaijan Beirut Lebanon +Baku Azerbaijan Belgrade Serbia +Baku Azerbaijan Belmopan Belize +Baku Azerbaijan Berlin Germany +Baku Azerbaijan Bern Switzerland +Baku Azerbaijan Bishkek Kyrgyzstan +Baku Azerbaijan Bratislava Slovakia +Baku Azerbaijan Brussels Belgium +Baku Azerbaijan Bucharest Romania +Baku Azerbaijan Budapest Hungary +Baku Azerbaijan Bujumbura Burundi +Baku Azerbaijan Cairo Egypt +Baku Azerbaijan Canberra Australia +Baku Azerbaijan Caracas Venezuela +Baku Azerbaijan Chisinau Moldova +Baku Azerbaijan Conakry Guinea +Baku Azerbaijan Copenhagen Denmark +Baku Azerbaijan Dakar Senegal +Baku Azerbaijan Damascus Syria +Baku Azerbaijan Dhaka Bangladesh +Baku Azerbaijan Doha Qatar +Baku Azerbaijan Dublin Ireland +Baku Azerbaijan Dushanbe Tajikistan +Baku Azerbaijan Funafuti Tuvalu +Baku Azerbaijan Gaborone Botswana +Baku Azerbaijan Georgetown Guyana +Baku Azerbaijan Hanoi Vietnam +Baku Azerbaijan Harare Zimbabwe +Baku Azerbaijan Havana Cuba +Baku Azerbaijan Helsinki Finland +Baku Azerbaijan Islamabad Pakistan +Baku Azerbaijan Jakarta Indonesia +Baku Azerbaijan Kabul Afghanistan +Baku Azerbaijan Kampala Uganda +Baku Azerbaijan Kathmandu Nepal +Bamako Mali Bangkok Thailand +Bamako Mali Banjul Gambia +Bamako Mali Beijing China +Bamako Mali Beirut Lebanon +Bamako Mali Belgrade Serbia +Bamako Mali Belmopan Belize +Bamako Mali Berlin Germany +Bamako Mali Bern Switzerland +Bamako Mali Bishkek Kyrgyzstan +Bamako Mali Bratislava Slovakia +Bamako Mali Brussels Belgium +Bamako Mali Bucharest Romania +Bamako Mali Budapest Hungary +Bamako Mali Bujumbura Burundi +Bamako Mali Cairo Egypt +Bamako Mali Canberra Australia +Bamako Mali Caracas Venezuela +Bamako Mali Chisinau Moldova +Bamako Mali Conakry Guinea +Bamako Mali Copenhagen Denmark +Bamako Mali Dakar Senegal +Bamako Mali Damascus Syria +Bamako Mali Dhaka Bangladesh +Bamako Mali Doha Qatar +Bamako Mali Dublin Ireland +Bamako Mali Dushanbe Tajikistan +Bamako Mali Funafuti Tuvalu +Bamako Mali Gaborone Botswana +Bamako Mali Georgetown Guyana +Bamako Mali Hanoi Vietnam +Bamako Mali Harare Zimbabwe +Bamako Mali Havana Cuba +Bamako Mali Helsinki Finland +Bamako Mali Islamabad Pakistan +Bamako Mali Jakarta Indonesia +Bamako Mali Kabul Afghanistan +Bamako Mali Kampala Uganda +Bamako Mali Kathmandu Nepal +Bamako Mali Khartoum Sudan +Bangkok Thailand Banjul Gambia +Bangkok Thailand Beijing China +Bangkok Thailand Beirut Lebanon +Bangkok Thailand Belgrade Serbia +Bangkok Thailand Belmopan Belize +Bangkok Thailand Berlin Germany +Bangkok Thailand Bern Switzerland +Bangkok Thailand Bishkek Kyrgyzstan +Bangkok Thailand Bratislava Slovakia +Bangkok Thailand Brussels Belgium +Bangkok Thailand Bucharest Romania +Bangkok Thailand Budapest Hungary +Bangkok Thailand Bujumbura Burundi +Bangkok Thailand Cairo Egypt +Bangkok Thailand Canberra Australia +Bangkok Thailand Caracas Venezuela +Bangkok Thailand Chisinau Moldova +Bangkok Thailand Conakry Guinea +Bangkok Thailand Copenhagen Denmark +Bangkok Thailand Dakar Senegal +Bangkok Thailand Damascus Syria +Bangkok Thailand Dhaka Bangladesh +Bangkok Thailand Doha Qatar +Bangkok Thailand Dublin Ireland +Bangkok Thailand Dushanbe Tajikistan +Bangkok Thailand Funafuti Tuvalu +Bangkok Thailand Gaborone Botswana +Bangkok Thailand Georgetown Guyana +Bangkok Thailand Hanoi Vietnam +Bangkok Thailand Harare Zimbabwe +Bangkok Thailand Havana Cuba +Bangkok Thailand Helsinki Finland +Bangkok Thailand Islamabad Pakistan +Bangkok Thailand Jakarta Indonesia +Bangkok Thailand Kabul Afghanistan +Bangkok Thailand Kampala Uganda +Bangkok Thailand Kathmandu Nepal +Bangkok Thailand Khartoum Sudan +Bangkok Thailand Kiev Ukraine +Banjul Gambia Beijing China +Banjul Gambia Beirut Lebanon +Banjul Gambia Belgrade Serbia +Banjul Gambia Belmopan Belize +Banjul Gambia Berlin Germany +Banjul Gambia Bern Switzerland +Banjul Gambia Bishkek Kyrgyzstan +Banjul Gambia Bratislava Slovakia +Banjul Gambia Brussels Belgium +Banjul Gambia Bucharest Romania +Banjul Gambia Budapest Hungary +Banjul Gambia Bujumbura Burundi +Banjul Gambia Cairo Egypt +Banjul Gambia Canberra Australia +Banjul Gambia Caracas Venezuela +Banjul Gambia Chisinau Moldova +Banjul Gambia Conakry Guinea +Banjul Gambia Copenhagen Denmark +Banjul Gambia Dakar Senegal +Banjul Gambia Damascus Syria +Banjul Gambia Dhaka Bangladesh +Banjul Gambia Doha Qatar +Banjul Gambia Dublin Ireland +Banjul Gambia Dushanbe Tajikistan +Banjul Gambia Funafuti Tuvalu +Banjul Gambia Gaborone Botswana +Banjul Gambia Georgetown Guyana +Banjul Gambia Hanoi Vietnam +Banjul Gambia Harare Zimbabwe +Banjul Gambia Havana Cuba +Banjul Gambia Helsinki Finland +Banjul Gambia Islamabad Pakistan +Banjul Gambia Jakarta Indonesia +Banjul Gambia Kabul Afghanistan +Banjul Gambia Kampala Uganda +Banjul Gambia Kathmandu Nepal +Banjul Gambia Khartoum Sudan +Banjul Gambia Kiev Ukraine +Banjul Gambia Kigali Rwanda +Beijing China Beirut Lebanon +Beijing China Belgrade Serbia +Beijing China Belmopan Belize +Beijing China Berlin Germany +Beijing China Bern Switzerland +Beijing China Bishkek Kyrgyzstan +Beijing China Bratislava Slovakia +Beijing China Brussels Belgium +Beijing China Bucharest Romania +Beijing China Budapest Hungary +Beijing China Bujumbura Burundi +Beijing China Cairo Egypt +Beijing China Canberra Australia +Beijing China Caracas Venezuela +Beijing China Chisinau Moldova +Beijing China Conakry Guinea +Beijing China Copenhagen Denmark +Beijing China Dakar Senegal +Beijing China Damascus Syria +Beijing China Dhaka Bangladesh +Beijing China Doha Qatar +Beijing China Dublin Ireland +Beijing China Dushanbe Tajikistan +Beijing China Funafuti Tuvalu +Beijing China Gaborone Botswana +Beijing China Georgetown Guyana +Beijing China Hanoi Vietnam +Beijing China Harare Zimbabwe +Beijing China Havana Cuba +Beijing China Helsinki Finland +Beijing China Islamabad Pakistan +Beijing China Jakarta Indonesia +Beijing China Kabul Afghanistan +Beijing China Kampala Uganda +Beijing China Kathmandu Nepal +Beijing China Khartoum Sudan +Beijing China Kiev Ukraine +Beijing China Kigali Rwanda +Beijing China Kingston Jamaica +Beirut Lebanon Belgrade Serbia +Beirut Lebanon Belmopan Belize +Beirut Lebanon Berlin Germany +Beirut Lebanon Bern Switzerland +Beirut Lebanon Bishkek Kyrgyzstan +Beirut Lebanon Bratislava Slovakia +Beirut Lebanon Brussels Belgium +Beirut Lebanon Bucharest Romania +Beirut Lebanon Budapest Hungary +Beirut Lebanon Bujumbura Burundi +Beirut Lebanon Cairo Egypt +Beirut Lebanon Canberra Australia +Beirut Lebanon Caracas Venezuela +Beirut Lebanon Chisinau Moldova +Beirut Lebanon Conakry Guinea +Beirut Lebanon Copenhagen Denmark +Beirut Lebanon Dakar Senegal +Beirut Lebanon Damascus Syria +Beirut Lebanon Dhaka Bangladesh +Beirut Lebanon Doha Qatar +Beirut Lebanon Dublin Ireland +Beirut Lebanon Dushanbe Tajikistan +Beirut Lebanon Funafuti Tuvalu +Beirut Lebanon Gaborone Botswana +Beirut Lebanon Georgetown Guyana +Beirut Lebanon Hanoi Vietnam +Beirut Lebanon Harare Zimbabwe +Beirut Lebanon Havana Cuba +Beirut Lebanon Helsinki Finland +Beirut Lebanon Islamabad Pakistan +Beirut Lebanon Jakarta Indonesia +Beirut Lebanon Kabul Afghanistan +Beirut Lebanon Kampala Uganda +Beirut Lebanon Kathmandu Nepal +Beirut Lebanon Khartoum Sudan +Beirut Lebanon Kiev Ukraine +Beirut Lebanon Kigali Rwanda +Beirut Lebanon Kingston Jamaica +Beirut Lebanon Libreville Gabon +Belgrade Serbia Belmopan Belize +Belgrade Serbia Berlin Germany +Belgrade Serbia Bern Switzerland +Belgrade Serbia Bishkek Kyrgyzstan +Belgrade Serbia Bratislava Slovakia +Belgrade Serbia Brussels Belgium +Belgrade Serbia Bucharest Romania +Belgrade Serbia Budapest Hungary +Belgrade Serbia Bujumbura Burundi +Belgrade Serbia Cairo Egypt +Belgrade Serbia Canberra Australia +Belgrade Serbia Caracas Venezuela +Belgrade Serbia Chisinau Moldova +Belgrade Serbia Conakry Guinea +Belgrade Serbia Copenhagen Denmark +Belgrade Serbia Dakar Senegal +Belgrade Serbia Damascus Syria +Belgrade Serbia Dhaka Bangladesh +Belgrade Serbia Doha Qatar +Belgrade Serbia Dublin Ireland +Belgrade Serbia Dushanbe Tajikistan +Belgrade Serbia Funafuti Tuvalu +Belgrade Serbia Gaborone Botswana +Belgrade Serbia Georgetown Guyana +Belgrade Serbia Hanoi Vietnam +Belgrade Serbia Harare Zimbabwe +Belgrade Serbia Havana Cuba +Belgrade Serbia Helsinki Finland +Belgrade Serbia Islamabad Pakistan +Belgrade Serbia Jakarta Indonesia +Belgrade Serbia Kabul Afghanistan +Belgrade Serbia Kampala Uganda +Belgrade Serbia Kathmandu Nepal +Belgrade Serbia Khartoum Sudan +Belgrade Serbia Kiev Ukraine +Belgrade Serbia Kigali Rwanda +Belgrade Serbia Kingston Jamaica +Belgrade Serbia Libreville Gabon +Belgrade Serbia Lilongwe Malawi +Belmopan Belize Berlin Germany +Belmopan Belize Bern Switzerland +Belmopan Belize Bishkek Kyrgyzstan +Belmopan Belize Bratislava Slovakia +Belmopan Belize Brussels Belgium +Belmopan Belize Bucharest Romania +Belmopan Belize Budapest Hungary +Belmopan Belize Bujumbura Burundi +Belmopan Belize Cairo Egypt +Belmopan Belize Canberra Australia +Belmopan Belize Caracas Venezuela +Belmopan Belize Chisinau Moldova +Belmopan Belize Conakry Guinea +Belmopan Belize Copenhagen Denmark +Belmopan Belize Dakar Senegal +Belmopan Belize Damascus Syria +Belmopan Belize Dhaka Bangladesh +Belmopan Belize Doha Qatar +Belmopan Belize Dublin Ireland +Belmopan Belize Dushanbe Tajikistan +Belmopan Belize Funafuti Tuvalu +Belmopan Belize Gaborone Botswana +Belmopan Belize Georgetown Guyana +Belmopan Belize Hanoi Vietnam +Belmopan Belize Harare Zimbabwe +Belmopan Belize Havana Cuba +Belmopan Belize Helsinki Finland +Belmopan Belize Islamabad Pakistan +Belmopan Belize Jakarta Indonesia +Belmopan Belize Kabul Afghanistan +Belmopan Belize Kampala Uganda +Belmopan Belize Kathmandu Nepal +Belmopan Belize Khartoum Sudan +Belmopan Belize Kiev Ukraine +Belmopan Belize Kigali Rwanda +Belmopan Belize Kingston Jamaica +Belmopan Belize Libreville Gabon +Belmopan Belize Lilongwe Malawi +Belmopan Belize Lima Peru +Berlin Germany Bern Switzerland +Berlin Germany Bishkek Kyrgyzstan +Berlin Germany Bratislava Slovakia +Berlin Germany Brussels Belgium +Berlin Germany Bucharest Romania +Berlin Germany Budapest Hungary +Berlin Germany Bujumbura Burundi +Berlin Germany Cairo Egypt +Berlin Germany Canberra Australia +Berlin Germany Caracas Venezuela +Berlin Germany Chisinau Moldova +Berlin Germany Conakry Guinea +Berlin Germany Copenhagen Denmark +Berlin Germany Dakar Senegal +Berlin Germany Damascus Syria +Berlin Germany Dhaka Bangladesh +Berlin Germany Doha Qatar +Berlin Germany Dublin Ireland +Berlin Germany Dushanbe Tajikistan +Berlin Germany Funafuti Tuvalu +Berlin Germany Gaborone Botswana +Berlin Germany Georgetown Guyana +Berlin Germany Hanoi Vietnam +Berlin Germany Harare Zimbabwe +Berlin Germany Havana Cuba +Berlin Germany Helsinki Finland +Berlin Germany Islamabad Pakistan +Berlin Germany Jakarta Indonesia +Berlin Germany Kabul Afghanistan +Berlin Germany Kampala Uganda +Berlin Germany Kathmandu Nepal +Berlin Germany Khartoum Sudan +Berlin Germany Kiev Ukraine +Berlin Germany Kigali Rwanda +Berlin Germany Kingston Jamaica +Berlin Germany Libreville Gabon +Berlin Germany Lilongwe Malawi +Berlin Germany Lima Peru +Berlin Germany Lisbon Portugal +Bern Switzerland Bishkek Kyrgyzstan +Bern Switzerland Bratislava Slovakia +Bern Switzerland Brussels Belgium +Bern Switzerland Bucharest Romania +Bern Switzerland Budapest Hungary +Bern Switzerland Bujumbura Burundi +Bern Switzerland Cairo Egypt +Bern Switzerland Canberra Australia +Bern Switzerland Caracas Venezuela +Bern Switzerland Chisinau Moldova +Bern Switzerland Conakry Guinea +Bern Switzerland Copenhagen Denmark +Bern Switzerland Dakar Senegal +Bern Switzerland Damascus Syria +Bern Switzerland Dhaka Bangladesh +Bern Switzerland Doha Qatar +Bern Switzerland Dublin Ireland +Bern Switzerland Dushanbe Tajikistan +Bern Switzerland Funafuti Tuvalu +Bern Switzerland Gaborone Botswana +Bern Switzerland Georgetown Guyana +Bern Switzerland Hanoi Vietnam +Bern Switzerland Harare Zimbabwe +Bern Switzerland Havana Cuba +Bern Switzerland Helsinki Finland +Bern Switzerland Islamabad Pakistan +Bern Switzerland Jakarta Indonesia +Bern Switzerland Kabul Afghanistan +Bern Switzerland Kampala Uganda +Bern Switzerland Kathmandu Nepal +Bern Switzerland Khartoum Sudan +Bern Switzerland Kiev Ukraine +Bern Switzerland Kigali Rwanda +Bern Switzerland Kingston Jamaica +Bern Switzerland Libreville Gabon +Bern Switzerland Lilongwe Malawi +Bern Switzerland Lima Peru +Bern Switzerland Lisbon Portugal +Bern Switzerland Ljubljana Slovenia +Bishkek Kyrgyzstan Bratislava Slovakia +Bishkek Kyrgyzstan Brussels Belgium +Bishkek Kyrgyzstan Bucharest Romania +Bishkek Kyrgyzstan Budapest Hungary +Bishkek Kyrgyzstan Bujumbura Burundi +Bishkek Kyrgyzstan Cairo Egypt +Bishkek Kyrgyzstan Canberra Australia +Bishkek Kyrgyzstan Caracas Venezuela +Bishkek Kyrgyzstan Chisinau Moldova +Bishkek Kyrgyzstan Conakry Guinea +Bishkek Kyrgyzstan Copenhagen Denmark +Bishkek Kyrgyzstan Dakar Senegal +Bishkek Kyrgyzstan Damascus Syria +Bishkek Kyrgyzstan Dhaka Bangladesh +Bishkek Kyrgyzstan Doha Qatar +Bishkek Kyrgyzstan Dublin Ireland +Bishkek Kyrgyzstan Dushanbe Tajikistan +Bishkek Kyrgyzstan Funafuti Tuvalu +Bishkek Kyrgyzstan Gaborone Botswana +Bishkek Kyrgyzstan Georgetown Guyana +Bishkek Kyrgyzstan Hanoi Vietnam +Bishkek Kyrgyzstan Harare Zimbabwe +Bishkek Kyrgyzstan Havana Cuba +Bishkek Kyrgyzstan Helsinki Finland +Bishkek Kyrgyzstan Islamabad Pakistan +Bishkek Kyrgyzstan Jakarta Indonesia +Bishkek Kyrgyzstan Kabul Afghanistan +Bishkek Kyrgyzstan Kampala Uganda +Bishkek Kyrgyzstan Kathmandu Nepal +Bishkek Kyrgyzstan Khartoum Sudan +Bishkek Kyrgyzstan Kiev Ukraine +Bishkek Kyrgyzstan Kigali Rwanda +Bishkek Kyrgyzstan Kingston Jamaica +Bishkek Kyrgyzstan Libreville Gabon +Bishkek Kyrgyzstan Lilongwe Malawi +Bishkek Kyrgyzstan Lima Peru +Bishkek Kyrgyzstan Lisbon Portugal +Bishkek Kyrgyzstan Ljubljana Slovenia +Bishkek Kyrgyzstan London England +Bratislava Slovakia Brussels Belgium +Bratislava Slovakia Bucharest Romania +Bratislava Slovakia Budapest Hungary +Bratislava Slovakia Bujumbura Burundi +Bratislava Slovakia Cairo Egypt +Bratislava Slovakia Canberra Australia +Bratislava Slovakia Caracas Venezuela +Bratislava Slovakia Chisinau Moldova +Bratislava Slovakia Conakry Guinea +Bratislava Slovakia Copenhagen Denmark +Bratislava Slovakia Dakar Senegal +Bratislava Slovakia Damascus Syria +Bratislava Slovakia Dhaka Bangladesh +Bratislava Slovakia Doha Qatar +Bratislava Slovakia Dublin Ireland +Bratislava Slovakia Dushanbe Tajikistan +Bratislava Slovakia Funafuti Tuvalu +Bratislava Slovakia Gaborone Botswana +Bratislava Slovakia Georgetown Guyana +Bratislava Slovakia Hanoi Vietnam +Bratislava Slovakia Harare Zimbabwe +Bratislava Slovakia Havana Cuba +Bratislava Slovakia Helsinki Finland +Bratislava Slovakia Islamabad Pakistan +Bratislava Slovakia Jakarta Indonesia +Bratislava Slovakia Kabul Afghanistan +Bratislava Slovakia Kampala Uganda +Bratislava Slovakia Kathmandu Nepal +Bratislava Slovakia Khartoum Sudan +Bratislava Slovakia Kiev Ukraine +Bratislava Slovakia Kigali Rwanda +Bratislava Slovakia Kingston Jamaica +Bratislava Slovakia Libreville Gabon +Bratislava Slovakia Lilongwe Malawi +Bratislava Slovakia Lima Peru +Bratislava Slovakia Lisbon Portugal +Bratislava Slovakia Ljubljana Slovenia +Bratislava Slovakia London England +Bratislava Slovakia Luanda Angola +Brussels Belgium Bucharest Romania +Brussels Belgium Budapest Hungary +Brussels Belgium Bujumbura Burundi +Brussels Belgium Cairo Egypt +Brussels Belgium Canberra Australia +Brussels Belgium Caracas Venezuela +Brussels Belgium Chisinau Moldova +Brussels Belgium Conakry Guinea +Brussels Belgium Copenhagen Denmark +Brussels Belgium Dakar Senegal +Brussels Belgium Damascus Syria +Brussels Belgium Dhaka Bangladesh +Brussels Belgium Doha Qatar +Brussels Belgium Dublin Ireland +Brussels Belgium Dushanbe Tajikistan +Brussels Belgium Funafuti Tuvalu +Brussels Belgium Gaborone Botswana +Brussels Belgium Georgetown Guyana +Brussels Belgium Hanoi Vietnam +Brussels Belgium Harare Zimbabwe +Brussels Belgium Havana Cuba +Brussels Belgium Helsinki Finland +Brussels Belgium Islamabad Pakistan +Brussels Belgium Jakarta Indonesia +Brussels Belgium Kabul Afghanistan +Brussels Belgium Kampala Uganda +Brussels Belgium Kathmandu Nepal +Brussels Belgium Khartoum Sudan +Brussels Belgium Kiev Ukraine +Brussels Belgium Kigali Rwanda +Brussels Belgium Kingston Jamaica +Brussels Belgium Libreville Gabon +Brussels Belgium Lilongwe Malawi +Brussels Belgium Lima Peru +Brussels Belgium Lisbon Portugal +Brussels Belgium Ljubljana Slovenia +Brussels Belgium London England +Brussels Belgium Luanda Angola +Brussels Belgium Lusaka Zambia +Bucharest Romania Budapest Hungary +Bucharest Romania Bujumbura Burundi +Bucharest Romania Cairo Egypt +Bucharest Romania Canberra Australia +Bucharest Romania Caracas Venezuela +Bucharest Romania Chisinau Moldova +Bucharest Romania Conakry Guinea +Bucharest Romania Copenhagen Denmark +Bucharest Romania Dakar Senegal +Bucharest Romania Damascus Syria +Bucharest Romania Dhaka Bangladesh +Bucharest Romania Doha Qatar +Bucharest Romania Dublin Ireland +Bucharest Romania Dushanbe Tajikistan +Bucharest Romania Funafuti Tuvalu +Bucharest Romania Gaborone Botswana +Bucharest Romania Georgetown Guyana +Bucharest Romania Hanoi Vietnam +Bucharest Romania Harare Zimbabwe +Bucharest Romania Havana Cuba +Bucharest Romania Helsinki Finland +Bucharest Romania Islamabad Pakistan +Bucharest Romania Jakarta Indonesia +Bucharest Romania Kabul Afghanistan +Bucharest Romania Kampala Uganda +Bucharest Romania Kathmandu Nepal +Bucharest Romania Khartoum Sudan +Bucharest Romania Kiev Ukraine +Bucharest Romania Kigali Rwanda +Bucharest Romania Kingston Jamaica +Bucharest Romania Libreville Gabon +Bucharest Romania Lilongwe Malawi +Bucharest Romania Lima Peru +Bucharest Romania Lisbon Portugal +Bucharest Romania Ljubljana Slovenia +Bucharest Romania London England +Bucharest Romania Luanda Angola +Bucharest Romania Lusaka Zambia +Bucharest Romania Madrid Spain +Budapest Hungary Bujumbura Burundi +Budapest Hungary Cairo Egypt +Budapest Hungary Canberra Australia +Budapest Hungary Caracas Venezuela +Budapest Hungary Chisinau Moldova +Budapest Hungary Conakry Guinea +Budapest Hungary Copenhagen Denmark +Budapest Hungary Dakar Senegal +Budapest Hungary Damascus Syria +Budapest Hungary Dhaka Bangladesh +Budapest Hungary Doha Qatar +Budapest Hungary Dublin Ireland +Budapest Hungary Dushanbe Tajikistan +Budapest Hungary Funafuti Tuvalu +Budapest Hungary Gaborone Botswana +Budapest Hungary Georgetown Guyana +Budapest Hungary Hanoi Vietnam +Budapest Hungary Harare Zimbabwe +Budapest Hungary Havana Cuba +Budapest Hungary Helsinki Finland +Budapest Hungary Islamabad Pakistan +Budapest Hungary Jakarta Indonesia +Budapest Hungary Kabul Afghanistan +Budapest Hungary Kampala Uganda +Budapest Hungary Kathmandu Nepal +Budapest Hungary Khartoum Sudan +Budapest Hungary Kiev Ukraine +Budapest Hungary Kigali Rwanda +Budapest Hungary Kingston Jamaica +Budapest Hungary Libreville Gabon +Budapest Hungary Lilongwe Malawi +Budapest Hungary Lima Peru +Budapest Hungary Lisbon Portugal +Budapest Hungary Ljubljana Slovenia +Budapest Hungary London England +Budapest Hungary Luanda Angola +Budapest Hungary Lusaka Zambia +Budapest Hungary Madrid Spain +Budapest Hungary Managua Nicaragua +Bujumbura Burundi Cairo Egypt +Bujumbura Burundi Canberra Australia +Bujumbura Burundi Caracas Venezuela +Bujumbura Burundi Chisinau Moldova +Bujumbura Burundi Conakry Guinea +Bujumbura Burundi Copenhagen Denmark +Bujumbura Burundi Dakar Senegal +Bujumbura Burundi Damascus Syria +Bujumbura Burundi Dhaka Bangladesh +Bujumbura Burundi Doha Qatar +Bujumbura Burundi Dublin Ireland +Bujumbura Burundi Dushanbe Tajikistan +Bujumbura Burundi Funafuti Tuvalu +Bujumbura Burundi Gaborone Botswana +Bujumbura Burundi Georgetown Guyana +Bujumbura Burundi Hanoi Vietnam +Bujumbura Burundi Harare Zimbabwe +Bujumbura Burundi Havana Cuba +Bujumbura Burundi Helsinki Finland +Bujumbura Burundi Islamabad Pakistan +Bujumbura Burundi Jakarta Indonesia +Bujumbura Burundi Kabul Afghanistan +Bujumbura Burundi Kampala Uganda +Bujumbura Burundi Kathmandu Nepal +Bujumbura Burundi Khartoum Sudan +Bujumbura Burundi Kiev Ukraine +Bujumbura Burundi Kigali Rwanda +Bujumbura Burundi Kingston Jamaica +Bujumbura Burundi Libreville Gabon +Bujumbura Burundi Lilongwe Malawi +Bujumbura Burundi Lima Peru +Bujumbura Burundi Lisbon Portugal +Bujumbura Burundi Ljubljana Slovenia +Bujumbura Burundi London England +Bujumbura Burundi Luanda Angola +Bujumbura Burundi Lusaka Zambia +Bujumbura Burundi Madrid Spain +Bujumbura Burundi Managua Nicaragua +Bujumbura Burundi Manama Bahrain +Cairo Egypt Canberra Australia +Cairo Egypt Caracas Venezuela +Cairo Egypt Chisinau Moldova +Cairo Egypt Conakry Guinea +Cairo Egypt Copenhagen Denmark +Cairo Egypt Dakar Senegal +Cairo Egypt Damascus Syria +Cairo Egypt Dhaka Bangladesh +Cairo Egypt Doha Qatar +Cairo Egypt Dublin Ireland +Cairo Egypt Dushanbe Tajikistan +Cairo Egypt Funafuti Tuvalu +Cairo Egypt Gaborone Botswana +Cairo Egypt Georgetown Guyana +Cairo Egypt Hanoi Vietnam +Cairo Egypt Harare Zimbabwe +Cairo Egypt Havana Cuba +Cairo Egypt Helsinki Finland +Cairo Egypt Islamabad Pakistan +Cairo Egypt Jakarta Indonesia +Cairo Egypt Kabul Afghanistan +Cairo Egypt Kampala Uganda +Cairo Egypt Kathmandu Nepal +Cairo Egypt Khartoum Sudan +Cairo Egypt Kiev Ukraine +Cairo Egypt Kigali Rwanda +Cairo Egypt Kingston Jamaica +Cairo Egypt Libreville Gabon +Cairo Egypt Lilongwe Malawi +Cairo Egypt Lima Peru +Cairo Egypt Lisbon Portugal +Cairo Egypt Ljubljana Slovenia +Cairo Egypt London England +Cairo Egypt Luanda Angola +Cairo Egypt Lusaka Zambia +Cairo Egypt Madrid Spain +Cairo Egypt Managua Nicaragua +Cairo Egypt Manama Bahrain +Cairo Egypt Manila Philippines +Canberra Australia Caracas Venezuela +Canberra Australia Chisinau Moldova +Canberra Australia Conakry Guinea +Canberra Australia Copenhagen Denmark +Canberra Australia Dakar Senegal +Canberra Australia Damascus Syria +Canberra Australia Dhaka Bangladesh +Canberra Australia Doha Qatar +Canberra Australia Dublin Ireland +Canberra Australia Dushanbe Tajikistan +Canberra Australia Funafuti Tuvalu +Canberra Australia Gaborone Botswana +Canberra Australia Georgetown Guyana +Canberra Australia Hanoi Vietnam +Canberra Australia Harare Zimbabwe +Canberra Australia Havana Cuba +Canberra Australia Helsinki Finland +Canberra Australia Islamabad Pakistan +Canberra Australia Jakarta Indonesia +Canberra Australia Kabul Afghanistan +Canberra Australia Kampala Uganda +Canberra Australia Kathmandu Nepal +Canberra Australia Khartoum Sudan +Canberra Australia Kiev Ukraine +Canberra Australia Kigali Rwanda +Canberra Australia Kingston Jamaica +Canberra Australia Libreville Gabon +Canberra Australia Lilongwe Malawi +Canberra Australia Lima Peru +Canberra Australia Lisbon Portugal +Canberra Australia Ljubljana Slovenia +Canberra Australia London England +Canberra Australia Luanda Angola +Canberra Australia Lusaka Zambia +Canberra Australia Madrid Spain +Canberra Australia Managua Nicaragua +Canberra Australia Manama Bahrain +Canberra Australia Manila Philippines +Canberra Australia Maputo Mozambique +Caracas Venezuela Chisinau Moldova +Caracas Venezuela Conakry Guinea +Caracas Venezuela Copenhagen Denmark +Caracas Venezuela Dakar Senegal +Caracas Venezuela Damascus Syria +Caracas Venezuela Dhaka Bangladesh +Caracas Venezuela Doha Qatar +Caracas Venezuela Dublin Ireland +Caracas Venezuela Dushanbe Tajikistan +Caracas Venezuela Funafuti Tuvalu +Caracas Venezuela Gaborone Botswana +Caracas Venezuela Georgetown Guyana +Caracas Venezuela Hanoi Vietnam +Caracas Venezuela Harare Zimbabwe +Caracas Venezuela Havana Cuba +Caracas Venezuela Helsinki Finland +Caracas Venezuela Islamabad Pakistan +Caracas Venezuela Jakarta Indonesia +Caracas Venezuela Kabul Afghanistan +Caracas Venezuela Kampala Uganda +Caracas Venezuela Kathmandu Nepal +Caracas Venezuela Khartoum Sudan +Caracas Venezuela Kiev Ukraine +Caracas Venezuela Kigali Rwanda +Caracas Venezuela Kingston Jamaica +Caracas Venezuela Libreville Gabon +Caracas Venezuela Lilongwe Malawi +Caracas Venezuela Lima Peru +Caracas Venezuela Lisbon Portugal +Caracas Venezuela Ljubljana Slovenia +Caracas Venezuela London England +Caracas Venezuela Luanda Angola +Caracas Venezuela Lusaka Zambia +Caracas Venezuela Madrid Spain +Caracas Venezuela Managua Nicaragua +Caracas Venezuela Manama Bahrain +Caracas Venezuela Manila Philippines +Caracas Venezuela Maputo Mozambique +Caracas Venezuela Minsk Belarus +Chisinau Moldova Conakry Guinea +Chisinau Moldova Copenhagen Denmark +Chisinau Moldova Dakar Senegal +Chisinau Moldova Damascus Syria +Chisinau Moldova Dhaka Bangladesh +Chisinau Moldova Doha Qatar +Chisinau Moldova Dublin Ireland +Chisinau Moldova Dushanbe Tajikistan +Chisinau Moldova Funafuti Tuvalu +Chisinau Moldova Gaborone Botswana +Chisinau Moldova Georgetown Guyana +Chisinau Moldova Hanoi Vietnam +Chisinau Moldova Harare Zimbabwe +Chisinau Moldova Havana Cuba +Chisinau Moldova Helsinki Finland +Chisinau Moldova Islamabad Pakistan +Chisinau Moldova Jakarta Indonesia +Chisinau Moldova Kabul Afghanistan +Chisinau Moldova Kampala Uganda +Chisinau Moldova Kathmandu Nepal +Chisinau Moldova Khartoum Sudan +Chisinau Moldova Kiev Ukraine +Chisinau Moldova Kigali Rwanda +Chisinau Moldova Kingston Jamaica +Chisinau Moldova Libreville Gabon +Chisinau Moldova Lilongwe Malawi +Chisinau Moldova Lima Peru +Chisinau Moldova Lisbon Portugal +Chisinau Moldova Ljubljana Slovenia +Chisinau Moldova London England +Chisinau Moldova Luanda Angola +Chisinau Moldova Lusaka Zambia +Chisinau Moldova Madrid Spain +Chisinau Moldova Managua Nicaragua +Chisinau Moldova Manama Bahrain +Chisinau Moldova Manila Philippines +Chisinau Moldova Maputo Mozambique +Chisinau Moldova Minsk Belarus +Chisinau Moldova Mogadishu Somalia +Conakry Guinea Copenhagen Denmark +Conakry Guinea Dakar Senegal +Conakry Guinea Damascus Syria +Conakry Guinea Dhaka Bangladesh +Conakry Guinea Doha Qatar +Conakry Guinea Dublin Ireland +Conakry Guinea Dushanbe Tajikistan +Conakry Guinea Funafuti Tuvalu +Conakry Guinea Gaborone Botswana +Conakry Guinea Georgetown Guyana +Conakry Guinea Hanoi Vietnam +Conakry Guinea Harare Zimbabwe +Conakry Guinea Havana Cuba +Conakry Guinea Helsinki Finland +Conakry Guinea Islamabad Pakistan +Conakry Guinea Jakarta Indonesia +Conakry Guinea Kabul Afghanistan +Conakry Guinea Kampala Uganda +Conakry Guinea Kathmandu Nepal +Conakry Guinea Khartoum Sudan +Conakry Guinea Kiev Ukraine +Conakry Guinea Kigali Rwanda +Conakry Guinea Kingston Jamaica +Conakry Guinea Libreville Gabon +Conakry Guinea Lilongwe Malawi +Conakry Guinea Lima Peru +Conakry Guinea Lisbon Portugal +Conakry Guinea Ljubljana Slovenia +Conakry Guinea London England +Conakry Guinea Luanda Angola +Conakry Guinea Lusaka Zambia +Conakry Guinea Madrid Spain +Conakry Guinea Managua Nicaragua +Conakry Guinea Manama Bahrain +Conakry Guinea Manila Philippines +Conakry Guinea Maputo Mozambique +Conakry Guinea Minsk Belarus +Conakry Guinea Mogadishu Somalia +Conakry Guinea Monrovia Liberia +Copenhagen Denmark Dakar Senegal +Copenhagen Denmark Damascus Syria +Copenhagen Denmark Dhaka Bangladesh +Copenhagen Denmark Doha Qatar +Copenhagen Denmark Dublin Ireland +Copenhagen Denmark Dushanbe Tajikistan +Copenhagen Denmark Funafuti Tuvalu +Copenhagen Denmark Gaborone Botswana +Copenhagen Denmark Georgetown Guyana +Copenhagen Denmark Hanoi Vietnam +Copenhagen Denmark Harare Zimbabwe +Copenhagen Denmark Havana Cuba +Copenhagen Denmark Helsinki Finland +Copenhagen Denmark Islamabad Pakistan +Copenhagen Denmark Jakarta Indonesia +Copenhagen Denmark Kabul Afghanistan +Copenhagen Denmark Kampala Uganda +Copenhagen Denmark Kathmandu Nepal +Copenhagen Denmark Khartoum Sudan +Copenhagen Denmark Kiev Ukraine +Copenhagen Denmark Kigali Rwanda +Copenhagen Denmark Kingston Jamaica +Copenhagen Denmark Libreville Gabon +Copenhagen Denmark Lilongwe Malawi +Copenhagen Denmark Lima Peru +Copenhagen Denmark Lisbon Portugal +Copenhagen Denmark Ljubljana Slovenia +Copenhagen Denmark London England +Copenhagen Denmark Luanda Angola +Copenhagen Denmark Lusaka Zambia +Copenhagen Denmark Madrid Spain +Copenhagen Denmark Managua Nicaragua +Copenhagen Denmark Manama Bahrain +Copenhagen Denmark Manila Philippines +Copenhagen Denmark Maputo Mozambique +Copenhagen Denmark Minsk Belarus +Copenhagen Denmark Mogadishu Somalia +Copenhagen Denmark Monrovia Liberia +Copenhagen Denmark Montevideo Uruguay +Dakar Senegal Damascus Syria +Dakar Senegal Dhaka Bangladesh +Dakar Senegal Doha Qatar +Dakar Senegal Dublin Ireland +Dakar Senegal Dushanbe Tajikistan +Dakar Senegal Funafuti Tuvalu +Dakar Senegal Gaborone Botswana +Dakar Senegal Georgetown Guyana +Dakar Senegal Hanoi Vietnam +Dakar Senegal Harare Zimbabwe +Dakar Senegal Havana Cuba +Dakar Senegal Helsinki Finland +Dakar Senegal Islamabad Pakistan +Dakar Senegal Jakarta Indonesia +Dakar Senegal Kabul Afghanistan +Dakar Senegal Kampala Uganda +Dakar Senegal Kathmandu Nepal +Dakar Senegal Khartoum Sudan +Dakar Senegal Kiev Ukraine +Dakar Senegal Kigali Rwanda +Dakar Senegal Kingston Jamaica +Dakar Senegal Libreville Gabon +Dakar Senegal Lilongwe Malawi +Dakar Senegal Lima Peru +Dakar Senegal Lisbon Portugal +Dakar Senegal Ljubljana Slovenia +Dakar Senegal London England +Dakar Senegal Luanda Angola +Dakar Senegal Lusaka Zambia +Dakar Senegal Madrid Spain +Dakar Senegal Managua Nicaragua +Dakar Senegal Manama Bahrain +Dakar Senegal Manila Philippines +Dakar Senegal Maputo Mozambique +Dakar Senegal Minsk Belarus +Dakar Senegal Mogadishu Somalia +Dakar Senegal Monrovia Liberia +Dakar Senegal Montevideo Uruguay +Dakar Senegal Moscow Russia +Damascus Syria Dhaka Bangladesh +Damascus Syria Doha Qatar +Damascus Syria Dublin Ireland +Damascus Syria Dushanbe Tajikistan +Damascus Syria Funafuti Tuvalu +Damascus Syria Gaborone Botswana +Damascus Syria Georgetown Guyana +Damascus Syria Hanoi Vietnam +Damascus Syria Harare Zimbabwe +Damascus Syria Havana Cuba +Damascus Syria Helsinki Finland +Damascus Syria Islamabad Pakistan +Damascus Syria Jakarta Indonesia +Damascus Syria Kabul Afghanistan +Damascus Syria Kampala Uganda +Damascus Syria Kathmandu Nepal +Damascus Syria Khartoum Sudan +Damascus Syria Kiev Ukraine +Damascus Syria Kigali Rwanda +Damascus Syria Kingston Jamaica +Damascus Syria Libreville Gabon +Damascus Syria Lilongwe Malawi +Damascus Syria Lima Peru +Damascus Syria Lisbon Portugal +Damascus Syria Ljubljana Slovenia +Damascus Syria London England +Damascus Syria Luanda Angola +Damascus Syria Lusaka Zambia +Damascus Syria Madrid Spain +Damascus Syria Managua Nicaragua +Damascus Syria Manama Bahrain +Damascus Syria Manila Philippines +Damascus Syria Maputo Mozambique +Damascus Syria Minsk Belarus +Damascus Syria Mogadishu Somalia +Damascus Syria Monrovia Liberia +Damascus Syria Montevideo Uruguay +Damascus Syria Moscow Russia +Damascus Syria Muscat Oman +Dhaka Bangladesh Doha Qatar +Dhaka Bangladesh Dublin Ireland +Dhaka Bangladesh Dushanbe Tajikistan +Dhaka Bangladesh Funafuti Tuvalu +Dhaka Bangladesh Gaborone Botswana +Dhaka Bangladesh Georgetown Guyana +Dhaka Bangladesh Hanoi Vietnam +Dhaka Bangladesh Harare Zimbabwe +Dhaka Bangladesh Havana Cuba +Dhaka Bangladesh Helsinki Finland +Dhaka Bangladesh Islamabad Pakistan +Dhaka Bangladesh Jakarta Indonesia +Dhaka Bangladesh Kabul Afghanistan +Dhaka Bangladesh Kampala Uganda +Dhaka Bangladesh Kathmandu Nepal +Dhaka Bangladesh Khartoum Sudan +Dhaka Bangladesh Kiev Ukraine +Dhaka Bangladesh Kigali Rwanda +Dhaka Bangladesh Kingston Jamaica +Dhaka Bangladesh Libreville Gabon +Dhaka Bangladesh Lilongwe Malawi +Dhaka Bangladesh Lima Peru +Dhaka Bangladesh Lisbon Portugal +Dhaka Bangladesh Ljubljana Slovenia +Dhaka Bangladesh London England +Dhaka Bangladesh Luanda Angola +Dhaka Bangladesh Lusaka Zambia +Dhaka Bangladesh Madrid Spain +Dhaka Bangladesh Managua Nicaragua +Dhaka Bangladesh Manama Bahrain +Dhaka Bangladesh Manila Philippines +Dhaka Bangladesh Maputo Mozambique +Dhaka Bangladesh Minsk Belarus +Dhaka Bangladesh Mogadishu Somalia +Dhaka Bangladesh Monrovia Liberia +Dhaka Bangladesh Montevideo Uruguay +Dhaka Bangladesh Moscow Russia +Dhaka Bangladesh Muscat Oman +Dhaka Bangladesh Nairobi Kenya +Doha Qatar Dublin Ireland +Doha Qatar Dushanbe Tajikistan +Doha Qatar Funafuti Tuvalu +Doha Qatar Gaborone Botswana +Doha Qatar Georgetown Guyana +Doha Qatar Hanoi Vietnam +Doha Qatar Harare Zimbabwe +Doha Qatar Havana Cuba +Doha Qatar Helsinki Finland +Doha Qatar Islamabad Pakistan +Doha Qatar Jakarta Indonesia +Doha Qatar Kabul Afghanistan +Doha Qatar Kampala Uganda +Doha Qatar Kathmandu Nepal +Doha Qatar Khartoum Sudan +Doha Qatar Kiev Ukraine +Doha Qatar Kigali Rwanda +Doha Qatar Kingston Jamaica +Doha Qatar Libreville Gabon +Doha Qatar Lilongwe Malawi +Doha Qatar Lima Peru +Doha Qatar Lisbon Portugal +Doha Qatar Ljubljana Slovenia +Doha Qatar London England +Doha Qatar Luanda Angola +Doha Qatar Lusaka Zambia +Doha Qatar Madrid Spain +Doha Qatar Managua Nicaragua +Doha Qatar Manama Bahrain +Doha Qatar Manila Philippines +Doha Qatar Maputo Mozambique +Doha Qatar Minsk Belarus +Doha Qatar Mogadishu Somalia +Doha Qatar Monrovia Liberia +Doha Qatar Montevideo Uruguay +Doha Qatar Moscow Russia +Doha Qatar Muscat Oman +Doha Qatar Nairobi Kenya +Doha Qatar Nassau Bahamas +Dublin Ireland Dushanbe Tajikistan +Dublin Ireland Funafuti Tuvalu +Dublin Ireland Gaborone Botswana +Dublin Ireland Georgetown Guyana +Dublin Ireland Hanoi Vietnam +Dublin Ireland Harare Zimbabwe +Dublin Ireland Havana Cuba +Dublin Ireland Helsinki Finland +Dublin Ireland Islamabad Pakistan +Dublin Ireland Jakarta Indonesia +Dublin Ireland Kabul Afghanistan +Dublin Ireland Kampala Uganda +Dublin Ireland Kathmandu Nepal +Dublin Ireland Khartoum Sudan +Dublin Ireland Kiev Ukraine +Dublin Ireland Kigali Rwanda +Dublin Ireland Kingston Jamaica +Dublin Ireland Libreville Gabon +Dublin Ireland Lilongwe Malawi +Dublin Ireland Lima Peru +Dublin Ireland Lisbon Portugal +Dublin Ireland Ljubljana Slovenia +Dublin Ireland London England +Dublin Ireland Luanda Angola +Dublin Ireland Lusaka Zambia +Dublin Ireland Madrid Spain +Dublin Ireland Managua Nicaragua +Dublin Ireland Manama Bahrain +Dublin Ireland Manila Philippines +Dublin Ireland Maputo Mozambique +Dublin Ireland Minsk Belarus +Dublin Ireland Mogadishu Somalia +Dublin Ireland Monrovia Liberia +Dublin Ireland Montevideo Uruguay +Dublin Ireland Moscow Russia +Dublin Ireland Muscat Oman +Dublin Ireland Nairobi Kenya +Dublin Ireland Nassau Bahamas +Dublin Ireland Niamey Niger +Dushanbe Tajikistan Funafuti Tuvalu +Dushanbe Tajikistan Gaborone Botswana +Dushanbe Tajikistan Georgetown Guyana +Dushanbe Tajikistan Hanoi Vietnam +Dushanbe Tajikistan Harare Zimbabwe +Dushanbe Tajikistan Havana Cuba +Dushanbe Tajikistan Helsinki Finland +Dushanbe Tajikistan Islamabad Pakistan +Dushanbe Tajikistan Jakarta Indonesia +Dushanbe Tajikistan Kabul Afghanistan +Dushanbe Tajikistan Kampala Uganda +Dushanbe Tajikistan Kathmandu Nepal +Dushanbe Tajikistan Khartoum Sudan +Dushanbe Tajikistan Kiev Ukraine +Dushanbe Tajikistan Kigali Rwanda +Dushanbe Tajikistan Kingston Jamaica +Dushanbe Tajikistan Libreville Gabon +Dushanbe Tajikistan Lilongwe Malawi +Dushanbe Tajikistan Lima Peru +Dushanbe Tajikistan Lisbon Portugal +Dushanbe Tajikistan Ljubljana Slovenia +Dushanbe Tajikistan London England +Dushanbe Tajikistan Luanda Angola +Dushanbe Tajikistan Lusaka Zambia +Dushanbe Tajikistan Madrid Spain +Dushanbe Tajikistan Managua Nicaragua +Dushanbe Tajikistan Manama Bahrain +Dushanbe Tajikistan Manila Philippines +Dushanbe Tajikistan Maputo Mozambique +Dushanbe Tajikistan Minsk Belarus +Dushanbe Tajikistan Mogadishu Somalia +Dushanbe Tajikistan Monrovia Liberia +Dushanbe Tajikistan Montevideo Uruguay +Dushanbe Tajikistan Moscow Russia +Dushanbe Tajikistan Muscat Oman +Dushanbe Tajikistan Nairobi Kenya +Dushanbe Tajikistan Nassau Bahamas +Dushanbe Tajikistan Niamey Niger +Dushanbe Tajikistan Nicosia Cyprus +Funafuti Tuvalu Gaborone Botswana +Funafuti Tuvalu Georgetown Guyana +Funafuti Tuvalu Hanoi Vietnam +Funafuti Tuvalu Harare Zimbabwe +Funafuti Tuvalu Havana Cuba +Funafuti Tuvalu Helsinki Finland +Funafuti Tuvalu Islamabad Pakistan +Funafuti Tuvalu Jakarta Indonesia +Funafuti Tuvalu Kabul Afghanistan +Funafuti Tuvalu Kampala Uganda +Funafuti Tuvalu Kathmandu Nepal +Funafuti Tuvalu Khartoum Sudan +Funafuti Tuvalu Kiev Ukraine +Funafuti Tuvalu Kigali Rwanda +Funafuti Tuvalu Kingston Jamaica +Funafuti Tuvalu Libreville Gabon +Funafuti Tuvalu Lilongwe Malawi +Funafuti Tuvalu Lima Peru +Funafuti Tuvalu Lisbon Portugal +Funafuti Tuvalu Ljubljana Slovenia +Funafuti Tuvalu London England +Funafuti Tuvalu Luanda Angola +Funafuti Tuvalu Lusaka Zambia +Funafuti Tuvalu Madrid Spain +Funafuti Tuvalu Managua Nicaragua +Funafuti Tuvalu Manama Bahrain +Funafuti Tuvalu Manila Philippines +Funafuti Tuvalu Maputo Mozambique +Funafuti Tuvalu Minsk Belarus +Funafuti Tuvalu Mogadishu Somalia +Funafuti Tuvalu Monrovia Liberia +Funafuti Tuvalu Montevideo Uruguay +Funafuti Tuvalu Moscow Russia +Funafuti Tuvalu Muscat Oman +Funafuti Tuvalu Nairobi Kenya +Funafuti Tuvalu Nassau Bahamas +Funafuti Tuvalu Niamey Niger +Funafuti Tuvalu Nicosia Cyprus +Funafuti Tuvalu Nouakchott Mauritania +Gaborone Botswana Georgetown Guyana +Gaborone Botswana Hanoi Vietnam +Gaborone Botswana Harare Zimbabwe +Gaborone Botswana Havana Cuba +Gaborone Botswana Helsinki Finland +Gaborone Botswana Islamabad Pakistan +Gaborone Botswana Jakarta Indonesia +Gaborone Botswana Kabul Afghanistan +Gaborone Botswana Kampala Uganda +Gaborone Botswana Kathmandu Nepal +Gaborone Botswana Khartoum Sudan +Gaborone Botswana Kiev Ukraine +Gaborone Botswana Kigali Rwanda +Gaborone Botswana Kingston Jamaica +Gaborone Botswana Libreville Gabon +Gaborone Botswana Lilongwe Malawi +Gaborone Botswana Lima Peru +Gaborone Botswana Lisbon Portugal +Gaborone Botswana Ljubljana Slovenia +Gaborone Botswana London England +Gaborone Botswana Luanda Angola +Gaborone Botswana Lusaka Zambia +Gaborone Botswana Madrid Spain +Gaborone Botswana Managua Nicaragua +Gaborone Botswana Manama Bahrain +Gaborone Botswana Manila Philippines +Gaborone Botswana Maputo Mozambique +Gaborone Botswana Minsk Belarus +Gaborone Botswana Mogadishu Somalia +Gaborone Botswana Monrovia Liberia +Gaborone Botswana Montevideo Uruguay +Gaborone Botswana Moscow Russia +Gaborone Botswana Muscat Oman +Gaborone Botswana Nairobi Kenya +Gaborone Botswana Nassau Bahamas +Gaborone Botswana Niamey Niger +Gaborone Botswana Nicosia Cyprus +Gaborone Botswana Nouakchott Mauritania +Gaborone Botswana Nuuk Greenland +Georgetown Guyana Hanoi Vietnam +Georgetown Guyana Harare Zimbabwe +Georgetown Guyana Havana Cuba +Georgetown Guyana Helsinki Finland +Georgetown Guyana Islamabad Pakistan +Georgetown Guyana Jakarta Indonesia +Georgetown Guyana Kabul Afghanistan +Georgetown Guyana Kampala Uganda +Georgetown Guyana Kathmandu Nepal +Georgetown Guyana Khartoum Sudan +Georgetown Guyana Kiev Ukraine +Georgetown Guyana Kigali Rwanda +Georgetown Guyana Kingston Jamaica +Georgetown Guyana Libreville Gabon +Georgetown Guyana Lilongwe Malawi +Georgetown Guyana Lima Peru +Georgetown Guyana Lisbon Portugal +Georgetown Guyana Ljubljana Slovenia +Georgetown Guyana London England +Georgetown Guyana Luanda Angola +Georgetown Guyana Lusaka Zambia +Georgetown Guyana Madrid Spain +Georgetown Guyana Managua Nicaragua +Georgetown Guyana Manama Bahrain +Georgetown Guyana Manila Philippines +Georgetown Guyana Maputo Mozambique +Georgetown Guyana Minsk Belarus +Georgetown Guyana Mogadishu Somalia +Georgetown Guyana Monrovia Liberia +Georgetown Guyana Montevideo Uruguay +Georgetown Guyana Moscow Russia +Georgetown Guyana Muscat Oman +Georgetown Guyana Nairobi Kenya +Georgetown Guyana Nassau Bahamas +Georgetown Guyana Niamey Niger +Georgetown Guyana Nicosia Cyprus +Georgetown Guyana Nouakchott Mauritania +Georgetown Guyana Nuuk Greenland +Georgetown Guyana Oslo Norway +Hanoi Vietnam Harare Zimbabwe +Hanoi Vietnam Havana Cuba +Hanoi Vietnam Helsinki Finland +Hanoi Vietnam Islamabad Pakistan +Hanoi Vietnam Jakarta Indonesia +Hanoi Vietnam Kabul Afghanistan +Hanoi Vietnam Kampala Uganda +Hanoi Vietnam Kathmandu Nepal +Hanoi Vietnam Khartoum Sudan +Hanoi Vietnam Kiev Ukraine +Hanoi Vietnam Kigali Rwanda +Hanoi Vietnam Kingston Jamaica +Hanoi Vietnam Libreville Gabon +Hanoi Vietnam Lilongwe Malawi +Hanoi Vietnam Lima Peru +Hanoi Vietnam Lisbon Portugal +Hanoi Vietnam Ljubljana Slovenia +Hanoi Vietnam London England +Hanoi Vietnam Luanda Angola +Hanoi Vietnam Lusaka Zambia +Hanoi Vietnam Madrid Spain +Hanoi Vietnam Managua Nicaragua +Hanoi Vietnam Manama Bahrain +Hanoi Vietnam Manila Philippines +Hanoi Vietnam Maputo Mozambique +Hanoi Vietnam Minsk Belarus +Hanoi Vietnam Mogadishu Somalia +Hanoi Vietnam Monrovia Liberia +Hanoi Vietnam Montevideo Uruguay +Hanoi Vietnam Moscow Russia +Hanoi Vietnam Muscat Oman +Hanoi Vietnam Nairobi Kenya +Hanoi Vietnam Nassau Bahamas +Hanoi Vietnam Niamey Niger +Hanoi Vietnam Nicosia Cyprus +Hanoi Vietnam Nouakchott Mauritania +Hanoi Vietnam Nuuk Greenland +Hanoi Vietnam Oslo Norway +Hanoi Vietnam Ottawa Canada +Harare Zimbabwe Havana Cuba +Harare Zimbabwe Helsinki Finland +Harare Zimbabwe Islamabad Pakistan +Harare Zimbabwe Jakarta Indonesia +Harare Zimbabwe Kabul Afghanistan +Harare Zimbabwe Kampala Uganda +Harare Zimbabwe Kathmandu Nepal +Harare Zimbabwe Khartoum Sudan +Harare Zimbabwe Kiev Ukraine +Harare Zimbabwe Kigali Rwanda +Harare Zimbabwe Kingston Jamaica +Harare Zimbabwe Libreville Gabon +Harare Zimbabwe Lilongwe Malawi +Harare Zimbabwe Lima Peru +Harare Zimbabwe Lisbon Portugal +Harare Zimbabwe Ljubljana Slovenia +Harare Zimbabwe London England +Harare Zimbabwe Luanda Angola +Harare Zimbabwe Lusaka Zambia +Harare Zimbabwe Madrid Spain +Harare Zimbabwe Managua Nicaragua +Harare Zimbabwe Manama Bahrain +Harare Zimbabwe Manila Philippines +Harare Zimbabwe Maputo Mozambique +Harare Zimbabwe Minsk Belarus +Harare Zimbabwe Mogadishu Somalia +Harare Zimbabwe Monrovia Liberia +Harare Zimbabwe Montevideo Uruguay +Harare Zimbabwe Moscow Russia +Harare Zimbabwe Muscat Oman +Harare Zimbabwe Nairobi Kenya +Harare Zimbabwe Nassau Bahamas +Harare Zimbabwe Niamey Niger +Harare Zimbabwe Nicosia Cyprus +Harare Zimbabwe Nouakchott Mauritania +Harare Zimbabwe Nuuk Greenland +Harare Zimbabwe Oslo Norway +Harare Zimbabwe Ottawa Canada +Harare Zimbabwe Paramaribo Suriname +Havana Cuba Helsinki Finland +Havana Cuba Islamabad Pakistan +Havana Cuba Jakarta Indonesia +Havana Cuba Kabul Afghanistan +Havana Cuba Kampala Uganda +Havana Cuba Kathmandu Nepal +Havana Cuba Khartoum Sudan +Havana Cuba Kiev Ukraine +Havana Cuba Kigali Rwanda +Havana Cuba Kingston Jamaica +Havana Cuba Libreville Gabon +Havana Cuba Lilongwe Malawi +Havana Cuba Lima Peru +Havana Cuba Lisbon Portugal +Havana Cuba Ljubljana Slovenia +Havana Cuba London England +Havana Cuba Luanda Angola +Havana Cuba Lusaka Zambia +Havana Cuba Madrid Spain +Havana Cuba Managua Nicaragua +Havana Cuba Manama Bahrain +Havana Cuba Manila Philippines +Havana Cuba Maputo Mozambique +Havana Cuba Minsk Belarus +Havana Cuba Mogadishu Somalia +Havana Cuba Monrovia Liberia +Havana Cuba Montevideo Uruguay +Havana Cuba Moscow Russia +Havana Cuba Muscat Oman +Havana Cuba Nairobi Kenya +Havana Cuba Nassau Bahamas +Havana Cuba Niamey Niger +Havana Cuba Nicosia Cyprus +Havana Cuba Nouakchott Mauritania +Havana Cuba Nuuk Greenland +Havana Cuba Oslo Norway +Havana Cuba Ottawa Canada +Havana Cuba Paramaribo Suriname +Havana Cuba Paris France +Helsinki Finland Islamabad Pakistan +Helsinki Finland Jakarta Indonesia +Helsinki Finland Kabul Afghanistan +Helsinki Finland Kampala Uganda +Helsinki Finland Kathmandu Nepal +Helsinki Finland Khartoum Sudan +Helsinki Finland Kiev Ukraine +Helsinki Finland Kigali Rwanda +Helsinki Finland Kingston Jamaica +Helsinki Finland Libreville Gabon +Helsinki Finland Lilongwe Malawi +Helsinki Finland Lima Peru +Helsinki Finland Lisbon Portugal +Helsinki Finland Ljubljana Slovenia +Helsinki Finland London England +Helsinki Finland Luanda Angola +Helsinki Finland Lusaka Zambia +Helsinki Finland Madrid Spain +Helsinki Finland Managua Nicaragua +Helsinki Finland Manama Bahrain +Helsinki Finland Manila Philippines +Helsinki Finland Maputo Mozambique +Helsinki Finland Minsk Belarus +Helsinki Finland Mogadishu Somalia +Helsinki Finland Monrovia Liberia +Helsinki Finland Montevideo Uruguay +Helsinki Finland Moscow Russia +Helsinki Finland Muscat Oman +Helsinki Finland Nairobi Kenya +Helsinki Finland Nassau Bahamas +Helsinki Finland Niamey Niger +Helsinki Finland Nicosia Cyprus +Helsinki Finland Nouakchott Mauritania +Helsinki Finland Nuuk Greenland +Helsinki Finland Oslo Norway +Helsinki Finland Ottawa Canada +Helsinki Finland Paramaribo Suriname +Helsinki Finland Paris France +Helsinki Finland Podgorica Montenegro +Islamabad Pakistan Jakarta Indonesia +Islamabad Pakistan Kabul Afghanistan +Islamabad Pakistan Kampala Uganda +Islamabad Pakistan Kathmandu Nepal +Islamabad Pakistan Khartoum Sudan +Islamabad Pakistan Kiev Ukraine +Islamabad Pakistan Kigali Rwanda +Islamabad Pakistan Kingston Jamaica +Islamabad Pakistan Libreville Gabon +Islamabad Pakistan Lilongwe Malawi +Islamabad Pakistan Lima Peru +Islamabad Pakistan Lisbon Portugal +Islamabad Pakistan Ljubljana Slovenia +Islamabad Pakistan London England +Islamabad Pakistan Luanda Angola +Islamabad Pakistan Lusaka Zambia +Islamabad Pakistan Madrid Spain +Islamabad Pakistan Managua Nicaragua +Islamabad Pakistan Manama Bahrain +Islamabad Pakistan Manila Philippines +Islamabad Pakistan Maputo Mozambique +Islamabad Pakistan Minsk Belarus +Islamabad Pakistan Mogadishu Somalia +Islamabad Pakistan Monrovia Liberia +Islamabad Pakistan Montevideo Uruguay +Islamabad Pakistan Moscow Russia +Islamabad Pakistan Muscat Oman +Islamabad Pakistan Nairobi Kenya +Islamabad Pakistan Nassau Bahamas +Islamabad Pakistan Niamey Niger +Islamabad Pakistan Nicosia Cyprus +Islamabad Pakistan Nouakchott Mauritania +Islamabad Pakistan Nuuk Greenland +Islamabad Pakistan Oslo Norway +Islamabad Pakistan Ottawa Canada +Islamabad Pakistan Paramaribo Suriname +Islamabad Pakistan Paris France +Islamabad Pakistan Podgorica Montenegro +Islamabad Pakistan Quito Ecuador +Jakarta Indonesia Kabul Afghanistan +Jakarta Indonesia Kampala Uganda +Jakarta Indonesia Kathmandu Nepal +Jakarta Indonesia Khartoum Sudan +Jakarta Indonesia Kiev Ukraine +Jakarta Indonesia Kigali Rwanda +Jakarta Indonesia Kingston Jamaica +Jakarta Indonesia Libreville Gabon +Jakarta Indonesia Lilongwe Malawi +Jakarta Indonesia Lima Peru +Jakarta Indonesia Lisbon Portugal +Jakarta Indonesia Ljubljana Slovenia +Jakarta Indonesia London England +Jakarta Indonesia Luanda Angola +Jakarta Indonesia Lusaka Zambia +Jakarta Indonesia Madrid Spain +Jakarta Indonesia Managua Nicaragua +Jakarta Indonesia Manama Bahrain +Jakarta Indonesia Manila Philippines +Jakarta Indonesia Maputo Mozambique +Jakarta Indonesia Minsk Belarus +Jakarta Indonesia Mogadishu Somalia +Jakarta Indonesia Monrovia Liberia +Jakarta Indonesia Montevideo Uruguay +Jakarta Indonesia Moscow Russia +Jakarta Indonesia Muscat Oman +Jakarta Indonesia Nairobi Kenya +Jakarta Indonesia Nassau Bahamas +Jakarta Indonesia Niamey Niger +Jakarta Indonesia Nicosia Cyprus +Jakarta Indonesia Nouakchott Mauritania +Jakarta Indonesia Nuuk Greenland +Jakarta Indonesia Oslo Norway +Jakarta Indonesia Ottawa Canada +Jakarta Indonesia Paramaribo Suriname +Jakarta Indonesia Paris France +Jakarta Indonesia Podgorica Montenegro +Jakarta Indonesia Quito Ecuador +Jakarta Indonesia Rabat Morocco +Kabul Afghanistan Kampala Uganda +Kabul Afghanistan Kathmandu Nepal +Kabul Afghanistan Khartoum Sudan +Kabul Afghanistan Kiev Ukraine +Kabul Afghanistan Kigali Rwanda +Kabul Afghanistan Kingston Jamaica +Kabul Afghanistan Libreville Gabon +Kabul Afghanistan Lilongwe Malawi +Kabul Afghanistan Lima Peru +Kabul Afghanistan Lisbon Portugal +Kabul Afghanistan Ljubljana Slovenia +Kabul Afghanistan London England +Kabul Afghanistan Luanda Angola +Kabul Afghanistan Lusaka Zambia +Kabul Afghanistan Madrid Spain +Kabul Afghanistan Managua Nicaragua +Kabul Afghanistan Manama Bahrain +Kabul Afghanistan Manila Philippines +Kabul Afghanistan Maputo Mozambique +Kabul Afghanistan Minsk Belarus +Kabul Afghanistan Mogadishu Somalia +Kabul Afghanistan Monrovia Liberia +Kabul Afghanistan Montevideo Uruguay +Kabul Afghanistan Moscow Russia +Kabul Afghanistan Muscat Oman +Kabul Afghanistan Nairobi Kenya +Kabul Afghanistan Nassau Bahamas +Kabul Afghanistan Niamey Niger +Kabul Afghanistan Nicosia Cyprus +Kabul Afghanistan Nouakchott Mauritania +Kabul Afghanistan Nuuk Greenland +Kabul Afghanistan Oslo Norway +Kabul Afghanistan Ottawa Canada +Kabul Afghanistan Paramaribo Suriname +Kabul Afghanistan Paris France +Kabul Afghanistan Podgorica Montenegro +Kabul Afghanistan Quito Ecuador +Kabul Afghanistan Rabat Morocco +Kabul Afghanistan Riga Latvia +Kampala Uganda Kathmandu Nepal +Kampala Uganda Khartoum Sudan +Kampala Uganda Kiev Ukraine +Kampala Uganda Kigali Rwanda +Kampala Uganda Kingston Jamaica +Kampala Uganda Libreville Gabon +Kampala Uganda Lilongwe Malawi +Kampala Uganda Lima Peru +Kampala Uganda Lisbon Portugal +Kampala Uganda Ljubljana Slovenia +Kampala Uganda London England +Kampala Uganda Luanda Angola +Kampala Uganda Lusaka Zambia +Kampala Uganda Madrid Spain +Kampala Uganda Managua Nicaragua +Kampala Uganda Manama Bahrain +Kampala Uganda Manila Philippines +Kampala Uganda Maputo Mozambique +Kampala Uganda Minsk Belarus +Kampala Uganda Mogadishu Somalia +Kampala Uganda Monrovia Liberia +Kampala Uganda Montevideo Uruguay +Kampala Uganda Moscow Russia +Kampala Uganda Muscat Oman +Kampala Uganda Nairobi Kenya +Kampala Uganda Nassau Bahamas +Kampala Uganda Niamey Niger +Kampala Uganda Nicosia Cyprus +Kampala Uganda Nouakchott Mauritania +Kampala Uganda Nuuk Greenland +Kampala Uganda Oslo Norway +Kampala Uganda Ottawa Canada +Kampala Uganda Paramaribo Suriname +Kampala Uganda Paris France +Kampala Uganda Podgorica Montenegro +Kampala Uganda Quito Ecuador +Kampala Uganda Rabat Morocco +Kampala Uganda Riga Latvia +Kampala Uganda Rome Italy +Kathmandu Nepal Khartoum Sudan +Kathmandu Nepal Kiev Ukraine +Kathmandu Nepal Kigali Rwanda +Kathmandu Nepal Kingston Jamaica +Kathmandu Nepal Libreville Gabon +Kathmandu Nepal Lilongwe Malawi +Kathmandu Nepal Lima Peru +Kathmandu Nepal Lisbon Portugal +Kathmandu Nepal Ljubljana Slovenia +Kathmandu Nepal London England +Kathmandu Nepal Luanda Angola +Kathmandu Nepal Lusaka Zambia +Kathmandu Nepal Madrid Spain +Kathmandu Nepal Managua Nicaragua +Kathmandu Nepal Manama Bahrain +Kathmandu Nepal Manila Philippines +Kathmandu Nepal Maputo Mozambique +Kathmandu Nepal Minsk Belarus +Kathmandu Nepal Mogadishu Somalia +Kathmandu Nepal Monrovia Liberia +Kathmandu Nepal Montevideo Uruguay +Kathmandu Nepal Moscow Russia +Kathmandu Nepal Muscat Oman +Kathmandu Nepal Nairobi Kenya +Kathmandu Nepal Nassau Bahamas +Kathmandu Nepal Niamey Niger +Kathmandu Nepal Nicosia Cyprus +Kathmandu Nepal Nouakchott Mauritania +Kathmandu Nepal Nuuk Greenland +Kathmandu Nepal Oslo Norway +Kathmandu Nepal Ottawa Canada +Kathmandu Nepal Paramaribo Suriname +Kathmandu Nepal Paris France +Kathmandu Nepal Podgorica Montenegro +Kathmandu Nepal Quito Ecuador +Kathmandu Nepal Rabat Morocco +Kathmandu Nepal Riga Latvia +Kathmandu Nepal Rome Italy +Kathmandu Nepal Roseau Dominica +Khartoum Sudan Kiev Ukraine +Khartoum Sudan Kigali Rwanda +Khartoum Sudan Kingston Jamaica +Khartoum Sudan Libreville Gabon +Khartoum Sudan Lilongwe Malawi +Khartoum Sudan Lima Peru +Khartoum Sudan Lisbon Portugal +Khartoum Sudan Ljubljana Slovenia +Khartoum Sudan London England +Khartoum Sudan Luanda Angola +Khartoum Sudan Lusaka Zambia +Khartoum Sudan Madrid Spain +Khartoum Sudan Managua Nicaragua +Khartoum Sudan Manama Bahrain +Khartoum Sudan Manila Philippines +Khartoum Sudan Maputo Mozambique +Khartoum Sudan Minsk Belarus +Khartoum Sudan Mogadishu Somalia +Khartoum Sudan Monrovia Liberia +Khartoum Sudan Montevideo Uruguay +Khartoum Sudan Moscow Russia +Khartoum Sudan Muscat Oman +Khartoum Sudan Nairobi Kenya +Khartoum Sudan Nassau Bahamas +Khartoum Sudan Niamey Niger +Khartoum Sudan Nicosia Cyprus +Khartoum Sudan Nouakchott Mauritania +Khartoum Sudan Nuuk Greenland +Khartoum Sudan Oslo Norway +Khartoum Sudan Ottawa Canada +Khartoum Sudan Paramaribo Suriname +Khartoum Sudan Paris France +Khartoum Sudan Podgorica Montenegro +Khartoum Sudan Quito Ecuador +Khartoum Sudan Rabat Morocco +Khartoum Sudan Riga Latvia +Khartoum Sudan Rome Italy +Khartoum Sudan Roseau Dominica +Khartoum Sudan Santiago Chile +Kiev Ukraine Kigali Rwanda +Kiev Ukraine Kingston Jamaica +Kiev Ukraine Libreville Gabon +Kiev Ukraine Lilongwe Malawi +Kiev Ukraine Lima Peru +Kiev Ukraine Lisbon Portugal +Kiev Ukraine Ljubljana Slovenia +Kiev Ukraine London England +Kiev Ukraine Luanda Angola +Kiev Ukraine Lusaka Zambia +Kiev Ukraine Madrid Spain +Kiev Ukraine Managua Nicaragua +Kiev Ukraine Manama Bahrain +Kiev Ukraine Manila Philippines +Kiev Ukraine Maputo Mozambique +Kiev Ukraine Minsk Belarus +Kiev Ukraine Mogadishu Somalia +Kiev Ukraine Monrovia Liberia +Kiev Ukraine Montevideo Uruguay +Kiev Ukraine Moscow Russia +Kiev Ukraine Muscat Oman +Kiev Ukraine Nairobi Kenya +Kiev Ukraine Nassau Bahamas +Kiev Ukraine Niamey Niger +Kiev Ukraine Nicosia Cyprus +Kiev Ukraine Nouakchott Mauritania +Kiev Ukraine Nuuk Greenland +Kiev Ukraine Oslo Norway +Kiev Ukraine Ottawa Canada +Kiev Ukraine Paramaribo Suriname +Kiev Ukraine Paris France +Kiev Ukraine Podgorica Montenegro +Kiev Ukraine Quito Ecuador +Kiev Ukraine Rabat Morocco +Kiev Ukraine Riga Latvia +Kiev Ukraine Rome Italy +Kiev Ukraine Roseau Dominica +Kiev Ukraine Santiago Chile +Kiev Ukraine Skopje Macedonia +Kigali Rwanda Kingston Jamaica +Kigali Rwanda Libreville Gabon +Kigali Rwanda Lilongwe Malawi +Kigali Rwanda Lima Peru +Kigali Rwanda Lisbon Portugal +Kigali Rwanda Ljubljana Slovenia +Kigali Rwanda London England +Kigali Rwanda Luanda Angola +Kigali Rwanda Lusaka Zambia +Kigali Rwanda Madrid Spain +Kigali Rwanda Managua Nicaragua +Kigali Rwanda Manama Bahrain +Kigali Rwanda Manila Philippines +Kigali Rwanda Maputo Mozambique +Kigali Rwanda Minsk Belarus +Kigali Rwanda Mogadishu Somalia +Kigali Rwanda Monrovia Liberia +Kigali Rwanda Montevideo Uruguay +Kigali Rwanda Moscow Russia +Kigali Rwanda Muscat Oman +Kigali Rwanda Nairobi Kenya +Kigali Rwanda Nassau Bahamas +Kigali Rwanda Niamey Niger +Kigali Rwanda Nicosia Cyprus +Kigali Rwanda Nouakchott Mauritania +Kigali Rwanda Nuuk Greenland +Kigali Rwanda Oslo Norway +Kigali Rwanda Ottawa Canada +Kigali Rwanda Paramaribo Suriname +Kigali Rwanda Paris France +Kigali Rwanda Podgorica Montenegro +Kigali Rwanda Quito Ecuador +Kigali Rwanda Rabat Morocco +Kigali Rwanda Riga Latvia +Kigali Rwanda Rome Italy +Kigali Rwanda Roseau Dominica +Kigali Rwanda Santiago Chile +Kigali Rwanda Skopje Macedonia +Kigali Rwanda Sofia Bulgaria +Kingston Jamaica Libreville Gabon +Kingston Jamaica Lilongwe Malawi +Kingston Jamaica Lima Peru +Kingston Jamaica Lisbon Portugal +Kingston Jamaica Ljubljana Slovenia +Kingston Jamaica London England +Kingston Jamaica Luanda Angola +Kingston Jamaica Lusaka Zambia +Kingston Jamaica Madrid Spain +Kingston Jamaica Managua Nicaragua +Kingston Jamaica Manama Bahrain +Kingston Jamaica Manila Philippines +Kingston Jamaica Maputo Mozambique +Kingston Jamaica Minsk Belarus +Kingston Jamaica Mogadishu Somalia +Kingston Jamaica Monrovia Liberia +Kingston Jamaica Montevideo Uruguay +Kingston Jamaica Moscow Russia +Kingston Jamaica Muscat Oman +Kingston Jamaica Nairobi Kenya +Kingston Jamaica Nassau Bahamas +Kingston Jamaica Niamey Niger +Kingston Jamaica Nicosia Cyprus +Kingston Jamaica Nouakchott Mauritania +Kingston Jamaica Nuuk Greenland +Kingston Jamaica Oslo Norway +Kingston Jamaica Ottawa Canada +Kingston Jamaica Paramaribo Suriname +Kingston Jamaica Paris France +Kingston Jamaica Podgorica Montenegro +Kingston Jamaica Quito Ecuador +Kingston Jamaica Rabat Morocco +Kingston Jamaica Riga Latvia +Kingston Jamaica Rome Italy +Kingston Jamaica Roseau Dominica +Kingston Jamaica Santiago Chile +Kingston Jamaica Skopje Macedonia +Kingston Jamaica Sofia Bulgaria +Kingston Jamaica Stockholm Sweden +Libreville Gabon Lilongwe Malawi +Libreville Gabon Lima Peru +Libreville Gabon Lisbon Portugal +Libreville Gabon Ljubljana Slovenia +Libreville Gabon London England +Libreville Gabon Luanda Angola +Libreville Gabon Lusaka Zambia +Libreville Gabon Madrid Spain +Libreville Gabon Managua Nicaragua +Libreville Gabon Manama Bahrain +Libreville Gabon Manila Philippines +Libreville Gabon Maputo Mozambique +Libreville Gabon Minsk Belarus +Libreville Gabon Mogadishu Somalia +Libreville Gabon Monrovia Liberia +Libreville Gabon Montevideo Uruguay +Libreville Gabon Moscow Russia +Libreville Gabon Muscat Oman +Libreville Gabon Nairobi Kenya +Libreville Gabon Nassau Bahamas +Libreville Gabon Niamey Niger +Libreville Gabon Nicosia Cyprus +Libreville Gabon Nouakchott Mauritania +Libreville Gabon Nuuk Greenland +Libreville Gabon Oslo Norway +Libreville Gabon Ottawa Canada +Libreville Gabon Paramaribo Suriname +Libreville Gabon Paris France +Libreville Gabon Podgorica Montenegro +Libreville Gabon Quito Ecuador +Libreville Gabon Rabat Morocco +Libreville Gabon Riga Latvia +Libreville Gabon Rome Italy +Libreville Gabon Roseau Dominica +Libreville Gabon Santiago Chile +Libreville Gabon Skopje Macedonia +Libreville Gabon Sofia Bulgaria +Libreville Gabon Stockholm Sweden +Libreville Gabon Suva Fiji +Lilongwe Malawi Lima Peru +Lilongwe Malawi Lisbon Portugal +Lilongwe Malawi Ljubljana Slovenia +Lilongwe Malawi London England +Lilongwe Malawi Luanda Angola +Lilongwe Malawi Lusaka Zambia +Lilongwe Malawi Madrid Spain +Lilongwe Malawi Managua Nicaragua +Lilongwe Malawi Manama Bahrain +Lilongwe Malawi Manila Philippines +Lilongwe Malawi Maputo Mozambique +Lilongwe Malawi Minsk Belarus +Lilongwe Malawi Mogadishu Somalia +Lilongwe Malawi Monrovia Liberia +Lilongwe Malawi Montevideo Uruguay +Lilongwe Malawi Moscow Russia +Lilongwe Malawi Muscat Oman +Lilongwe Malawi Nairobi Kenya +Lilongwe Malawi Nassau Bahamas +Lilongwe Malawi Niamey Niger +Lilongwe Malawi Nicosia Cyprus +Lilongwe Malawi Nouakchott Mauritania +Lilongwe Malawi Nuuk Greenland +Lilongwe Malawi Oslo Norway +Lilongwe Malawi Ottawa Canada +Lilongwe Malawi Paramaribo Suriname +Lilongwe Malawi Paris France +Lilongwe Malawi Podgorica Montenegro +Lilongwe Malawi Quito Ecuador +Lilongwe Malawi Rabat Morocco +Lilongwe Malawi Riga Latvia +Lilongwe Malawi Rome Italy +Lilongwe Malawi Roseau Dominica +Lilongwe Malawi Santiago Chile +Lilongwe Malawi Skopje Macedonia +Lilongwe Malawi Sofia Bulgaria +Lilongwe Malawi Stockholm Sweden +Lilongwe Malawi Suva Fiji +Lilongwe Malawi Taipei Taiwan +Lima Peru Lisbon Portugal +Lima Peru Ljubljana Slovenia +Lima Peru London England +Lima Peru Luanda Angola +Lima Peru Lusaka Zambia +Lima Peru Madrid Spain +Lima Peru Managua Nicaragua +Lima Peru Manama Bahrain +Lima Peru Manila Philippines +Lima Peru Maputo Mozambique +Lima Peru Minsk Belarus +Lima Peru Mogadishu Somalia +Lima Peru Monrovia Liberia +Lima Peru Montevideo Uruguay +Lima Peru Moscow Russia +Lima Peru Muscat Oman +Lima Peru Nairobi Kenya +Lima Peru Nassau Bahamas +Lima Peru Niamey Niger +Lima Peru Nicosia Cyprus +Lima Peru Nouakchott Mauritania +Lima Peru Nuuk Greenland +Lima Peru Oslo Norway +Lima Peru Ottawa Canada +Lima Peru Paramaribo Suriname +Lima Peru Paris France +Lima Peru Podgorica Montenegro +Lima Peru Quito Ecuador +Lima Peru Rabat Morocco +Lima Peru Riga Latvia +Lima Peru Rome Italy +Lima Peru Roseau Dominica +Lima Peru Santiago Chile +Lima Peru Skopje Macedonia +Lima Peru Sofia Bulgaria +Lima Peru Stockholm Sweden +Lima Peru Suva Fiji +Lima Peru Taipei Taiwan +Lima Peru Tallinn Estonia +Lisbon Portugal Ljubljana Slovenia +Lisbon Portugal London England +Lisbon Portugal Luanda Angola +Lisbon Portugal Lusaka Zambia +Lisbon Portugal Madrid Spain +Lisbon Portugal Managua Nicaragua +Lisbon Portugal Manama Bahrain +Lisbon Portugal Manila Philippines +Lisbon Portugal Maputo Mozambique +Lisbon Portugal Minsk Belarus +Lisbon Portugal Mogadishu Somalia +Lisbon Portugal Monrovia Liberia +Lisbon Portugal Montevideo Uruguay +Lisbon Portugal Moscow Russia +Lisbon Portugal Muscat Oman +Lisbon Portugal Nairobi Kenya +Lisbon Portugal Nassau Bahamas +Lisbon Portugal Niamey Niger +Lisbon Portugal Nicosia Cyprus +Lisbon Portugal Nouakchott Mauritania +Lisbon Portugal Nuuk Greenland +Lisbon Portugal Oslo Norway +Lisbon Portugal Ottawa Canada +Lisbon Portugal Paramaribo Suriname +Lisbon Portugal Paris France +Lisbon Portugal Podgorica Montenegro +Lisbon Portugal Quito Ecuador +Lisbon Portugal Rabat Morocco +Lisbon Portugal Riga Latvia +Lisbon Portugal Rome Italy +Lisbon Portugal Roseau Dominica +Lisbon Portugal Santiago Chile +Lisbon Portugal Skopje Macedonia +Lisbon Portugal Sofia Bulgaria +Lisbon Portugal Stockholm Sweden +Lisbon Portugal Suva Fiji +Lisbon Portugal Taipei Taiwan +Lisbon Portugal Tallinn Estonia +Lisbon Portugal Tashkent Uzbekistan +Ljubljana Slovenia London England +Ljubljana Slovenia Luanda Angola +Ljubljana Slovenia Lusaka Zambia +Ljubljana Slovenia Madrid Spain +Ljubljana Slovenia Managua Nicaragua +Ljubljana Slovenia Manama Bahrain +Ljubljana Slovenia Manila Philippines +Ljubljana Slovenia Maputo Mozambique +Ljubljana Slovenia Minsk Belarus +Ljubljana Slovenia Mogadishu Somalia +Ljubljana Slovenia Monrovia Liberia +Ljubljana Slovenia Montevideo Uruguay +Ljubljana Slovenia Moscow Russia +Ljubljana Slovenia Muscat Oman +Ljubljana Slovenia Nairobi Kenya +Ljubljana Slovenia Nassau Bahamas +Ljubljana Slovenia Niamey Niger +Ljubljana Slovenia Nicosia Cyprus +Ljubljana Slovenia Nouakchott Mauritania +Ljubljana Slovenia Nuuk Greenland +Ljubljana Slovenia Oslo Norway +Ljubljana Slovenia Ottawa Canada +Ljubljana Slovenia Paramaribo Suriname +Ljubljana Slovenia Paris France +Ljubljana Slovenia Podgorica Montenegro +Ljubljana Slovenia Quito Ecuador +Ljubljana Slovenia Rabat Morocco +Ljubljana Slovenia Riga Latvia +Ljubljana Slovenia Rome Italy +Ljubljana Slovenia Roseau Dominica +Ljubljana Slovenia Santiago Chile +Ljubljana Slovenia Skopje Macedonia +Ljubljana Slovenia Sofia Bulgaria +Ljubljana Slovenia Stockholm Sweden +Ljubljana Slovenia Suva Fiji +Ljubljana Slovenia Taipei Taiwan +Ljubljana Slovenia Tallinn Estonia +Ljubljana Slovenia Tashkent Uzbekistan +Ljubljana Slovenia Tbilisi Georgia +London England Luanda Angola +London England Lusaka Zambia +London England Madrid Spain +London England Managua Nicaragua +London England Manama Bahrain +London England Manila Philippines +London England Maputo Mozambique +London England Minsk Belarus +London England Mogadishu Somalia +London England Monrovia Liberia +London England Montevideo Uruguay +London England Moscow Russia +London England Muscat Oman +London England Nairobi Kenya +London England Nassau Bahamas +London England Niamey Niger +London England Nicosia Cyprus +London England Nouakchott Mauritania +London England Nuuk Greenland +London England Oslo Norway +London England Ottawa Canada +London England Paramaribo Suriname +London England Paris France +London England Podgorica Montenegro +London England Quito Ecuador +London England Rabat Morocco +London England Riga Latvia +London England Rome Italy +London England Roseau Dominica +London England Santiago Chile +London England Skopje Macedonia +London England Sofia Bulgaria +London England Stockholm Sweden +London England Suva Fiji +London England Taipei Taiwan +London England Tallinn Estonia +London England Tashkent Uzbekistan +London England Tbilisi Georgia +London England Tegucigalpa Honduras +Luanda Angola Lusaka Zambia +Luanda Angola Madrid Spain +Luanda Angola Managua Nicaragua +Luanda Angola Manama Bahrain +Luanda Angola Manila Philippines +Luanda Angola Maputo Mozambique +Luanda Angola Minsk Belarus +Luanda Angola Mogadishu Somalia +Luanda Angola Monrovia Liberia +Luanda Angola Montevideo Uruguay +Luanda Angola Moscow Russia +Luanda Angola Muscat Oman +Luanda Angola Nairobi Kenya +Luanda Angola Nassau Bahamas +Luanda Angola Niamey Niger +Luanda Angola Nicosia Cyprus +Luanda Angola Nouakchott Mauritania +Luanda Angola Nuuk Greenland +Luanda Angola Oslo Norway +Luanda Angola Ottawa Canada +Luanda Angola Paramaribo Suriname +Luanda Angola Paris France +Luanda Angola Podgorica Montenegro +Luanda Angola Quito Ecuador +Luanda Angola Rabat Morocco +Luanda Angola Riga Latvia +Luanda Angola Rome Italy +Luanda Angola Roseau Dominica +Luanda Angola Santiago Chile +Luanda Angola Skopje Macedonia +Luanda Angola Sofia Bulgaria +Luanda Angola Stockholm Sweden +Luanda Angola Suva Fiji +Luanda Angola Taipei Taiwan +Luanda Angola Tallinn Estonia +Luanda Angola Tashkent Uzbekistan +Luanda Angola Tbilisi Georgia +Luanda Angola Tegucigalpa Honduras +Luanda Angola Tehran Iran +Lusaka Zambia Madrid Spain +Lusaka Zambia Managua Nicaragua +Lusaka Zambia Manama Bahrain +Lusaka Zambia Manila Philippines +Lusaka Zambia Maputo Mozambique +Lusaka Zambia Minsk Belarus +Lusaka Zambia Mogadishu Somalia +Lusaka Zambia Monrovia Liberia +Lusaka Zambia Montevideo Uruguay +Lusaka Zambia Moscow Russia +Lusaka Zambia Muscat Oman +Lusaka Zambia Nairobi Kenya +Lusaka Zambia Nassau Bahamas +Lusaka Zambia Niamey Niger +Lusaka Zambia Nicosia Cyprus +Lusaka Zambia Nouakchott Mauritania +Lusaka Zambia Nuuk Greenland +Lusaka Zambia Oslo Norway +Lusaka Zambia Ottawa Canada +Lusaka Zambia Paramaribo Suriname +Lusaka Zambia Paris France +Lusaka Zambia Podgorica Montenegro +Lusaka Zambia Quito Ecuador +Lusaka Zambia Rabat Morocco +Lusaka Zambia Riga Latvia +Lusaka Zambia Rome Italy +Lusaka Zambia Roseau Dominica +Lusaka Zambia Santiago Chile +Lusaka Zambia Skopje Macedonia +Lusaka Zambia Sofia Bulgaria +Lusaka Zambia Stockholm Sweden +Lusaka Zambia Suva Fiji +Lusaka Zambia Taipei Taiwan +Lusaka Zambia Tallinn Estonia +Lusaka Zambia Tashkent Uzbekistan +Lusaka Zambia Tbilisi Georgia +Lusaka Zambia Tegucigalpa Honduras +Lusaka Zambia Tehran Iran +Lusaka Zambia Thimphu Bhutan +Madrid Spain Managua Nicaragua +Madrid Spain Manama Bahrain +Madrid Spain Manila Philippines +Madrid Spain Maputo Mozambique +Madrid Spain Minsk Belarus +Madrid Spain Mogadishu Somalia +Madrid Spain Monrovia Liberia +Madrid Spain Montevideo Uruguay +Madrid Spain Moscow Russia +Madrid Spain Muscat Oman +Madrid Spain Nairobi Kenya +Madrid Spain Nassau Bahamas +Madrid Spain Niamey Niger +Madrid Spain Nicosia Cyprus +Madrid Spain Nouakchott Mauritania +Madrid Spain Nuuk Greenland +Madrid Spain Oslo Norway +Madrid Spain Ottawa Canada +Madrid Spain Paramaribo Suriname +Madrid Spain Paris France +Madrid Spain Podgorica Montenegro +Madrid Spain Quito Ecuador +Madrid Spain Rabat Morocco +Madrid Spain Riga Latvia +Madrid Spain Rome Italy +Madrid Spain Roseau Dominica +Madrid Spain Santiago Chile +Madrid Spain Skopje Macedonia +Madrid Spain Sofia Bulgaria +Madrid Spain Stockholm Sweden +Madrid Spain Suva Fiji +Madrid Spain Taipei Taiwan +Madrid Spain Tallinn Estonia +Madrid Spain Tashkent Uzbekistan +Madrid Spain Tbilisi Georgia +Madrid Spain Tegucigalpa Honduras +Madrid Spain Tehran Iran +Madrid Spain Thimphu Bhutan +Madrid Spain Tirana Albania +Managua Nicaragua Manama Bahrain +Managua Nicaragua Manila Philippines +Managua Nicaragua Maputo Mozambique +Managua Nicaragua Minsk Belarus +Managua Nicaragua Mogadishu Somalia +Managua Nicaragua Monrovia Liberia +Managua Nicaragua Montevideo Uruguay +Managua Nicaragua Moscow Russia +Managua Nicaragua Muscat Oman +Managua Nicaragua Nairobi Kenya +Managua Nicaragua Nassau Bahamas +Managua Nicaragua Niamey Niger +Managua Nicaragua Nicosia Cyprus +Managua Nicaragua Nouakchott Mauritania +Managua Nicaragua Nuuk Greenland +Managua Nicaragua Oslo Norway +Managua Nicaragua Ottawa Canada +Managua Nicaragua Paramaribo Suriname +Managua Nicaragua Paris France +Managua Nicaragua Podgorica Montenegro +Managua Nicaragua Quito Ecuador +Managua Nicaragua Rabat Morocco +Managua Nicaragua Riga Latvia +Managua Nicaragua Rome Italy +Managua Nicaragua Roseau Dominica +Managua Nicaragua Santiago Chile +Managua Nicaragua Skopje Macedonia +Managua Nicaragua Sofia Bulgaria +Managua Nicaragua Stockholm Sweden +Managua Nicaragua Suva Fiji +Managua Nicaragua Taipei Taiwan +Managua Nicaragua Tallinn Estonia +Managua Nicaragua Tashkent Uzbekistan +Managua Nicaragua Tbilisi Georgia +Managua Nicaragua Tegucigalpa Honduras +Managua Nicaragua Tehran Iran +Managua Nicaragua Thimphu Bhutan +Managua Nicaragua Tirana Albania +Managua Nicaragua Tokyo Japan +Manama Bahrain Manila Philippines +Manama Bahrain Maputo Mozambique +Manama Bahrain Minsk Belarus +Manama Bahrain Mogadishu Somalia +Manama Bahrain Monrovia Liberia +Manama Bahrain Montevideo Uruguay +Manama Bahrain Moscow Russia +Manama Bahrain Muscat Oman +Manama Bahrain Nairobi Kenya +Manama Bahrain Nassau Bahamas +Manama Bahrain Niamey Niger +Manama Bahrain Nicosia Cyprus +Manama Bahrain Nouakchott Mauritania +Manama Bahrain Nuuk Greenland +Manama Bahrain Oslo Norway +Manama Bahrain Ottawa Canada +Manama Bahrain Paramaribo Suriname +Manama Bahrain Paris France +Manama Bahrain Podgorica Montenegro +Manama Bahrain Quito Ecuador +Manama Bahrain Rabat Morocco +Manama Bahrain Riga Latvia +Manama Bahrain Rome Italy +Manama Bahrain Roseau Dominica +Manama Bahrain Santiago Chile +Manama Bahrain Skopje Macedonia +Manama Bahrain Sofia Bulgaria +Manama Bahrain Stockholm Sweden +Manama Bahrain Suva Fiji +Manama Bahrain Taipei Taiwan +Manama Bahrain Tallinn Estonia +Manama Bahrain Tashkent Uzbekistan +Manama Bahrain Tbilisi Georgia +Manama Bahrain Tegucigalpa Honduras +Manama Bahrain Tehran Iran +Manama Bahrain Thimphu Bhutan +Manama Bahrain Tirana Albania +Manama Bahrain Tokyo Japan +Manama Bahrain Tripoli Libya +Manila Philippines Maputo Mozambique +Manila Philippines Minsk Belarus +Manila Philippines Mogadishu Somalia +Manila Philippines Monrovia Liberia +Manila Philippines Montevideo Uruguay +Manila Philippines Moscow Russia +Manila Philippines Muscat Oman +Manila Philippines Nairobi Kenya +Manila Philippines Nassau Bahamas +Manila Philippines Niamey Niger +Manila Philippines Nicosia Cyprus +Manila Philippines Nouakchott Mauritania +Manila Philippines Nuuk Greenland +Manila Philippines Oslo Norway +Manila Philippines Ottawa Canada +Manila Philippines Paramaribo Suriname +Manila Philippines Paris France +Manila Philippines Podgorica Montenegro +Manila Philippines Quito Ecuador +Manila Philippines Rabat Morocco +Manila Philippines Riga Latvia +Manila Philippines Rome Italy +Manila Philippines Roseau Dominica +Manila Philippines Santiago Chile +Manila Philippines Skopje Macedonia +Manila Philippines Sofia Bulgaria +Manila Philippines Stockholm Sweden +Manila Philippines Suva Fiji +Manila Philippines Taipei Taiwan +Manila Philippines Tallinn Estonia +Manila Philippines Tashkent Uzbekistan +Manila Philippines Tbilisi Georgia +Manila Philippines Tegucigalpa Honduras +Manila Philippines Tehran Iran +Manila Philippines Thimphu Bhutan +Manila Philippines Tirana Albania +Manila Philippines Tokyo Japan +Manila Philippines Tripoli Libya +Manila Philippines Tunis Tunisia +Maputo Mozambique Minsk Belarus +Maputo Mozambique Mogadishu Somalia +Maputo Mozambique Monrovia Liberia +Maputo Mozambique Montevideo Uruguay +Maputo Mozambique Moscow Russia +Maputo Mozambique Muscat Oman +Maputo Mozambique Nairobi Kenya +Maputo Mozambique Nassau Bahamas +Maputo Mozambique Niamey Niger +Maputo Mozambique Nicosia Cyprus +Maputo Mozambique Nouakchott Mauritania +Maputo Mozambique Nuuk Greenland +Maputo Mozambique Oslo Norway +Maputo Mozambique Ottawa Canada +Maputo Mozambique Paramaribo Suriname +Maputo Mozambique Paris France +Maputo Mozambique Podgorica Montenegro +Maputo Mozambique Quito Ecuador +Maputo Mozambique Rabat Morocco +Maputo Mozambique Riga Latvia +Maputo Mozambique Rome Italy +Maputo Mozambique Roseau Dominica +Maputo Mozambique Santiago Chile +Maputo Mozambique Skopje Macedonia +Maputo Mozambique Sofia Bulgaria +Maputo Mozambique Stockholm Sweden +Maputo Mozambique Suva Fiji +Maputo Mozambique Taipei Taiwan +Maputo Mozambique Tallinn Estonia +Maputo Mozambique Tashkent Uzbekistan +Maputo Mozambique Tbilisi Georgia +Maputo Mozambique Tegucigalpa Honduras +Maputo Mozambique Tehran Iran +Maputo Mozambique Thimphu Bhutan +Maputo Mozambique Tirana Albania +Maputo Mozambique Tokyo Japan +Maputo Mozambique Tripoli Libya +Maputo Mozambique Tunis Tunisia +Maputo Mozambique Vaduz Liechtenstein +Minsk Belarus Mogadishu Somalia +Minsk Belarus Monrovia Liberia +Minsk Belarus Montevideo Uruguay +Minsk Belarus Moscow Russia +Minsk Belarus Muscat Oman +Minsk Belarus Nairobi Kenya +Minsk Belarus Nassau Bahamas +Minsk Belarus Niamey Niger +Minsk Belarus Nicosia Cyprus +Minsk Belarus Nouakchott Mauritania +Minsk Belarus Nuuk Greenland +Minsk Belarus Oslo Norway +Minsk Belarus Ottawa Canada +Minsk Belarus Paramaribo Suriname +Minsk Belarus Paris France +Minsk Belarus Podgorica Montenegro +Minsk Belarus Quito Ecuador +Minsk Belarus Rabat Morocco +Minsk Belarus Riga Latvia +Minsk Belarus Rome Italy +Minsk Belarus Roseau Dominica +Minsk Belarus Santiago Chile +Minsk Belarus Skopje Macedonia +Minsk Belarus Sofia Bulgaria +Minsk Belarus Stockholm Sweden +Minsk Belarus Suva Fiji +Minsk Belarus Taipei Taiwan +Minsk Belarus Tallinn Estonia +Minsk Belarus Tashkent Uzbekistan +Minsk Belarus Tbilisi Georgia +Minsk Belarus Tegucigalpa Honduras +Minsk Belarus Tehran Iran +Minsk Belarus Thimphu Bhutan +Minsk Belarus Tirana Albania +Minsk Belarus Tokyo Japan +Minsk Belarus Tripoli Libya +Minsk Belarus Tunis Tunisia +Minsk Belarus Vaduz Liechtenstein +Minsk Belarus Valletta Malta +Mogadishu Somalia Monrovia Liberia +Mogadishu Somalia Montevideo Uruguay +Mogadishu Somalia Moscow Russia +Mogadishu Somalia Muscat Oman +Mogadishu Somalia Nairobi Kenya +Mogadishu Somalia Nassau Bahamas +Mogadishu Somalia Niamey Niger +Mogadishu Somalia Nicosia Cyprus +Mogadishu Somalia Nouakchott Mauritania +Mogadishu Somalia Nuuk Greenland +Mogadishu Somalia Oslo Norway +Mogadishu Somalia Ottawa Canada +Mogadishu Somalia Paramaribo Suriname +Mogadishu Somalia Paris France +Mogadishu Somalia Podgorica Montenegro +Mogadishu Somalia Quito Ecuador +Mogadishu Somalia Rabat Morocco +Mogadishu Somalia Riga Latvia +Mogadishu Somalia Rome Italy +Mogadishu Somalia Roseau Dominica +Mogadishu Somalia Santiago Chile +Mogadishu Somalia Skopje Macedonia +Mogadishu Somalia Sofia Bulgaria +Mogadishu Somalia Stockholm Sweden +Mogadishu Somalia Suva Fiji +Mogadishu Somalia Taipei Taiwan +Mogadishu Somalia Tallinn Estonia +Mogadishu Somalia Tashkent Uzbekistan +Mogadishu Somalia Tbilisi Georgia +Mogadishu Somalia Tegucigalpa Honduras +Mogadishu Somalia Tehran Iran +Mogadishu Somalia Thimphu Bhutan +Mogadishu Somalia Tirana Albania +Mogadishu Somalia Tokyo Japan +Mogadishu Somalia Tripoli Libya +Mogadishu Somalia Tunis Tunisia +Mogadishu Somalia Vaduz Liechtenstein +Mogadishu Somalia Valletta Malta +Mogadishu Somalia Vienna Austria +Monrovia Liberia Montevideo Uruguay +Monrovia Liberia Moscow Russia +Monrovia Liberia Muscat Oman +Monrovia Liberia Nairobi Kenya +Monrovia Liberia Nassau Bahamas +Monrovia Liberia Niamey Niger +Monrovia Liberia Nicosia Cyprus +Monrovia Liberia Nouakchott Mauritania +Monrovia Liberia Nuuk Greenland +Monrovia Liberia Oslo Norway +Monrovia Liberia Ottawa Canada +Monrovia Liberia Paramaribo Suriname +Monrovia Liberia Paris France +Monrovia Liberia Podgorica Montenegro +Monrovia Liberia Quito Ecuador +Monrovia Liberia Rabat Morocco +Monrovia Liberia Riga Latvia +Monrovia Liberia Rome Italy +Monrovia Liberia Roseau Dominica +Monrovia Liberia Santiago Chile +Monrovia Liberia Skopje Macedonia +Monrovia Liberia Sofia Bulgaria +Monrovia Liberia Stockholm Sweden +Monrovia Liberia Suva Fiji +Monrovia Liberia Taipei Taiwan +Monrovia Liberia Tallinn Estonia +Monrovia Liberia Tashkent Uzbekistan +Monrovia Liberia Tbilisi Georgia +Monrovia Liberia Tegucigalpa Honduras +Monrovia Liberia Tehran Iran +Monrovia Liberia Thimphu Bhutan +Monrovia Liberia Tirana Albania +Monrovia Liberia Tokyo Japan +Monrovia Liberia Tripoli Libya +Monrovia Liberia Tunis Tunisia +Monrovia Liberia Vaduz Liechtenstein +Monrovia Liberia Valletta Malta +Monrovia Liberia Vienna Austria +Monrovia Liberia Vientiane Laos +Montevideo Uruguay Moscow Russia +Montevideo Uruguay Muscat Oman +Montevideo Uruguay Nairobi Kenya +Montevideo Uruguay Nassau Bahamas +Montevideo Uruguay Niamey Niger +Montevideo Uruguay Nicosia Cyprus +Montevideo Uruguay Nouakchott Mauritania +Montevideo Uruguay Nuuk Greenland +Montevideo Uruguay Oslo Norway +Montevideo Uruguay Ottawa Canada +Montevideo Uruguay Paramaribo Suriname +Montevideo Uruguay Paris France +Montevideo Uruguay Podgorica Montenegro +Montevideo Uruguay Quito Ecuador +Montevideo Uruguay Rabat Morocco +Montevideo Uruguay Riga Latvia +Montevideo Uruguay Rome Italy +Montevideo Uruguay Roseau Dominica +Montevideo Uruguay Santiago Chile +Montevideo Uruguay Skopje Macedonia +Montevideo Uruguay Sofia Bulgaria +Montevideo Uruguay Stockholm Sweden +Montevideo Uruguay Suva Fiji +Montevideo Uruguay Taipei Taiwan +Montevideo Uruguay Tallinn Estonia +Montevideo Uruguay Tashkent Uzbekistan +Montevideo Uruguay Tbilisi Georgia +Montevideo Uruguay Tegucigalpa Honduras +Montevideo Uruguay Tehran Iran +Montevideo Uruguay Thimphu Bhutan +Montevideo Uruguay Tirana Albania +Montevideo Uruguay Tokyo Japan +Montevideo Uruguay Tripoli Libya +Montevideo Uruguay Tunis Tunisia +Montevideo Uruguay Vaduz Liechtenstein +Montevideo Uruguay Valletta Malta +Montevideo Uruguay Vienna Austria +Montevideo Uruguay Vientiane Laos +Montevideo Uruguay Vilnius Lithuania +Moscow Russia Muscat Oman +Moscow Russia Nairobi Kenya +Moscow Russia Nassau Bahamas +Moscow Russia Niamey Niger +Moscow Russia Nicosia Cyprus +Moscow Russia Nouakchott Mauritania +Moscow Russia Nuuk Greenland +Moscow Russia Oslo Norway +Moscow Russia Ottawa Canada +Moscow Russia Paramaribo Suriname +Moscow Russia Paris France +Moscow Russia Podgorica Montenegro +Moscow Russia Quito Ecuador +Moscow Russia Rabat Morocco +Moscow Russia Riga Latvia +Moscow Russia Rome Italy +Moscow Russia Roseau Dominica +Moscow Russia Santiago Chile +Moscow Russia Skopje Macedonia +Moscow Russia Sofia Bulgaria +Moscow Russia Stockholm Sweden +Moscow Russia Suva Fiji +Moscow Russia Taipei Taiwan +Moscow Russia Tallinn Estonia +Moscow Russia Tashkent Uzbekistan +Moscow Russia Tbilisi Georgia +Moscow Russia Tegucigalpa Honduras +Moscow Russia Tehran Iran +Moscow Russia Thimphu Bhutan +Moscow Russia Tirana Albania +Moscow Russia Tokyo Japan +Moscow Russia Tripoli Libya +Moscow Russia Tunis Tunisia +Moscow Russia Vaduz Liechtenstein +Moscow Russia Valletta Malta +Moscow Russia Vienna Austria +Moscow Russia Vientiane Laos +Moscow Russia Vilnius Lithuania +Moscow Russia Warsaw Poland +Muscat Oman Nairobi Kenya +Muscat Oman Nassau Bahamas +Muscat Oman Niamey Niger +Muscat Oman Nicosia Cyprus +Muscat Oman Nouakchott Mauritania +Muscat Oman Nuuk Greenland +Muscat Oman Oslo Norway +Muscat Oman Ottawa Canada +Muscat Oman Paramaribo Suriname +Muscat Oman Paris France +Muscat Oman Podgorica Montenegro +Muscat Oman Quito Ecuador +Muscat Oman Rabat Morocco +Muscat Oman Riga Latvia +Muscat Oman Rome Italy +Muscat Oman Roseau Dominica +Muscat Oman Santiago Chile +Muscat Oman Skopje Macedonia +Muscat Oman Sofia Bulgaria +Muscat Oman Stockholm Sweden +Muscat Oman Suva Fiji +Muscat Oman Taipei Taiwan +Muscat Oman Tallinn Estonia +Muscat Oman Tashkent Uzbekistan +Muscat Oman Tbilisi Georgia +Muscat Oman Tegucigalpa Honduras +Muscat Oman Tehran Iran +Muscat Oman Thimphu Bhutan +Muscat Oman Tirana Albania +Muscat Oman Tokyo Japan +Muscat Oman Tripoli Libya +Muscat Oman Tunis Tunisia +Muscat Oman Vaduz Liechtenstein +Muscat Oman Valletta Malta +Muscat Oman Vienna Austria +Muscat Oman Vientiane Laos +Muscat Oman Vilnius Lithuania +Muscat Oman Warsaw Poland +Muscat Oman Windhoek Namibia +Nairobi Kenya Nassau Bahamas +Nairobi Kenya Niamey Niger +Nairobi Kenya Nicosia Cyprus +Nairobi Kenya Nouakchott Mauritania +Nairobi Kenya Nuuk Greenland +Nairobi Kenya Oslo Norway +Nairobi Kenya Ottawa Canada +Nairobi Kenya Paramaribo Suriname +Nairobi Kenya Paris France +Nairobi Kenya Podgorica Montenegro +Nairobi Kenya Quito Ecuador +Nairobi Kenya Rabat Morocco +Nairobi Kenya Riga Latvia +Nairobi Kenya Rome Italy +Nairobi Kenya Roseau Dominica +Nairobi Kenya Santiago Chile +Nairobi Kenya Skopje Macedonia +Nairobi Kenya Sofia Bulgaria +Nairobi Kenya Stockholm Sweden +Nairobi Kenya Suva Fiji +Nairobi Kenya Taipei Taiwan +Nairobi Kenya Tallinn Estonia +Nairobi Kenya Tashkent Uzbekistan +Nairobi Kenya Tbilisi Georgia +Nairobi Kenya Tegucigalpa Honduras +Nairobi Kenya Tehran Iran +Nairobi Kenya Thimphu Bhutan +Nairobi Kenya Tirana Albania +Nairobi Kenya Tokyo Japan +Nairobi Kenya Tripoli Libya +Nairobi Kenya Tunis Tunisia +Nairobi Kenya Vaduz Liechtenstein +Nairobi Kenya Valletta Malta +Nairobi Kenya Vienna Austria +Nairobi Kenya Vientiane Laos +Nairobi Kenya Vilnius Lithuania +Nairobi Kenya Warsaw Poland +Nairobi Kenya Windhoek Namibia +Nairobi Kenya Yerevan Armenia +Nassau Bahamas Niamey Niger +Nassau Bahamas Nicosia Cyprus +Nassau Bahamas Nouakchott Mauritania +Nassau Bahamas Nuuk Greenland +Nassau Bahamas Oslo Norway +Nassau Bahamas Ottawa Canada +Nassau Bahamas Paramaribo Suriname +Nassau Bahamas Paris France +Nassau Bahamas Podgorica Montenegro +Nassau Bahamas Quito Ecuador +Nassau Bahamas Rabat Morocco +Nassau Bahamas Riga Latvia +Nassau Bahamas Rome Italy +Nassau Bahamas Roseau Dominica +Nassau Bahamas Santiago Chile +Nassau Bahamas Skopje Macedonia +Nassau Bahamas Sofia Bulgaria +Nassau Bahamas Stockholm Sweden +Nassau Bahamas Suva Fiji +Nassau Bahamas Taipei Taiwan +Nassau Bahamas Tallinn Estonia +Nassau Bahamas Tashkent Uzbekistan +Nassau Bahamas Tbilisi Georgia +Nassau Bahamas Tegucigalpa Honduras +Nassau Bahamas Tehran Iran +Nassau Bahamas Thimphu Bhutan +Nassau Bahamas Tirana Albania +Nassau Bahamas Tokyo Japan +Nassau Bahamas Tripoli Libya +Nassau Bahamas Tunis Tunisia +Nassau Bahamas Vaduz Liechtenstein +Nassau Bahamas Valletta Malta +Nassau Bahamas Vienna Austria +Nassau Bahamas Vientiane Laos +Nassau Bahamas Vilnius Lithuania +Nassau Bahamas Warsaw Poland +Nassau Bahamas Windhoek Namibia +Nassau Bahamas Yerevan Armenia +Nassau Bahamas Zagreb Croatia +Niamey Niger Nicosia Cyprus +Niamey Niger Nouakchott Mauritania +Niamey Niger Nuuk Greenland +Niamey Niger Oslo Norway +Niamey Niger Ottawa Canada +Niamey Niger Paramaribo Suriname +Niamey Niger Paris France +Niamey Niger Podgorica Montenegro +Niamey Niger Quito Ecuador +Niamey Niger Rabat Morocco +Niamey Niger Riga Latvia +Niamey Niger Rome Italy +Niamey Niger Roseau Dominica +Niamey Niger Santiago Chile +Niamey Niger Skopje Macedonia +Niamey Niger Sofia Bulgaria +Niamey Niger Stockholm Sweden +Niamey Niger Suva Fiji +Niamey Niger Taipei Taiwan +Niamey Niger Tallinn Estonia +Niamey Niger Tashkent Uzbekistan +Niamey Niger Tbilisi Georgia +Niamey Niger Tegucigalpa Honduras +Niamey Niger Tehran Iran +Niamey Niger Thimphu Bhutan +Niamey Niger Tirana Albania +Niamey Niger Tokyo Japan +Niamey Niger Tripoli Libya +Niamey Niger Tunis Tunisia +Niamey Niger Vaduz Liechtenstein +Niamey Niger Valletta Malta +Niamey Niger Vienna Austria +Niamey Niger Vientiane Laos +Niamey Niger Vilnius Lithuania +Niamey Niger Warsaw Poland +Niamey Niger Windhoek Namibia +Niamey Niger Yerevan Armenia +Niamey Niger Zagreb Croatia +Niamey Niger Abuja Nigeria +Nicosia Cyprus Nouakchott Mauritania +Nicosia Cyprus Nuuk Greenland +Nicosia Cyprus Oslo Norway +Nicosia Cyprus Ottawa Canada +Nicosia Cyprus Paramaribo Suriname +Nicosia Cyprus Paris France +Nicosia Cyprus Podgorica Montenegro +Nicosia Cyprus Quito Ecuador +Nicosia Cyprus Rabat Morocco +Nicosia Cyprus Riga Latvia +Nicosia Cyprus Rome Italy +Nicosia Cyprus Roseau Dominica +Nicosia Cyprus Santiago Chile +Nicosia Cyprus Skopje Macedonia +Nicosia Cyprus Sofia Bulgaria +Nicosia Cyprus Stockholm Sweden +Nicosia Cyprus Suva Fiji +Nicosia Cyprus Taipei Taiwan +Nicosia Cyprus Tallinn Estonia +Nicosia Cyprus Tashkent Uzbekistan +Nicosia Cyprus Tbilisi Georgia +Nicosia Cyprus Tegucigalpa Honduras +Nicosia Cyprus Tehran Iran +Nicosia Cyprus Thimphu Bhutan +Nicosia Cyprus Tirana Albania +Nicosia Cyprus Tokyo Japan +Nicosia Cyprus Tripoli Libya +Nicosia Cyprus Tunis Tunisia +Nicosia Cyprus Vaduz Liechtenstein +Nicosia Cyprus Valletta Malta +Nicosia Cyprus Vienna Austria +Nicosia Cyprus Vientiane Laos +Nicosia Cyprus Vilnius Lithuania +Nicosia Cyprus Warsaw Poland +Nicosia Cyprus Windhoek Namibia +Nicosia Cyprus Yerevan Armenia +Nicosia Cyprus Zagreb Croatia +Nicosia Cyprus Abuja Nigeria +Nicosia Cyprus Accra Ghana +Nouakchott Mauritania Nuuk Greenland +Nouakchott Mauritania Oslo Norway +Nouakchott Mauritania Ottawa Canada +Nouakchott Mauritania Paramaribo Suriname +Nouakchott Mauritania Paris France +Nouakchott Mauritania Podgorica Montenegro +Nouakchott Mauritania Quito Ecuador +Nouakchott Mauritania Rabat Morocco +Nouakchott Mauritania Riga Latvia +Nouakchott Mauritania Rome Italy +Nouakchott Mauritania Roseau Dominica +Nouakchott Mauritania Santiago Chile +Nouakchott Mauritania Skopje Macedonia +Nouakchott Mauritania Sofia Bulgaria +Nouakchott Mauritania Stockholm Sweden +Nouakchott Mauritania Suva Fiji +Nouakchott Mauritania Taipei Taiwan +Nouakchott Mauritania Tallinn Estonia +Nouakchott Mauritania Tashkent Uzbekistan +Nouakchott Mauritania Tbilisi Georgia +Nouakchott Mauritania Tegucigalpa Honduras +Nouakchott Mauritania Tehran Iran +Nouakchott Mauritania Thimphu Bhutan +Nouakchott Mauritania Tirana Albania +Nouakchott Mauritania Tokyo Japan +Nouakchott Mauritania Tripoli Libya +Nouakchott Mauritania Tunis Tunisia +Nouakchott Mauritania Vaduz Liechtenstein +Nouakchott Mauritania Valletta Malta +Nouakchott Mauritania Vienna Austria +Nouakchott Mauritania Vientiane Laos +Nouakchott Mauritania Vilnius Lithuania +Nouakchott Mauritania Warsaw Poland +Nouakchott Mauritania Windhoek Namibia +Nouakchott Mauritania Yerevan Armenia +Nouakchott Mauritania Zagreb Croatia +Nouakchott Mauritania Abuja Nigeria +Nouakchott Mauritania Accra Ghana +Nouakchott Mauritania Algiers Algeria +Nuuk Greenland Oslo Norway +Nuuk Greenland Ottawa Canada +Nuuk Greenland Paramaribo Suriname +Nuuk Greenland Paris France +Nuuk Greenland Podgorica Montenegro +Nuuk Greenland Quito Ecuador +Nuuk Greenland Rabat Morocco +Nuuk Greenland Riga Latvia +Nuuk Greenland Rome Italy +Nuuk Greenland Roseau Dominica +Nuuk Greenland Santiago Chile +Nuuk Greenland Skopje Macedonia +Nuuk Greenland Sofia Bulgaria +Nuuk Greenland Stockholm Sweden +Nuuk Greenland Suva Fiji +Nuuk Greenland Taipei Taiwan +Nuuk Greenland Tallinn Estonia +Nuuk Greenland Tashkent Uzbekistan +Nuuk Greenland Tbilisi Georgia +Nuuk Greenland Tegucigalpa Honduras +Nuuk Greenland Tehran Iran +Nuuk Greenland Thimphu Bhutan +Nuuk Greenland Tirana Albania +Nuuk Greenland Tokyo Japan +Nuuk Greenland Tripoli Libya +Nuuk Greenland Tunis Tunisia +Nuuk Greenland Vaduz Liechtenstein +Nuuk Greenland Valletta Malta +Nuuk Greenland Vienna Austria +Nuuk Greenland Vientiane Laos +Nuuk Greenland Vilnius Lithuania +Nuuk Greenland Warsaw Poland +Nuuk Greenland Windhoek Namibia +Nuuk Greenland Yerevan Armenia +Nuuk Greenland Zagreb Croatia +Nuuk Greenland Abuja Nigeria +Nuuk Greenland Accra Ghana +Nuuk Greenland Algiers Algeria +Nuuk Greenland Amman Jordan +Oslo Norway Ottawa Canada +Oslo Norway Paramaribo Suriname +Oslo Norway Paris France +Oslo Norway Podgorica Montenegro +Oslo Norway Quito Ecuador +Oslo Norway Rabat Morocco +Oslo Norway Riga Latvia +Oslo Norway Rome Italy +Oslo Norway Roseau Dominica +Oslo Norway Santiago Chile +Oslo Norway Skopje Macedonia +Oslo Norway Sofia Bulgaria +Oslo Norway Stockholm Sweden +Oslo Norway Suva Fiji +Oslo Norway Taipei Taiwan +Oslo Norway Tallinn Estonia +Oslo Norway Tashkent Uzbekistan +Oslo Norway Tbilisi Georgia +Oslo Norway Tegucigalpa Honduras +Oslo Norway Tehran Iran +Oslo Norway Thimphu Bhutan +Oslo Norway Tirana Albania +Oslo Norway Tokyo Japan +Oslo Norway Tripoli Libya +Oslo Norway Tunis Tunisia +Oslo Norway Vaduz Liechtenstein +Oslo Norway Valletta Malta +Oslo Norway Vienna Austria +Oslo Norway Vientiane Laos +Oslo Norway Vilnius Lithuania +Oslo Norway Warsaw Poland +Oslo Norway Windhoek Namibia +Oslo Norway Yerevan Armenia +Oslo Norway Zagreb Croatia +Oslo Norway Abuja Nigeria +Oslo Norway Accra Ghana +Oslo Norway Algiers Algeria +Oslo Norway Amman Jordan +Oslo Norway Ankara Turkey +Ottawa Canada Paramaribo Suriname +Ottawa Canada Paris France +Ottawa Canada Podgorica Montenegro +Ottawa Canada Quito Ecuador +Ottawa Canada Rabat Morocco +Ottawa Canada Riga Latvia +Ottawa Canada Rome Italy +Ottawa Canada Roseau Dominica +Ottawa Canada Santiago Chile +Ottawa Canada Skopje Macedonia +Ottawa Canada Sofia Bulgaria +Ottawa Canada Stockholm Sweden +Ottawa Canada Suva Fiji +Ottawa Canada Taipei Taiwan +Ottawa Canada Tallinn Estonia +Ottawa Canada Tashkent Uzbekistan +Ottawa Canada Tbilisi Georgia +Ottawa Canada Tegucigalpa Honduras +Ottawa Canada Tehran Iran +Ottawa Canada Thimphu Bhutan +Ottawa Canada Tirana Albania +Ottawa Canada Tokyo Japan +Ottawa Canada Tripoli Libya +Ottawa Canada Tunis Tunisia +Ottawa Canada Vaduz Liechtenstein +Ottawa Canada Valletta Malta +Ottawa Canada Vienna Austria +Ottawa Canada Vientiane Laos +Ottawa Canada Vilnius Lithuania +Ottawa Canada Warsaw Poland +Ottawa Canada Windhoek Namibia +Ottawa Canada Yerevan Armenia +Ottawa Canada Zagreb Croatia +Ottawa Canada Abuja Nigeria +Ottawa Canada Accra Ghana +Ottawa Canada Algiers Algeria +Ottawa Canada Amman Jordan +Ottawa Canada Ankara Turkey +Ottawa Canada Antananarivo Madagascar +Paramaribo Suriname Paris France +Paramaribo Suriname Podgorica Montenegro +Paramaribo Suriname Quito Ecuador +Paramaribo Suriname Rabat Morocco +Paramaribo Suriname Riga Latvia +Paramaribo Suriname Rome Italy +Paramaribo Suriname Roseau Dominica +Paramaribo Suriname Santiago Chile +Paramaribo Suriname Skopje Macedonia +Paramaribo Suriname Sofia Bulgaria +Paramaribo Suriname Stockholm Sweden +Paramaribo Suriname Suva Fiji +Paramaribo Suriname Taipei Taiwan +Paramaribo Suriname Tallinn Estonia +Paramaribo Suriname Tashkent Uzbekistan +Paramaribo Suriname Tbilisi Georgia +Paramaribo Suriname Tegucigalpa Honduras +Paramaribo Suriname Tehran Iran +Paramaribo Suriname Thimphu Bhutan +Paramaribo Suriname Tirana Albania +Paramaribo Suriname Tokyo Japan +Paramaribo Suriname Tripoli Libya +Paramaribo Suriname Tunis Tunisia +Paramaribo Suriname Vaduz Liechtenstein +Paramaribo Suriname Valletta Malta +Paramaribo Suriname Vienna Austria +Paramaribo Suriname Vientiane Laos +Paramaribo Suriname Vilnius Lithuania +Paramaribo Suriname Warsaw Poland +Paramaribo Suriname Windhoek Namibia +Paramaribo Suriname Yerevan Armenia +Paramaribo Suriname Zagreb Croatia +Paramaribo Suriname Abuja Nigeria +Paramaribo Suriname Accra Ghana +Paramaribo Suriname Algiers Algeria +Paramaribo Suriname Amman Jordan +Paramaribo Suriname Ankara Turkey +Paramaribo Suriname Antananarivo Madagascar +Paramaribo Suriname Apia Samoa +Paris France Podgorica Montenegro +Paris France Quito Ecuador +Paris France Rabat Morocco +Paris France Riga Latvia +Paris France Rome Italy +Paris France Roseau Dominica +Paris France Santiago Chile +Paris France Skopje Macedonia +Paris France Sofia Bulgaria +Paris France Stockholm Sweden +Paris France Suva Fiji +Paris France Taipei Taiwan +Paris France Tallinn Estonia +Paris France Tashkent Uzbekistan +Paris France Tbilisi Georgia +Paris France Tegucigalpa Honduras +Paris France Tehran Iran +Paris France Thimphu Bhutan +Paris France Tirana Albania +Paris France Tokyo Japan +Paris France Tripoli Libya +Paris France Tunis Tunisia +Paris France Vaduz Liechtenstein +Paris France Valletta Malta +Paris France Vienna Austria +Paris France Vientiane Laos +Paris France Vilnius Lithuania +Paris France Warsaw Poland +Paris France Windhoek Namibia +Paris France Yerevan Armenia +Paris France Zagreb Croatia +Paris France Abuja Nigeria +Paris France Accra Ghana +Paris France Algiers Algeria +Paris France Amman Jordan +Paris France Ankara Turkey +Paris France Antananarivo Madagascar +Paris France Apia Samoa +Paris France Ashgabat Turkmenistan +Podgorica Montenegro Quito Ecuador +Podgorica Montenegro Rabat Morocco +Podgorica Montenegro Riga Latvia +Podgorica Montenegro Rome Italy +Podgorica Montenegro Roseau Dominica +Podgorica Montenegro Santiago Chile +Podgorica Montenegro Skopje Macedonia +Podgorica Montenegro Sofia Bulgaria +Podgorica Montenegro Stockholm Sweden +Podgorica Montenegro Suva Fiji +Podgorica Montenegro Taipei Taiwan +Podgorica Montenegro Tallinn Estonia +Podgorica Montenegro Tashkent Uzbekistan +Podgorica Montenegro Tbilisi Georgia +Podgorica Montenegro Tegucigalpa Honduras +Podgorica Montenegro Tehran Iran +Podgorica Montenegro Thimphu Bhutan +Podgorica Montenegro Tirana Albania +Podgorica Montenegro Tokyo Japan +Podgorica Montenegro Tripoli Libya +Podgorica Montenegro Tunis Tunisia +Podgorica Montenegro Vaduz Liechtenstein +Podgorica Montenegro Valletta Malta +Podgorica Montenegro Vienna Austria +Podgorica Montenegro Vientiane Laos +Podgorica Montenegro Vilnius Lithuania +Podgorica Montenegro Warsaw Poland +Podgorica Montenegro Windhoek Namibia +Podgorica Montenegro Yerevan Armenia +Podgorica Montenegro Zagreb Croatia +Podgorica Montenegro Abuja Nigeria +Podgorica Montenegro Accra Ghana +Podgorica Montenegro Algiers Algeria +Podgorica Montenegro Amman Jordan +Podgorica Montenegro Ankara Turkey +Podgorica Montenegro Antananarivo Madagascar +Podgorica Montenegro Apia Samoa +Podgorica Montenegro Ashgabat Turkmenistan +Podgorica Montenegro Asmara Eritrea +Quito Ecuador Rabat Morocco +Quito Ecuador Riga Latvia +Quito Ecuador Rome Italy +Quito Ecuador Roseau Dominica +Quito Ecuador Santiago Chile +Quito Ecuador Skopje Macedonia +Quito Ecuador Sofia Bulgaria +Quito Ecuador Stockholm Sweden +Quito Ecuador Suva Fiji +Quito Ecuador Taipei Taiwan +Quito Ecuador Tallinn Estonia +Quito Ecuador Tashkent Uzbekistan +Quito Ecuador Tbilisi Georgia +Quito Ecuador Tegucigalpa Honduras +Quito Ecuador Tehran Iran +Quito Ecuador Thimphu Bhutan +Quito Ecuador Tirana Albania +Quito Ecuador Tokyo Japan +Quito Ecuador Tripoli Libya +Quito Ecuador Tunis Tunisia +Quito Ecuador Vaduz Liechtenstein +Quito Ecuador Valletta Malta +Quito Ecuador Vienna Austria +Quito Ecuador Vientiane Laos +Quito Ecuador Vilnius Lithuania +Quito Ecuador Warsaw Poland +Quito Ecuador Windhoek Namibia +Quito Ecuador Yerevan Armenia +Quito Ecuador Zagreb Croatia +Quito Ecuador Abuja Nigeria +Quito Ecuador Accra Ghana +Quito Ecuador Algiers Algeria +Quito Ecuador Amman Jordan +Quito Ecuador Ankara Turkey +Quito Ecuador Antananarivo Madagascar +Quito Ecuador Apia Samoa +Quito Ecuador Ashgabat Turkmenistan +Quito Ecuador Asmara Eritrea +Quito Ecuador Astana Kazakhstan +Rabat Morocco Riga Latvia +Rabat Morocco Rome Italy +Rabat Morocco Roseau Dominica +Rabat Morocco Santiago Chile +Rabat Morocco Skopje Macedonia +Rabat Morocco Sofia Bulgaria +Rabat Morocco Stockholm Sweden +Rabat Morocco Suva Fiji +Rabat Morocco Taipei Taiwan +Rabat Morocco Tallinn Estonia +Rabat Morocco Tashkent Uzbekistan +Rabat Morocco Tbilisi Georgia +Rabat Morocco Tegucigalpa Honduras +Rabat Morocco Tehran Iran +Rabat Morocco Thimphu Bhutan +Rabat Morocco Tirana Albania +Rabat Morocco Tokyo Japan +Rabat Morocco Tripoli Libya +Rabat Morocco Tunis Tunisia +Rabat Morocco Vaduz Liechtenstein +Rabat Morocco Valletta Malta +Rabat Morocco Vienna Austria +Rabat Morocco Vientiane Laos +Rabat Morocco Vilnius Lithuania +Rabat Morocco Warsaw Poland +Rabat Morocco Windhoek Namibia +Rabat Morocco Yerevan Armenia +Rabat Morocco Zagreb Croatia +Rabat Morocco Abuja Nigeria +Rabat Morocco Accra Ghana +Rabat Morocco Algiers Algeria +Rabat Morocco Amman Jordan +Rabat Morocco Ankara Turkey +Rabat Morocco Antananarivo Madagascar +Rabat Morocco Apia Samoa +Rabat Morocco Ashgabat Turkmenistan +Rabat Morocco Asmara Eritrea +Rabat Morocco Astana Kazakhstan +Rabat Morocco Athens Greece +Riga Latvia Rome Italy +Riga Latvia Roseau Dominica +Riga Latvia Santiago Chile +Riga Latvia Skopje Macedonia +Riga Latvia Sofia Bulgaria +Riga Latvia Stockholm Sweden +Riga Latvia Suva Fiji +Riga Latvia Taipei Taiwan +Riga Latvia Tallinn Estonia +Riga Latvia Tashkent Uzbekistan +Riga Latvia Tbilisi Georgia +Riga Latvia Tegucigalpa Honduras +Riga Latvia Tehran Iran +Riga Latvia Thimphu Bhutan +Riga Latvia Tirana Albania +Riga Latvia Tokyo Japan +Riga Latvia Tripoli Libya +Riga Latvia Tunis Tunisia +Riga Latvia Vaduz Liechtenstein +Riga Latvia Valletta Malta +Riga Latvia Vienna Austria +Riga Latvia Vientiane Laos +Riga Latvia Vilnius Lithuania +Riga Latvia Warsaw Poland +Riga Latvia Windhoek Namibia +Riga Latvia Yerevan Armenia +Riga Latvia Zagreb Croatia +Riga Latvia Abuja Nigeria +Riga Latvia Accra Ghana +Riga Latvia Algiers Algeria +Riga Latvia Amman Jordan +Riga Latvia Ankara Turkey +Riga Latvia Antananarivo Madagascar +Riga Latvia Apia Samoa +Riga Latvia Ashgabat Turkmenistan +Riga Latvia Asmara Eritrea +Riga Latvia Astana Kazakhstan +Riga Latvia Athens Greece +Riga Latvia Baghdad Iraq +Rome Italy Roseau Dominica +Rome Italy Santiago Chile +Rome Italy Skopje Macedonia +Rome Italy Sofia Bulgaria +Rome Italy Stockholm Sweden +Rome Italy Suva Fiji +Rome Italy Taipei Taiwan +Rome Italy Tallinn Estonia +Rome Italy Tashkent Uzbekistan +Rome Italy Tbilisi Georgia +Rome Italy Tegucigalpa Honduras +Rome Italy Tehran Iran +Rome Italy Thimphu Bhutan +Rome Italy Tirana Albania +Rome Italy Tokyo Japan +Rome Italy Tripoli Libya +Rome Italy Tunis Tunisia +Rome Italy Vaduz Liechtenstein +Rome Italy Valletta Malta +Rome Italy Vienna Austria +Rome Italy Vientiane Laos +Rome Italy Vilnius Lithuania +Rome Italy Warsaw Poland +Rome Italy Windhoek Namibia +Rome Italy Yerevan Armenia +Rome Italy Zagreb Croatia +Rome Italy Abuja Nigeria +Rome Italy Accra Ghana +Rome Italy Algiers Algeria +Rome Italy Amman Jordan +Rome Italy Ankara Turkey +Rome Italy Antananarivo Madagascar +Rome Italy Apia Samoa +Rome Italy Ashgabat Turkmenistan +Rome Italy Asmara Eritrea +Rome Italy Astana Kazakhstan +Rome Italy Athens Greece +Rome Italy Baghdad Iraq +Rome Italy Baku Azerbaijan +Roseau Dominica Santiago Chile +Roseau Dominica Skopje Macedonia +Roseau Dominica Sofia Bulgaria +Roseau Dominica Stockholm Sweden +Roseau Dominica Suva Fiji +Roseau Dominica Taipei Taiwan +Roseau Dominica Tallinn Estonia +Roseau Dominica Tashkent Uzbekistan +Roseau Dominica Tbilisi Georgia +Roseau Dominica Tegucigalpa Honduras +Roseau Dominica Tehran Iran +Roseau Dominica Thimphu Bhutan +Roseau Dominica Tirana Albania +Roseau Dominica Tokyo Japan +Roseau Dominica Tripoli Libya +Roseau Dominica Tunis Tunisia +Roseau Dominica Vaduz Liechtenstein +Roseau Dominica Valletta Malta +Roseau Dominica Vienna Austria +Roseau Dominica Vientiane Laos +Roseau Dominica Vilnius Lithuania +Roseau Dominica Warsaw Poland +Roseau Dominica Windhoek Namibia +Roseau Dominica Yerevan Armenia +Roseau Dominica Zagreb Croatia +Roseau Dominica Abuja Nigeria +Roseau Dominica Accra Ghana +Roseau Dominica Algiers Algeria +Roseau Dominica Amman Jordan +Roseau Dominica Ankara Turkey +Roseau Dominica Antananarivo Madagascar +Roseau Dominica Apia Samoa +Roseau Dominica Ashgabat Turkmenistan +Roseau Dominica Asmara Eritrea +Roseau Dominica Astana Kazakhstan +Roseau Dominica Athens Greece +Roseau Dominica Baghdad Iraq +Roseau Dominica Baku Azerbaijan +Roseau Dominica Bamako Mali +Santiago Chile Skopje Macedonia +Santiago Chile Sofia Bulgaria +Santiago Chile Stockholm Sweden +Santiago Chile Suva Fiji +Santiago Chile Taipei Taiwan +Santiago Chile Tallinn Estonia +Santiago Chile Tashkent Uzbekistan +Santiago Chile Tbilisi Georgia +Santiago Chile Tegucigalpa Honduras +Santiago Chile Tehran Iran +Santiago Chile Thimphu Bhutan +Santiago Chile Tirana Albania +Santiago Chile Tokyo Japan +Santiago Chile Tripoli Libya +Santiago Chile Tunis Tunisia +Santiago Chile Vaduz Liechtenstein +Santiago Chile Valletta Malta +Santiago Chile Vienna Austria +Santiago Chile Vientiane Laos +Santiago Chile Vilnius Lithuania +Santiago Chile Warsaw Poland +Santiago Chile Windhoek Namibia +Santiago Chile Yerevan Armenia +Santiago Chile Zagreb Croatia +Santiago Chile Abuja Nigeria +Santiago Chile Accra Ghana +Santiago Chile Algiers Algeria +Santiago Chile Amman Jordan +Santiago Chile Ankara Turkey +Santiago Chile Antananarivo Madagascar +Santiago Chile Apia Samoa +Santiago Chile Ashgabat Turkmenistan +Santiago Chile Asmara Eritrea +Santiago Chile Astana Kazakhstan +Santiago Chile Athens Greece +Santiago Chile Baghdad Iraq +Santiago Chile Baku Azerbaijan +Santiago Chile Bamako Mali +Santiago Chile Bangkok Thailand +Skopje Macedonia Sofia Bulgaria +Skopje Macedonia Stockholm Sweden +Skopje Macedonia Suva Fiji +Skopje Macedonia Taipei Taiwan +Skopje Macedonia Tallinn Estonia +Skopje Macedonia Tashkent Uzbekistan +Skopje Macedonia Tbilisi Georgia +Skopje Macedonia Tegucigalpa Honduras +Skopje Macedonia Tehran Iran +Skopje Macedonia Thimphu Bhutan +Skopje Macedonia Tirana Albania +Skopje Macedonia Tokyo Japan +Skopje Macedonia Tripoli Libya +Skopje Macedonia Tunis Tunisia +Skopje Macedonia Vaduz Liechtenstein +Skopje Macedonia Valletta Malta +Skopje Macedonia Vienna Austria +Skopje Macedonia Vientiane Laos +Skopje Macedonia Vilnius Lithuania +Skopje Macedonia Warsaw Poland +Skopje Macedonia Windhoek Namibia +Skopje Macedonia Yerevan Armenia +Skopje Macedonia Zagreb Croatia +Skopje Macedonia Abuja Nigeria +Skopje Macedonia Accra Ghana +Skopje Macedonia Algiers Algeria +Skopje Macedonia Amman Jordan +Skopje Macedonia Ankara Turkey +Skopje Macedonia Antananarivo Madagascar +Skopje Macedonia Apia Samoa +Skopje Macedonia Ashgabat Turkmenistan +Skopje Macedonia Asmara Eritrea +Skopje Macedonia Astana Kazakhstan +Skopje Macedonia Athens Greece +Skopje Macedonia Baghdad Iraq +Skopje Macedonia Baku Azerbaijan +Skopje Macedonia Bamako Mali +Skopje Macedonia Bangkok Thailand +Skopje Macedonia Banjul Gambia +Sofia Bulgaria Stockholm Sweden +Sofia Bulgaria Suva Fiji +Sofia Bulgaria Taipei Taiwan +Sofia Bulgaria Tallinn Estonia +Sofia Bulgaria Tashkent Uzbekistan +Sofia Bulgaria Tbilisi Georgia +Sofia Bulgaria Tegucigalpa Honduras +Sofia Bulgaria Tehran Iran +Sofia Bulgaria Thimphu Bhutan +Sofia Bulgaria Tirana Albania +Sofia Bulgaria Tokyo Japan +Sofia Bulgaria Tripoli Libya +Sofia Bulgaria Tunis Tunisia +Sofia Bulgaria Vaduz Liechtenstein +Sofia Bulgaria Valletta Malta +Sofia Bulgaria Vienna Austria +Sofia Bulgaria Vientiane Laos +Sofia Bulgaria Vilnius Lithuania +Sofia Bulgaria Warsaw Poland +Sofia Bulgaria Windhoek Namibia +Sofia Bulgaria Yerevan Armenia +Sofia Bulgaria Zagreb Croatia +Sofia Bulgaria Abuja Nigeria +Sofia Bulgaria Accra Ghana +Sofia Bulgaria Algiers Algeria +Sofia Bulgaria Amman Jordan +Sofia Bulgaria Ankara Turkey +Sofia Bulgaria Antananarivo Madagascar +Sofia Bulgaria Apia Samoa +Sofia Bulgaria Ashgabat Turkmenistan +Sofia Bulgaria Asmara Eritrea +Sofia Bulgaria Astana Kazakhstan +Sofia Bulgaria Athens Greece +Sofia Bulgaria Baghdad Iraq +Sofia Bulgaria Baku Azerbaijan +Sofia Bulgaria Bamako Mali +Sofia Bulgaria Bangkok Thailand +Sofia Bulgaria Banjul Gambia +Sofia Bulgaria Beijing China +Stockholm Sweden Suva Fiji +Stockholm Sweden Taipei Taiwan +Stockholm Sweden Tallinn Estonia +Stockholm Sweden Tashkent Uzbekistan +Stockholm Sweden Tbilisi Georgia +Stockholm Sweden Tegucigalpa Honduras +Stockholm Sweden Tehran Iran +Stockholm Sweden Thimphu Bhutan +Stockholm Sweden Tirana Albania +Stockholm Sweden Tokyo Japan +Stockholm Sweden Tripoli Libya +Stockholm Sweden Tunis Tunisia +Stockholm Sweden Vaduz Liechtenstein +Stockholm Sweden Valletta Malta +Stockholm Sweden Vienna Austria +Stockholm Sweden Vientiane Laos +Stockholm Sweden Vilnius Lithuania +Stockholm Sweden Warsaw Poland +Stockholm Sweden Windhoek Namibia +Stockholm Sweden Yerevan Armenia +Stockholm Sweden Zagreb Croatia +Stockholm Sweden Abuja Nigeria +Stockholm Sweden Accra Ghana +Stockholm Sweden Algiers Algeria +Stockholm Sweden Amman Jordan +Stockholm Sweden Ankara Turkey +Stockholm Sweden Antananarivo Madagascar +Stockholm Sweden Apia Samoa +Stockholm Sweden Ashgabat Turkmenistan +Stockholm Sweden Asmara Eritrea +Stockholm Sweden Astana Kazakhstan +Stockholm Sweden Athens Greece +Stockholm Sweden Baghdad Iraq +Stockholm Sweden Baku Azerbaijan +Stockholm Sweden Bamako Mali +Stockholm Sweden Bangkok Thailand +Stockholm Sweden Banjul Gambia +Stockholm Sweden Beijing China +Stockholm Sweden Beirut Lebanon +Suva Fiji Taipei Taiwan +Suva Fiji Tallinn Estonia +Suva Fiji Tashkent Uzbekistan +Suva Fiji Tbilisi Georgia +Suva Fiji Tegucigalpa Honduras +Suva Fiji Tehran Iran +Suva Fiji Thimphu Bhutan +Suva Fiji Tirana Albania +Suva Fiji Tokyo Japan +Suva Fiji Tripoli Libya +Suva Fiji Tunis Tunisia +Suva Fiji Vaduz Liechtenstein +Suva Fiji Valletta Malta +Suva Fiji Vienna Austria +Suva Fiji Vientiane Laos +Suva Fiji Vilnius Lithuania +Suva Fiji Warsaw Poland +Suva Fiji Windhoek Namibia +Suva Fiji Yerevan Armenia +Suva Fiji Zagreb Croatia +Suva Fiji Abuja Nigeria +Suva Fiji Accra Ghana +Suva Fiji Algiers Algeria +Suva Fiji Amman Jordan +Suva Fiji Ankara Turkey +Suva Fiji Antananarivo Madagascar +Suva Fiji Apia Samoa +Suva Fiji Ashgabat Turkmenistan +Suva Fiji Asmara Eritrea +Suva Fiji Astana Kazakhstan +Suva Fiji Athens Greece +Suva Fiji Baghdad Iraq +Suva Fiji Baku Azerbaijan +Suva Fiji Bamako Mali +Suva Fiji Bangkok Thailand +Suva Fiji Banjul Gambia +Suva Fiji Beijing China +Suva Fiji Beirut Lebanon +Suva Fiji Belgrade Serbia +Taipei Taiwan Tallinn Estonia +Taipei Taiwan Tashkent Uzbekistan +Taipei Taiwan Tbilisi Georgia +Taipei Taiwan Tegucigalpa Honduras +Taipei Taiwan Tehran Iran +Taipei Taiwan Thimphu Bhutan +Taipei Taiwan Tirana Albania +Taipei Taiwan Tokyo Japan +Taipei Taiwan Tripoli Libya +Taipei Taiwan Tunis Tunisia +Taipei Taiwan Vaduz Liechtenstein +Taipei Taiwan Valletta Malta +Taipei Taiwan Vienna Austria +Taipei Taiwan Vientiane Laos +Taipei Taiwan Vilnius Lithuania +Taipei Taiwan Warsaw Poland +Taipei Taiwan Windhoek Namibia +Taipei Taiwan Yerevan Armenia +Taipei Taiwan Zagreb Croatia +Taipei Taiwan Abuja Nigeria +Taipei Taiwan Accra Ghana +Taipei Taiwan Algiers Algeria +Taipei Taiwan Amman Jordan +Taipei Taiwan Ankara Turkey +Taipei Taiwan Antananarivo Madagascar +Taipei Taiwan Apia Samoa +Taipei Taiwan Ashgabat Turkmenistan +Taipei Taiwan Asmara Eritrea +Taipei Taiwan Astana Kazakhstan +Taipei Taiwan Athens Greece +Taipei Taiwan Baghdad Iraq +Taipei Taiwan Baku Azerbaijan +Taipei Taiwan Bamako Mali +Taipei Taiwan Bangkok Thailand +Taipei Taiwan Banjul Gambia +Taipei Taiwan Beijing China +Taipei Taiwan Beirut Lebanon +Taipei Taiwan Belgrade Serbia +Taipei Taiwan Belmopan Belize +Tallinn Estonia Tashkent Uzbekistan +Tallinn Estonia Tbilisi Georgia +Tallinn Estonia Tegucigalpa Honduras +Tallinn Estonia Tehran Iran +Tallinn Estonia Thimphu Bhutan +Tallinn Estonia Tirana Albania +Tallinn Estonia Tokyo Japan +Tallinn Estonia Tripoli Libya +Tallinn Estonia Tunis Tunisia +Tallinn Estonia Vaduz Liechtenstein +Tallinn Estonia Valletta Malta +Tallinn Estonia Vienna Austria +Tallinn Estonia Vientiane Laos +Tallinn Estonia Vilnius Lithuania +Tallinn Estonia Warsaw Poland +Tallinn Estonia Windhoek Namibia +Tallinn Estonia Yerevan Armenia +Tallinn Estonia Zagreb Croatia +Tallinn Estonia Abuja Nigeria +Tallinn Estonia Accra Ghana +Tallinn Estonia Algiers Algeria +Tallinn Estonia Amman Jordan +Tallinn Estonia Ankara Turkey +Tallinn Estonia Antananarivo Madagascar +Tallinn Estonia Apia Samoa +Tallinn Estonia Ashgabat Turkmenistan +Tallinn Estonia Asmara Eritrea +Tallinn Estonia Astana Kazakhstan +Tallinn Estonia Athens Greece +Tallinn Estonia Baghdad Iraq +Tallinn Estonia Baku Azerbaijan +Tallinn Estonia Bamako Mali +Tallinn Estonia Bangkok Thailand +Tallinn Estonia Banjul Gambia +Tallinn Estonia Beijing China +Tallinn Estonia Beirut Lebanon +Tallinn Estonia Belgrade Serbia +Tallinn Estonia Belmopan Belize +Tallinn Estonia Berlin Germany +Tashkent Uzbekistan Tbilisi Georgia +Tashkent Uzbekistan Tegucigalpa Honduras +Tashkent Uzbekistan Tehran Iran +Tashkent Uzbekistan Thimphu Bhutan +Tashkent Uzbekistan Tirana Albania +Tashkent Uzbekistan Tokyo Japan +Tashkent Uzbekistan Tripoli Libya +Tashkent Uzbekistan Tunis Tunisia +Tashkent Uzbekistan Vaduz Liechtenstein +Tashkent Uzbekistan Valletta Malta +Tashkent Uzbekistan Vienna Austria +Tashkent Uzbekistan Vientiane Laos +Tashkent Uzbekistan Vilnius Lithuania +Tashkent Uzbekistan Warsaw Poland +Tashkent Uzbekistan Windhoek Namibia +Tashkent Uzbekistan Yerevan Armenia +Tashkent Uzbekistan Zagreb Croatia +Tashkent Uzbekistan Abuja Nigeria +Tashkent Uzbekistan Accra Ghana +Tashkent Uzbekistan Algiers Algeria +Tashkent Uzbekistan Amman Jordan +Tashkent Uzbekistan Ankara Turkey +Tashkent Uzbekistan Antananarivo Madagascar +Tashkent Uzbekistan Apia Samoa +Tashkent Uzbekistan Ashgabat Turkmenistan +Tashkent Uzbekistan Asmara Eritrea +Tashkent Uzbekistan Astana Kazakhstan +Tashkent Uzbekistan Athens Greece +Tashkent Uzbekistan Baghdad Iraq +Tashkent Uzbekistan Baku Azerbaijan +Tashkent Uzbekistan Bamako Mali +Tashkent Uzbekistan Bangkok Thailand +Tashkent Uzbekistan Banjul Gambia +Tashkent Uzbekistan Beijing China +Tashkent Uzbekistan Beirut Lebanon +Tashkent Uzbekistan Belgrade Serbia +Tashkent Uzbekistan Belmopan Belize +Tashkent Uzbekistan Berlin Germany +Tashkent Uzbekistan Bern Switzerland +Tbilisi Georgia Tegucigalpa Honduras +Tbilisi Georgia Tehran Iran +Tbilisi Georgia Thimphu Bhutan +Tbilisi Georgia Tirana Albania +Tbilisi Georgia Tokyo Japan +Tbilisi Georgia Tripoli Libya +Tbilisi Georgia Tunis Tunisia +Tbilisi Georgia Vaduz Liechtenstein +Tbilisi Georgia Valletta Malta +Tbilisi Georgia Vienna Austria +Tbilisi Georgia Vientiane Laos +Tbilisi Georgia Vilnius Lithuania +Tbilisi Georgia Warsaw Poland +Tbilisi Georgia Windhoek Namibia +Tbilisi Georgia Yerevan Armenia +Tbilisi Georgia Zagreb Croatia +Tbilisi Georgia Abuja Nigeria +Tbilisi Georgia Accra Ghana +Tbilisi Georgia Algiers Algeria +Tbilisi Georgia Amman Jordan +Tbilisi Georgia Ankara Turkey +Tbilisi Georgia Antananarivo Madagascar +Tbilisi Georgia Apia Samoa +Tbilisi Georgia Ashgabat Turkmenistan +Tbilisi Georgia Asmara Eritrea +Tbilisi Georgia Astana Kazakhstan +Tbilisi Georgia Athens Greece +Tbilisi Georgia Baghdad Iraq +Tbilisi Georgia Baku Azerbaijan +Tbilisi Georgia Bamako Mali +Tbilisi Georgia Bangkok Thailand +Tbilisi Georgia Banjul Gambia +Tbilisi Georgia Beijing China +Tbilisi Georgia Beirut Lebanon +Tbilisi Georgia Belgrade Serbia +Tbilisi Georgia Belmopan Belize +Tbilisi Georgia Berlin Germany +Tbilisi Georgia Bern Switzerland +Tbilisi Georgia Bishkek Kyrgyzstan +Tegucigalpa Honduras Tehran Iran +Tegucigalpa Honduras Thimphu Bhutan +Tegucigalpa Honduras Tirana Albania +Tegucigalpa Honduras Tokyo Japan +Tegucigalpa Honduras Tripoli Libya +Tegucigalpa Honduras Tunis Tunisia +Tegucigalpa Honduras Vaduz Liechtenstein +Tegucigalpa Honduras Valletta Malta +Tegucigalpa Honduras Vienna Austria +Tegucigalpa Honduras Vientiane Laos +Tegucigalpa Honduras Vilnius Lithuania +Tegucigalpa Honduras Warsaw Poland +Tegucigalpa Honduras Windhoek Namibia +Tegucigalpa Honduras Yerevan Armenia +Tegucigalpa Honduras Zagreb Croatia +Tegucigalpa Honduras Abuja Nigeria +Tegucigalpa Honduras Accra Ghana +Tegucigalpa Honduras Algiers Algeria +Tegucigalpa Honduras Amman Jordan +Tegucigalpa Honduras Ankara Turkey +Tegucigalpa Honduras Antananarivo Madagascar +Tegucigalpa Honduras Apia Samoa +Tegucigalpa Honduras Ashgabat Turkmenistan +Tegucigalpa Honduras Asmara Eritrea +Tegucigalpa Honduras Astana Kazakhstan +Tegucigalpa Honduras Athens Greece +Tegucigalpa Honduras Baghdad Iraq +Tegucigalpa Honduras Baku Azerbaijan +Tegucigalpa Honduras Bamako Mali +Tegucigalpa Honduras Bangkok Thailand +Tegucigalpa Honduras Banjul Gambia +Tegucigalpa Honduras Beijing China +Tegucigalpa Honduras Beirut Lebanon +Tegucigalpa Honduras Belgrade Serbia +Tegucigalpa Honduras Belmopan Belize +Tegucigalpa Honduras Berlin Germany +Tegucigalpa Honduras Bern Switzerland +Tegucigalpa Honduras Bishkek Kyrgyzstan +Tegucigalpa Honduras Bratislava Slovakia +Tehran Iran Thimphu Bhutan +Tehran Iran Tirana Albania +Tehran Iran Tokyo Japan +Tehran Iran Tripoli Libya +Tehran Iran Tunis Tunisia +Tehran Iran Vaduz Liechtenstein +Tehran Iran Valletta Malta +Tehran Iran Vienna Austria +Tehran Iran Vientiane Laos +Tehran Iran Vilnius Lithuania +Tehran Iran Warsaw Poland +Tehran Iran Windhoek Namibia +Tehran Iran Yerevan Armenia +Tehran Iran Zagreb Croatia +Tehran Iran Abuja Nigeria +Tehran Iran Accra Ghana +Tehran Iran Algiers Algeria +Tehran Iran Amman Jordan +Tehran Iran Ankara Turkey +Tehran Iran Antananarivo Madagascar +Tehran Iran Apia Samoa +Tehran Iran Ashgabat Turkmenistan +Tehran Iran Asmara Eritrea +Tehran Iran Astana Kazakhstan +Tehran Iran Athens Greece +Tehran Iran Baghdad Iraq +Tehran Iran Baku Azerbaijan +Tehran Iran Bamako Mali +Tehran Iran Bangkok Thailand +Tehran Iran Banjul Gambia +Tehran Iran Beijing China +Tehran Iran Beirut Lebanon +Tehran Iran Belgrade Serbia +Tehran Iran Belmopan Belize +Tehran Iran Berlin Germany +Tehran Iran Bern Switzerland +Tehran Iran Bishkek Kyrgyzstan +Tehran Iran Bratislava Slovakia +Tehran Iran Brussels Belgium +Thimphu Bhutan Tirana Albania +Thimphu Bhutan Tokyo Japan +Thimphu Bhutan Tripoli Libya +Thimphu Bhutan Tunis Tunisia +Thimphu Bhutan Vaduz Liechtenstein +Thimphu Bhutan Valletta Malta +Thimphu Bhutan Vienna Austria +Thimphu Bhutan Vientiane Laos +Thimphu Bhutan Vilnius Lithuania +Thimphu Bhutan Warsaw Poland +Thimphu Bhutan Windhoek Namibia +Thimphu Bhutan Yerevan Armenia +Thimphu Bhutan Zagreb Croatia +Thimphu Bhutan Abuja Nigeria +Thimphu Bhutan Accra Ghana +Thimphu Bhutan Algiers Algeria +Thimphu Bhutan Amman Jordan +Thimphu Bhutan Ankara Turkey +Thimphu Bhutan Antananarivo Madagascar +Thimphu Bhutan Apia Samoa +Thimphu Bhutan Ashgabat Turkmenistan +Thimphu Bhutan Asmara Eritrea +Thimphu Bhutan Astana Kazakhstan +Thimphu Bhutan Athens Greece +Thimphu Bhutan Baghdad Iraq +Thimphu Bhutan Baku Azerbaijan +Thimphu Bhutan Bamako Mali +Thimphu Bhutan Bangkok Thailand +Thimphu Bhutan Banjul Gambia +Thimphu Bhutan Beijing China +Thimphu Bhutan Beirut Lebanon +Thimphu Bhutan Belgrade Serbia +Thimphu Bhutan Belmopan Belize +Thimphu Bhutan Berlin Germany +Thimphu Bhutan Bern Switzerland +Thimphu Bhutan Bishkek Kyrgyzstan +Thimphu Bhutan Bratislava Slovakia +Thimphu Bhutan Brussels Belgium +Thimphu Bhutan Bucharest Romania +Tirana Albania Tokyo Japan +Tirana Albania Tripoli Libya +Tirana Albania Tunis Tunisia +Tirana Albania Vaduz Liechtenstein +Tirana Albania Valletta Malta +Tirana Albania Vienna Austria +Tirana Albania Vientiane Laos +Tirana Albania Vilnius Lithuania +Tirana Albania Warsaw Poland +Tirana Albania Windhoek Namibia +Tirana Albania Yerevan Armenia +Tirana Albania Zagreb Croatia +Tirana Albania Abuja Nigeria +Tirana Albania Accra Ghana +Tirana Albania Algiers Algeria +Tirana Albania Amman Jordan +Tirana Albania Ankara Turkey +Tirana Albania Antananarivo Madagascar +Tirana Albania Apia Samoa +Tirana Albania Ashgabat Turkmenistan +Tirana Albania Asmara Eritrea +Tirana Albania Astana Kazakhstan +Tirana Albania Athens Greece +Tirana Albania Baghdad Iraq +Tirana Albania Baku Azerbaijan +Tirana Albania Bamako Mali +Tirana Albania Bangkok Thailand +Tirana Albania Banjul Gambia +Tirana Albania Beijing China +Tirana Albania Beirut Lebanon +Tirana Albania Belgrade Serbia +Tirana Albania Belmopan Belize +Tirana Albania Berlin Germany +Tirana Albania Bern Switzerland +Tirana Albania Bishkek Kyrgyzstan +Tirana Albania Bratislava Slovakia +Tirana Albania Brussels Belgium +Tirana Albania Bucharest Romania +Tirana Albania Budapest Hungary +Tokyo Japan Tripoli Libya +Tokyo Japan Tunis Tunisia +Tokyo Japan Vaduz Liechtenstein +Tokyo Japan Valletta Malta +Tokyo Japan Vienna Austria +Tokyo Japan Vientiane Laos +Tokyo Japan Vilnius Lithuania +Tokyo Japan Warsaw Poland +Tokyo Japan Windhoek Namibia +Tokyo Japan Yerevan Armenia +Tokyo Japan Zagreb Croatia +Tokyo Japan Abuja Nigeria +Tokyo Japan Accra Ghana +Tokyo Japan Algiers Algeria +Tokyo Japan Amman Jordan +Tokyo Japan Ankara Turkey +Tokyo Japan Antananarivo Madagascar +Tokyo Japan Apia Samoa +Tokyo Japan Ashgabat Turkmenistan +Tokyo Japan Asmara Eritrea +Tokyo Japan Astana Kazakhstan +Tokyo Japan Athens Greece +Tokyo Japan Baghdad Iraq +Tokyo Japan Baku Azerbaijan +Tokyo Japan Bamako Mali +Tokyo Japan Bangkok Thailand +Tokyo Japan Banjul Gambia +Tokyo Japan Beijing China +Tokyo Japan Beirut Lebanon +Tokyo Japan Belgrade Serbia +Tokyo Japan Belmopan Belize +Tokyo Japan Berlin Germany +Tokyo Japan Bern Switzerland +Tokyo Japan Bishkek Kyrgyzstan +Tokyo Japan Bratislava Slovakia +Tokyo Japan Brussels Belgium +Tokyo Japan Bucharest Romania +Tokyo Japan Budapest Hungary +Tokyo Japan Bujumbura Burundi +Tripoli Libya Tunis Tunisia +Tripoli Libya Vaduz Liechtenstein +Tripoli Libya Valletta Malta +Tripoli Libya Vienna Austria +Tripoli Libya Vientiane Laos +Tripoli Libya Vilnius Lithuania +Tripoli Libya Warsaw Poland +Tripoli Libya Windhoek Namibia +Tripoli Libya Yerevan Armenia +Tripoli Libya Zagreb Croatia +Tripoli Libya Abuja Nigeria +Tripoli Libya Accra Ghana +Tripoli Libya Algiers Algeria +Tripoli Libya Amman Jordan +Tripoli Libya Ankara Turkey +Tripoli Libya Antananarivo Madagascar +Tripoli Libya Apia Samoa +Tripoli Libya Ashgabat Turkmenistan +Tripoli Libya Asmara Eritrea +Tripoli Libya Astana Kazakhstan +Tripoli Libya Athens Greece +Tripoli Libya Baghdad Iraq +Tripoli Libya Baku Azerbaijan +Tripoli Libya Bamako Mali +Tripoli Libya Bangkok Thailand +Tripoli Libya Banjul Gambia +Tripoli Libya Beijing China +Tripoli Libya Beirut Lebanon +Tripoli Libya Belgrade Serbia +Tripoli Libya Belmopan Belize +Tripoli Libya Berlin Germany +Tripoli Libya Bern Switzerland +Tripoli Libya Bishkek Kyrgyzstan +Tripoli Libya Bratislava Slovakia +Tripoli Libya Brussels Belgium +Tripoli Libya Bucharest Romania +Tripoli Libya Budapest Hungary +Tripoli Libya Bujumbura Burundi +Tripoli Libya Cairo Egypt +Tunis Tunisia Vaduz Liechtenstein +Tunis Tunisia Valletta Malta +Tunis Tunisia Vienna Austria +Tunis Tunisia Vientiane Laos +Tunis Tunisia Vilnius Lithuania +Tunis Tunisia Warsaw Poland +Tunis Tunisia Windhoek Namibia +Tunis Tunisia Yerevan Armenia +Tunis Tunisia Zagreb Croatia +Tunis Tunisia Abuja Nigeria +Tunis Tunisia Accra Ghana +Tunis Tunisia Algiers Algeria +Tunis Tunisia Amman Jordan +Tunis Tunisia Ankara Turkey +Tunis Tunisia Antananarivo Madagascar +Tunis Tunisia Apia Samoa +Tunis Tunisia Ashgabat Turkmenistan +Tunis Tunisia Asmara Eritrea +Tunis Tunisia Astana Kazakhstan +Tunis Tunisia Athens Greece +Tunis Tunisia Baghdad Iraq +Tunis Tunisia Baku Azerbaijan +Tunis Tunisia Bamako Mali +Tunis Tunisia Bangkok Thailand +Tunis Tunisia Banjul Gambia +Tunis Tunisia Beijing China +Tunis Tunisia Beirut Lebanon +Tunis Tunisia Belgrade Serbia +Tunis Tunisia Belmopan Belize +Tunis Tunisia Berlin Germany +Tunis Tunisia Bern Switzerland +Tunis Tunisia Bishkek Kyrgyzstan +Tunis Tunisia Bratislava Slovakia +Tunis Tunisia Brussels Belgium +Tunis Tunisia Bucharest Romania +Tunis Tunisia Budapest Hungary +Tunis Tunisia Bujumbura Burundi +Tunis Tunisia Cairo Egypt +Tunis Tunisia Canberra Australia +Vaduz Liechtenstein Valletta Malta +Vaduz Liechtenstein Vienna Austria +Vaduz Liechtenstein Vientiane Laos +Vaduz Liechtenstein Vilnius Lithuania +Vaduz Liechtenstein Warsaw Poland +Vaduz Liechtenstein Windhoek Namibia +Vaduz Liechtenstein Yerevan Armenia +Vaduz Liechtenstein Zagreb Croatia +Vaduz Liechtenstein Abuja Nigeria +Vaduz Liechtenstein Accra Ghana +Vaduz Liechtenstein Algiers Algeria +Vaduz Liechtenstein Amman Jordan +Vaduz Liechtenstein Ankara Turkey +Vaduz Liechtenstein Antananarivo Madagascar +Vaduz Liechtenstein Apia Samoa +Vaduz Liechtenstein Ashgabat Turkmenistan +Vaduz Liechtenstein Asmara Eritrea +Vaduz Liechtenstein Astana Kazakhstan +Vaduz Liechtenstein Athens Greece +Vaduz Liechtenstein Baghdad Iraq +Vaduz Liechtenstein Baku Azerbaijan +Vaduz Liechtenstein Bamako Mali +Vaduz Liechtenstein Bangkok Thailand +Vaduz Liechtenstein Banjul Gambia +Vaduz Liechtenstein Beijing China +Vaduz Liechtenstein Beirut Lebanon +Vaduz Liechtenstein Belgrade Serbia +Vaduz Liechtenstein Belmopan Belize +Vaduz Liechtenstein Berlin Germany +Vaduz Liechtenstein Bern Switzerland +Vaduz Liechtenstein Bishkek Kyrgyzstan +Vaduz Liechtenstein Bratislava Slovakia +Vaduz Liechtenstein Brussels Belgium +Vaduz Liechtenstein Bucharest Romania +Vaduz Liechtenstein Budapest Hungary +Vaduz Liechtenstein Bujumbura Burundi +Vaduz Liechtenstein Cairo Egypt +Vaduz Liechtenstein Canberra Australia +Vaduz Liechtenstein Caracas Venezuela +Valletta Malta Vienna Austria +Valletta Malta Vientiane Laos +Valletta Malta Vilnius Lithuania +Valletta Malta Warsaw Poland +Valletta Malta Windhoek Namibia +Valletta Malta Yerevan Armenia +Valletta Malta Zagreb Croatia +Valletta Malta Abuja Nigeria +Valletta Malta Accra Ghana +Valletta Malta Algiers Algeria +Valletta Malta Amman Jordan +Valletta Malta Ankara Turkey +Valletta Malta Antananarivo Madagascar +Valletta Malta Apia Samoa +Valletta Malta Ashgabat Turkmenistan +Valletta Malta Asmara Eritrea +Valletta Malta Astana Kazakhstan +Valletta Malta Athens Greece +Valletta Malta Baghdad Iraq +Valletta Malta Baku Azerbaijan +Valletta Malta Bamako Mali +Valletta Malta Bangkok Thailand +Valletta Malta Banjul Gambia +Valletta Malta Beijing China +Valletta Malta Beirut Lebanon +Valletta Malta Belgrade Serbia +Valletta Malta Belmopan Belize +Valletta Malta Berlin Germany +Valletta Malta Bern Switzerland +Valletta Malta Bishkek Kyrgyzstan +Valletta Malta Bratislava Slovakia +Valletta Malta Brussels Belgium +Valletta Malta Bucharest Romania +Valletta Malta Budapest Hungary +Valletta Malta Bujumbura Burundi +Valletta Malta Cairo Egypt +Valletta Malta Canberra Australia +Valletta Malta Caracas Venezuela +Valletta Malta Chisinau Moldova +Vienna Austria Vientiane Laos +Vienna Austria Vilnius Lithuania +Vienna Austria Warsaw Poland +Vienna Austria Windhoek Namibia +Vienna Austria Yerevan Armenia +Vienna Austria Zagreb Croatia +Vienna Austria Abuja Nigeria +Vienna Austria Accra Ghana +Vienna Austria Algiers Algeria +Vienna Austria Amman Jordan +Vienna Austria Ankara Turkey +Vienna Austria Antananarivo Madagascar +Vienna Austria Apia Samoa +Vienna Austria Ashgabat Turkmenistan +Vienna Austria Asmara Eritrea +Vienna Austria Astana Kazakhstan +Vienna Austria Athens Greece +Vienna Austria Baghdad Iraq +Vienna Austria Baku Azerbaijan +Vienna Austria Bamako Mali +Vienna Austria Bangkok Thailand +Vienna Austria Banjul Gambia +Vienna Austria Beijing China +Vienna Austria Beirut Lebanon +Vienna Austria Belgrade Serbia +Vienna Austria Belmopan Belize +Vienna Austria Berlin Germany +Vienna Austria Bern Switzerland +Vienna Austria Bishkek Kyrgyzstan +Vienna Austria Bratislava Slovakia +Vienna Austria Brussels Belgium +Vienna Austria Bucharest Romania +Vienna Austria Budapest Hungary +Vienna Austria Bujumbura Burundi +Vienna Austria Cairo Egypt +Vienna Austria Canberra Australia +Vienna Austria Caracas Venezuela +Vienna Austria Chisinau Moldova +Vienna Austria Conakry Guinea +Vientiane Laos Vilnius Lithuania +Vientiane Laos Warsaw Poland +Vientiane Laos Windhoek Namibia +Vientiane Laos Yerevan Armenia +Vientiane Laos Zagreb Croatia +Vientiane Laos Abuja Nigeria +Vientiane Laos Accra Ghana +Vientiane Laos Algiers Algeria +Vientiane Laos Amman Jordan +Vientiane Laos Ankara Turkey +Vientiane Laos Antananarivo Madagascar +Vientiane Laos Apia Samoa +Vientiane Laos Ashgabat Turkmenistan +Vientiane Laos Asmara Eritrea +Vientiane Laos Astana Kazakhstan +Vientiane Laos Athens Greece +Vientiane Laos Baghdad Iraq +Vientiane Laos Baku Azerbaijan +Vientiane Laos Bamako Mali +Vientiane Laos Bangkok Thailand +Vientiane Laos Banjul Gambia +Vientiane Laos Beijing China +Vientiane Laos Beirut Lebanon +Vientiane Laos Belgrade Serbia +Vientiane Laos Belmopan Belize +Vientiane Laos Berlin Germany +Vientiane Laos Bern Switzerland +Vientiane Laos Bishkek Kyrgyzstan +Vientiane Laos Bratislava Slovakia +Vientiane Laos Brussels Belgium +Vientiane Laos Bucharest Romania +Vientiane Laos Budapest Hungary +Vientiane Laos Bujumbura Burundi +Vientiane Laos Cairo Egypt +Vientiane Laos Canberra Australia +Vientiane Laos Caracas Venezuela +Vientiane Laos Chisinau Moldova +Vientiane Laos Conakry Guinea +Vientiane Laos Copenhagen Denmark +Vilnius Lithuania Warsaw Poland +Vilnius Lithuania Windhoek Namibia +Vilnius Lithuania Yerevan Armenia +Vilnius Lithuania Zagreb Croatia +Vilnius Lithuania Abuja Nigeria +Vilnius Lithuania Accra Ghana +Vilnius Lithuania Algiers Algeria +Vilnius Lithuania Amman Jordan +Vilnius Lithuania Ankara Turkey +Vilnius Lithuania Antananarivo Madagascar +Vilnius Lithuania Apia Samoa +Vilnius Lithuania Ashgabat Turkmenistan +Vilnius Lithuania Asmara Eritrea +Vilnius Lithuania Astana Kazakhstan +Vilnius Lithuania Athens Greece +Vilnius Lithuania Baghdad Iraq +Vilnius Lithuania Baku Azerbaijan +Vilnius Lithuania Bamako Mali +Vilnius Lithuania Bangkok Thailand +Vilnius Lithuania Banjul Gambia +Vilnius Lithuania Beijing China +Vilnius Lithuania Beirut Lebanon +Vilnius Lithuania Belgrade Serbia +Vilnius Lithuania Belmopan Belize +Vilnius Lithuania Berlin Germany +Vilnius Lithuania Bern Switzerland +Vilnius Lithuania Bishkek Kyrgyzstan +Vilnius Lithuania Bratislava Slovakia +Vilnius Lithuania Brussels Belgium +Vilnius Lithuania Bucharest Romania +Vilnius Lithuania Budapest Hungary +Vilnius Lithuania Bujumbura Burundi +Vilnius Lithuania Cairo Egypt +Vilnius Lithuania Canberra Australia +Vilnius Lithuania Caracas Venezuela +Vilnius Lithuania Chisinau Moldova +Vilnius Lithuania Conakry Guinea +Vilnius Lithuania Copenhagen Denmark +Vilnius Lithuania Dakar Senegal +Warsaw Poland Windhoek Namibia +Warsaw Poland Yerevan Armenia +Warsaw Poland Zagreb Croatia +Warsaw Poland Abuja Nigeria +Warsaw Poland Accra Ghana +Warsaw Poland Algiers Algeria +Warsaw Poland Amman Jordan +Warsaw Poland Ankara Turkey +Warsaw Poland Antananarivo Madagascar +Warsaw Poland Apia Samoa +Warsaw Poland Ashgabat Turkmenistan +Warsaw Poland Asmara Eritrea +Warsaw Poland Astana Kazakhstan +Warsaw Poland Athens Greece +Warsaw Poland Baghdad Iraq +Warsaw Poland Baku Azerbaijan +Warsaw Poland Bamako Mali +Warsaw Poland Bangkok Thailand +Warsaw Poland Banjul Gambia +Warsaw Poland Beijing China +Warsaw Poland Beirut Lebanon +Warsaw Poland Belgrade Serbia +Warsaw Poland Belmopan Belize +Warsaw Poland Berlin Germany +Warsaw Poland Bern Switzerland +Warsaw Poland Bishkek Kyrgyzstan +Warsaw Poland Bratislava Slovakia +Warsaw Poland Brussels Belgium +Warsaw Poland Bucharest Romania +Warsaw Poland Budapest Hungary +Warsaw Poland Bujumbura Burundi +Warsaw Poland Cairo Egypt +Warsaw Poland Canberra Australia +Warsaw Poland Caracas Venezuela +Warsaw Poland Chisinau Moldova +Warsaw Poland Conakry Guinea +Warsaw Poland Copenhagen Denmark +Warsaw Poland Dakar Senegal +Warsaw Poland Damascus Syria +Windhoek Namibia Yerevan Armenia +Windhoek Namibia Zagreb Croatia +Windhoek Namibia Abuja Nigeria +Windhoek Namibia Accra Ghana +Windhoek Namibia Algiers Algeria +Windhoek Namibia Amman Jordan +Windhoek Namibia Ankara Turkey +Windhoek Namibia Antananarivo Madagascar +Windhoek Namibia Apia Samoa +Windhoek Namibia Ashgabat Turkmenistan +Windhoek Namibia Asmara Eritrea +Windhoek Namibia Astana Kazakhstan +Windhoek Namibia Athens Greece +Windhoek Namibia Baghdad Iraq +Windhoek Namibia Baku Azerbaijan +Windhoek Namibia Bamako Mali +Windhoek Namibia Bangkok Thailand +Windhoek Namibia Banjul Gambia +Windhoek Namibia Beijing China +Windhoek Namibia Beirut Lebanon +Windhoek Namibia Belgrade Serbia +Windhoek Namibia Belmopan Belize +Windhoek Namibia Berlin Germany +Windhoek Namibia Bern Switzerland +Windhoek Namibia Bishkek Kyrgyzstan +Windhoek Namibia Bratislava Slovakia +Windhoek Namibia Brussels Belgium +Windhoek Namibia Bucharest Romania +Windhoek Namibia Budapest Hungary +Windhoek Namibia Bujumbura Burundi +Windhoek Namibia Cairo Egypt +Windhoek Namibia Canberra Australia +Windhoek Namibia Caracas Venezuela +Windhoek Namibia Chisinau Moldova +Windhoek Namibia Conakry Guinea +Windhoek Namibia Copenhagen Denmark +Windhoek Namibia Dakar Senegal +Windhoek Namibia Damascus Syria +Windhoek Namibia Dhaka Bangladesh +Yerevan Armenia Zagreb Croatia +Yerevan Armenia Abuja Nigeria +Yerevan Armenia Accra Ghana +Yerevan Armenia Algiers Algeria +Yerevan Armenia Amman Jordan +Yerevan Armenia Ankara Turkey +Yerevan Armenia Antananarivo Madagascar +Yerevan Armenia Apia Samoa +Yerevan Armenia Ashgabat Turkmenistan +Yerevan Armenia Asmara Eritrea +Yerevan Armenia Astana Kazakhstan +Yerevan Armenia Athens Greece +Yerevan Armenia Baghdad Iraq +Yerevan Armenia Baku Azerbaijan +Yerevan Armenia Bamako Mali +Yerevan Armenia Bangkok Thailand +Yerevan Armenia Banjul Gambia +Yerevan Armenia Beijing China +Yerevan Armenia Beirut Lebanon +Yerevan Armenia Belgrade Serbia +Yerevan Armenia Belmopan Belize +Yerevan Armenia Berlin Germany +Yerevan Armenia Bern Switzerland +Yerevan Armenia Bishkek Kyrgyzstan +Yerevan Armenia Bratislava Slovakia +Yerevan Armenia Brussels Belgium +Yerevan Armenia Bucharest Romania +Yerevan Armenia Budapest Hungary +Yerevan Armenia Bujumbura Burundi +Yerevan Armenia Cairo Egypt +Yerevan Armenia Canberra Australia +Yerevan Armenia Caracas Venezuela +Yerevan Armenia Chisinau Moldova +Yerevan Armenia Conakry Guinea +Yerevan Armenia Copenhagen Denmark +Yerevan Armenia Dakar Senegal +Yerevan Armenia Damascus Syria +Yerevan Armenia Dhaka Bangladesh +Yerevan Armenia Doha Qatar +Zagreb Croatia Abuja Nigeria +Zagreb Croatia Accra Ghana +Zagreb Croatia Algiers Algeria +Zagreb Croatia Amman Jordan +Zagreb Croatia Ankara Turkey +Zagreb Croatia Antananarivo Madagascar +Zagreb Croatia Apia Samoa +Zagreb Croatia Ashgabat Turkmenistan +Zagreb Croatia Asmara Eritrea +Zagreb Croatia Astana Kazakhstan +Zagreb Croatia Athens Greece +Zagreb Croatia Baghdad Iraq +Zagreb Croatia Baku Azerbaijan +Zagreb Croatia Bamako Mali +Zagreb Croatia Bangkok Thailand +Zagreb Croatia Banjul Gambia +Zagreb Croatia Beijing China +Zagreb Croatia Beirut Lebanon +Zagreb Croatia Belgrade Serbia +Zagreb Croatia Belmopan Belize +Zagreb Croatia Berlin Germany +Zagreb Croatia Bern Switzerland +Zagreb Croatia Bishkek Kyrgyzstan +Zagreb Croatia Bratislava Slovakia +Zagreb Croatia Brussels Belgium +Zagreb Croatia Bucharest Romania +Zagreb Croatia Budapest Hungary +Zagreb Croatia Bujumbura Burundi +Zagreb Croatia Cairo Egypt +Zagreb Croatia Canberra Australia +Zagreb Croatia Caracas Venezuela +Zagreb Croatia Chisinau Moldova +Zagreb Croatia Conakry Guinea +Zagreb Croatia Copenhagen Denmark +Zagreb Croatia Dakar Senegal +Zagreb Croatia Damascus Syria +Zagreb Croatia Dhaka Bangladesh +Zagreb Croatia Doha Qatar +Zagreb Croatia Dublin Ireland +: currency +Algeria dinar Angola kwanza +Algeria dinar Argentina peso +Algeria dinar Armenia dram +Algeria dinar Brazil real +Algeria dinar Bulgaria lev +Algeria dinar Cambodia riel +Algeria dinar Canada dollar +Algeria dinar Croatia kuna +Algeria dinar Denmark krone +Algeria dinar Europe euro +Algeria dinar Hungary forint +Algeria dinar India rupee +Algeria dinar Iran rial +Algeria dinar Japan yen +Algeria dinar Korea won +Algeria dinar Latvia lats +Algeria dinar Lithuania litas +Algeria dinar Macedonia denar +Algeria dinar Malaysia ringgit +Algeria dinar Mexico peso +Algeria dinar Nigeria naira +Algeria dinar Poland zloty +Algeria dinar Romania leu +Algeria dinar Russia ruble +Algeria dinar Sweden krona +Algeria dinar Thailand baht +Algeria dinar Ukraine hryvnia +Algeria dinar USA dollar +Algeria dinar Vietnam dong +Angola kwanza Argentina peso +Angola kwanza Armenia dram +Angola kwanza Brazil real +Angola kwanza Bulgaria lev +Angola kwanza Cambodia riel +Angola kwanza Canada dollar +Angola kwanza Croatia kuna +Angola kwanza Denmark krone +Angola kwanza Europe euro +Angola kwanza Hungary forint +Angola kwanza India rupee +Angola kwanza Iran rial +Angola kwanza Japan yen +Angola kwanza Korea won +Angola kwanza Latvia lats +Angola kwanza Lithuania litas +Angola kwanza Macedonia denar +Angola kwanza Malaysia ringgit +Angola kwanza Mexico peso +Angola kwanza Nigeria naira +Angola kwanza Poland zloty +Angola kwanza Romania leu +Angola kwanza Russia ruble +Angola kwanza Sweden krona +Angola kwanza Thailand baht +Angola kwanza Ukraine hryvnia +Angola kwanza USA dollar +Angola kwanza Vietnam dong +Angola kwanza Algeria dinar +Argentina peso Armenia dram +Argentina peso Brazil real +Argentina peso Bulgaria lev +Argentina peso Cambodia riel +Argentina peso Canada dollar +Argentina peso Croatia kuna +Argentina peso Denmark krone +Argentina peso Europe euro +Argentina peso Hungary forint +Argentina peso India rupee +Argentina peso Iran rial +Argentina peso Japan yen +Argentina peso Korea won +Argentina peso Latvia lats +Argentina peso Lithuania litas +Argentina peso Macedonia denar +Argentina peso Malaysia ringgit +Argentina peso Nigeria naira +Argentina peso Poland zloty +Argentina peso Romania leu +Argentina peso Russia ruble +Argentina peso Sweden krona +Argentina peso Thailand baht +Argentina peso Ukraine hryvnia +Argentina peso USA dollar +Argentina peso Vietnam dong +Argentina peso Algeria dinar +Argentina peso Angola kwanza +Armenia dram Brazil real +Armenia dram Bulgaria lev +Armenia dram Cambodia riel +Armenia dram Canada dollar +Armenia dram Croatia kuna +Armenia dram Denmark krone +Armenia dram Europe euro +Armenia dram Hungary forint +Armenia dram India rupee +Armenia dram Iran rial +Armenia dram Japan yen +Armenia dram Korea won +Armenia dram Latvia lats +Armenia dram Lithuania litas +Armenia dram Macedonia denar +Armenia dram Malaysia ringgit +Armenia dram Mexico peso +Armenia dram Nigeria naira +Armenia dram Poland zloty +Armenia dram Romania leu +Armenia dram Russia ruble +Armenia dram Sweden krona +Armenia dram Thailand baht +Armenia dram Ukraine hryvnia +Armenia dram USA dollar +Armenia dram Vietnam dong +Armenia dram Algeria dinar +Armenia dram Angola kwanza +Armenia dram Argentina peso +Brazil real Bulgaria lev +Brazil real Cambodia riel +Brazil real Canada dollar +Brazil real Croatia kuna +Brazil real Denmark krone +Brazil real Europe euro +Brazil real Hungary forint +Brazil real India rupee +Brazil real Iran rial +Brazil real Japan yen +Brazil real Korea won +Brazil real Latvia lats +Brazil real Lithuania litas +Brazil real Macedonia denar +Brazil real Malaysia ringgit +Brazil real Mexico peso +Brazil real Nigeria naira +Brazil real Poland zloty +Brazil real Romania leu +Brazil real Russia ruble +Brazil real Sweden krona +Brazil real Thailand baht +Brazil real Ukraine hryvnia +Brazil real USA dollar +Brazil real Vietnam dong +Brazil real Algeria dinar +Brazil real Angola kwanza +Brazil real Argentina peso +Brazil real Armenia dram +Bulgaria lev Cambodia riel +Bulgaria lev Canada dollar +Bulgaria lev Croatia kuna +Bulgaria lev Denmark krone +Bulgaria lev Europe euro +Bulgaria lev Hungary forint +Bulgaria lev India rupee +Bulgaria lev Iran rial +Bulgaria lev Japan yen +Bulgaria lev Korea won +Bulgaria lev Latvia lats +Bulgaria lev Lithuania litas +Bulgaria lev Macedonia denar +Bulgaria lev Malaysia ringgit +Bulgaria lev Mexico peso +Bulgaria lev Nigeria naira +Bulgaria lev Poland zloty +Bulgaria lev Romania leu +Bulgaria lev Russia ruble +Bulgaria lev Sweden krona +Bulgaria lev Thailand baht +Bulgaria lev Ukraine hryvnia +Bulgaria lev USA dollar +Bulgaria lev Vietnam dong +Bulgaria lev Algeria dinar +Bulgaria lev Angola kwanza +Bulgaria lev Argentina peso +Bulgaria lev Armenia dram +Bulgaria lev Brazil real +Cambodia riel Canada dollar +Cambodia riel Croatia kuna +Cambodia riel Denmark krone +Cambodia riel Europe euro +Cambodia riel Hungary forint +Cambodia riel India rupee +Cambodia riel Iran rial +Cambodia riel Japan yen +Cambodia riel Korea won +Cambodia riel Latvia lats +Cambodia riel Lithuania litas +Cambodia riel Macedonia denar +Cambodia riel Malaysia ringgit +Cambodia riel Mexico peso +Cambodia riel Nigeria naira +Cambodia riel Poland zloty +Cambodia riel Romania leu +Cambodia riel Russia ruble +Cambodia riel Sweden krona +Cambodia riel Thailand baht +Cambodia riel Ukraine hryvnia +Cambodia riel USA dollar +Cambodia riel Vietnam dong +Cambodia riel Algeria dinar +Cambodia riel Angola kwanza +Cambodia riel Argentina peso +Cambodia riel Armenia dram +Cambodia riel Brazil real +Cambodia riel Bulgaria lev +Canada dollar Croatia kuna +Canada dollar Denmark krone +Canada dollar Europe euro +Canada dollar Hungary forint +Canada dollar India rupee +Canada dollar Iran rial +Canada dollar Japan yen +Canada dollar Korea won +Canada dollar Latvia lats +Canada dollar Lithuania litas +Canada dollar Macedonia denar +Canada dollar Malaysia ringgit +Canada dollar Mexico peso +Canada dollar Nigeria naira +Canada dollar Poland zloty +Canada dollar Romania leu +Canada dollar Russia ruble +Canada dollar Sweden krona +Canada dollar Thailand baht +Canada dollar Ukraine hryvnia +Canada dollar Vietnam dong +Canada dollar Algeria dinar +Canada dollar Angola kwanza +Canada dollar Argentina peso +Canada dollar Armenia dram +Canada dollar Brazil real +Canada dollar Bulgaria lev +Canada dollar Cambodia riel +Croatia kuna Denmark krone +Croatia kuna Europe euro +Croatia kuna Hungary forint +Croatia kuna India rupee +Croatia kuna Iran rial +Croatia kuna Japan yen +Croatia kuna Korea won +Croatia kuna Latvia lats +Croatia kuna Lithuania litas +Croatia kuna Macedonia denar +Croatia kuna Malaysia ringgit +Croatia kuna Mexico peso +Croatia kuna Nigeria naira +Croatia kuna Poland zloty +Croatia kuna Romania leu +Croatia kuna Russia ruble +Croatia kuna Sweden krona +Croatia kuna Thailand baht +Croatia kuna Ukraine hryvnia +Croatia kuna USA dollar +Croatia kuna Vietnam dong +Croatia kuna Algeria dinar +Croatia kuna Angola kwanza +Croatia kuna Argentina peso +Croatia kuna Armenia dram +Croatia kuna Brazil real +Croatia kuna Bulgaria lev +Croatia kuna Cambodia riel +Croatia kuna Canada dollar +Denmark krone Europe euro +Denmark krone Hungary forint +Denmark krone India rupee +Denmark krone Iran rial +Denmark krone Japan yen +Denmark krone Korea won +Denmark krone Latvia lats +Denmark krone Lithuania litas +Denmark krone Macedonia denar +Denmark krone Malaysia ringgit +Denmark krone Mexico peso +Denmark krone Nigeria naira +Denmark krone Poland zloty +Denmark krone Romania leu +Denmark krone Russia ruble +Denmark krone Sweden krona +Denmark krone Thailand baht +Denmark krone Ukraine hryvnia +Denmark krone USA dollar +Denmark krone Vietnam dong +Denmark krone Algeria dinar +Denmark krone Angola kwanza +Denmark krone Argentina peso +Denmark krone Armenia dram +Denmark krone Brazil real +Denmark krone Bulgaria lev +Denmark krone Cambodia riel +Denmark krone Canada dollar +Denmark krone Croatia kuna +Europe euro Hungary forint +Europe euro India rupee +Europe euro Iran rial +Europe euro Japan yen +Europe euro Korea won +Europe euro Latvia lats +Europe euro Lithuania litas +Europe euro Macedonia denar +Europe euro Malaysia ringgit +Europe euro Mexico peso +Europe euro Nigeria naira +Europe euro Poland zloty +Europe euro Romania leu +Europe euro Russia ruble +Europe euro Sweden krona +Europe euro Thailand baht +Europe euro Ukraine hryvnia +Europe euro USA dollar +Europe euro Vietnam dong +Europe euro Algeria dinar +Europe euro Angola kwanza +Europe euro Argentina peso +Europe euro Armenia dram +Europe euro Brazil real +Europe euro Bulgaria lev +Europe euro Cambodia riel +Europe euro Canada dollar +Europe euro Croatia kuna +Europe euro Denmark krone +Hungary forint India rupee +Hungary forint Iran rial +Hungary forint Japan yen +Hungary forint Korea won +Hungary forint Latvia lats +Hungary forint Lithuania litas +Hungary forint Macedonia denar +Hungary forint Malaysia ringgit +Hungary forint Mexico peso +Hungary forint Nigeria naira +Hungary forint Poland zloty +Hungary forint Romania leu +Hungary forint Russia ruble +Hungary forint Sweden krona +Hungary forint Thailand baht +Hungary forint Ukraine hryvnia +Hungary forint USA dollar +Hungary forint Vietnam dong +Hungary forint Algeria dinar +Hungary forint Angola kwanza +Hungary forint Argentina peso +Hungary forint Armenia dram +Hungary forint Brazil real +Hungary forint Bulgaria lev +Hungary forint Cambodia riel +Hungary forint Canada dollar +Hungary forint Croatia kuna +Hungary forint Denmark krone +Hungary forint Europe euro +India rupee Iran rial +India rupee Japan yen +India rupee Korea won +India rupee Latvia lats +India rupee Lithuania litas +India rupee Macedonia denar +India rupee Malaysia ringgit +India rupee Mexico peso +India rupee Nigeria naira +India rupee Poland zloty +India rupee Romania leu +India rupee Russia ruble +India rupee Sweden krona +India rupee Thailand baht +India rupee Ukraine hryvnia +India rupee USA dollar +India rupee Vietnam dong +India rupee Algeria dinar +India rupee Angola kwanza +India rupee Argentina peso +India rupee Armenia dram +India rupee Brazil real +India rupee Bulgaria lev +India rupee Cambodia riel +India rupee Canada dollar +India rupee Croatia kuna +India rupee Denmark krone +India rupee Europe euro +India rupee Hungary forint +Iran rial Japan yen +Iran rial Korea won +Iran rial Latvia lats +Iran rial Lithuania litas +Iran rial Macedonia denar +Iran rial Malaysia ringgit +Iran rial Mexico peso +Iran rial Nigeria naira +Iran rial Poland zloty +Iran rial Romania leu +Iran rial Russia ruble +Iran rial Sweden krona +Iran rial Thailand baht +Iran rial Ukraine hryvnia +Iran rial USA dollar +Iran rial Vietnam dong +Iran rial Algeria dinar +Iran rial Angola kwanza +Iran rial Argentina peso +Iran rial Armenia dram +Iran rial Brazil real +Iran rial Bulgaria lev +Iran rial Cambodia riel +Iran rial Canada dollar +Iran rial Croatia kuna +Iran rial Denmark krone +Iran rial Europe euro +Iran rial Hungary forint +Iran rial India rupee +Japan yen Korea won +Japan yen Latvia lats +Japan yen Lithuania litas +Japan yen Macedonia denar +Japan yen Malaysia ringgit +Japan yen Mexico peso +Japan yen Nigeria naira +Japan yen Poland zloty +Japan yen Romania leu +Japan yen Russia ruble +Japan yen Sweden krona +Japan yen Thailand baht +Japan yen Ukraine hryvnia +Japan yen USA dollar +Japan yen Vietnam dong +Japan yen Algeria dinar +Japan yen Angola kwanza +Japan yen Argentina peso +Japan yen Armenia dram +Japan yen Brazil real +Japan yen Bulgaria lev +Japan yen Cambodia riel +Japan yen Canada dollar +Japan yen Croatia kuna +Japan yen Denmark krone +Japan yen Europe euro +Japan yen Hungary forint +Japan yen India rupee +Japan yen Iran rial +Korea won Latvia lats +Korea won Lithuania litas +Korea won Macedonia denar +Korea won Malaysia ringgit +Korea won Mexico peso +Korea won Nigeria naira +Korea won Poland zloty +Korea won Romania leu +Korea won Russia ruble +Korea won Sweden krona +Korea won Thailand baht +Korea won Ukraine hryvnia +Korea won USA dollar +Korea won Vietnam dong +Korea won Algeria dinar +Korea won Angola kwanza +Korea won Argentina peso +Korea won Armenia dram +Korea won Brazil real +Korea won Bulgaria lev +Korea won Cambodia riel +Korea won Canada dollar +Korea won Croatia kuna +Korea won Denmark krone +Korea won Europe euro +Korea won Hungary forint +Korea won India rupee +Korea won Iran rial +Korea won Japan yen +Latvia lats Lithuania litas +Latvia lats Macedonia denar +Latvia lats Malaysia ringgit +Latvia lats Mexico peso +Latvia lats Nigeria naira +Latvia lats Poland zloty +Latvia lats Romania leu +Latvia lats Russia ruble +Latvia lats Sweden krona +Latvia lats Thailand baht +Latvia lats Ukraine hryvnia +Latvia lats USA dollar +Latvia lats Vietnam dong +Latvia lats Algeria dinar +Latvia lats Angola kwanza +Latvia lats Argentina peso +Latvia lats Armenia dram +Latvia lats Brazil real +Latvia lats Bulgaria lev +Latvia lats Cambodia riel +Latvia lats Canada dollar +Latvia lats Croatia kuna +Latvia lats Denmark krone +Latvia lats Europe euro +Latvia lats Hungary forint +Latvia lats India rupee +Latvia lats Iran rial +Latvia lats Japan yen +Latvia lats Korea won +Lithuania litas Macedonia denar +Lithuania litas Malaysia ringgit +Lithuania litas Mexico peso +Lithuania litas Nigeria naira +Lithuania litas Poland zloty +Lithuania litas Romania leu +Lithuania litas Russia ruble +Lithuania litas Sweden krona +Lithuania litas Thailand baht +Lithuania litas Ukraine hryvnia +Lithuania litas USA dollar +Lithuania litas Vietnam dong +Lithuania litas Algeria dinar +Lithuania litas Angola kwanza +Lithuania litas Argentina peso +Lithuania litas Armenia dram +Lithuania litas Brazil real +Lithuania litas Bulgaria lev +Lithuania litas Cambodia riel +Lithuania litas Canada dollar +Lithuania litas Croatia kuna +Lithuania litas Denmark krone +Lithuania litas Europe euro +Lithuania litas Hungary forint +Lithuania litas India rupee +Lithuania litas Iran rial +Lithuania litas Japan yen +Lithuania litas Korea won +Lithuania litas Latvia lats +Macedonia denar Malaysia ringgit +Macedonia denar Mexico peso +Macedonia denar Nigeria naira +Macedonia denar Poland zloty +Macedonia denar Romania leu +Macedonia denar Russia ruble +Macedonia denar Sweden krona +Macedonia denar Thailand baht +Macedonia denar Ukraine hryvnia +Macedonia denar USA dollar +Macedonia denar Vietnam dong +Macedonia denar Algeria dinar +Macedonia denar Angola kwanza +Macedonia denar Argentina peso +Macedonia denar Armenia dram +Macedonia denar Brazil real +Macedonia denar Bulgaria lev +Macedonia denar Cambodia riel +Macedonia denar Canada dollar +Macedonia denar Croatia kuna +Macedonia denar Denmark krone +Macedonia denar Europe euro +Macedonia denar Hungary forint +Macedonia denar India rupee +Macedonia denar Iran rial +Macedonia denar Japan yen +Macedonia denar Korea won +Macedonia denar Latvia lats +Macedonia denar Lithuania litas +Malaysia ringgit Mexico peso +Malaysia ringgit Nigeria naira +Malaysia ringgit Poland zloty +Malaysia ringgit Romania leu +Malaysia ringgit Russia ruble +Malaysia ringgit Sweden krona +Malaysia ringgit Thailand baht +Malaysia ringgit Ukraine hryvnia +Malaysia ringgit USA dollar +Malaysia ringgit Vietnam dong +Malaysia ringgit Algeria dinar +Malaysia ringgit Angola kwanza +Malaysia ringgit Argentina peso +Malaysia ringgit Armenia dram +Malaysia ringgit Brazil real +Malaysia ringgit Bulgaria lev +Malaysia ringgit Cambodia riel +Malaysia ringgit Canada dollar +Malaysia ringgit Croatia kuna +Malaysia ringgit Denmark krone +Malaysia ringgit Europe euro +Malaysia ringgit Hungary forint +Malaysia ringgit India rupee +Malaysia ringgit Iran rial +Malaysia ringgit Japan yen +Malaysia ringgit Korea won +Malaysia ringgit Latvia lats +Malaysia ringgit Lithuania litas +Malaysia ringgit Macedonia denar +Mexico peso Nigeria naira +Mexico peso Poland zloty +Mexico peso Romania leu +Mexico peso Russia ruble +Mexico peso Sweden krona +Mexico peso Thailand baht +Mexico peso Ukraine hryvnia +Mexico peso USA dollar +Mexico peso Vietnam dong +Mexico peso Algeria dinar +Mexico peso Angola kwanza +Mexico peso Armenia dram +Mexico peso Brazil real +Mexico peso Bulgaria lev +Mexico peso Cambodia riel +Mexico peso Canada dollar +Mexico peso Croatia kuna +Mexico peso Denmark krone +Mexico peso Europe euro +Mexico peso Hungary forint +Mexico peso India rupee +Mexico peso Iran rial +Mexico peso Japan yen +Mexico peso Korea won +Mexico peso Latvia lats +Mexico peso Lithuania litas +Mexico peso Macedonia denar +Mexico peso Malaysia ringgit +Nigeria naira Poland zloty +Nigeria naira Romania leu +Nigeria naira Russia ruble +Nigeria naira Sweden krona +Nigeria naira Thailand baht +Nigeria naira Ukraine hryvnia +Nigeria naira USA dollar +Nigeria naira Vietnam dong +Nigeria naira Algeria dinar +Nigeria naira Angola kwanza +Nigeria naira Argentina peso +Nigeria naira Armenia dram +Nigeria naira Brazil real +Nigeria naira Bulgaria lev +Nigeria naira Cambodia riel +Nigeria naira Canada dollar +Nigeria naira Croatia kuna +Nigeria naira Denmark krone +Nigeria naira Europe euro +Nigeria naira Hungary forint +Nigeria naira India rupee +Nigeria naira Iran rial +Nigeria naira Japan yen +Nigeria naira Korea won +Nigeria naira Latvia lats +Nigeria naira Lithuania litas +Nigeria naira Macedonia denar +Nigeria naira Malaysia ringgit +Nigeria naira Mexico peso +Poland zloty Romania leu +Poland zloty Russia ruble +Poland zloty Sweden krona +Poland zloty Thailand baht +Poland zloty Ukraine hryvnia +Poland zloty USA dollar +Poland zloty Vietnam dong +Poland zloty Algeria dinar +Poland zloty Angola kwanza +Poland zloty Argentina peso +Poland zloty Armenia dram +Poland zloty Brazil real +Poland zloty Bulgaria lev +Poland zloty Cambodia riel +Poland zloty Canada dollar +Poland zloty Croatia kuna +Poland zloty Denmark krone +Poland zloty Europe euro +Poland zloty Hungary forint +Poland zloty India rupee +Poland zloty Iran rial +Poland zloty Japan yen +Poland zloty Korea won +Poland zloty Latvia lats +Poland zloty Lithuania litas +Poland zloty Macedonia denar +Poland zloty Malaysia ringgit +Poland zloty Mexico peso +Poland zloty Nigeria naira +Romania leu Russia ruble +Romania leu Sweden krona +Romania leu Thailand baht +Romania leu Ukraine hryvnia +Romania leu USA dollar +Romania leu Vietnam dong +Romania leu Algeria dinar +Romania leu Angola kwanza +Romania leu Argentina peso +Romania leu Armenia dram +Romania leu Brazil real +Romania leu Bulgaria lev +Romania leu Cambodia riel +Romania leu Canada dollar +Romania leu Croatia kuna +Romania leu Denmark krone +Romania leu Europe euro +Romania leu Hungary forint +Romania leu India rupee +Romania leu Iran rial +Romania leu Japan yen +Romania leu Korea won +Romania leu Latvia lats +Romania leu Lithuania litas +Romania leu Macedonia denar +Romania leu Malaysia ringgit +Romania leu Mexico peso +Romania leu Nigeria naira +Romania leu Poland zloty +Russia ruble Sweden krona +Russia ruble Thailand baht +Russia ruble Ukraine hryvnia +Russia ruble USA dollar +Russia ruble Vietnam dong +Russia ruble Algeria dinar +Russia ruble Angola kwanza +Russia ruble Argentina peso +Russia ruble Armenia dram +Russia ruble Brazil real +Russia ruble Bulgaria lev +Russia ruble Cambodia riel +Russia ruble Canada dollar +Russia ruble Croatia kuna +Russia ruble Denmark krone +Russia ruble Europe euro +Russia ruble Hungary forint +Russia ruble India rupee +Russia ruble Iran rial +Russia ruble Japan yen +Russia ruble Korea won +Russia ruble Latvia lats +Russia ruble Lithuania litas +Russia ruble Macedonia denar +Russia ruble Malaysia ringgit +Russia ruble Mexico peso +Russia ruble Nigeria naira +Russia ruble Poland zloty +Russia ruble Romania leu +Sweden krona Thailand baht +Sweden krona Ukraine hryvnia +Sweden krona USA dollar +Sweden krona Vietnam dong +Sweden krona Algeria dinar +Sweden krona Angola kwanza +Sweden krona Argentina peso +Sweden krona Armenia dram +Sweden krona Brazil real +Sweden krona Bulgaria lev +Sweden krona Cambodia riel +Sweden krona Canada dollar +Sweden krona Croatia kuna +Sweden krona Denmark krone +Sweden krona Europe euro +Sweden krona Hungary forint +Sweden krona India rupee +Sweden krona Iran rial +Sweden krona Japan yen +Sweden krona Korea won +Sweden krona Latvia lats +Sweden krona Lithuania litas +Sweden krona Macedonia denar +Sweden krona Malaysia ringgit +Sweden krona Mexico peso +Sweden krona Nigeria naira +Sweden krona Poland zloty +Sweden krona Romania leu +Sweden krona Russia ruble +Thailand baht Ukraine hryvnia +Thailand baht USA dollar +Thailand baht Vietnam dong +Thailand baht Algeria dinar +Thailand baht Angola kwanza +Thailand baht Argentina peso +Thailand baht Armenia dram +Thailand baht Brazil real +Thailand baht Bulgaria lev +Thailand baht Cambodia riel +Thailand baht Canada dollar +Thailand baht Croatia kuna +Thailand baht Denmark krone +Thailand baht Europe euro +Thailand baht Hungary forint +Thailand baht India rupee +Thailand baht Iran rial +Thailand baht Japan yen +Thailand baht Korea won +Thailand baht Latvia lats +Thailand baht Lithuania litas +Thailand baht Macedonia denar +Thailand baht Malaysia ringgit +Thailand baht Mexico peso +Thailand baht Nigeria naira +Thailand baht Poland zloty +Thailand baht Romania leu +Thailand baht Russia ruble +Thailand baht Sweden krona +Ukraine hryvnia USA dollar +Ukraine hryvnia Vietnam dong +Ukraine hryvnia Algeria dinar +Ukraine hryvnia Angola kwanza +Ukraine hryvnia Argentina peso +Ukraine hryvnia Armenia dram +Ukraine hryvnia Brazil real +Ukraine hryvnia Bulgaria lev +Ukraine hryvnia Cambodia riel +Ukraine hryvnia Canada dollar +Ukraine hryvnia Croatia kuna +Ukraine hryvnia Denmark krone +Ukraine hryvnia Europe euro +Ukraine hryvnia Hungary forint +Ukraine hryvnia India rupee +Ukraine hryvnia Iran rial +Ukraine hryvnia Japan yen +Ukraine hryvnia Korea won +Ukraine hryvnia Latvia lats +Ukraine hryvnia Lithuania litas +Ukraine hryvnia Macedonia denar +Ukraine hryvnia Malaysia ringgit +Ukraine hryvnia Mexico peso +Ukraine hryvnia Nigeria naira +Ukraine hryvnia Poland zloty +Ukraine hryvnia Romania leu +Ukraine hryvnia Russia ruble +Ukraine hryvnia Sweden krona +Ukraine hryvnia Thailand baht +USA dollar Vietnam dong +USA dollar Algeria dinar +USA dollar Angola kwanza +USA dollar Argentina peso +USA dollar Armenia dram +USA dollar Brazil real +USA dollar Bulgaria lev +USA dollar Cambodia riel +USA dollar Croatia kuna +USA dollar Denmark krone +USA dollar Europe euro +USA dollar Hungary forint +USA dollar India rupee +USA dollar Iran rial +USA dollar Japan yen +USA dollar Korea won +USA dollar Latvia lats +USA dollar Lithuania litas +USA dollar Macedonia denar +USA dollar Malaysia ringgit +USA dollar Mexico peso +USA dollar Nigeria naira +USA dollar Poland zloty +USA dollar Romania leu +USA dollar Russia ruble +USA dollar Sweden krona +USA dollar Thailand baht +USA dollar Ukraine hryvnia +Vietnam dong Algeria dinar +Vietnam dong Angola kwanza +Vietnam dong Argentina peso +Vietnam dong Armenia dram +Vietnam dong Brazil real +Vietnam dong Bulgaria lev +Vietnam dong Cambodia riel +Vietnam dong Canada dollar +Vietnam dong Croatia kuna +Vietnam dong Denmark krone +Vietnam dong Europe euro +Vietnam dong Hungary forint +Vietnam dong India rupee +Vietnam dong Iran rial +Vietnam dong Japan yen +Vietnam dong Korea won +Vietnam dong Latvia lats +Vietnam dong Lithuania litas +Vietnam dong Macedonia denar +Vietnam dong Malaysia ringgit +Vietnam dong Mexico peso +Vietnam dong Nigeria naira +Vietnam dong Poland zloty +Vietnam dong Romania leu +Vietnam dong Russia ruble +Vietnam dong Sweden krona +Vietnam dong Thailand baht +Vietnam dong Ukraine hryvnia +Vietnam dong USA dollar +: city-in-state +Chicago Illinois Houston Texas +Chicago Illinois Philadelphia Pennsylvania +Chicago Illinois Phoenix Arizona +Chicago Illinois Dallas Texas +Chicago Illinois Jacksonville Florida +Chicago Illinois Indianapolis Indiana +Chicago Illinois Austin Texas +Chicago Illinois Detroit Michigan +Chicago Illinois Memphis Tennessee +Chicago Illinois Boston Massachusetts +Chicago Illinois Seattle Washington +Chicago Illinois Denver Colorado +Chicago Illinois Baltimore Maryland +Chicago Illinois Nashville Tennessee +Chicago Illinois Louisville Kentucky +Chicago Illinois Milwaukee Wisconsin +Chicago Illinois Portland Oregon +Chicago Illinois Tucson Arizona +Chicago Illinois Fresno California +Chicago Illinois Sacramento California +Chicago Illinois Mesa Arizona +Chicago Illinois Atlanta Georgia +Chicago Illinois Omaha Nebraska +Chicago Illinois Miami Florida +Chicago Illinois Tulsa Oklahoma +Chicago Illinois Oakland California +Chicago Illinois Cleveland Ohio +Chicago Illinois Minneapolis Minnesota +Chicago Illinois Wichita Kansas +Chicago Illinois Arlington Texas +Chicago Illinois Bakersfield California +Chicago Illinois Tampa Florida +Chicago Illinois Anaheim California +Chicago Illinois Honolulu Hawaii +Chicago Illinois Pittsburgh Pennsylvania +Chicago Illinois Lexington Kentucky +Chicago Illinois Stockton California +Chicago Illinois Cincinnati Ohio +Chicago Illinois Anchorage Alaska +Houston Texas Philadelphia Pennsylvania +Houston Texas Phoenix Arizona +Houston Texas Jacksonville Florida +Houston Texas Indianapolis Indiana +Houston Texas Detroit Michigan +Houston Texas Memphis Tennessee +Houston Texas Boston Massachusetts +Houston Texas Seattle Washington +Houston Texas Denver Colorado +Houston Texas Baltimore Maryland +Houston Texas Nashville Tennessee +Houston Texas Louisville Kentucky +Houston Texas Milwaukee Wisconsin +Houston Texas Portland Oregon +Houston Texas Tucson Arizona +Houston Texas Fresno California +Houston Texas Sacramento California +Houston Texas Mesa Arizona +Houston Texas Atlanta Georgia +Houston Texas Omaha Nebraska +Houston Texas Miami Florida +Houston Texas Tulsa Oklahoma +Houston Texas Oakland California +Houston Texas Cleveland Ohio +Houston Texas Minneapolis Minnesota +Houston Texas Wichita Kansas +Houston Texas Bakersfield California +Houston Texas Tampa Florida +Houston Texas Anaheim California +Houston Texas Honolulu Hawaii +Houston Texas Pittsburgh Pennsylvania +Houston Texas Lexington Kentucky +Houston Texas Stockton California +Houston Texas Cincinnati Ohio +Houston Texas Anchorage Alaska +Houston Texas Toledo Ohio +Philadelphia Pennsylvania Phoenix Arizona +Philadelphia Pennsylvania Dallas Texas +Philadelphia Pennsylvania Jacksonville Florida +Philadelphia Pennsylvania Indianapolis Indiana +Philadelphia Pennsylvania Austin Texas +Philadelphia Pennsylvania Detroit Michigan +Philadelphia Pennsylvania Memphis Tennessee +Philadelphia Pennsylvania Boston Massachusetts +Philadelphia Pennsylvania Seattle Washington +Philadelphia Pennsylvania Denver Colorado +Philadelphia Pennsylvania Baltimore Maryland +Philadelphia Pennsylvania Nashville Tennessee +Philadelphia Pennsylvania Louisville Kentucky +Philadelphia Pennsylvania Milwaukee Wisconsin +Philadelphia Pennsylvania Portland Oregon +Philadelphia Pennsylvania Tucson Arizona +Philadelphia Pennsylvania Fresno California +Philadelphia Pennsylvania Sacramento California +Philadelphia Pennsylvania Mesa Arizona +Philadelphia Pennsylvania Atlanta Georgia +Philadelphia Pennsylvania Omaha Nebraska +Philadelphia Pennsylvania Miami Florida +Philadelphia Pennsylvania Tulsa Oklahoma +Philadelphia Pennsylvania Oakland California +Philadelphia Pennsylvania Cleveland Ohio +Philadelphia Pennsylvania Minneapolis Minnesota +Philadelphia Pennsylvania Wichita Kansas +Philadelphia Pennsylvania Arlington Texas +Philadelphia Pennsylvania Bakersfield California +Philadelphia Pennsylvania Tampa Florida +Philadelphia Pennsylvania Anaheim California +Philadelphia Pennsylvania Honolulu Hawaii +Philadelphia Pennsylvania Lexington Kentucky +Philadelphia Pennsylvania Stockton California +Philadelphia Pennsylvania Cincinnati Ohio +Philadelphia Pennsylvania Anchorage Alaska +Philadelphia Pennsylvania Toledo Ohio +Philadelphia Pennsylvania Plano Texas +Phoenix Arizona Dallas Texas +Phoenix Arizona Jacksonville Florida +Phoenix Arizona Indianapolis Indiana +Phoenix Arizona Austin Texas +Phoenix Arizona Detroit Michigan +Phoenix Arizona Memphis Tennessee +Phoenix Arizona Boston Massachusetts +Phoenix Arizona Seattle Washington +Phoenix Arizona Denver Colorado +Phoenix Arizona Baltimore Maryland +Phoenix Arizona Nashville Tennessee +Phoenix Arizona Louisville Kentucky +Phoenix Arizona Milwaukee Wisconsin +Phoenix Arizona Portland Oregon +Phoenix Arizona Fresno California +Phoenix Arizona Sacramento California +Phoenix Arizona Atlanta Georgia +Phoenix Arizona Omaha Nebraska +Phoenix Arizona Miami Florida +Phoenix Arizona Tulsa Oklahoma +Phoenix Arizona Oakland California +Phoenix Arizona Cleveland Ohio +Phoenix Arizona Minneapolis Minnesota +Phoenix Arizona Wichita Kansas +Phoenix Arizona Arlington Texas +Phoenix Arizona Bakersfield California +Phoenix Arizona Tampa Florida +Phoenix Arizona Anaheim California +Phoenix Arizona Honolulu Hawaii +Phoenix Arizona Pittsburgh Pennsylvania +Phoenix Arizona Lexington Kentucky +Phoenix Arizona Stockton California +Phoenix Arizona Cincinnati Ohio +Phoenix Arizona Anchorage Alaska +Phoenix Arizona Toledo Ohio +Phoenix Arizona Plano Texas +Phoenix Arizona Henderson Nevada +Dallas Texas Jacksonville Florida +Dallas Texas Indianapolis Indiana +Dallas Texas Detroit Michigan +Dallas Texas Memphis Tennessee +Dallas Texas Boston Massachusetts +Dallas Texas Seattle Washington +Dallas Texas Denver Colorado +Dallas Texas Baltimore Maryland +Dallas Texas Nashville Tennessee +Dallas Texas Louisville Kentucky +Dallas Texas Milwaukee Wisconsin +Dallas Texas Portland Oregon +Dallas Texas Tucson Arizona +Dallas Texas Fresno California +Dallas Texas Sacramento California +Dallas Texas Mesa Arizona +Dallas Texas Atlanta Georgia +Dallas Texas Omaha Nebraska +Dallas Texas Miami Florida +Dallas Texas Tulsa Oklahoma +Dallas Texas Oakland California +Dallas Texas Cleveland Ohio +Dallas Texas Minneapolis Minnesota +Dallas Texas Wichita Kansas +Dallas Texas Bakersfield California +Dallas Texas Tampa Florida +Dallas Texas Anaheim California +Dallas Texas Honolulu Hawaii +Dallas Texas Pittsburgh Pennsylvania +Dallas Texas Lexington Kentucky +Dallas Texas Stockton California +Dallas Texas Cincinnati Ohio +Dallas Texas Anchorage Alaska +Dallas Texas Toledo Ohio +Dallas Texas Henderson Nevada +Dallas Texas Orlando Florida +Jacksonville Florida Indianapolis Indiana +Jacksonville Florida Austin Texas +Jacksonville Florida Detroit Michigan +Jacksonville Florida Memphis Tennessee +Jacksonville Florida Boston Massachusetts +Jacksonville Florida Seattle Washington +Jacksonville Florida Denver Colorado +Jacksonville Florida Baltimore Maryland +Jacksonville Florida Nashville Tennessee +Jacksonville Florida Louisville Kentucky +Jacksonville Florida Milwaukee Wisconsin +Jacksonville Florida Portland Oregon +Jacksonville Florida Tucson Arizona +Jacksonville Florida Fresno California +Jacksonville Florida Sacramento California +Jacksonville Florida Mesa Arizona +Jacksonville Florida Atlanta Georgia +Jacksonville Florida Omaha Nebraska +Jacksonville Florida Tulsa Oklahoma +Jacksonville Florida Oakland California +Jacksonville Florida Cleveland Ohio +Jacksonville Florida Minneapolis Minnesota +Jacksonville Florida Wichita Kansas +Jacksonville Florida Arlington Texas +Jacksonville Florida Bakersfield California +Jacksonville Florida Anaheim California +Jacksonville Florida Honolulu Hawaii +Jacksonville Florida Pittsburgh Pennsylvania +Jacksonville Florida Lexington Kentucky +Jacksonville Florida Stockton California +Jacksonville Florida Cincinnati Ohio +Jacksonville Florida Anchorage Alaska +Jacksonville Florida Toledo Ohio +Jacksonville Florida Plano Texas +Jacksonville Florida Henderson Nevada +Jacksonville Florida Laredo Texas +Indianapolis Indiana Austin Texas +Indianapolis Indiana Detroit Michigan +Indianapolis Indiana Memphis Tennessee +Indianapolis Indiana Boston Massachusetts +Indianapolis Indiana Seattle Washington +Indianapolis Indiana Denver Colorado +Indianapolis Indiana Baltimore Maryland +Indianapolis Indiana Nashville Tennessee +Indianapolis Indiana Louisville Kentucky +Indianapolis Indiana Milwaukee Wisconsin +Indianapolis Indiana Portland Oregon +Indianapolis Indiana Tucson Arizona +Indianapolis Indiana Fresno California +Indianapolis Indiana Sacramento California +Indianapolis Indiana Mesa Arizona +Indianapolis Indiana Atlanta Georgia +Indianapolis Indiana Omaha Nebraska +Indianapolis Indiana Miami Florida +Indianapolis Indiana Tulsa Oklahoma +Indianapolis Indiana Oakland California +Indianapolis Indiana Cleveland Ohio +Indianapolis Indiana Minneapolis Minnesota +Indianapolis Indiana Wichita Kansas +Indianapolis Indiana Arlington Texas +Indianapolis Indiana Bakersfield California +Indianapolis Indiana Tampa Florida +Indianapolis Indiana Anaheim California +Indianapolis Indiana Honolulu Hawaii +Indianapolis Indiana Pittsburgh Pennsylvania +Indianapolis Indiana Lexington Kentucky +Indianapolis Indiana Stockton California +Indianapolis Indiana Cincinnati Ohio +Indianapolis Indiana Anchorage Alaska +Indianapolis Indiana Toledo Ohio +Indianapolis Indiana Plano Texas +Indianapolis Indiana Henderson Nevada +Indianapolis Indiana Orlando Florida +Indianapolis Indiana Laredo Texas +Indianapolis Indiana Chandler Arizona +Austin Texas Detroit Michigan +Austin Texas Memphis Tennessee +Austin Texas Boston Massachusetts +Austin Texas Seattle Washington +Austin Texas Denver Colorado +Austin Texas Baltimore Maryland +Austin Texas Nashville Tennessee +Austin Texas Louisville Kentucky +Austin Texas Milwaukee Wisconsin +Austin Texas Portland Oregon +Austin Texas Tucson Arizona +Austin Texas Fresno California +Austin Texas Sacramento California +Austin Texas Mesa Arizona +Austin Texas Atlanta Georgia +Austin Texas Omaha Nebraska +Austin Texas Miami Florida +Austin Texas Tulsa Oklahoma +Austin Texas Oakland California +Austin Texas Cleveland Ohio +Austin Texas Minneapolis Minnesota +Austin Texas Wichita Kansas +Austin Texas Bakersfield California +Austin Texas Tampa Florida +Austin Texas Anaheim California +Austin Texas Honolulu Hawaii +Austin Texas Pittsburgh Pennsylvania +Austin Texas Lexington Kentucky +Austin Texas Stockton California +Austin Texas Cincinnati Ohio +Austin Texas Anchorage Alaska +Austin Texas Toledo Ohio +Austin Texas Henderson Nevada +Austin Texas Orlando Florida +Austin Texas Chandler Arizona +Austin Texas Madison Wisconsin +Detroit Michigan Memphis Tennessee +Detroit Michigan Boston Massachusetts +Detroit Michigan Seattle Washington +Detroit Michigan Denver Colorado +Detroit Michigan Baltimore Maryland +Detroit Michigan Nashville Tennessee +Detroit Michigan Louisville Kentucky +Detroit Michigan Milwaukee Wisconsin +Detroit Michigan Portland Oregon +Detroit Michigan Tucson Arizona +Detroit Michigan Fresno California +Detroit Michigan Sacramento California +Detroit Michigan Mesa Arizona +Detroit Michigan Atlanta Georgia +Detroit Michigan Omaha Nebraska +Detroit Michigan Miami Florida +Detroit Michigan Tulsa Oklahoma +Detroit Michigan Oakland California +Detroit Michigan Cleveland Ohio +Detroit Michigan Minneapolis Minnesota +Detroit Michigan Wichita Kansas +Detroit Michigan Arlington Texas +Detroit Michigan Bakersfield California +Detroit Michigan Tampa Florida +Detroit Michigan Anaheim California +Detroit Michigan Honolulu Hawaii +Detroit Michigan Pittsburgh Pennsylvania +Detroit Michigan Lexington Kentucky +Detroit Michigan Stockton California +Detroit Michigan Cincinnati Ohio +Detroit Michigan Anchorage Alaska +Detroit Michigan Toledo Ohio +Detroit Michigan Plano Texas +Detroit Michigan Henderson Nevada +Detroit Michigan Orlando Florida +Detroit Michigan Laredo Texas +Detroit Michigan Chandler Arizona +Detroit Michigan Madison Wisconsin +Detroit Michigan Lubbock Texas +Memphis Tennessee Boston Massachusetts +Memphis Tennessee Seattle Washington +Memphis Tennessee Denver Colorado +Memphis Tennessee Baltimore Maryland +Memphis Tennessee Louisville Kentucky +Memphis Tennessee Milwaukee Wisconsin +Memphis Tennessee Portland Oregon +Memphis Tennessee Tucson Arizona +Memphis Tennessee Fresno California +Memphis Tennessee Sacramento California +Memphis Tennessee Mesa Arizona +Memphis Tennessee Atlanta Georgia +Memphis Tennessee Omaha Nebraska +Memphis Tennessee Miami Florida +Memphis Tennessee Tulsa Oklahoma +Memphis Tennessee Oakland California +Memphis Tennessee Cleveland Ohio +Memphis Tennessee Minneapolis Minnesota +Memphis Tennessee Wichita Kansas +Memphis Tennessee Arlington Texas +Memphis Tennessee Bakersfield California +Memphis Tennessee Tampa Florida +Memphis Tennessee Anaheim California +Memphis Tennessee Honolulu Hawaii +Memphis Tennessee Pittsburgh Pennsylvania +Memphis Tennessee Lexington Kentucky +Memphis Tennessee Stockton California +Memphis Tennessee Cincinnati Ohio +Memphis Tennessee Anchorage Alaska +Memphis Tennessee Toledo Ohio +Memphis Tennessee Plano Texas +Memphis Tennessee Henderson Nevada +Memphis Tennessee Orlando Florida +Memphis Tennessee Laredo Texas +Memphis Tennessee Chandler Arizona +Memphis Tennessee Madison Wisconsin +Memphis Tennessee Lubbock Texas +Memphis Tennessee Garland Texas +Boston Massachusetts Seattle Washington +Boston Massachusetts Denver Colorado +Boston Massachusetts Baltimore Maryland +Boston Massachusetts Nashville Tennessee +Boston Massachusetts Louisville Kentucky +Boston Massachusetts Milwaukee Wisconsin +Boston Massachusetts Portland Oregon +Boston Massachusetts Tucson Arizona +Boston Massachusetts Fresno California +Boston Massachusetts Sacramento California +Boston Massachusetts Mesa Arizona +Boston Massachusetts Atlanta Georgia +Boston Massachusetts Omaha Nebraska +Boston Massachusetts Miami Florida +Boston Massachusetts Tulsa Oklahoma +Boston Massachusetts Oakland California +Boston Massachusetts Cleveland Ohio +Boston Massachusetts Minneapolis Minnesota +Boston Massachusetts Wichita Kansas +Boston Massachusetts Arlington Texas +Boston Massachusetts Bakersfield California +Boston Massachusetts Tampa Florida +Boston Massachusetts Anaheim California +Boston Massachusetts Honolulu Hawaii +Boston Massachusetts Pittsburgh Pennsylvania +Boston Massachusetts Lexington Kentucky +Boston Massachusetts Stockton California +Boston Massachusetts Cincinnati Ohio +Boston Massachusetts Anchorage Alaska +Boston Massachusetts Toledo Ohio +Boston Massachusetts Plano Texas +Boston Massachusetts Henderson Nevada +Boston Massachusetts Orlando Florida +Boston Massachusetts Laredo Texas +Boston Massachusetts Chandler Arizona +Boston Massachusetts Madison Wisconsin +Boston Massachusetts Lubbock Texas +Boston Massachusetts Garland Texas +Boston Massachusetts Glendale Arizona +Seattle Washington Denver Colorado +Seattle Washington Baltimore Maryland +Seattle Washington Nashville Tennessee +Seattle Washington Louisville Kentucky +Seattle Washington Milwaukee Wisconsin +Seattle Washington Portland Oregon +Seattle Washington Tucson Arizona +Seattle Washington Fresno California +Seattle Washington Sacramento California +Seattle Washington Mesa Arizona +Seattle Washington Atlanta Georgia +Seattle Washington Omaha Nebraska +Seattle Washington Miami Florida +Seattle Washington Tulsa Oklahoma +Seattle Washington Oakland California +Seattle Washington Cleveland Ohio +Seattle Washington Minneapolis Minnesota +Seattle Washington Wichita Kansas +Seattle Washington Arlington Texas +Seattle Washington Bakersfield California +Seattle Washington Tampa Florida +Seattle Washington Anaheim California +Seattle Washington Honolulu Hawaii +Seattle Washington Pittsburgh Pennsylvania +Seattle Washington Lexington Kentucky +Seattle Washington Stockton California +Seattle Washington Cincinnati Ohio +Seattle Washington Anchorage Alaska +Seattle Washington Toledo Ohio +Seattle Washington Plano Texas +Seattle Washington Henderson Nevada +Seattle Washington Orlando Florida +Seattle Washington Laredo Texas +Seattle Washington Chandler Arizona +Seattle Washington Madison Wisconsin +Seattle Washington Lubbock Texas +Seattle Washington Garland Texas +Seattle Washington Glendale Arizona +Seattle Washington Hialeah Florida +Denver Colorado Baltimore Maryland +Denver Colorado Nashville Tennessee +Denver Colorado Louisville Kentucky +Denver Colorado Milwaukee Wisconsin +Denver Colorado Portland Oregon +Denver Colorado Tucson Arizona +Denver Colorado Fresno California +Denver Colorado Sacramento California +Denver Colorado Mesa Arizona +Denver Colorado Atlanta Georgia +Denver Colorado Omaha Nebraska +Denver Colorado Miami Florida +Denver Colorado Tulsa Oklahoma +Denver Colorado Oakland California +Denver Colorado Cleveland Ohio +Denver Colorado Minneapolis Minnesota +Denver Colorado Wichita Kansas +Denver Colorado Arlington Texas +Denver Colorado Bakersfield California +Denver Colorado Tampa Florida +Denver Colorado Anaheim California +Denver Colorado Honolulu Hawaii +Denver Colorado Pittsburgh Pennsylvania +Denver Colorado Lexington Kentucky +Denver Colorado Stockton California +Denver Colorado Cincinnati Ohio +Denver Colorado Anchorage Alaska +Denver Colorado Toledo Ohio +Denver Colorado Plano Texas +Denver Colorado Henderson Nevada +Denver Colorado Orlando Florida +Denver Colorado Laredo Texas +Denver Colorado Chandler Arizona +Denver Colorado Madison Wisconsin +Denver Colorado Lubbock Texas +Denver Colorado Garland Texas +Denver Colorado Glendale Arizona +Denver Colorado Hialeah Florida +Denver Colorado Reno Nevada +Baltimore Maryland Nashville Tennessee +Baltimore Maryland Louisville Kentucky +Baltimore Maryland Milwaukee Wisconsin +Baltimore Maryland Portland Oregon +Baltimore Maryland Tucson Arizona +Baltimore Maryland Fresno California +Baltimore Maryland Sacramento California +Baltimore Maryland Mesa Arizona +Baltimore Maryland Atlanta Georgia +Baltimore Maryland Omaha Nebraska +Baltimore Maryland Miami Florida +Baltimore Maryland Tulsa Oklahoma +Baltimore Maryland Oakland California +Baltimore Maryland Cleveland Ohio +Baltimore Maryland Minneapolis Minnesota +Baltimore Maryland Wichita Kansas +Baltimore Maryland Arlington Texas +Baltimore Maryland Bakersfield California +Baltimore Maryland Tampa Florida +Baltimore Maryland Anaheim California +Baltimore Maryland Honolulu Hawaii +Baltimore Maryland Pittsburgh Pennsylvania +Baltimore Maryland Lexington Kentucky +Baltimore Maryland Stockton California +Baltimore Maryland Cincinnati Ohio +Baltimore Maryland Anchorage Alaska +Baltimore Maryland Toledo Ohio +Baltimore Maryland Plano Texas +Baltimore Maryland Henderson Nevada +Baltimore Maryland Orlando Florida +Baltimore Maryland Laredo Texas +Baltimore Maryland Chandler Arizona +Baltimore Maryland Madison Wisconsin +Baltimore Maryland Lubbock Texas +Baltimore Maryland Garland Texas +Baltimore Maryland Glendale Arizona +Baltimore Maryland Hialeah Florida +Baltimore Maryland Reno Nevada +Baltimore Maryland Scottsdale Arizona +Nashville Tennessee Louisville Kentucky +Nashville Tennessee Milwaukee Wisconsin +Nashville Tennessee Portland Oregon +Nashville Tennessee Tucson Arizona +Nashville Tennessee Fresno California +Nashville Tennessee Sacramento California +Nashville Tennessee Mesa Arizona +Nashville Tennessee Atlanta Georgia +Nashville Tennessee Omaha Nebraska +Nashville Tennessee Miami Florida +Nashville Tennessee Tulsa Oklahoma +Nashville Tennessee Oakland California +Nashville Tennessee Cleveland Ohio +Nashville Tennessee Minneapolis Minnesota +Nashville Tennessee Wichita Kansas +Nashville Tennessee Arlington Texas +Nashville Tennessee Bakersfield California +Nashville Tennessee Tampa Florida +Nashville Tennessee Anaheim California +Nashville Tennessee Honolulu Hawaii +Nashville Tennessee Pittsburgh Pennsylvania +Nashville Tennessee Lexington Kentucky +Nashville Tennessee Stockton California +Nashville Tennessee Cincinnati Ohio +Nashville Tennessee Anchorage Alaska +Nashville Tennessee Toledo Ohio +Nashville Tennessee Plano Texas +Nashville Tennessee Henderson Nevada +Nashville Tennessee Orlando Florida +Nashville Tennessee Laredo Texas +Nashville Tennessee Chandler Arizona +Nashville Tennessee Madison Wisconsin +Nashville Tennessee Lubbock Texas +Nashville Tennessee Garland Texas +Nashville Tennessee Glendale Arizona +Nashville Tennessee Hialeah Florida +Nashville Tennessee Reno Nevada +Nashville Tennessee Scottsdale Arizona +Nashville Tennessee Irving Texas +Louisville Kentucky Milwaukee Wisconsin +Louisville Kentucky Portland Oregon +Louisville Kentucky Tucson Arizona +Louisville Kentucky Fresno California +Louisville Kentucky Sacramento California +Louisville Kentucky Mesa Arizona +Louisville Kentucky Atlanta Georgia +Louisville Kentucky Omaha Nebraska +Louisville Kentucky Miami Florida +Louisville Kentucky Tulsa Oklahoma +Louisville Kentucky Oakland California +Louisville Kentucky Cleveland Ohio +Louisville Kentucky Minneapolis Minnesota +Louisville Kentucky Wichita Kansas +Louisville Kentucky Arlington Texas +Louisville Kentucky Bakersfield California +Louisville Kentucky Tampa Florida +Louisville Kentucky Anaheim California +Louisville Kentucky Honolulu Hawaii +Louisville Kentucky Pittsburgh Pennsylvania +Louisville Kentucky Stockton California +Louisville Kentucky Cincinnati Ohio +Louisville Kentucky Anchorage Alaska +Louisville Kentucky Toledo Ohio +Louisville Kentucky Plano Texas +Louisville Kentucky Henderson Nevada +Louisville Kentucky Orlando Florida +Louisville Kentucky Laredo Texas +Louisville Kentucky Chandler Arizona +Louisville Kentucky Madison Wisconsin +Louisville Kentucky Lubbock Texas +Louisville Kentucky Garland Texas +Louisville Kentucky Glendale Arizona +Louisville Kentucky Hialeah Florida +Louisville Kentucky Reno Nevada +Louisville Kentucky Scottsdale Arizona +Louisville Kentucky Irving Texas +Louisville Kentucky Fremont California +Milwaukee Wisconsin Portland Oregon +Milwaukee Wisconsin Tucson Arizona +Milwaukee Wisconsin Fresno California +Milwaukee Wisconsin Sacramento California +Milwaukee Wisconsin Mesa Arizona +Milwaukee Wisconsin Atlanta Georgia +Milwaukee Wisconsin Omaha Nebraska +Milwaukee Wisconsin Miami Florida +Milwaukee Wisconsin Tulsa Oklahoma +Milwaukee Wisconsin Oakland California +Milwaukee Wisconsin Cleveland Ohio +Milwaukee Wisconsin Minneapolis Minnesota +Milwaukee Wisconsin Wichita Kansas +Milwaukee Wisconsin Arlington Texas +Milwaukee Wisconsin Bakersfield California +Milwaukee Wisconsin Tampa Florida +Milwaukee Wisconsin Anaheim California +Milwaukee Wisconsin Honolulu Hawaii +Milwaukee Wisconsin Pittsburgh Pennsylvania +Milwaukee Wisconsin Lexington Kentucky +Milwaukee Wisconsin Stockton California +Milwaukee Wisconsin Cincinnati Ohio +Milwaukee Wisconsin Anchorage Alaska +Milwaukee Wisconsin Toledo Ohio +Milwaukee Wisconsin Plano Texas +Milwaukee Wisconsin Henderson Nevada +Milwaukee Wisconsin Orlando Florida +Milwaukee Wisconsin Laredo Texas +Milwaukee Wisconsin Chandler Arizona +Milwaukee Wisconsin Lubbock Texas +Milwaukee Wisconsin Garland Texas +Milwaukee Wisconsin Glendale Arizona +Milwaukee Wisconsin Hialeah Florida +Milwaukee Wisconsin Reno Nevada +Milwaukee Wisconsin Scottsdale Arizona +Milwaukee Wisconsin Irving Texas +Milwaukee Wisconsin Fremont California +Milwaukee Wisconsin Irvine California +Portland Oregon Tucson Arizona +Portland Oregon Fresno California +Portland Oregon Sacramento California +Portland Oregon Mesa Arizona +Portland Oregon Atlanta Georgia +Portland Oregon Omaha Nebraska +Portland Oregon Miami Florida +Portland Oregon Tulsa Oklahoma +Portland Oregon Oakland California +Portland Oregon Cleveland Ohio +Portland Oregon Minneapolis Minnesota +Portland Oregon Wichita Kansas +Portland Oregon Arlington Texas +Portland Oregon Bakersfield California +Portland Oregon Tampa Florida +Portland Oregon Anaheim California +Portland Oregon Honolulu Hawaii +Portland Oregon Pittsburgh Pennsylvania +Portland Oregon Lexington Kentucky +Portland Oregon Stockton California +Portland Oregon Cincinnati Ohio +Portland Oregon Anchorage Alaska +Portland Oregon Toledo Ohio +Portland Oregon Plano Texas +Portland Oregon Henderson Nevada +Portland Oregon Orlando Florida +Portland Oregon Laredo Texas +Portland Oregon Chandler Arizona +Portland Oregon Madison Wisconsin +Portland Oregon Lubbock Texas +Portland Oregon Garland Texas +Portland Oregon Glendale Arizona +Portland Oregon Hialeah Florida +Portland Oregon Reno Nevada +Portland Oregon Scottsdale Arizona +Portland Oregon Irving Texas +Portland Oregon Fremont California +Portland Oregon Irvine California +Portland Oregon Spokane Washington +Tucson Arizona Fresno California +Tucson Arizona Sacramento California +Tucson Arizona Atlanta Georgia +Tucson Arizona Omaha Nebraska +Tucson Arizona Miami Florida +Tucson Arizona Tulsa Oklahoma +Tucson Arizona Oakland California +Tucson Arizona Cleveland Ohio +Tucson Arizona Minneapolis Minnesota +Tucson Arizona Wichita Kansas +Tucson Arizona Arlington Texas +Tucson Arizona Bakersfield California +Tucson Arizona Tampa Florida +Tucson Arizona Anaheim California +Tucson Arizona Honolulu Hawaii +Tucson Arizona Pittsburgh Pennsylvania +Tucson Arizona Lexington Kentucky +Tucson Arizona Stockton California +Tucson Arizona Cincinnati Ohio +Tucson Arizona Anchorage Alaska +Tucson Arizona Toledo Ohio +Tucson Arizona Plano Texas +Tucson Arizona Henderson Nevada +Tucson Arizona Orlando Florida +Tucson Arizona Laredo Texas +Tucson Arizona Madison Wisconsin +Tucson Arizona Lubbock Texas +Tucson Arizona Garland Texas +Tucson Arizona Hialeah Florida +Tucson Arizona Reno Nevada +Tucson Arizona Irving Texas +Tucson Arizona Fremont California +Tucson Arizona Irvine California +Tucson Arizona Spokane Washington +Tucson Arizona Modesto California +Fresno California Mesa Arizona +Fresno California Atlanta Georgia +Fresno California Omaha Nebraska +Fresno California Miami Florida +Fresno California Tulsa Oklahoma +Fresno California Cleveland Ohio +Fresno California Minneapolis Minnesota +Fresno California Wichita Kansas +Fresno California Arlington Texas +Fresno California Tampa Florida +Fresno California Honolulu Hawaii +Fresno California Pittsburgh Pennsylvania +Fresno California Lexington Kentucky +Fresno California Cincinnati Ohio +Fresno California Anchorage Alaska +Fresno California Toledo Ohio +Fresno California Plano Texas +Fresno California Henderson Nevada +Fresno California Orlando Florida +Fresno California Laredo Texas +Fresno California Chandler Arizona +Fresno California Madison Wisconsin +Fresno California Lubbock Texas +Fresno California Garland Texas +Fresno California Glendale Arizona +Fresno California Hialeah Florida +Fresno California Reno Nevada +Fresno California Scottsdale Arizona +Fresno California Irving Texas +Fresno California Spokane Washington +Fresno California Shreveport Louisiana +Sacramento California Mesa Arizona +Sacramento California Atlanta Georgia +Sacramento California Omaha Nebraska +Sacramento California Miami Florida +Sacramento California Tulsa Oklahoma +Sacramento California Cleveland Ohio +Sacramento California Minneapolis Minnesota +Sacramento California Wichita Kansas +Sacramento California Arlington Texas +Sacramento California Tampa Florida +Sacramento California Honolulu Hawaii +Sacramento California Pittsburgh Pennsylvania +Sacramento California Lexington Kentucky +Sacramento California Cincinnati Ohio +Sacramento California Anchorage Alaska +Sacramento California Toledo Ohio +Sacramento California Plano Texas +Sacramento California Henderson Nevada +Sacramento California Orlando Florida +Sacramento California Laredo Texas +Sacramento California Chandler Arizona +Sacramento California Madison Wisconsin +Sacramento California Lubbock Texas +Sacramento California Garland Texas +Sacramento California Glendale Arizona +Sacramento California Hialeah Florida +Sacramento California Reno Nevada +Sacramento California Scottsdale Arizona +Sacramento California Irving Texas +Sacramento California Spokane Washington +Sacramento California Shreveport Louisiana +Sacramento California Tacoma Washington +Mesa Arizona Atlanta Georgia +Mesa Arizona Omaha Nebraska +Mesa Arizona Miami Florida +Mesa Arizona Tulsa Oklahoma +Mesa Arizona Oakland California +Mesa Arizona Cleveland Ohio +Mesa Arizona Minneapolis Minnesota +Mesa Arizona Wichita Kansas +Mesa Arizona Arlington Texas +Mesa Arizona Bakersfield California +Mesa Arizona Tampa Florida +Mesa Arizona Anaheim California +Mesa Arizona Honolulu Hawaii +Mesa Arizona Pittsburgh Pennsylvania +Mesa Arizona Lexington Kentucky +Mesa Arizona Stockton California +Mesa Arizona Cincinnati Ohio +Mesa Arizona Anchorage Alaska +Mesa Arizona Toledo Ohio +Mesa Arizona Plano Texas +Mesa Arizona Henderson Nevada +Mesa Arizona Orlando Florida +Mesa Arizona Laredo Texas +Mesa Arizona Madison Wisconsin +Mesa Arizona Lubbock Texas +Mesa Arizona Garland Texas +Mesa Arizona Hialeah Florida +Mesa Arizona Reno Nevada +Mesa Arizona Irving Texas +Mesa Arizona Fremont California +Mesa Arizona Irvine California +Mesa Arizona Spokane Washington +Mesa Arizona Modesto California +Mesa Arizona Shreveport Louisiana +Mesa Arizona Tacoma Washington +Mesa Arizona Oxnard California +Atlanta Georgia Omaha Nebraska +Atlanta Georgia Miami Florida +Atlanta Georgia Tulsa Oklahoma +Atlanta Georgia Oakland California +Atlanta Georgia Cleveland Ohio +Atlanta Georgia Minneapolis Minnesota +Atlanta Georgia Wichita Kansas +Atlanta Georgia Arlington Texas +Atlanta Georgia Bakersfield California +Atlanta Georgia Tampa Florida +Atlanta Georgia Anaheim California +Atlanta Georgia Honolulu Hawaii +Atlanta Georgia Pittsburgh Pennsylvania +Atlanta Georgia Lexington Kentucky +Atlanta Georgia Stockton California +Atlanta Georgia Cincinnati Ohio +Atlanta Georgia Anchorage Alaska +Atlanta Georgia Toledo Ohio +Atlanta Georgia Plano Texas +Atlanta Georgia Henderson Nevada +Atlanta Georgia Orlando Florida +Atlanta Georgia Laredo Texas +Atlanta Georgia Chandler Arizona +Atlanta Georgia Madison Wisconsin +Atlanta Georgia Lubbock Texas +Atlanta Georgia Garland Texas +Atlanta Georgia Glendale Arizona +Atlanta Georgia Hialeah Florida +Atlanta Georgia Reno Nevada +Atlanta Georgia Scottsdale Arizona +Atlanta Georgia Irving Texas +Atlanta Georgia Fremont California +Atlanta Georgia Irvine California +Atlanta Georgia Spokane Washington +Atlanta Georgia Modesto California +Atlanta Georgia Shreveport Louisiana +Atlanta Georgia Tacoma Washington +Atlanta Georgia Oxnard California +Atlanta Georgia Fontana California +Omaha Nebraska Miami Florida +Omaha Nebraska Tulsa Oklahoma +Omaha Nebraska Oakland California +Omaha Nebraska Cleveland Ohio +Omaha Nebraska Minneapolis Minnesota +Omaha Nebraska Wichita Kansas +Omaha Nebraska Arlington Texas +Omaha Nebraska Bakersfield California +Omaha Nebraska Tampa Florida +Omaha Nebraska Anaheim California +Omaha Nebraska Honolulu Hawaii +Omaha Nebraska Pittsburgh Pennsylvania +Omaha Nebraska Lexington Kentucky +Omaha Nebraska Stockton California +Omaha Nebraska Cincinnati Ohio +Omaha Nebraska Anchorage Alaska +Omaha Nebraska Toledo Ohio +Omaha Nebraska Plano Texas +Omaha Nebraska Henderson Nevada +Omaha Nebraska Orlando Florida +Omaha Nebraska Laredo Texas +Omaha Nebraska Chandler Arizona +Omaha Nebraska Madison Wisconsin +Omaha Nebraska Lubbock Texas +Omaha Nebraska Garland Texas +Omaha Nebraska Glendale Arizona +Omaha Nebraska Hialeah Florida +Omaha Nebraska Reno Nevada +Omaha Nebraska Scottsdale Arizona +Omaha Nebraska Irving Texas +Omaha Nebraska Fremont California +Omaha Nebraska Irvine California +Omaha Nebraska Spokane Washington +Omaha Nebraska Modesto California +Omaha Nebraska Shreveport Louisiana +Omaha Nebraska Tacoma Washington +Omaha Nebraska Oxnard California +Omaha Nebraska Fontana California +Omaha Nebraska Akron Ohio +Miami Florida Tulsa Oklahoma +Miami Florida Oakland California +Miami Florida Cleveland Ohio +Miami Florida Minneapolis Minnesota +Miami Florida Wichita Kansas +Miami Florida Arlington Texas +Miami Florida Bakersfield California +Miami Florida Anaheim California +Miami Florida Honolulu Hawaii +Miami Florida Pittsburgh Pennsylvania +Miami Florida Lexington Kentucky +Miami Florida Stockton California +Miami Florida Cincinnati Ohio +Miami Florida Anchorage Alaska +Miami Florida Toledo Ohio +Miami Florida Plano Texas +Miami Florida Henderson Nevada +Miami Florida Laredo Texas +Miami Florida Chandler Arizona +Miami Florida Madison Wisconsin +Miami Florida Lubbock Texas +Miami Florida Garland Texas +Miami Florida Glendale Arizona +Miami Florida Reno Nevada +Miami Florida Scottsdale Arizona +Miami Florida Irving Texas +Miami Florida Fremont California +Miami Florida Irvine California +Miami Florida Spokane Washington +Miami Florida Modesto California +Miami Florida Shreveport Louisiana +Miami Florida Tacoma Washington +Miami Florida Oxnard California +Miami Florida Fontana California +Miami Florida Akron Ohio +Miami Florida Amarillo Texas +Tulsa Oklahoma Oakland California +Tulsa Oklahoma Cleveland Ohio +Tulsa Oklahoma Minneapolis Minnesota +Tulsa Oklahoma Wichita Kansas +Tulsa Oklahoma Arlington Texas +Tulsa Oklahoma Bakersfield California +Tulsa Oklahoma Tampa Florida +Tulsa Oklahoma Anaheim California +Tulsa Oklahoma Honolulu Hawaii +Tulsa Oklahoma Pittsburgh Pennsylvania +Tulsa Oklahoma Lexington Kentucky +Tulsa Oklahoma Stockton California +Tulsa Oklahoma Cincinnati Ohio +Tulsa Oklahoma Anchorage Alaska +Tulsa Oklahoma Toledo Ohio +Tulsa Oklahoma Plano Texas +Tulsa Oklahoma Henderson Nevada +Tulsa Oklahoma Orlando Florida +Tulsa Oklahoma Laredo Texas +Tulsa Oklahoma Chandler Arizona +Tulsa Oklahoma Madison Wisconsin +Tulsa Oklahoma Lubbock Texas +Tulsa Oklahoma Garland Texas +Tulsa Oklahoma Glendale Arizona +Tulsa Oklahoma Hialeah Florida +Tulsa Oklahoma Reno Nevada +Tulsa Oklahoma Scottsdale Arizona +Tulsa Oklahoma Irving Texas +Tulsa Oklahoma Fremont California +Tulsa Oklahoma Irvine California +Tulsa Oklahoma Spokane Washington +Tulsa Oklahoma Modesto California +Tulsa Oklahoma Shreveport Louisiana +Tulsa Oklahoma Tacoma Washington +Tulsa Oklahoma Oxnard California +Tulsa Oklahoma Fontana California +Tulsa Oklahoma Akron Ohio +Tulsa Oklahoma Amarillo Texas +Tulsa Oklahoma Glendale California +Oakland California Cleveland Ohio +Oakland California Minneapolis Minnesota +Oakland California Wichita Kansas +Oakland California Arlington Texas +Oakland California Tampa Florida +Oakland California Honolulu Hawaii +Oakland California Pittsburgh Pennsylvania +Oakland California Lexington Kentucky +Oakland California Cincinnati Ohio +Oakland California Anchorage Alaska +Oakland California Toledo Ohio +Oakland California Plano Texas +Oakland California Henderson Nevada +Oakland California Orlando Florida +Oakland California Laredo Texas +Oakland California Chandler Arizona +Oakland California Madison Wisconsin +Oakland California Lubbock Texas +Oakland California Garland Texas +Oakland California Glendale Arizona +Oakland California Hialeah Florida +Oakland California Reno Nevada +Oakland California Scottsdale Arizona +Oakland California Irving Texas +Oakland California Spokane Washington +Oakland California Shreveport Louisiana +Oakland California Tacoma Washington +Oakland California Akron Ohio +Oakland California Amarillo Texas +Oakland California Tallahassee Florida +Cleveland Ohio Minneapolis Minnesota +Cleveland Ohio Wichita Kansas +Cleveland Ohio Arlington Texas +Cleveland Ohio Bakersfield California +Cleveland Ohio Tampa Florida +Cleveland Ohio Anaheim California +Cleveland Ohio Honolulu Hawaii +Cleveland Ohio Pittsburgh Pennsylvania +Cleveland Ohio Lexington Kentucky +Cleveland Ohio Stockton California +Cleveland Ohio Anchorage Alaska +Cleveland Ohio Plano Texas +Cleveland Ohio Henderson Nevada +Cleveland Ohio Orlando Florida +Cleveland Ohio Laredo Texas +Cleveland Ohio Chandler Arizona +Cleveland Ohio Madison Wisconsin +Cleveland Ohio Lubbock Texas +Cleveland Ohio Garland Texas +Cleveland Ohio Glendale Arizona +Cleveland Ohio Hialeah Florida +Cleveland Ohio Reno Nevada +Cleveland Ohio Scottsdale Arizona +Cleveland Ohio Irving Texas +Cleveland Ohio Fremont California +Cleveland Ohio Irvine California +Cleveland Ohio Spokane Washington +Cleveland Ohio Modesto California +Cleveland Ohio Shreveport Louisiana +Cleveland Ohio Tacoma Washington +Cleveland Ohio Oxnard California +Cleveland Ohio Fontana California +Cleveland Ohio Amarillo Texas +Cleveland Ohio Glendale California +Cleveland Ohio Tallahassee Florida +Cleveland Ohio Huntsville Alabama +Minneapolis Minnesota Wichita Kansas +Minneapolis Minnesota Arlington Texas +Minneapolis Minnesota Bakersfield California +Minneapolis Minnesota Tampa Florida +Minneapolis Minnesota Anaheim California +Minneapolis Minnesota Honolulu Hawaii +Minneapolis Minnesota Pittsburgh Pennsylvania +Minneapolis Minnesota Lexington Kentucky +Minneapolis Minnesota Stockton California +Minneapolis Minnesota Cincinnati Ohio +Minneapolis Minnesota Anchorage Alaska +Minneapolis Minnesota Toledo Ohio +Minneapolis Minnesota Plano Texas +Minneapolis Minnesota Henderson Nevada +Minneapolis Minnesota Orlando Florida +Minneapolis Minnesota Laredo Texas +Minneapolis Minnesota Chandler Arizona +Minneapolis Minnesota Madison Wisconsin +Minneapolis Minnesota Lubbock Texas +Minneapolis Minnesota Garland Texas +Minneapolis Minnesota Glendale Arizona +Minneapolis Minnesota Hialeah Florida +Minneapolis Minnesota Reno Nevada +Minneapolis Minnesota Scottsdale Arizona +Minneapolis Minnesota Irving Texas +Minneapolis Minnesota Fremont California +Minneapolis Minnesota Irvine California +Minneapolis Minnesota Spokane Washington +Minneapolis Minnesota Modesto California +Minneapolis Minnesota Shreveport Louisiana +Minneapolis Minnesota Tacoma Washington +Minneapolis Minnesota Oxnard California +Minneapolis Minnesota Fontana California +Minneapolis Minnesota Akron Ohio +Minneapolis Minnesota Amarillo Texas +Minneapolis Minnesota Glendale California +Minneapolis Minnesota Tallahassee Florida +Minneapolis Minnesota Huntsville Alabama +Minneapolis Minnesota Worcester Massachusetts +Wichita Kansas Arlington Texas +Wichita Kansas Bakersfield California +Wichita Kansas Tampa Florida +Wichita Kansas Anaheim California +Wichita Kansas Honolulu Hawaii +Wichita Kansas Pittsburgh Pennsylvania +Wichita Kansas Lexington Kentucky +Wichita Kansas Stockton California +Wichita Kansas Cincinnati Ohio +Wichita Kansas Anchorage Alaska +Wichita Kansas Toledo Ohio +Wichita Kansas Plano Texas +Wichita Kansas Henderson Nevada +Wichita Kansas Orlando Florida +Wichita Kansas Laredo Texas +Wichita Kansas Chandler Arizona +Wichita Kansas Madison Wisconsin +Wichita Kansas Lubbock Texas +Wichita Kansas Garland Texas +Wichita Kansas Glendale Arizona +Wichita Kansas Hialeah Florida +Wichita Kansas Reno Nevada +Wichita Kansas Scottsdale Arizona +Wichita Kansas Irving Texas +Wichita Kansas Fremont California +Wichita Kansas Irvine California +Wichita Kansas Spokane Washington +Wichita Kansas Modesto California +Wichita Kansas Shreveport Louisiana +Wichita Kansas Tacoma Washington +Wichita Kansas Oxnard California +Wichita Kansas Fontana California +Wichita Kansas Akron Ohio +Wichita Kansas Amarillo Texas +Wichita Kansas Glendale California +Wichita Kansas Tallahassee Florida +Wichita Kansas Huntsville Alabama +Wichita Kansas Worcester Massachusetts +Wichita Kansas Chicago Illinois +Arlington Texas Bakersfield California +Arlington Texas Tampa Florida +Arlington Texas Anaheim California +Arlington Texas Honolulu Hawaii +Arlington Texas Pittsburgh Pennsylvania +Arlington Texas Lexington Kentucky +Arlington Texas Stockton California +Arlington Texas Cincinnati Ohio +Arlington Texas Anchorage Alaska +Arlington Texas Toledo Ohio +Arlington Texas Henderson Nevada +Arlington Texas Orlando Florida +Arlington Texas Chandler Arizona +Arlington Texas Madison Wisconsin +Arlington Texas Glendale Arizona +Arlington Texas Hialeah Florida +Arlington Texas Reno Nevada +Arlington Texas Scottsdale Arizona +Arlington Texas Fremont California +Arlington Texas Irvine California +Arlington Texas Spokane Washington +Arlington Texas Modesto California +Arlington Texas Shreveport Louisiana +Arlington Texas Tacoma Washington +Arlington Texas Oxnard California +Arlington Texas Fontana California +Arlington Texas Akron Ohio +Arlington Texas Glendale California +Arlington Texas Tallahassee Florida +Arlington Texas Huntsville Alabama +Arlington Texas Worcester Massachusetts +Arlington Texas Chicago Illinois +Bakersfield California Tampa Florida +Bakersfield California Honolulu Hawaii +Bakersfield California Pittsburgh Pennsylvania +Bakersfield California Lexington Kentucky +Bakersfield California Cincinnati Ohio +Bakersfield California Anchorage Alaska +Bakersfield California Toledo Ohio +Bakersfield California Plano Texas +Bakersfield California Henderson Nevada +Bakersfield California Orlando Florida +Bakersfield California Laredo Texas +Bakersfield California Chandler Arizona +Bakersfield California Madison Wisconsin +Bakersfield California Lubbock Texas +Bakersfield California Garland Texas +Bakersfield California Glendale Arizona +Bakersfield California Hialeah Florida +Bakersfield California Reno Nevada +Bakersfield California Scottsdale Arizona +Bakersfield California Irving Texas +Bakersfield California Spokane Washington +Bakersfield California Shreveport Louisiana +Bakersfield California Tacoma Washington +Bakersfield California Akron Ohio +Bakersfield California Amarillo Texas +Bakersfield California Tallahassee Florida +Bakersfield California Huntsville Alabama +Bakersfield California Worcester Massachusetts +Bakersfield California Chicago Illinois +Bakersfield California Houston Texas +Bakersfield California Philadelphia Pennsylvania +Tampa Florida Anaheim California +Tampa Florida Honolulu Hawaii +Tampa Florida Pittsburgh Pennsylvania +Tampa Florida Lexington Kentucky +Tampa Florida Stockton California +Tampa Florida Cincinnati Ohio +Tampa Florida Anchorage Alaska +Tampa Florida Toledo Ohio +Tampa Florida Plano Texas +Tampa Florida Henderson Nevada +Tampa Florida Laredo Texas +Tampa Florida Chandler Arizona +Tampa Florida Madison Wisconsin +Tampa Florida Lubbock Texas +Tampa Florida Garland Texas +Tampa Florida Glendale Arizona +Tampa Florida Reno Nevada +Tampa Florida Scottsdale Arizona +Tampa Florida Irving Texas +Tampa Florida Fremont California +Tampa Florida Irvine California +Tampa Florida Spokane Washington +Tampa Florida Modesto California +Tampa Florida Shreveport Louisiana +Tampa Florida Tacoma Washington +Tampa Florida Oxnard California +Tampa Florida Fontana California +Tampa Florida Akron Ohio +Tampa Florida Amarillo Texas +Tampa Florida Glendale California +Tampa Florida Huntsville Alabama +Tampa Florida Worcester Massachusetts +Tampa Florida Chicago Illinois +Tampa Florida Houston Texas +Tampa Florida Philadelphia Pennsylvania +Tampa Florida Phoenix Arizona +Anaheim California Honolulu Hawaii +Anaheim California Pittsburgh Pennsylvania +Anaheim California Lexington Kentucky +Anaheim California Cincinnati Ohio +Anaheim California Anchorage Alaska +Anaheim California Toledo Ohio +Anaheim California Plano Texas +Anaheim California Henderson Nevada +Anaheim California Orlando Florida +Anaheim California Laredo Texas +Anaheim California Chandler Arizona +Anaheim California Madison Wisconsin +Anaheim California Lubbock Texas +Anaheim California Garland Texas +Anaheim California Glendale Arizona +Anaheim California Hialeah Florida +Anaheim California Reno Nevada +Anaheim California Scottsdale Arizona +Anaheim California Irving Texas +Anaheim California Spokane Washington +Anaheim California Shreveport Louisiana +Anaheim California Tacoma Washington +Anaheim California Akron Ohio +Anaheim California Amarillo Texas +Anaheim California Tallahassee Florida +Anaheim California Huntsville Alabama +Anaheim California Worcester Massachusetts +Anaheim California Chicago Illinois +Anaheim California Houston Texas +Anaheim California Philadelphia Pennsylvania +Anaheim California Phoenix Arizona +Anaheim California Dallas Texas +Honolulu Hawaii Pittsburgh Pennsylvania +Honolulu Hawaii Lexington Kentucky +Honolulu Hawaii Stockton California +Honolulu Hawaii Cincinnati Ohio +Honolulu Hawaii Anchorage Alaska +Honolulu Hawaii Toledo Ohio +Honolulu Hawaii Plano Texas +Honolulu Hawaii Henderson Nevada +Honolulu Hawaii Orlando Florida +Honolulu Hawaii Laredo Texas +Honolulu Hawaii Chandler Arizona +Honolulu Hawaii Madison Wisconsin +Honolulu Hawaii Lubbock Texas +Honolulu Hawaii Garland Texas +Honolulu Hawaii Glendale Arizona +Honolulu Hawaii Hialeah Florida +Honolulu Hawaii Reno Nevada +Honolulu Hawaii Scottsdale Arizona +Honolulu Hawaii Irving Texas +Honolulu Hawaii Fremont California +Honolulu Hawaii Irvine California +Honolulu Hawaii Spokane Washington +Honolulu Hawaii Modesto California +Honolulu Hawaii Shreveport Louisiana +Honolulu Hawaii Tacoma Washington +Honolulu Hawaii Oxnard California +Honolulu Hawaii Fontana California +Honolulu Hawaii Akron Ohio +Honolulu Hawaii Amarillo Texas +Honolulu Hawaii Glendale California +Honolulu Hawaii Tallahassee Florida +Honolulu Hawaii Huntsville Alabama +Honolulu Hawaii Worcester Massachusetts +Honolulu Hawaii Chicago Illinois +Honolulu Hawaii Houston Texas +Honolulu Hawaii Philadelphia Pennsylvania +Honolulu Hawaii Phoenix Arizona +Honolulu Hawaii Dallas Texas +Honolulu Hawaii Jacksonville Florida +Pittsburgh Pennsylvania Lexington Kentucky +Pittsburgh Pennsylvania Stockton California +Pittsburgh Pennsylvania Cincinnati Ohio +Pittsburgh Pennsylvania Anchorage Alaska +Pittsburgh Pennsylvania Toledo Ohio +Pittsburgh Pennsylvania Plano Texas +Pittsburgh Pennsylvania Henderson Nevada +Pittsburgh Pennsylvania Orlando Florida +Pittsburgh Pennsylvania Laredo Texas +Pittsburgh Pennsylvania Chandler Arizona +Pittsburgh Pennsylvania Madison Wisconsin +Pittsburgh Pennsylvania Lubbock Texas +Pittsburgh Pennsylvania Garland Texas +Pittsburgh Pennsylvania Glendale Arizona +Pittsburgh Pennsylvania Hialeah Florida +Pittsburgh Pennsylvania Reno Nevada +Pittsburgh Pennsylvania Scottsdale Arizona +Pittsburgh Pennsylvania Irving Texas +Pittsburgh Pennsylvania Fremont California +Pittsburgh Pennsylvania Irvine California +Pittsburgh Pennsylvania Spokane Washington +Pittsburgh Pennsylvania Modesto California +Pittsburgh Pennsylvania Shreveport Louisiana +Pittsburgh Pennsylvania Tacoma Washington +Pittsburgh Pennsylvania Oxnard California +Pittsburgh Pennsylvania Fontana California +Pittsburgh Pennsylvania Akron Ohio +Pittsburgh Pennsylvania Amarillo Texas +Pittsburgh Pennsylvania Glendale California +Pittsburgh Pennsylvania Tallahassee Florida +Pittsburgh Pennsylvania Huntsville Alabama +Pittsburgh Pennsylvania Worcester Massachusetts +Pittsburgh Pennsylvania Chicago Illinois +Pittsburgh Pennsylvania Houston Texas +Pittsburgh Pennsylvania Phoenix Arizona +Pittsburgh Pennsylvania Dallas Texas +Pittsburgh Pennsylvania Jacksonville Florida +Pittsburgh Pennsylvania Indianapolis Indiana +Lexington Kentucky Stockton California +Lexington Kentucky Cincinnati Ohio +Lexington Kentucky Anchorage Alaska +Lexington Kentucky Toledo Ohio +Lexington Kentucky Plano Texas +Lexington Kentucky Henderson Nevada +Lexington Kentucky Orlando Florida +Lexington Kentucky Laredo Texas +Lexington Kentucky Chandler Arizona +Lexington Kentucky Madison Wisconsin +Lexington Kentucky Lubbock Texas +Lexington Kentucky Garland Texas +Lexington Kentucky Glendale Arizona +Lexington Kentucky Hialeah Florida +Lexington Kentucky Reno Nevada +Lexington Kentucky Scottsdale Arizona +Lexington Kentucky Irving Texas +Lexington Kentucky Fremont California +Lexington Kentucky Irvine California +Lexington Kentucky Spokane Washington +Lexington Kentucky Modesto California +Lexington Kentucky Shreveport Louisiana +Lexington Kentucky Tacoma Washington +Lexington Kentucky Oxnard California +Lexington Kentucky Fontana California +Lexington Kentucky Akron Ohio +Lexington Kentucky Amarillo Texas +Lexington Kentucky Glendale California +Lexington Kentucky Tallahassee Florida +Lexington Kentucky Huntsville Alabama +Lexington Kentucky Worcester Massachusetts +Lexington Kentucky Chicago Illinois +Lexington Kentucky Houston Texas +Lexington Kentucky Philadelphia Pennsylvania +Lexington Kentucky Phoenix Arizona +Lexington Kentucky Dallas Texas +Lexington Kentucky Jacksonville Florida +Lexington Kentucky Indianapolis Indiana +Lexington Kentucky Austin Texas +Stockton California Cincinnati Ohio +Stockton California Anchorage Alaska +Stockton California Toledo Ohio +Stockton California Plano Texas +Stockton California Henderson Nevada +Stockton California Orlando Florida +Stockton California Laredo Texas +Stockton California Chandler Arizona +Stockton California Madison Wisconsin +Stockton California Lubbock Texas +Stockton California Garland Texas +Stockton California Glendale Arizona +Stockton California Hialeah Florida +Stockton California Reno Nevada +Stockton California Scottsdale Arizona +Stockton California Irving Texas +Stockton California Spokane Washington +Stockton California Shreveport Louisiana +Stockton California Tacoma Washington +Stockton California Akron Ohio +Stockton California Amarillo Texas +Stockton California Tallahassee Florida +Stockton California Huntsville Alabama +Stockton California Worcester Massachusetts +Stockton California Chicago Illinois +Stockton California Houston Texas +Stockton California Philadelphia Pennsylvania +Stockton California Phoenix Arizona +Stockton California Dallas Texas +Stockton California Jacksonville Florida +Stockton California Indianapolis Indiana +Stockton California Austin Texas +Stockton California Detroit Michigan +Cincinnati Ohio Anchorage Alaska +Cincinnati Ohio Plano Texas +Cincinnati Ohio Henderson Nevada +Cincinnati Ohio Orlando Florida +Cincinnati Ohio Laredo Texas +Cincinnati Ohio Chandler Arizona +Cincinnati Ohio Madison Wisconsin +Cincinnati Ohio Lubbock Texas +Cincinnati Ohio Garland Texas +Cincinnati Ohio Glendale Arizona +Cincinnati Ohio Hialeah Florida +Cincinnati Ohio Reno Nevada +Cincinnati Ohio Scottsdale Arizona +Cincinnati Ohio Irving Texas +Cincinnati Ohio Fremont California +Cincinnati Ohio Irvine California +Cincinnati Ohio Spokane Washington +Cincinnati Ohio Modesto California +Cincinnati Ohio Shreveport Louisiana +Cincinnati Ohio Tacoma Washington +Cincinnati Ohio Oxnard California +Cincinnati Ohio Fontana California +Cincinnati Ohio Amarillo Texas +Cincinnati Ohio Glendale California +Cincinnati Ohio Tallahassee Florida +Cincinnati Ohio Huntsville Alabama +Cincinnati Ohio Worcester Massachusetts +Cincinnati Ohio Chicago Illinois +Cincinnati Ohio Houston Texas +Cincinnati Ohio Philadelphia Pennsylvania +Cincinnati Ohio Phoenix Arizona +Cincinnati Ohio Dallas Texas +Cincinnati Ohio Jacksonville Florida +Cincinnati Ohio Indianapolis Indiana +Cincinnati Ohio Austin Texas +Cincinnati Ohio Detroit Michigan +Cincinnati Ohio Memphis Tennessee +Anchorage Alaska Toledo Ohio +Anchorage Alaska Plano Texas +Anchorage Alaska Henderson Nevada +Anchorage Alaska Orlando Florida +Anchorage Alaska Laredo Texas +Anchorage Alaska Chandler Arizona +Anchorage Alaska Madison Wisconsin +Anchorage Alaska Lubbock Texas +Anchorage Alaska Garland Texas +Anchorage Alaska Glendale Arizona +Anchorage Alaska Hialeah Florida +Anchorage Alaska Reno Nevada +Anchorage Alaska Scottsdale Arizona +Anchorage Alaska Irving Texas +Anchorage Alaska Fremont California +Anchorage Alaska Irvine California +Anchorage Alaska Spokane Washington +Anchorage Alaska Modesto California +Anchorage Alaska Shreveport Louisiana +Anchorage Alaska Tacoma Washington +Anchorage Alaska Oxnard California +Anchorage Alaska Fontana California +Anchorage Alaska Akron Ohio +Anchorage Alaska Amarillo Texas +Anchorage Alaska Glendale California +Anchorage Alaska Tallahassee Florida +Anchorage Alaska Huntsville Alabama +Anchorage Alaska Worcester Massachusetts +Anchorage Alaska Chicago Illinois +Anchorage Alaska Houston Texas +Anchorage Alaska Philadelphia Pennsylvania +Anchorage Alaska Phoenix Arizona +Anchorage Alaska Dallas Texas +Anchorage Alaska Jacksonville Florida +Anchorage Alaska Indianapolis Indiana +Anchorage Alaska Austin Texas +Anchorage Alaska Detroit Michigan +Anchorage Alaska Memphis Tennessee +Anchorage Alaska Boston Massachusetts +Toledo Ohio Plano Texas +Toledo Ohio Henderson Nevada +Toledo Ohio Orlando Florida +Toledo Ohio Laredo Texas +Toledo Ohio Chandler Arizona +Toledo Ohio Madison Wisconsin +Toledo Ohio Lubbock Texas +Toledo Ohio Garland Texas +Toledo Ohio Glendale Arizona +Toledo Ohio Hialeah Florida +Toledo Ohio Reno Nevada +Toledo Ohio Scottsdale Arizona +Toledo Ohio Irving Texas +Toledo Ohio Fremont California +Toledo Ohio Irvine California +Toledo Ohio Spokane Washington +Toledo Ohio Modesto California +Toledo Ohio Shreveport Louisiana +Toledo Ohio Tacoma Washington +Toledo Ohio Oxnard California +Toledo Ohio Fontana California +Toledo Ohio Amarillo Texas +Toledo Ohio Glendale California +Toledo Ohio Tallahassee Florida +Toledo Ohio Huntsville Alabama +Toledo Ohio Worcester Massachusetts +Toledo Ohio Chicago Illinois +Toledo Ohio Houston Texas +Toledo Ohio Philadelphia Pennsylvania +Toledo Ohio Phoenix Arizona +Toledo Ohio Dallas Texas +Toledo Ohio Jacksonville Florida +Toledo Ohio Indianapolis Indiana +Toledo Ohio Austin Texas +Toledo Ohio Detroit Michigan +Toledo Ohio Memphis Tennessee +Toledo Ohio Boston Massachusetts +Toledo Ohio Seattle Washington +Plano Texas Henderson Nevada +Plano Texas Orlando Florida +Plano Texas Chandler Arizona +Plano Texas Madison Wisconsin +Plano Texas Glendale Arizona +Plano Texas Hialeah Florida +Plano Texas Reno Nevada +Plano Texas Scottsdale Arizona +Plano Texas Fremont California +Plano Texas Irvine California +Plano Texas Spokane Washington +Plano Texas Modesto California +Plano Texas Shreveport Louisiana +Plano Texas Tacoma Washington +Plano Texas Oxnard California +Plano Texas Fontana California +Plano Texas Akron Ohio +Plano Texas Glendale California +Plano Texas Tallahassee Florida +Plano Texas Huntsville Alabama +Plano Texas Worcester Massachusetts +Plano Texas Chicago Illinois +Plano Texas Philadelphia Pennsylvania +Plano Texas Phoenix Arizona +Plano Texas Jacksonville Florida +Plano Texas Indianapolis Indiana +Plano Texas Detroit Michigan +Plano Texas Memphis Tennessee +Plano Texas Boston Massachusetts +Plano Texas Seattle Washington +Plano Texas Denver Colorado +Henderson Nevada Orlando Florida +Henderson Nevada Laredo Texas +Henderson Nevada Chandler Arizona +Henderson Nevada Madison Wisconsin +Henderson Nevada Lubbock Texas +Henderson Nevada Garland Texas +Henderson Nevada Glendale Arizona +Henderson Nevada Hialeah Florida +Henderson Nevada Scottsdale Arizona +Henderson Nevada Irving Texas +Henderson Nevada Fremont California +Henderson Nevada Irvine California +Henderson Nevada Spokane Washington +Henderson Nevada Modesto California +Henderson Nevada Shreveport Louisiana +Henderson Nevada Tacoma Washington +Henderson Nevada Oxnard California +Henderson Nevada Fontana California +Henderson Nevada Akron Ohio +Henderson Nevada Amarillo Texas +Henderson Nevada Glendale California +Henderson Nevada Tallahassee Florida +Henderson Nevada Huntsville Alabama +Henderson Nevada Worcester Massachusetts +Henderson Nevada Chicago Illinois +Henderson Nevada Houston Texas +Henderson Nevada Philadelphia Pennsylvania +Henderson Nevada Phoenix Arizona +Henderson Nevada Dallas Texas +Henderson Nevada Jacksonville Florida +Henderson Nevada Indianapolis Indiana +Henderson Nevada Austin Texas +Henderson Nevada Detroit Michigan +Henderson Nevada Memphis Tennessee +Henderson Nevada Boston Massachusetts +Henderson Nevada Seattle Washington +Henderson Nevada Denver Colorado +Henderson Nevada Baltimore Maryland +Orlando Florida Laredo Texas +Orlando Florida Chandler Arizona +Orlando Florida Madison Wisconsin +Orlando Florida Lubbock Texas +Orlando Florida Garland Texas +Orlando Florida Glendale Arizona +Orlando Florida Reno Nevada +Orlando Florida Scottsdale Arizona +Orlando Florida Irving Texas +Orlando Florida Fremont California +Orlando Florida Irvine California +Orlando Florida Spokane Washington +Orlando Florida Modesto California +Orlando Florida Shreveport Louisiana +Orlando Florida Tacoma Washington +Orlando Florida Oxnard California +Orlando Florida Fontana California +Orlando Florida Akron Ohio +Orlando Florida Amarillo Texas +Orlando Florida Glendale California +Orlando Florida Huntsville Alabama +Orlando Florida Worcester Massachusetts +Orlando Florida Chicago Illinois +Orlando Florida Houston Texas +Orlando Florida Philadelphia Pennsylvania +Orlando Florida Phoenix Arizona +Orlando Florida Dallas Texas +Orlando Florida Indianapolis Indiana +Orlando Florida Austin Texas +Orlando Florida Detroit Michigan +Orlando Florida Memphis Tennessee +Orlando Florida Boston Massachusetts +Orlando Florida Seattle Washington +Orlando Florida Denver Colorado +Orlando Florida Baltimore Maryland +Orlando Florida Nashville Tennessee +Laredo Texas Chandler Arizona +Laredo Texas Madison Wisconsin +Laredo Texas Glendale Arizona +Laredo Texas Hialeah Florida +Laredo Texas Reno Nevada +Laredo Texas Scottsdale Arizona +Laredo Texas Fremont California +Laredo Texas Irvine California +Laredo Texas Spokane Washington +Laredo Texas Modesto California +Laredo Texas Shreveport Louisiana +Laredo Texas Tacoma Washington +Laredo Texas Oxnard California +Laredo Texas Fontana California +Laredo Texas Akron Ohio +Laredo Texas Glendale California +Laredo Texas Tallahassee Florida +Laredo Texas Huntsville Alabama +Laredo Texas Worcester Massachusetts +Laredo Texas Chicago Illinois +Laredo Texas Philadelphia Pennsylvania +Laredo Texas Phoenix Arizona +Laredo Texas Jacksonville Florida +Laredo Texas Indianapolis Indiana +Laredo Texas Detroit Michigan +Laredo Texas Memphis Tennessee +Laredo Texas Boston Massachusetts +Laredo Texas Seattle Washington +Laredo Texas Denver Colorado +Laredo Texas Baltimore Maryland +Laredo Texas Nashville Tennessee +Laredo Texas Louisville Kentucky +Chandler Arizona Madison Wisconsin +Chandler Arizona Lubbock Texas +Chandler Arizona Garland Texas +Chandler Arizona Hialeah Florida +Chandler Arizona Reno Nevada +Chandler Arizona Irving Texas +Chandler Arizona Fremont California +Chandler Arizona Irvine California +Chandler Arizona Spokane Washington +Chandler Arizona Modesto California +Chandler Arizona Shreveport Louisiana +Chandler Arizona Tacoma Washington +Chandler Arizona Oxnard California +Chandler Arizona Fontana California +Chandler Arizona Akron Ohio +Chandler Arizona Amarillo Texas +Chandler Arizona Glendale California +Chandler Arizona Tallahassee Florida +Chandler Arizona Huntsville Alabama +Chandler Arizona Worcester Massachusetts +Chandler Arizona Chicago Illinois +Chandler Arizona Houston Texas +Chandler Arizona Philadelphia Pennsylvania +Chandler Arizona Dallas Texas +Chandler Arizona Jacksonville Florida +Chandler Arizona Indianapolis Indiana +Chandler Arizona Austin Texas +Chandler Arizona Detroit Michigan +Chandler Arizona Memphis Tennessee +Chandler Arizona Boston Massachusetts +Chandler Arizona Seattle Washington +Chandler Arizona Denver Colorado +Chandler Arizona Baltimore Maryland +Chandler Arizona Nashville Tennessee +Chandler Arizona Louisville Kentucky +Chandler Arizona Milwaukee Wisconsin +Madison Wisconsin Lubbock Texas +Madison Wisconsin Garland Texas +Madison Wisconsin Glendale Arizona +Madison Wisconsin Hialeah Florida +Madison Wisconsin Reno Nevada +Madison Wisconsin Scottsdale Arizona +Madison Wisconsin Irving Texas +Madison Wisconsin Fremont California +Madison Wisconsin Irvine California +Madison Wisconsin Spokane Washington +Madison Wisconsin Modesto California +Madison Wisconsin Shreveport Louisiana +Madison Wisconsin Tacoma Washington +Madison Wisconsin Oxnard California +Madison Wisconsin Fontana California +Madison Wisconsin Akron Ohio +Madison Wisconsin Amarillo Texas +Madison Wisconsin Glendale California +Madison Wisconsin Tallahassee Florida +Madison Wisconsin Huntsville Alabama +Madison Wisconsin Worcester Massachusetts +Madison Wisconsin Chicago Illinois +Madison Wisconsin Houston Texas +Madison Wisconsin Philadelphia Pennsylvania +Madison Wisconsin Phoenix Arizona +Madison Wisconsin Dallas Texas +Madison Wisconsin Jacksonville Florida +Madison Wisconsin Indianapolis Indiana +Madison Wisconsin Austin Texas +Madison Wisconsin Detroit Michigan +Madison Wisconsin Memphis Tennessee +Madison Wisconsin Boston Massachusetts +Madison Wisconsin Seattle Washington +Madison Wisconsin Denver Colorado +Madison Wisconsin Baltimore Maryland +Madison Wisconsin Nashville Tennessee +Madison Wisconsin Louisville Kentucky +Madison Wisconsin Portland Oregon +Lubbock Texas Glendale Arizona +Lubbock Texas Hialeah Florida +Lubbock Texas Reno Nevada +Lubbock Texas Scottsdale Arizona +Lubbock Texas Fremont California +Lubbock Texas Irvine California +Lubbock Texas Spokane Washington +Lubbock Texas Modesto California +Lubbock Texas Shreveport Louisiana +Lubbock Texas Tacoma Washington +Lubbock Texas Oxnard California +Lubbock Texas Fontana California +Lubbock Texas Akron Ohio +Lubbock Texas Glendale California +Lubbock Texas Tallahassee Florida +Lubbock Texas Huntsville Alabama +Lubbock Texas Worcester Massachusetts +Lubbock Texas Chicago Illinois +Lubbock Texas Philadelphia Pennsylvania +Lubbock Texas Phoenix Arizona +Lubbock Texas Jacksonville Florida +Lubbock Texas Indianapolis Indiana +Lubbock Texas Detroit Michigan +Lubbock Texas Memphis Tennessee +Lubbock Texas Boston Massachusetts +Lubbock Texas Seattle Washington +Lubbock Texas Denver Colorado +Lubbock Texas Baltimore Maryland +Lubbock Texas Nashville Tennessee +Lubbock Texas Louisville Kentucky +Lubbock Texas Milwaukee Wisconsin +Lubbock Texas Portland Oregon +Lubbock Texas Tucson Arizona +Garland Texas Glendale Arizona +Garland Texas Hialeah Florida +Garland Texas Reno Nevada +Garland Texas Scottsdale Arizona +Garland Texas Fremont California +Garland Texas Irvine California +Garland Texas Spokane Washington +Garland Texas Modesto California +Garland Texas Shreveport Louisiana +Garland Texas Tacoma Washington +Garland Texas Oxnard California +Garland Texas Fontana California +Garland Texas Akron Ohio +Garland Texas Glendale California +Garland Texas Tallahassee Florida +Garland Texas Huntsville Alabama +Garland Texas Worcester Massachusetts +Garland Texas Chicago Illinois +Garland Texas Philadelphia Pennsylvania +Garland Texas Phoenix Arizona +Garland Texas Jacksonville Florida +Garland Texas Indianapolis Indiana +Garland Texas Detroit Michigan +Garland Texas Memphis Tennessee +Garland Texas Boston Massachusetts +Garland Texas Seattle Washington +Garland Texas Denver Colorado +Garland Texas Baltimore Maryland +Garland Texas Nashville Tennessee +Garland Texas Louisville Kentucky +Garland Texas Milwaukee Wisconsin +Garland Texas Portland Oregon +Garland Texas Tucson Arizona +Garland Texas Fresno California +Glendale Arizona Hialeah Florida +Glendale Arizona Reno Nevada +Glendale Arizona Irving Texas +Glendale Arizona Fremont California +Glendale Arizona Irvine California +Glendale Arizona Spokane Washington +Glendale Arizona Modesto California +Glendale Arizona Shreveport Louisiana +Glendale Arizona Tacoma Washington +Glendale Arizona Oxnard California +Glendale Arizona Fontana California +Glendale Arizona Akron Ohio +Glendale Arizona Amarillo Texas +Glendale Arizona Tallahassee Florida +Glendale Arizona Huntsville Alabama +Glendale Arizona Worcester Massachusetts +Glendale Arizona Chicago Illinois +Glendale Arizona Houston Texas +Glendale Arizona Philadelphia Pennsylvania +Glendale Arizona Dallas Texas +Glendale Arizona Jacksonville Florida +Glendale Arizona Indianapolis Indiana +Glendale Arizona Austin Texas +Glendale Arizona Detroit Michigan +Glendale Arizona Memphis Tennessee +Glendale Arizona Boston Massachusetts +Glendale Arizona Seattle Washington +Glendale Arizona Denver Colorado +Glendale Arizona Baltimore Maryland +Glendale Arizona Nashville Tennessee +Glendale Arizona Louisville Kentucky +Glendale Arizona Milwaukee Wisconsin +Glendale Arizona Portland Oregon +Glendale Arizona Fresno California +Glendale Arizona Sacramento California +Hialeah Florida Reno Nevada +Hialeah Florida Scottsdale Arizona +Hialeah Florida Irving Texas +Hialeah Florida Fremont California +Hialeah Florida Irvine California +Hialeah Florida Spokane Washington +Hialeah Florida Modesto California +Hialeah Florida Shreveport Louisiana +Hialeah Florida Tacoma Washington +Hialeah Florida Oxnard California +Hialeah Florida Fontana California +Hialeah Florida Akron Ohio +Hialeah Florida Amarillo Texas +Hialeah Florida Glendale California +Hialeah Florida Huntsville Alabama +Hialeah Florida Worcester Massachusetts +Hialeah Florida Chicago Illinois +Hialeah Florida Houston Texas +Hialeah Florida Philadelphia Pennsylvania +Hialeah Florida Phoenix Arizona +Hialeah Florida Dallas Texas +Hialeah Florida Indianapolis Indiana +Hialeah Florida Austin Texas +Hialeah Florida Detroit Michigan +Hialeah Florida Memphis Tennessee +Hialeah Florida Boston Massachusetts +Hialeah Florida Seattle Washington +Hialeah Florida Denver Colorado +Hialeah Florida Baltimore Maryland +Hialeah Florida Nashville Tennessee +Hialeah Florida Louisville Kentucky +Hialeah Florida Milwaukee Wisconsin +Hialeah Florida Portland Oregon +Hialeah Florida Tucson Arizona +Hialeah Florida Fresno California +Hialeah Florida Sacramento California +Hialeah Florida Mesa Arizona +Reno Nevada Scottsdale Arizona +Reno Nevada Irving Texas +Reno Nevada Fremont California +Reno Nevada Irvine California +Reno Nevada Spokane Washington +Reno Nevada Modesto California +Reno Nevada Shreveport Louisiana +Reno Nevada Tacoma Washington +Reno Nevada Oxnard California +Reno Nevada Fontana California +Reno Nevada Akron Ohio +Reno Nevada Amarillo Texas +Reno Nevada Glendale California +Reno Nevada Tallahassee Florida +Reno Nevada Huntsville Alabama +Reno Nevada Worcester Massachusetts +Reno Nevada Chicago Illinois +Reno Nevada Houston Texas +Reno Nevada Philadelphia Pennsylvania +Reno Nevada Phoenix Arizona +Reno Nevada Dallas Texas +Reno Nevada Jacksonville Florida +Reno Nevada Indianapolis Indiana +Reno Nevada Austin Texas +Reno Nevada Detroit Michigan +Reno Nevada Memphis Tennessee +Reno Nevada Boston Massachusetts +Reno Nevada Seattle Washington +Reno Nevada Denver Colorado +Reno Nevada Baltimore Maryland +Reno Nevada Nashville Tennessee +Reno Nevada Louisville Kentucky +Reno Nevada Milwaukee Wisconsin +Reno Nevada Portland Oregon +Reno Nevada Tucson Arizona +Reno Nevada Fresno California +Reno Nevada Sacramento California +Reno Nevada Mesa Arizona +Reno Nevada Atlanta Georgia +Scottsdale Arizona Irving Texas +Scottsdale Arizona Fremont California +Scottsdale Arizona Irvine California +Scottsdale Arizona Spokane Washington +Scottsdale Arizona Modesto California +Scottsdale Arizona Shreveport Louisiana +Scottsdale Arizona Tacoma Washington +Scottsdale Arizona Oxnard California +Scottsdale Arizona Fontana California +Scottsdale Arizona Akron Ohio +Scottsdale Arizona Amarillo Texas +Scottsdale Arizona Glendale California +Scottsdale Arizona Tallahassee Florida +Scottsdale Arizona Huntsville Alabama +Scottsdale Arizona Worcester Massachusetts +Scottsdale Arizona Chicago Illinois +Scottsdale Arizona Houston Texas +Scottsdale Arizona Philadelphia Pennsylvania +Scottsdale Arizona Dallas Texas +Scottsdale Arizona Jacksonville Florida +Scottsdale Arizona Indianapolis Indiana +Scottsdale Arizona Austin Texas +Scottsdale Arizona Detroit Michigan +Scottsdale Arizona Memphis Tennessee +Scottsdale Arizona Boston Massachusetts +Scottsdale Arizona Seattle Washington +Scottsdale Arizona Denver Colorado +Scottsdale Arizona Baltimore Maryland +Scottsdale Arizona Nashville Tennessee +Scottsdale Arizona Louisville Kentucky +Scottsdale Arizona Milwaukee Wisconsin +Scottsdale Arizona Portland Oregon +Scottsdale Arizona Fresno California +Scottsdale Arizona Sacramento California +Scottsdale Arizona Atlanta Georgia +Scottsdale Arizona Omaha Nebraska +Irving Texas Fremont California +Irving Texas Irvine California +Irving Texas Spokane Washington +Irving Texas Modesto California +Irving Texas Shreveport Louisiana +Irving Texas Tacoma Washington +Irving Texas Oxnard California +Irving Texas Fontana California +Irving Texas Akron Ohio +Irving Texas Glendale California +Irving Texas Tallahassee Florida +Irving Texas Huntsville Alabama +Irving Texas Worcester Massachusetts +Irving Texas Chicago Illinois +Irving Texas Philadelphia Pennsylvania +Irving Texas Phoenix Arizona +Irving Texas Jacksonville Florida +Irving Texas Indianapolis Indiana +Irving Texas Detroit Michigan +Irving Texas Memphis Tennessee +Irving Texas Boston Massachusetts +Irving Texas Seattle Washington +Irving Texas Denver Colorado +Irving Texas Baltimore Maryland +Irving Texas Nashville Tennessee +Irving Texas Louisville Kentucky +Irving Texas Milwaukee Wisconsin +Irving Texas Portland Oregon +Irving Texas Tucson Arizona +Irving Texas Fresno California +Irving Texas Sacramento California +Irving Texas Mesa Arizona +Irving Texas Atlanta Georgia +Irving Texas Omaha Nebraska +Irving Texas Miami Florida +Fremont California Spokane Washington +Fremont California Shreveport Louisiana +Fremont California Tacoma Washington +Fremont California Akron Ohio +Fremont California Amarillo Texas +Fremont California Tallahassee Florida +Fremont California Huntsville Alabama +Fremont California Worcester Massachusetts +Fremont California Chicago Illinois +Fremont California Houston Texas +Fremont California Philadelphia Pennsylvania +Fremont California Phoenix Arizona +Fremont California Dallas Texas +Fremont California Jacksonville Florida +Fremont California Indianapolis Indiana +Fremont California Austin Texas +Fremont California Detroit Michigan +Fremont California Memphis Tennessee +Fremont California Boston Massachusetts +Fremont California Seattle Washington +Fremont California Denver Colorado +Fremont California Baltimore Maryland +Fremont California Nashville Tennessee +Fremont California Louisville Kentucky +Fremont California Milwaukee Wisconsin +Fremont California Portland Oregon +Fremont California Tucson Arizona +Fremont California Mesa Arizona +Fremont California Atlanta Georgia +Fremont California Omaha Nebraska +Fremont California Miami Florida +Fremont California Tulsa Oklahoma +Irvine California Spokane Washington +Irvine California Shreveport Louisiana +Irvine California Tacoma Washington +Irvine California Akron Ohio +Irvine California Amarillo Texas +Irvine California Tallahassee Florida +Irvine California Huntsville Alabama +Irvine California Worcester Massachusetts +Irvine California Chicago Illinois +Irvine California Houston Texas +Irvine California Philadelphia Pennsylvania +Irvine California Phoenix Arizona +Irvine California Dallas Texas +Irvine California Jacksonville Florida +Irvine California Indianapolis Indiana +Irvine California Austin Texas +Irvine California Detroit Michigan +Irvine California Memphis Tennessee +Irvine California Boston Massachusetts +Irvine California Seattle Washington +Irvine California Denver Colorado +Irvine California Baltimore Maryland +Irvine California Nashville Tennessee +Irvine California Louisville Kentucky +Irvine California Milwaukee Wisconsin +Irvine California Portland Oregon +Irvine California Tucson Arizona +Irvine California Mesa Arizona +Irvine California Atlanta Georgia +Irvine California Omaha Nebraska +Irvine California Miami Florida +Irvine California Tulsa Oklahoma +Spokane Washington Modesto California +Spokane Washington Shreveport Louisiana +Spokane Washington Oxnard California +Spokane Washington Fontana California +Spokane Washington Akron Ohio +Spokane Washington Amarillo Texas +Spokane Washington Glendale California +Spokane Washington Tallahassee Florida +Spokane Washington Huntsville Alabama +Spokane Washington Worcester Massachusetts +Spokane Washington Chicago Illinois +Spokane Washington Houston Texas +Spokane Washington Philadelphia Pennsylvania +Spokane Washington Phoenix Arizona +Spokane Washington Dallas Texas +Spokane Washington Jacksonville Florida +Spokane Washington Indianapolis Indiana +Spokane Washington Austin Texas +Spokane Washington Detroit Michigan +Spokane Washington Memphis Tennessee +Spokane Washington Boston Massachusetts +Spokane Washington Denver Colorado +Spokane Washington Baltimore Maryland +Spokane Washington Nashville Tennessee +Spokane Washington Louisville Kentucky +Spokane Washington Milwaukee Wisconsin +Spokane Washington Portland Oregon +Spokane Washington Tucson Arizona +Spokane Washington Fresno California +Spokane Washington Sacramento California +Spokane Washington Mesa Arizona +Spokane Washington Atlanta Georgia +Spokane Washington Omaha Nebraska +Spokane Washington Miami Florida +Spokane Washington Tulsa Oklahoma +Spokane Washington Oakland California +Spokane Washington Cleveland Ohio +Modesto California Shreveport Louisiana +Modesto California Tacoma Washington +Modesto California Akron Ohio +Modesto California Amarillo Texas +Modesto California Tallahassee Florida +Modesto California Huntsville Alabama +Modesto California Worcester Massachusetts +Modesto California Chicago Illinois +Modesto California Houston Texas +Modesto California Philadelphia Pennsylvania +Modesto California Phoenix Arizona +Modesto California Dallas Texas +Modesto California Jacksonville Florida +Modesto California Indianapolis Indiana +Modesto California Austin Texas +Modesto California Detroit Michigan +Modesto California Memphis Tennessee +Modesto California Boston Massachusetts +Modesto California Seattle Washington +Modesto California Denver Colorado +Modesto California Baltimore Maryland +Modesto California Nashville Tennessee +Modesto California Louisville Kentucky +Modesto California Milwaukee Wisconsin +Modesto California Portland Oregon +Modesto California Tucson Arizona +Modesto California Mesa Arizona +Modesto California Atlanta Georgia +Modesto California Omaha Nebraska +Modesto California Miami Florida +Modesto California Tulsa Oklahoma +Modesto California Cleveland Ohio +Modesto California Minneapolis Minnesota +Shreveport Louisiana Tacoma Washington +Shreveport Louisiana Oxnard California +Shreveport Louisiana Fontana California +Shreveport Louisiana Akron Ohio +Shreveport Louisiana Amarillo Texas +Shreveport Louisiana Glendale California +Shreveport Louisiana Tallahassee Florida +Shreveport Louisiana Huntsville Alabama +Shreveport Louisiana Worcester Massachusetts +Shreveport Louisiana Chicago Illinois +Shreveport Louisiana Houston Texas +Shreveport Louisiana Philadelphia Pennsylvania +Shreveport Louisiana Phoenix Arizona +Shreveport Louisiana Dallas Texas +Shreveport Louisiana Jacksonville Florida +Shreveport Louisiana Indianapolis Indiana +Shreveport Louisiana Austin Texas +Shreveport Louisiana Detroit Michigan +Shreveport Louisiana Memphis Tennessee +Shreveport Louisiana Boston Massachusetts +Shreveport Louisiana Seattle Washington +Shreveport Louisiana Denver Colorado +Shreveport Louisiana Baltimore Maryland +Shreveport Louisiana Nashville Tennessee +Shreveport Louisiana Louisville Kentucky +Shreveport Louisiana Milwaukee Wisconsin +Shreveport Louisiana Portland Oregon +Shreveport Louisiana Tucson Arizona +Shreveport Louisiana Fresno California +Shreveport Louisiana Sacramento California +Shreveport Louisiana Mesa Arizona +Shreveport Louisiana Atlanta Georgia +Shreveport Louisiana Omaha Nebraska +Shreveport Louisiana Miami Florida +Shreveport Louisiana Tulsa Oklahoma +Shreveport Louisiana Oakland California +Shreveport Louisiana Cleveland Ohio +Shreveport Louisiana Minneapolis Minnesota +Shreveport Louisiana Wichita Kansas +Tacoma Washington Oxnard California +Tacoma Washington Fontana California +Tacoma Washington Akron Ohio +Tacoma Washington Amarillo Texas +Tacoma Washington Glendale California +Tacoma Washington Tallahassee Florida +Tacoma Washington Huntsville Alabama +Tacoma Washington Worcester Massachusetts +Tacoma Washington Chicago Illinois +Tacoma Washington Houston Texas +Tacoma Washington Philadelphia Pennsylvania +Tacoma Washington Phoenix Arizona +Tacoma Washington Dallas Texas +Tacoma Washington Jacksonville Florida +Tacoma Washington Indianapolis Indiana +Tacoma Washington Austin Texas +Tacoma Washington Detroit Michigan +Tacoma Washington Memphis Tennessee +Tacoma Washington Boston Massachusetts +Tacoma Washington Denver Colorado +Tacoma Washington Baltimore Maryland +Tacoma Washington Nashville Tennessee +Tacoma Washington Louisville Kentucky +Tacoma Washington Milwaukee Wisconsin +Tacoma Washington Portland Oregon +Tacoma Washington Tucson Arizona +Tacoma Washington Fresno California +Tacoma Washington Sacramento California +Tacoma Washington Mesa Arizona +Tacoma Washington Atlanta Georgia +Tacoma Washington Omaha Nebraska +Tacoma Washington Miami Florida +Tacoma Washington Tulsa Oklahoma +Tacoma Washington Oakland California +Tacoma Washington Cleveland Ohio +Tacoma Washington Minneapolis Minnesota +Tacoma Washington Wichita Kansas +Tacoma Washington Arlington Texas +Oxnard California Akron Ohio +Oxnard California Amarillo Texas +Oxnard California Tallahassee Florida +Oxnard California Huntsville Alabama +Oxnard California Worcester Massachusetts +Oxnard California Chicago Illinois +Oxnard California Houston Texas +Oxnard California Philadelphia Pennsylvania +Oxnard California Phoenix Arizona +Oxnard California Dallas Texas +Oxnard California Jacksonville Florida +Oxnard California Indianapolis Indiana +Oxnard California Austin Texas +Oxnard California Detroit Michigan +Oxnard California Memphis Tennessee +Oxnard California Boston Massachusetts +Oxnard California Seattle Washington +Oxnard California Denver Colorado +Oxnard California Baltimore Maryland +Oxnard California Nashville Tennessee +Oxnard California Louisville Kentucky +Oxnard California Milwaukee Wisconsin +Oxnard California Portland Oregon +Oxnard California Tucson Arizona +Oxnard California Mesa Arizona +Oxnard California Atlanta Georgia +Oxnard California Omaha Nebraska +Oxnard California Miami Florida +Oxnard California Tulsa Oklahoma +Oxnard California Cleveland Ohio +Oxnard California Minneapolis Minnesota +Oxnard California Wichita Kansas +Oxnard California Arlington Texas +Fontana California Akron Ohio +Fontana California Amarillo Texas +Fontana California Tallahassee Florida +Fontana California Huntsville Alabama +Fontana California Worcester Massachusetts +Fontana California Chicago Illinois +Fontana California Houston Texas +Fontana California Philadelphia Pennsylvania +Fontana California Phoenix Arizona +Fontana California Dallas Texas +Fontana California Jacksonville Florida +Fontana California Indianapolis Indiana +Fontana California Austin Texas +Fontana California Detroit Michigan +Fontana California Memphis Tennessee +Fontana California Boston Massachusetts +Fontana California Seattle Washington +Fontana California Denver Colorado +Fontana California Baltimore Maryland +Fontana California Nashville Tennessee +Fontana California Louisville Kentucky +Fontana California Milwaukee Wisconsin +Fontana California Portland Oregon +Fontana California Tucson Arizona +Fontana California Mesa Arizona +Fontana California Atlanta Georgia +Fontana California Omaha Nebraska +Fontana California Miami Florida +Fontana California Tulsa Oklahoma +Fontana California Cleveland Ohio +Fontana California Minneapolis Minnesota +Fontana California Wichita Kansas +Fontana California Arlington Texas +Fontana California Tampa Florida +Akron Ohio Amarillo Texas +Akron Ohio Glendale California +Akron Ohio Tallahassee Florida +Akron Ohio Huntsville Alabama +Akron Ohio Worcester Massachusetts +Akron Ohio Chicago Illinois +Akron Ohio Houston Texas +Akron Ohio Philadelphia Pennsylvania +Akron Ohio Phoenix Arizona +Akron Ohio Dallas Texas +Akron Ohio Jacksonville Florida +Akron Ohio Indianapolis Indiana +Akron Ohio Austin Texas +Akron Ohio Detroit Michigan +Akron Ohio Memphis Tennessee +Akron Ohio Boston Massachusetts +Akron Ohio Seattle Washington +Akron Ohio Denver Colorado +Akron Ohio Baltimore Maryland +Akron Ohio Nashville Tennessee +Akron Ohio Louisville Kentucky +Akron Ohio Milwaukee Wisconsin +Akron Ohio Portland Oregon +Akron Ohio Tucson Arizona +Akron Ohio Fresno California +Akron Ohio Sacramento California +Akron Ohio Mesa Arizona +Akron Ohio Atlanta Georgia +Akron Ohio Omaha Nebraska +Akron Ohio Miami Florida +Akron Ohio Tulsa Oklahoma +Akron Ohio Oakland California +Akron Ohio Minneapolis Minnesota +Akron Ohio Wichita Kansas +Akron Ohio Arlington Texas +Akron Ohio Bakersfield California +Akron Ohio Tampa Florida +Akron Ohio Anaheim California +Amarillo Texas Glendale California +Amarillo Texas Tallahassee Florida +Amarillo Texas Huntsville Alabama +Amarillo Texas Worcester Massachusetts +Amarillo Texas Chicago Illinois +Amarillo Texas Philadelphia Pennsylvania +Amarillo Texas Phoenix Arizona +Amarillo Texas Jacksonville Florida +Amarillo Texas Indianapolis Indiana +Amarillo Texas Detroit Michigan +Amarillo Texas Memphis Tennessee +Amarillo Texas Boston Massachusetts +Amarillo Texas Seattle Washington +Amarillo Texas Denver Colorado +Amarillo Texas Baltimore Maryland +Amarillo Texas Nashville Tennessee +Amarillo Texas Louisville Kentucky +Amarillo Texas Milwaukee Wisconsin +Amarillo Texas Portland Oregon +Amarillo Texas Tucson Arizona +Amarillo Texas Fresno California +Amarillo Texas Sacramento California +Amarillo Texas Mesa Arizona +Amarillo Texas Atlanta Georgia +Amarillo Texas Omaha Nebraska +Amarillo Texas Miami Florida +Amarillo Texas Tulsa Oklahoma +Amarillo Texas Oakland California +Amarillo Texas Cleveland Ohio +Amarillo Texas Minneapolis Minnesota +Amarillo Texas Wichita Kansas +Amarillo Texas Bakersfield California +Amarillo Texas Tampa Florida +Amarillo Texas Anaheim California +Amarillo Texas Honolulu Hawaii +Glendale California Tallahassee Florida +Glendale California Huntsville Alabama +Glendale California Worcester Massachusetts +Glendale California Chicago Illinois +Glendale California Houston Texas +Glendale California Philadelphia Pennsylvania +Glendale California Phoenix Arizona +Glendale California Dallas Texas +Glendale California Jacksonville Florida +Glendale California Indianapolis Indiana +Glendale California Austin Texas +Glendale California Detroit Michigan +Glendale California Memphis Tennessee +Glendale California Boston Massachusetts +Glendale California Seattle Washington +Glendale California Denver Colorado +Glendale California Baltimore Maryland +Glendale California Nashville Tennessee +Glendale California Louisville Kentucky +Glendale California Milwaukee Wisconsin +Glendale California Portland Oregon +Glendale California Tucson Arizona +Glendale California Mesa Arizona +Glendale California Atlanta Georgia +Glendale California Omaha Nebraska +Glendale California Miami Florida +Glendale California Tulsa Oklahoma +Glendale California Cleveland Ohio +Glendale California Minneapolis Minnesota +Glendale California Wichita Kansas +Glendale California Arlington Texas +Glendale California Tampa Florida +Glendale California Honolulu Hawaii +Glendale California Pittsburgh Pennsylvania +Tallahassee Florida Huntsville Alabama +Tallahassee Florida Worcester Massachusetts +Tallahassee Florida Chicago Illinois +Tallahassee Florida Houston Texas +Tallahassee Florida Philadelphia Pennsylvania +Tallahassee Florida Phoenix Arizona +Tallahassee Florida Dallas Texas +Tallahassee Florida Indianapolis Indiana +Tallahassee Florida Austin Texas +Tallahassee Florida Detroit Michigan +Tallahassee Florida Memphis Tennessee +Tallahassee Florida Boston Massachusetts +Tallahassee Florida Seattle Washington +Tallahassee Florida Denver Colorado +Tallahassee Florida Baltimore Maryland +Tallahassee Florida Nashville Tennessee +Tallahassee Florida Louisville Kentucky +Tallahassee Florida Milwaukee Wisconsin +Tallahassee Florida Portland Oregon +Tallahassee Florida Tucson Arizona +Tallahassee Florida Fresno California +Tallahassee Florida Sacramento California +Tallahassee Florida Mesa Arizona +Tallahassee Florida Atlanta Georgia +Tallahassee Florida Omaha Nebraska +Tallahassee Florida Tulsa Oklahoma +Tallahassee Florida Oakland California +Tallahassee Florida Cleveland Ohio +Tallahassee Florida Minneapolis Minnesota +Tallahassee Florida Wichita Kansas +Tallahassee Florida Arlington Texas +Tallahassee Florida Bakersfield California +Tallahassee Florida Anaheim California +Tallahassee Florida Honolulu Hawaii +Tallahassee Florida Pittsburgh Pennsylvania +Tallahassee Florida Lexington Kentucky +Huntsville Alabama Worcester Massachusetts +Huntsville Alabama Chicago Illinois +Huntsville Alabama Houston Texas +Huntsville Alabama Philadelphia Pennsylvania +Huntsville Alabama Phoenix Arizona +Huntsville Alabama Dallas Texas +Huntsville Alabama Jacksonville Florida +Huntsville Alabama Indianapolis Indiana +Huntsville Alabama Austin Texas +Huntsville Alabama Detroit Michigan +Huntsville Alabama Memphis Tennessee +Huntsville Alabama Boston Massachusetts +Huntsville Alabama Seattle Washington +Huntsville Alabama Denver Colorado +Huntsville Alabama Baltimore Maryland +Huntsville Alabama Nashville Tennessee +Huntsville Alabama Louisville Kentucky +Huntsville Alabama Milwaukee Wisconsin +Huntsville Alabama Portland Oregon +Huntsville Alabama Tucson Arizona +Huntsville Alabama Fresno California +Huntsville Alabama Sacramento California +Huntsville Alabama Mesa Arizona +Huntsville Alabama Atlanta Georgia +Huntsville Alabama Omaha Nebraska +Huntsville Alabama Miami Florida +Huntsville Alabama Tulsa Oklahoma +Huntsville Alabama Oakland California +Huntsville Alabama Cleveland Ohio +Huntsville Alabama Minneapolis Minnesota +Huntsville Alabama Wichita Kansas +Huntsville Alabama Arlington Texas +Huntsville Alabama Bakersfield California +Huntsville Alabama Tampa Florida +Huntsville Alabama Anaheim California +Huntsville Alabama Honolulu Hawaii +Huntsville Alabama Pittsburgh Pennsylvania +Huntsville Alabama Lexington Kentucky +Huntsville Alabama Stockton California +Worcester Massachusetts Chicago Illinois +Worcester Massachusetts Houston Texas +Worcester Massachusetts Philadelphia Pennsylvania +Worcester Massachusetts Phoenix Arizona +Worcester Massachusetts Dallas Texas +Worcester Massachusetts Jacksonville Florida +Worcester Massachusetts Indianapolis Indiana +Worcester Massachusetts Austin Texas +Worcester Massachusetts Detroit Michigan +Worcester Massachusetts Memphis Tennessee +Worcester Massachusetts Seattle Washington +Worcester Massachusetts Denver Colorado +Worcester Massachusetts Baltimore Maryland +Worcester Massachusetts Nashville Tennessee +Worcester Massachusetts Louisville Kentucky +Worcester Massachusetts Milwaukee Wisconsin +Worcester Massachusetts Portland Oregon +Worcester Massachusetts Tucson Arizona +Worcester Massachusetts Fresno California +Worcester Massachusetts Sacramento California +Worcester Massachusetts Mesa Arizona +Worcester Massachusetts Atlanta Georgia +Worcester Massachusetts Omaha Nebraska +Worcester Massachusetts Miami Florida +Worcester Massachusetts Tulsa Oklahoma +Worcester Massachusetts Oakland California +Worcester Massachusetts Cleveland Ohio +Worcester Massachusetts Minneapolis Minnesota +Worcester Massachusetts Wichita Kansas +Worcester Massachusetts Arlington Texas +Worcester Massachusetts Bakersfield California +Worcester Massachusetts Tampa Florida +Worcester Massachusetts Anaheim California +Worcester Massachusetts Honolulu Hawaii +Worcester Massachusetts Pittsburgh Pennsylvania +Worcester Massachusetts Lexington Kentucky +Worcester Massachusetts Stockton California +Worcester Massachusetts Cincinnati Ohio +: family +boy girl brother sister +boy girl brothers sisters +boy girl dad mom +boy girl father mother +boy girl grandfather grandmother +boy girl grandpa grandma +boy girl grandson granddaughter +boy girl groom bride +boy girl he she +boy girl his her +boy girl husband wife +boy girl king queen +boy girl man woman +boy girl nephew niece +boy girl policeman policewoman +boy girl prince princess +boy girl son daughter +boy girl sons daughters +boy girl stepbrother stepsister +boy girl stepfather stepmother +boy girl stepson stepdaughter +boy girl uncle aunt +brother sister brothers sisters +brother sister dad mom +brother sister father mother +brother sister grandfather grandmother +brother sister grandpa grandma +brother sister grandson granddaughter +brother sister groom bride +brother sister he she +brother sister his her +brother sister husband wife +brother sister king queen +brother sister man woman +brother sister nephew niece +brother sister policeman policewoman +brother sister prince princess +brother sister son daughter +brother sister sons daughters +brother sister stepbrother stepsister +brother sister stepfather stepmother +brother sister stepson stepdaughter +brother sister uncle aunt +brother sister boy girl +brothers sisters dad mom +brothers sisters father mother +brothers sisters grandfather grandmother +brothers sisters grandpa grandma +brothers sisters grandson granddaughter +brothers sisters groom bride +brothers sisters he she +brothers sisters his her +brothers sisters husband wife +brothers sisters king queen +brothers sisters man woman +brothers sisters nephew niece +brothers sisters policeman policewoman +brothers sisters prince princess +brothers sisters son daughter +brothers sisters sons daughters +brothers sisters stepbrother stepsister +brothers sisters stepfather stepmother +brothers sisters stepson stepdaughter +brothers sisters uncle aunt +brothers sisters boy girl +brothers sisters brother sister +dad mom father mother +dad mom grandfather grandmother +dad mom grandpa grandma +dad mom grandson granddaughter +dad mom groom bride +dad mom he she +dad mom his her +dad mom husband wife +dad mom king queen +dad mom man woman +dad mom nephew niece +dad mom policeman policewoman +dad mom prince princess +dad mom son daughter +dad mom sons daughters +dad mom stepbrother stepsister +dad mom stepfather stepmother +dad mom stepson stepdaughter +dad mom uncle aunt +dad mom boy girl +dad mom brother sister +dad mom brothers sisters +father mother grandfather grandmother +father mother grandpa grandma +father mother grandson granddaughter +father mother groom bride +father mother he she +father mother his her +father mother husband wife +father mother king queen +father mother man woman +father mother nephew niece +father mother policeman policewoman +father mother prince princess +father mother son daughter +father mother sons daughters +father mother stepbrother stepsister +father mother stepfather stepmother +father mother stepson stepdaughter +father mother uncle aunt +father mother boy girl +father mother brother sister +father mother brothers sisters +father mother dad mom +grandfather grandmother grandpa grandma +grandfather grandmother grandson granddaughter +grandfather grandmother groom bride +grandfather grandmother he she +grandfather grandmother his her +grandfather grandmother husband wife +grandfather grandmother king queen +grandfather grandmother man woman +grandfather grandmother nephew niece +grandfather grandmother policeman policewoman +grandfather grandmother prince princess +grandfather grandmother son daughter +grandfather grandmother sons daughters +grandfather grandmother stepbrother stepsister +grandfather grandmother stepfather stepmother +grandfather grandmother stepson stepdaughter +grandfather grandmother uncle aunt +grandfather grandmother boy girl +grandfather grandmother brother sister +grandfather grandmother brothers sisters +grandfather grandmother dad mom +grandfather grandmother father mother +grandpa grandma grandson granddaughter +grandpa grandma groom bride +grandpa grandma he she +grandpa grandma his her +grandpa grandma husband wife +grandpa grandma king queen +grandpa grandma man woman +grandpa grandma nephew niece +grandpa grandma policeman policewoman +grandpa grandma prince princess +grandpa grandma son daughter +grandpa grandma sons daughters +grandpa grandma stepbrother stepsister +grandpa grandma stepfather stepmother +grandpa grandma stepson stepdaughter +grandpa grandma uncle aunt +grandpa grandma boy girl +grandpa grandma brother sister +grandpa grandma brothers sisters +grandpa grandma dad mom +grandpa grandma father mother +grandpa grandma grandfather grandmother +grandson granddaughter groom bride +grandson granddaughter he she +grandson granddaughter his her +grandson granddaughter husband wife +grandson granddaughter king queen +grandson granddaughter man woman +grandson granddaughter nephew niece +grandson granddaughter policeman policewoman +grandson granddaughter prince princess +grandson granddaughter son daughter +grandson granddaughter sons daughters +grandson granddaughter stepbrother stepsister +grandson granddaughter stepfather stepmother +grandson granddaughter stepson stepdaughter +grandson granddaughter uncle aunt +grandson granddaughter boy girl +grandson granddaughter brother sister +grandson granddaughter brothers sisters +grandson granddaughter dad mom +grandson granddaughter father mother +grandson granddaughter grandfather grandmother +grandson granddaughter grandpa grandma +groom bride he she +groom bride his her +groom bride husband wife +groom bride king queen +groom bride man woman +groom bride nephew niece +groom bride policeman policewoman +groom bride prince princess +groom bride son daughter +groom bride sons daughters +groom bride stepbrother stepsister +groom bride stepfather stepmother +groom bride stepson stepdaughter +groom bride uncle aunt +groom bride boy girl +groom bride brother sister +groom bride brothers sisters +groom bride dad mom +groom bride father mother +groom bride grandfather grandmother +groom bride grandpa grandma +groom bride grandson granddaughter +he she his her +he she husband wife +he she king queen +he she man woman +he she nephew niece +he she policeman policewoman +he she prince princess +he she son daughter +he she sons daughters +he she stepbrother stepsister +he she stepfather stepmother +he she stepson stepdaughter +he she uncle aunt +he she boy girl +he she brother sister +he she brothers sisters +he she dad mom +he she father mother +he she grandfather grandmother +he she grandpa grandma +he she grandson granddaughter +he she groom bride +his her husband wife +his her king queen +his her man woman +his her nephew niece +his her policeman policewoman +his her prince princess +his her son daughter +his her sons daughters +his her stepbrother stepsister +his her stepfather stepmother +his her stepson stepdaughter +his her uncle aunt +his her boy girl +his her brother sister +his her brothers sisters +his her dad mom +his her father mother +his her grandfather grandmother +his her grandpa grandma +his her grandson granddaughter +his her groom bride +his her he she +husband wife king queen +husband wife man woman +husband wife nephew niece +husband wife policeman policewoman +husband wife prince princess +husband wife son daughter +husband wife sons daughters +husband wife stepbrother stepsister +husband wife stepfather stepmother +husband wife stepson stepdaughter +husband wife uncle aunt +husband wife boy girl +husband wife brother sister +husband wife brothers sisters +husband wife dad mom +husband wife father mother +husband wife grandfather grandmother +husband wife grandpa grandma +husband wife grandson granddaughter +husband wife groom bride +husband wife he she +husband wife his her +king queen man woman +king queen nephew niece +king queen policeman policewoman +king queen prince princess +king queen son daughter +king queen sons daughters +king queen stepbrother stepsister +king queen stepfather stepmother +king queen stepson stepdaughter +king queen uncle aunt +king queen boy girl +king queen brother sister +king queen brothers sisters +king queen dad mom +king queen father mother +king queen grandfather grandmother +king queen grandpa grandma +king queen grandson granddaughter +king queen groom bride +king queen he she +king queen his her +king queen husband wife +man woman nephew niece +man woman policeman policewoman +man woman prince princess +man woman son daughter +man woman sons daughters +man woman stepbrother stepsister +man woman stepfather stepmother +man woman stepson stepdaughter +man woman uncle aunt +man woman boy girl +man woman brother sister +man woman brothers sisters +man woman dad mom +man woman father mother +man woman grandfather grandmother +man woman grandpa grandma +man woman grandson granddaughter +man woman groom bride +man woman he she +man woman his her +man woman husband wife +man woman king queen +nephew niece policeman policewoman +nephew niece prince princess +nephew niece son daughter +nephew niece sons daughters +nephew niece stepbrother stepsister +nephew niece stepfather stepmother +nephew niece stepson stepdaughter +nephew niece uncle aunt +nephew niece boy girl +nephew niece brother sister +nephew niece brothers sisters +nephew niece dad mom +nephew niece father mother +nephew niece grandfather grandmother +nephew niece grandpa grandma +nephew niece grandson granddaughter +nephew niece groom bride +nephew niece he she +nephew niece his her +nephew niece husband wife +nephew niece king queen +nephew niece man woman +policeman policewoman prince princess +policeman policewoman son daughter +policeman policewoman sons daughters +policeman policewoman stepbrother stepsister +policeman policewoman stepfather stepmother +policeman policewoman stepson stepdaughter +policeman policewoman uncle aunt +policeman policewoman boy girl +policeman policewoman brother sister +policeman policewoman brothers sisters +policeman policewoman dad mom +policeman policewoman father mother +policeman policewoman grandfather grandmother +policeman policewoman grandpa grandma +policeman policewoman grandson granddaughter +policeman policewoman groom bride +policeman policewoman he she +policeman policewoman his her +policeman policewoman husband wife +policeman policewoman king queen +policeman policewoman man woman +policeman policewoman nephew niece +prince princess son daughter +prince princess sons daughters +prince princess stepbrother stepsister +prince princess stepfather stepmother +prince princess stepson stepdaughter +prince princess uncle aunt +prince princess boy girl +prince princess brother sister +prince princess brothers sisters +prince princess dad mom +prince princess father mother +prince princess grandfather grandmother +prince princess grandpa grandma +prince princess grandson granddaughter +prince princess groom bride +prince princess he she +prince princess his her +prince princess husband wife +prince princess king queen +prince princess man woman +prince princess nephew niece +prince princess policeman policewoman +son daughter sons daughters +son daughter stepbrother stepsister +son daughter stepfather stepmother +son daughter stepson stepdaughter +son daughter uncle aunt +son daughter boy girl +son daughter brother sister +son daughter brothers sisters +son daughter dad mom +son daughter father mother +son daughter grandfather grandmother +son daughter grandpa grandma +son daughter grandson granddaughter +son daughter groom bride +son daughter he she +son daughter his her +son daughter husband wife +son daughter king queen +son daughter man woman +son daughter nephew niece +son daughter policeman policewoman +son daughter prince princess +sons daughters stepbrother stepsister +sons daughters stepfather stepmother +sons daughters stepson stepdaughter +sons daughters uncle aunt +sons daughters boy girl +sons daughters brother sister +sons daughters brothers sisters +sons daughters dad mom +sons daughters father mother +sons daughters grandfather grandmother +sons daughters grandpa grandma +sons daughters grandson granddaughter +sons daughters groom bride +sons daughters he she +sons daughters his her +sons daughters husband wife +sons daughters king queen +sons daughters man woman +sons daughters nephew niece +sons daughters policeman policewoman +sons daughters prince princess +sons daughters son daughter +stepbrother stepsister stepfather stepmother +stepbrother stepsister stepson stepdaughter +stepbrother stepsister uncle aunt +stepbrother stepsister boy girl +stepbrother stepsister brother sister +stepbrother stepsister brothers sisters +stepbrother stepsister dad mom +stepbrother stepsister father mother +stepbrother stepsister grandfather grandmother +stepbrother stepsister grandpa grandma +stepbrother stepsister grandson granddaughter +stepbrother stepsister groom bride +stepbrother stepsister he she +stepbrother stepsister his her +stepbrother stepsister husband wife +stepbrother stepsister king queen +stepbrother stepsister man woman +stepbrother stepsister nephew niece +stepbrother stepsister policeman policewoman +stepbrother stepsister prince princess +stepbrother stepsister son daughter +stepbrother stepsister sons daughters +stepfather stepmother stepson stepdaughter +stepfather stepmother uncle aunt +stepfather stepmother boy girl +stepfather stepmother brother sister +stepfather stepmother brothers sisters +stepfather stepmother dad mom +stepfather stepmother father mother +stepfather stepmother grandfather grandmother +stepfather stepmother grandpa grandma +stepfather stepmother grandson granddaughter +stepfather stepmother groom bride +stepfather stepmother he she +stepfather stepmother his her +stepfather stepmother husband wife +stepfather stepmother king queen +stepfather stepmother man woman +stepfather stepmother nephew niece +stepfather stepmother policeman policewoman +stepfather stepmother prince princess +stepfather stepmother son daughter +stepfather stepmother sons daughters +stepfather stepmother stepbrother stepsister +stepson stepdaughter uncle aunt +stepson stepdaughter boy girl +stepson stepdaughter brother sister +stepson stepdaughter brothers sisters +stepson stepdaughter dad mom +stepson stepdaughter father mother +stepson stepdaughter grandfather grandmother +stepson stepdaughter grandpa grandma +stepson stepdaughter grandson granddaughter +stepson stepdaughter groom bride +stepson stepdaughter he she +stepson stepdaughter his her +stepson stepdaughter husband wife +stepson stepdaughter king queen +stepson stepdaughter man woman +stepson stepdaughter nephew niece +stepson stepdaughter policeman policewoman +stepson stepdaughter prince princess +stepson stepdaughter son daughter +stepson stepdaughter sons daughters +stepson stepdaughter stepbrother stepsister +stepson stepdaughter stepfather stepmother +uncle aunt boy girl +uncle aunt brother sister +uncle aunt brothers sisters +uncle aunt dad mom +uncle aunt father mother +uncle aunt grandfather grandmother +uncle aunt grandpa grandma +uncle aunt grandson granddaughter +uncle aunt groom bride +uncle aunt he she +uncle aunt his her +uncle aunt husband wife +uncle aunt king queen +uncle aunt man woman +uncle aunt nephew niece +uncle aunt policeman policewoman +uncle aunt prince princess +uncle aunt son daughter +uncle aunt sons daughters +uncle aunt stepbrother stepsister +uncle aunt stepfather stepmother +uncle aunt stepson stepdaughter +: gram1-adjective-to-adverb +amazing amazingly apparent apparently +amazing amazingly calm calmly +amazing amazingly cheerful cheerfully +amazing amazingly complete completely +amazing amazingly efficient efficiently +amazing amazingly fortunate fortunately +amazing amazingly free freely +amazing amazingly furious furiously +amazing amazingly happy happily +amazing amazingly immediate immediately +amazing amazingly infrequent infrequently +amazing amazingly lucky luckily +amazing amazingly most mostly +amazing amazingly obvious obviously +amazing amazingly occasional occasionally +amazing amazingly possible possibly +amazing amazingly precise precisely +amazing amazingly professional professionally +amazing amazingly quick quickly +amazing amazingly quiet quietly +amazing amazingly rapid rapidly +amazing amazingly rare rarely +amazing amazingly reluctant reluctantly +amazing amazingly safe safely +amazing amazingly serious seriously +amazing amazingly slow slowly +amazing amazingly sudden suddenly +amazing amazingly swift swiftly +amazing amazingly typical typically +amazing amazingly unfortunate unfortunately +amazing amazingly usual usually +apparent apparently calm calmly +apparent apparently cheerful cheerfully +apparent apparently complete completely +apparent apparently efficient efficiently +apparent apparently fortunate fortunately +apparent apparently free freely +apparent apparently furious furiously +apparent apparently happy happily +apparent apparently immediate immediately +apparent apparently infrequent infrequently +apparent apparently lucky luckily +apparent apparently most mostly +apparent apparently obvious obviously +apparent apparently occasional occasionally +apparent apparently possible possibly +apparent apparently precise precisely +apparent apparently professional professionally +apparent apparently quick quickly +apparent apparently quiet quietly +apparent apparently rapid rapidly +apparent apparently rare rarely +apparent apparently reluctant reluctantly +apparent apparently safe safely +apparent apparently serious seriously +apparent apparently slow slowly +apparent apparently sudden suddenly +apparent apparently swift swiftly +apparent apparently typical typically +apparent apparently unfortunate unfortunately +apparent apparently usual usually +apparent apparently amazing amazingly +calm calmly cheerful cheerfully +calm calmly complete completely +calm calmly efficient efficiently +calm calmly fortunate fortunately +calm calmly free freely +calm calmly furious furiously +calm calmly happy happily +calm calmly immediate immediately +calm calmly infrequent infrequently +calm calmly lucky luckily +calm calmly most mostly +calm calmly obvious obviously +calm calmly occasional occasionally +calm calmly possible possibly +calm calmly precise precisely +calm calmly professional professionally +calm calmly quick quickly +calm calmly quiet quietly +calm calmly rapid rapidly +calm calmly rare rarely +calm calmly reluctant reluctantly +calm calmly safe safely +calm calmly serious seriously +calm calmly slow slowly +calm calmly sudden suddenly +calm calmly swift swiftly +calm calmly typical typically +calm calmly unfortunate unfortunately +calm calmly usual usually +calm calmly amazing amazingly +calm calmly apparent apparently +cheerful cheerfully complete completely +cheerful cheerfully efficient efficiently +cheerful cheerfully fortunate fortunately +cheerful cheerfully free freely +cheerful cheerfully furious furiously +cheerful cheerfully happy happily +cheerful cheerfully immediate immediately +cheerful cheerfully infrequent infrequently +cheerful cheerfully lucky luckily +cheerful cheerfully most mostly +cheerful cheerfully obvious obviously +cheerful cheerfully occasional occasionally +cheerful cheerfully possible possibly +cheerful cheerfully precise precisely +cheerful cheerfully professional professionally +cheerful cheerfully quick quickly +cheerful cheerfully quiet quietly +cheerful cheerfully rapid rapidly +cheerful cheerfully rare rarely +cheerful cheerfully reluctant reluctantly +cheerful cheerfully safe safely +cheerful cheerfully serious seriously +cheerful cheerfully slow slowly +cheerful cheerfully sudden suddenly +cheerful cheerfully swift swiftly +cheerful cheerfully typical typically +cheerful cheerfully unfortunate unfortunately +cheerful cheerfully usual usually +cheerful cheerfully amazing amazingly +cheerful cheerfully apparent apparently +cheerful cheerfully calm calmly +complete completely efficient efficiently +complete completely fortunate fortunately +complete completely free freely +complete completely furious furiously +complete completely happy happily +complete completely immediate immediately +complete completely infrequent infrequently +complete completely lucky luckily +complete completely most mostly +complete completely obvious obviously +complete completely occasional occasionally +complete completely possible possibly +complete completely precise precisely +complete completely professional professionally +complete completely quick quickly +complete completely quiet quietly +complete completely rapid rapidly +complete completely rare rarely +complete completely reluctant reluctantly +complete completely safe safely +complete completely serious seriously +complete completely slow slowly +complete completely sudden suddenly +complete completely swift swiftly +complete completely typical typically +complete completely unfortunate unfortunately +complete completely usual usually +complete completely amazing amazingly +complete completely apparent apparently +complete completely calm calmly +complete completely cheerful cheerfully +efficient efficiently fortunate fortunately +efficient efficiently free freely +efficient efficiently furious furiously +efficient efficiently happy happily +efficient efficiently immediate immediately +efficient efficiently infrequent infrequently +efficient efficiently lucky luckily +efficient efficiently most mostly +efficient efficiently obvious obviously +efficient efficiently occasional occasionally +efficient efficiently possible possibly +efficient efficiently precise precisely +efficient efficiently professional professionally +efficient efficiently quick quickly +efficient efficiently quiet quietly +efficient efficiently rapid rapidly +efficient efficiently rare rarely +efficient efficiently reluctant reluctantly +efficient efficiently safe safely +efficient efficiently serious seriously +efficient efficiently slow slowly +efficient efficiently sudden suddenly +efficient efficiently swift swiftly +efficient efficiently typical typically +efficient efficiently unfortunate unfortunately +efficient efficiently usual usually +efficient efficiently amazing amazingly +efficient efficiently apparent apparently +efficient efficiently calm calmly +efficient efficiently cheerful cheerfully +efficient efficiently complete completely +fortunate fortunately free freely +fortunate fortunately furious furiously +fortunate fortunately happy happily +fortunate fortunately immediate immediately +fortunate fortunately infrequent infrequently +fortunate fortunately lucky luckily +fortunate fortunately most mostly +fortunate fortunately obvious obviously +fortunate fortunately occasional occasionally +fortunate fortunately possible possibly +fortunate fortunately precise precisely +fortunate fortunately professional professionally +fortunate fortunately quick quickly +fortunate fortunately quiet quietly +fortunate fortunately rapid rapidly +fortunate fortunately rare rarely +fortunate fortunately reluctant reluctantly +fortunate fortunately safe safely +fortunate fortunately serious seriously +fortunate fortunately slow slowly +fortunate fortunately sudden suddenly +fortunate fortunately swift swiftly +fortunate fortunately typical typically +fortunate fortunately unfortunate unfortunately +fortunate fortunately usual usually +fortunate fortunately amazing amazingly +fortunate fortunately apparent apparently +fortunate fortunately calm calmly +fortunate fortunately cheerful cheerfully +fortunate fortunately complete completely +fortunate fortunately efficient efficiently +free freely furious furiously +free freely happy happily +free freely immediate immediately +free freely infrequent infrequently +free freely lucky luckily +free freely most mostly +free freely obvious obviously +free freely occasional occasionally +free freely possible possibly +free freely precise precisely +free freely professional professionally +free freely quick quickly +free freely quiet quietly +free freely rapid rapidly +free freely rare rarely +free freely reluctant reluctantly +free freely safe safely +free freely serious seriously +free freely slow slowly +free freely sudden suddenly +free freely swift swiftly +free freely typical typically +free freely unfortunate unfortunately +free freely usual usually +free freely amazing amazingly +free freely apparent apparently +free freely calm calmly +free freely cheerful cheerfully +free freely complete completely +free freely efficient efficiently +free freely fortunate fortunately +furious furiously happy happily +furious furiously immediate immediately +furious furiously infrequent infrequently +furious furiously lucky luckily +furious furiously most mostly +furious furiously obvious obviously +furious furiously occasional occasionally +furious furiously possible possibly +furious furiously precise precisely +furious furiously professional professionally +furious furiously quick quickly +furious furiously quiet quietly +furious furiously rapid rapidly +furious furiously rare rarely +furious furiously reluctant reluctantly +furious furiously safe safely +furious furiously serious seriously +furious furiously slow slowly +furious furiously sudden suddenly +furious furiously swift swiftly +furious furiously typical typically +furious furiously unfortunate unfortunately +furious furiously usual usually +furious furiously amazing amazingly +furious furiously apparent apparently +furious furiously calm calmly +furious furiously cheerful cheerfully +furious furiously complete completely +furious furiously efficient efficiently +furious furiously fortunate fortunately +furious furiously free freely +happy happily immediate immediately +happy happily infrequent infrequently +happy happily lucky luckily +happy happily most mostly +happy happily obvious obviously +happy happily occasional occasionally +happy happily possible possibly +happy happily precise precisely +happy happily professional professionally +happy happily quick quickly +happy happily quiet quietly +happy happily rapid rapidly +happy happily rare rarely +happy happily reluctant reluctantly +happy happily safe safely +happy happily serious seriously +happy happily slow slowly +happy happily sudden suddenly +happy happily swift swiftly +happy happily typical typically +happy happily unfortunate unfortunately +happy happily usual usually +happy happily amazing amazingly +happy happily apparent apparently +happy happily calm calmly +happy happily cheerful cheerfully +happy happily complete completely +happy happily efficient efficiently +happy happily fortunate fortunately +happy happily free freely +happy happily furious furiously +immediate immediately infrequent infrequently +immediate immediately lucky luckily +immediate immediately most mostly +immediate immediately obvious obviously +immediate immediately occasional occasionally +immediate immediately possible possibly +immediate immediately precise precisely +immediate immediately professional professionally +immediate immediately quick quickly +immediate immediately quiet quietly +immediate immediately rapid rapidly +immediate immediately rare rarely +immediate immediately reluctant reluctantly +immediate immediately safe safely +immediate immediately serious seriously +immediate immediately slow slowly +immediate immediately sudden suddenly +immediate immediately swift swiftly +immediate immediately typical typically +immediate immediately unfortunate unfortunately +immediate immediately usual usually +immediate immediately amazing amazingly +immediate immediately apparent apparently +immediate immediately calm calmly +immediate immediately cheerful cheerfully +immediate immediately complete completely +immediate immediately efficient efficiently +immediate immediately fortunate fortunately +immediate immediately free freely +immediate immediately furious furiously +immediate immediately happy happily +infrequent infrequently lucky luckily +infrequent infrequently most mostly +infrequent infrequently obvious obviously +infrequent infrequently occasional occasionally +infrequent infrequently possible possibly +infrequent infrequently precise precisely +infrequent infrequently professional professionally +infrequent infrequently quick quickly +infrequent infrequently quiet quietly +infrequent infrequently rapid rapidly +infrequent infrequently rare rarely +infrequent infrequently reluctant reluctantly +infrequent infrequently safe safely +infrequent infrequently serious seriously +infrequent infrequently slow slowly +infrequent infrequently sudden suddenly +infrequent infrequently swift swiftly +infrequent infrequently typical typically +infrequent infrequently unfortunate unfortunately +infrequent infrequently usual usually +infrequent infrequently amazing amazingly +infrequent infrequently apparent apparently +infrequent infrequently calm calmly +infrequent infrequently cheerful cheerfully +infrequent infrequently complete completely +infrequent infrequently efficient efficiently +infrequent infrequently fortunate fortunately +infrequent infrequently free freely +infrequent infrequently furious furiously +infrequent infrequently happy happily +infrequent infrequently immediate immediately +lucky luckily most mostly +lucky luckily obvious obviously +lucky luckily occasional occasionally +lucky luckily possible possibly +lucky luckily precise precisely +lucky luckily professional professionally +lucky luckily quick quickly +lucky luckily quiet quietly +lucky luckily rapid rapidly +lucky luckily rare rarely +lucky luckily reluctant reluctantly +lucky luckily safe safely +lucky luckily serious seriously +lucky luckily slow slowly +lucky luckily sudden suddenly +lucky luckily swift swiftly +lucky luckily typical typically +lucky luckily unfortunate unfortunately +lucky luckily usual usually +lucky luckily amazing amazingly +lucky luckily apparent apparently +lucky luckily calm calmly +lucky luckily cheerful cheerfully +lucky luckily complete completely +lucky luckily efficient efficiently +lucky luckily fortunate fortunately +lucky luckily free freely +lucky luckily furious furiously +lucky luckily happy happily +lucky luckily immediate immediately +lucky luckily infrequent infrequently +most mostly obvious obviously +most mostly occasional occasionally +most mostly possible possibly +most mostly precise precisely +most mostly professional professionally +most mostly quick quickly +most mostly quiet quietly +most mostly rapid rapidly +most mostly rare rarely +most mostly reluctant reluctantly +most mostly safe safely +most mostly serious seriously +most mostly slow slowly +most mostly sudden suddenly +most mostly swift swiftly +most mostly typical typically +most mostly unfortunate unfortunately +most mostly usual usually +most mostly amazing amazingly +most mostly apparent apparently +most mostly calm calmly +most mostly cheerful cheerfully +most mostly complete completely +most mostly efficient efficiently +most mostly fortunate fortunately +most mostly free freely +most mostly furious furiously +most mostly happy happily +most mostly immediate immediately +most mostly infrequent infrequently +most mostly lucky luckily +obvious obviously occasional occasionally +obvious obviously possible possibly +obvious obviously precise precisely +obvious obviously professional professionally +obvious obviously quick quickly +obvious obviously quiet quietly +obvious obviously rapid rapidly +obvious obviously rare rarely +obvious obviously reluctant reluctantly +obvious obviously safe safely +obvious obviously serious seriously +obvious obviously slow slowly +obvious obviously sudden suddenly +obvious obviously swift swiftly +obvious obviously typical typically +obvious obviously unfortunate unfortunately +obvious obviously usual usually +obvious obviously amazing amazingly +obvious obviously apparent apparently +obvious obviously calm calmly +obvious obviously cheerful cheerfully +obvious obviously complete completely +obvious obviously efficient efficiently +obvious obviously fortunate fortunately +obvious obviously free freely +obvious obviously furious furiously +obvious obviously happy happily +obvious obviously immediate immediately +obvious obviously infrequent infrequently +obvious obviously lucky luckily +obvious obviously most mostly +occasional occasionally possible possibly +occasional occasionally precise precisely +occasional occasionally professional professionally +occasional occasionally quick quickly +occasional occasionally quiet quietly +occasional occasionally rapid rapidly +occasional occasionally rare rarely +occasional occasionally reluctant reluctantly +occasional occasionally safe safely +occasional occasionally serious seriously +occasional occasionally slow slowly +occasional occasionally sudden suddenly +occasional occasionally swift swiftly +occasional occasionally typical typically +occasional occasionally unfortunate unfortunately +occasional occasionally usual usually +occasional occasionally amazing amazingly +occasional occasionally apparent apparently +occasional occasionally calm calmly +occasional occasionally cheerful cheerfully +occasional occasionally complete completely +occasional occasionally efficient efficiently +occasional occasionally fortunate fortunately +occasional occasionally free freely +occasional occasionally furious furiously +occasional occasionally happy happily +occasional occasionally immediate immediately +occasional occasionally infrequent infrequently +occasional occasionally lucky luckily +occasional occasionally most mostly +occasional occasionally obvious obviously +possible possibly precise precisely +possible possibly professional professionally +possible possibly quick quickly +possible possibly quiet quietly +possible possibly rapid rapidly +possible possibly rare rarely +possible possibly reluctant reluctantly +possible possibly safe safely +possible possibly serious seriously +possible possibly slow slowly +possible possibly sudden suddenly +possible possibly swift swiftly +possible possibly typical typically +possible possibly unfortunate unfortunately +possible possibly usual usually +possible possibly amazing amazingly +possible possibly apparent apparently +possible possibly calm calmly +possible possibly cheerful cheerfully +possible possibly complete completely +possible possibly efficient efficiently +possible possibly fortunate fortunately +possible possibly free freely +possible possibly furious furiously +possible possibly happy happily +possible possibly immediate immediately +possible possibly infrequent infrequently +possible possibly lucky luckily +possible possibly most mostly +possible possibly obvious obviously +possible possibly occasional occasionally +precise precisely professional professionally +precise precisely quick quickly +precise precisely quiet quietly +precise precisely rapid rapidly +precise precisely rare rarely +precise precisely reluctant reluctantly +precise precisely safe safely +precise precisely serious seriously +precise precisely slow slowly +precise precisely sudden suddenly +precise precisely swift swiftly +precise precisely typical typically +precise precisely unfortunate unfortunately +precise precisely usual usually +precise precisely amazing amazingly +precise precisely apparent apparently +precise precisely calm calmly +precise precisely cheerful cheerfully +precise precisely complete completely +precise precisely efficient efficiently +precise precisely fortunate fortunately +precise precisely free freely +precise precisely furious furiously +precise precisely happy happily +precise precisely immediate immediately +precise precisely infrequent infrequently +precise precisely lucky luckily +precise precisely most mostly +precise precisely obvious obviously +precise precisely occasional occasionally +precise precisely possible possibly +professional professionally quick quickly +professional professionally quiet quietly +professional professionally rapid rapidly +professional professionally rare rarely +professional professionally reluctant reluctantly +professional professionally safe safely +professional professionally serious seriously +professional professionally slow slowly +professional professionally sudden suddenly +professional professionally swift swiftly +professional professionally typical typically +professional professionally unfortunate unfortunately +professional professionally usual usually +professional professionally amazing amazingly +professional professionally apparent apparently +professional professionally calm calmly +professional professionally cheerful cheerfully +professional professionally complete completely +professional professionally efficient efficiently +professional professionally fortunate fortunately +professional professionally free freely +professional professionally furious furiously +professional professionally happy happily +professional professionally immediate immediately +professional professionally infrequent infrequently +professional professionally lucky luckily +professional professionally most mostly +professional professionally obvious obviously +professional professionally occasional occasionally +professional professionally possible possibly +professional professionally precise precisely +quick quickly quiet quietly +quick quickly rapid rapidly +quick quickly rare rarely +quick quickly reluctant reluctantly +quick quickly safe safely +quick quickly serious seriously +quick quickly slow slowly +quick quickly sudden suddenly +quick quickly swift swiftly +quick quickly typical typically +quick quickly unfortunate unfortunately +quick quickly usual usually +quick quickly amazing amazingly +quick quickly apparent apparently +quick quickly calm calmly +quick quickly cheerful cheerfully +quick quickly complete completely +quick quickly efficient efficiently +quick quickly fortunate fortunately +quick quickly free freely +quick quickly furious furiously +quick quickly happy happily +quick quickly immediate immediately +quick quickly infrequent infrequently +quick quickly lucky luckily +quick quickly most mostly +quick quickly obvious obviously +quick quickly occasional occasionally +quick quickly possible possibly +quick quickly precise precisely +quick quickly professional professionally +quiet quietly rapid rapidly +quiet quietly rare rarely +quiet quietly reluctant reluctantly +quiet quietly safe safely +quiet quietly serious seriously +quiet quietly slow slowly +quiet quietly sudden suddenly +quiet quietly swift swiftly +quiet quietly typical typically +quiet quietly unfortunate unfortunately +quiet quietly usual usually +quiet quietly amazing amazingly +quiet quietly apparent apparently +quiet quietly calm calmly +quiet quietly cheerful cheerfully +quiet quietly complete completely +quiet quietly efficient efficiently +quiet quietly fortunate fortunately +quiet quietly free freely +quiet quietly furious furiously +quiet quietly happy happily +quiet quietly immediate immediately +quiet quietly infrequent infrequently +quiet quietly lucky luckily +quiet quietly most mostly +quiet quietly obvious obviously +quiet quietly occasional occasionally +quiet quietly possible possibly +quiet quietly precise precisely +quiet quietly professional professionally +quiet quietly quick quickly +rapid rapidly rare rarely +rapid rapidly reluctant reluctantly +rapid rapidly safe safely +rapid rapidly serious seriously +rapid rapidly slow slowly +rapid rapidly sudden suddenly +rapid rapidly swift swiftly +rapid rapidly typical typically +rapid rapidly unfortunate unfortunately +rapid rapidly usual usually +rapid rapidly amazing amazingly +rapid rapidly apparent apparently +rapid rapidly calm calmly +rapid rapidly cheerful cheerfully +rapid rapidly complete completely +rapid rapidly efficient efficiently +rapid rapidly fortunate fortunately +rapid rapidly free freely +rapid rapidly furious furiously +rapid rapidly happy happily +rapid rapidly immediate immediately +rapid rapidly infrequent infrequently +rapid rapidly lucky luckily +rapid rapidly most mostly +rapid rapidly obvious obviously +rapid rapidly occasional occasionally +rapid rapidly possible possibly +rapid rapidly precise precisely +rapid rapidly professional professionally +rapid rapidly quick quickly +rapid rapidly quiet quietly +rare rarely reluctant reluctantly +rare rarely safe safely +rare rarely serious seriously +rare rarely slow slowly +rare rarely sudden suddenly +rare rarely swift swiftly +rare rarely typical typically +rare rarely unfortunate unfortunately +rare rarely usual usually +rare rarely amazing amazingly +rare rarely apparent apparently +rare rarely calm calmly +rare rarely cheerful cheerfully +rare rarely complete completely +rare rarely efficient efficiently +rare rarely fortunate fortunately +rare rarely free freely +rare rarely furious furiously +rare rarely happy happily +rare rarely immediate immediately +rare rarely infrequent infrequently +rare rarely lucky luckily +rare rarely most mostly +rare rarely obvious obviously +rare rarely occasional occasionally +rare rarely possible possibly +rare rarely precise precisely +rare rarely professional professionally +rare rarely quick quickly +rare rarely quiet quietly +rare rarely rapid rapidly +reluctant reluctantly safe safely +reluctant reluctantly serious seriously +reluctant reluctantly slow slowly +reluctant reluctantly sudden suddenly +reluctant reluctantly swift swiftly +reluctant reluctantly typical typically +reluctant reluctantly unfortunate unfortunately +reluctant reluctantly usual usually +reluctant reluctantly amazing amazingly +reluctant reluctantly apparent apparently +reluctant reluctantly calm calmly +reluctant reluctantly cheerful cheerfully +reluctant reluctantly complete completely +reluctant reluctantly efficient efficiently +reluctant reluctantly fortunate fortunately +reluctant reluctantly free freely +reluctant reluctantly furious furiously +reluctant reluctantly happy happily +reluctant reluctantly immediate immediately +reluctant reluctantly infrequent infrequently +reluctant reluctantly lucky luckily +reluctant reluctantly most mostly +reluctant reluctantly obvious obviously +reluctant reluctantly occasional occasionally +reluctant reluctantly possible possibly +reluctant reluctantly precise precisely +reluctant reluctantly professional professionally +reluctant reluctantly quick quickly +reluctant reluctantly quiet quietly +reluctant reluctantly rapid rapidly +reluctant reluctantly rare rarely +safe safely serious seriously +safe safely slow slowly +safe safely sudden suddenly +safe safely swift swiftly +safe safely typical typically +safe safely unfortunate unfortunately +safe safely usual usually +safe safely amazing amazingly +safe safely apparent apparently +safe safely calm calmly +safe safely cheerful cheerfully +safe safely complete completely +safe safely efficient efficiently +safe safely fortunate fortunately +safe safely free freely +safe safely furious furiously +safe safely happy happily +safe safely immediate immediately +safe safely infrequent infrequently +safe safely lucky luckily +safe safely most mostly +safe safely obvious obviously +safe safely occasional occasionally +safe safely possible possibly +safe safely precise precisely +safe safely professional professionally +safe safely quick quickly +safe safely quiet quietly +safe safely rapid rapidly +safe safely rare rarely +safe safely reluctant reluctantly +serious seriously slow slowly +serious seriously sudden suddenly +serious seriously swift swiftly +serious seriously typical typically +serious seriously unfortunate unfortunately +serious seriously usual usually +serious seriously amazing amazingly +serious seriously apparent apparently +serious seriously calm calmly +serious seriously cheerful cheerfully +serious seriously complete completely +serious seriously efficient efficiently +serious seriously fortunate fortunately +serious seriously free freely +serious seriously furious furiously +serious seriously happy happily +serious seriously immediate immediately +serious seriously infrequent infrequently +serious seriously lucky luckily +serious seriously most mostly +serious seriously obvious obviously +serious seriously occasional occasionally +serious seriously possible possibly +serious seriously precise precisely +serious seriously professional professionally +serious seriously quick quickly +serious seriously quiet quietly +serious seriously rapid rapidly +serious seriously rare rarely +serious seriously reluctant reluctantly +serious seriously safe safely +slow slowly sudden suddenly +slow slowly swift swiftly +slow slowly typical typically +slow slowly unfortunate unfortunately +slow slowly usual usually +slow slowly amazing amazingly +slow slowly apparent apparently +slow slowly calm calmly +slow slowly cheerful cheerfully +slow slowly complete completely +slow slowly efficient efficiently +slow slowly fortunate fortunately +slow slowly free freely +slow slowly furious furiously +slow slowly happy happily +slow slowly immediate immediately +slow slowly infrequent infrequently +slow slowly lucky luckily +slow slowly most mostly +slow slowly obvious obviously +slow slowly occasional occasionally +slow slowly possible possibly +slow slowly precise precisely +slow slowly professional professionally +slow slowly quick quickly +slow slowly quiet quietly +slow slowly rapid rapidly +slow slowly rare rarely +slow slowly reluctant reluctantly +slow slowly safe safely +slow slowly serious seriously +sudden suddenly swift swiftly +sudden suddenly typical typically +sudden suddenly unfortunate unfortunately +sudden suddenly usual usually +sudden suddenly amazing amazingly +sudden suddenly apparent apparently +sudden suddenly calm calmly +sudden suddenly cheerful cheerfully +sudden suddenly complete completely +sudden suddenly efficient efficiently +sudden suddenly fortunate fortunately +sudden suddenly free freely +sudden suddenly furious furiously +sudden suddenly happy happily +sudden suddenly immediate immediately +sudden suddenly infrequent infrequently +sudden suddenly lucky luckily +sudden suddenly most mostly +sudden suddenly obvious obviously +sudden suddenly occasional occasionally +sudden suddenly possible possibly +sudden suddenly precise precisely +sudden suddenly professional professionally +sudden suddenly quick quickly +sudden suddenly quiet quietly +sudden suddenly rapid rapidly +sudden suddenly rare rarely +sudden suddenly reluctant reluctantly +sudden suddenly safe safely +sudden suddenly serious seriously +sudden suddenly slow slowly +swift swiftly typical typically +swift swiftly unfortunate unfortunately +swift swiftly usual usually +swift swiftly amazing amazingly +swift swiftly apparent apparently +swift swiftly calm calmly +swift swiftly cheerful cheerfully +swift swiftly complete completely +swift swiftly efficient efficiently +swift swiftly fortunate fortunately +swift swiftly free freely +swift swiftly furious furiously +swift swiftly happy happily +swift swiftly immediate immediately +swift swiftly infrequent infrequently +swift swiftly lucky luckily +swift swiftly most mostly +swift swiftly obvious obviously +swift swiftly occasional occasionally +swift swiftly possible possibly +swift swiftly precise precisely +swift swiftly professional professionally +swift swiftly quick quickly +swift swiftly quiet quietly +swift swiftly rapid rapidly +swift swiftly rare rarely +swift swiftly reluctant reluctantly +swift swiftly safe safely +swift swiftly serious seriously +swift swiftly slow slowly +swift swiftly sudden suddenly +typical typically unfortunate unfortunately +typical typically usual usually +typical typically amazing amazingly +typical typically apparent apparently +typical typically calm calmly +typical typically cheerful cheerfully +typical typically complete completely +typical typically efficient efficiently +typical typically fortunate fortunately +typical typically free freely +typical typically furious furiously +typical typically happy happily +typical typically immediate immediately +typical typically infrequent infrequently +typical typically lucky luckily +typical typically most mostly +typical typically obvious obviously +typical typically occasional occasionally +typical typically possible possibly +typical typically precise precisely +typical typically professional professionally +typical typically quick quickly +typical typically quiet quietly +typical typically rapid rapidly +typical typically rare rarely +typical typically reluctant reluctantly +typical typically safe safely +typical typically serious seriously +typical typically slow slowly +typical typically sudden suddenly +typical typically swift swiftly +unfortunate unfortunately usual usually +unfortunate unfortunately amazing amazingly +unfortunate unfortunately apparent apparently +unfortunate unfortunately calm calmly +unfortunate unfortunately cheerful cheerfully +unfortunate unfortunately complete completely +unfortunate unfortunately efficient efficiently +unfortunate unfortunately fortunate fortunately +unfortunate unfortunately free freely +unfortunate unfortunately furious furiously +unfortunate unfortunately happy happily +unfortunate unfortunately immediate immediately +unfortunate unfortunately infrequent infrequently +unfortunate unfortunately lucky luckily +unfortunate unfortunately most mostly +unfortunate unfortunately obvious obviously +unfortunate unfortunately occasional occasionally +unfortunate unfortunately possible possibly +unfortunate unfortunately precise precisely +unfortunate unfortunately professional professionally +unfortunate unfortunately quick quickly +unfortunate unfortunately quiet quietly +unfortunate unfortunately rapid rapidly +unfortunate unfortunately rare rarely +unfortunate unfortunately reluctant reluctantly +unfortunate unfortunately safe safely +unfortunate unfortunately serious seriously +unfortunate unfortunately slow slowly +unfortunate unfortunately sudden suddenly +unfortunate unfortunately swift swiftly +unfortunate unfortunately typical typically +usual usually amazing amazingly +usual usually apparent apparently +usual usually calm calmly +usual usually cheerful cheerfully +usual usually complete completely +usual usually efficient efficiently +usual usually fortunate fortunately +usual usually free freely +usual usually furious furiously +usual usually happy happily +usual usually immediate immediately +usual usually infrequent infrequently +usual usually lucky luckily +usual usually most mostly +usual usually obvious obviously +usual usually occasional occasionally +usual usually possible possibly +usual usually precise precisely +usual usually professional professionally +usual usually quick quickly +usual usually quiet quietly +usual usually rapid rapidly +usual usually rare rarely +usual usually reluctant reluctantly +usual usually safe safely +usual usually serious seriously +usual usually slow slowly +usual usually sudden suddenly +usual usually swift swiftly +usual usually typical typically +usual usually unfortunate unfortunately +: gram2-opposite +acceptable unacceptable aware unaware +acceptable unacceptable certain uncertain +acceptable unacceptable clear unclear +acceptable unacceptable comfortable uncomfortable +acceptable unacceptable competitive uncompetitive +acceptable unacceptable consistent inconsistent +acceptable unacceptable convincing unconvincing +acceptable unacceptable convenient inconvenient +acceptable unacceptable decided undecided +acceptable unacceptable efficient inefficient +acceptable unacceptable ethical unethical +acceptable unacceptable fortunate unfortunate +acceptable unacceptable honest dishonest +acceptable unacceptable impressive unimpressive +acceptable unacceptable informative uninformative +acceptable unacceptable informed uninformed +acceptable unacceptable known unknown +acceptable unacceptable likely unlikely +acceptable unacceptable logical illogical +acceptable unacceptable pleasant unpleasant +acceptable unacceptable possible impossible +acceptable unacceptable possibly impossibly +acceptable unacceptable productive unproductive +acceptable unacceptable rational irrational +acceptable unacceptable reasonable unreasonable +acceptable unacceptable responsible irresponsible +acceptable unacceptable sure unsure +acceptable unacceptable tasteful distasteful +aware unaware certain uncertain +aware unaware clear unclear +aware unaware comfortable uncomfortable +aware unaware competitive uncompetitive +aware unaware consistent inconsistent +aware unaware convincing unconvincing +aware unaware convenient inconvenient +aware unaware decided undecided +aware unaware efficient inefficient +aware unaware ethical unethical +aware unaware fortunate unfortunate +aware unaware honest dishonest +aware unaware impressive unimpressive +aware unaware informative uninformative +aware unaware informed uninformed +aware unaware known unknown +aware unaware likely unlikely +aware unaware logical illogical +aware unaware pleasant unpleasant +aware unaware possible impossible +aware unaware possibly impossibly +aware unaware productive unproductive +aware unaware rational irrational +aware unaware reasonable unreasonable +aware unaware responsible irresponsible +aware unaware sure unsure +aware unaware tasteful distasteful +aware unaware acceptable unacceptable +certain uncertain clear unclear +certain uncertain comfortable uncomfortable +certain uncertain competitive uncompetitive +certain uncertain consistent inconsistent +certain uncertain convincing unconvincing +certain uncertain convenient inconvenient +certain uncertain decided undecided +certain uncertain efficient inefficient +certain uncertain ethical unethical +certain uncertain fortunate unfortunate +certain uncertain honest dishonest +certain uncertain impressive unimpressive +certain uncertain informative uninformative +certain uncertain informed uninformed +certain uncertain known unknown +certain uncertain likely unlikely +certain uncertain logical illogical +certain uncertain pleasant unpleasant +certain uncertain possible impossible +certain uncertain possibly impossibly +certain uncertain productive unproductive +certain uncertain rational irrational +certain uncertain reasonable unreasonable +certain uncertain responsible irresponsible +certain uncertain sure unsure +certain uncertain tasteful distasteful +certain uncertain acceptable unacceptable +certain uncertain aware unaware +clear unclear comfortable uncomfortable +clear unclear competitive uncompetitive +clear unclear consistent inconsistent +clear unclear convincing unconvincing +clear unclear convenient inconvenient +clear unclear decided undecided +clear unclear efficient inefficient +clear unclear ethical unethical +clear unclear fortunate unfortunate +clear unclear honest dishonest +clear unclear impressive unimpressive +clear unclear informative uninformative +clear unclear informed uninformed +clear unclear known unknown +clear unclear likely unlikely +clear unclear logical illogical +clear unclear pleasant unpleasant +clear unclear possible impossible +clear unclear possibly impossibly +clear unclear productive unproductive +clear unclear rational irrational +clear unclear reasonable unreasonable +clear unclear responsible irresponsible +clear unclear sure unsure +clear unclear tasteful distasteful +clear unclear acceptable unacceptable +clear unclear aware unaware +clear unclear certain uncertain +comfortable uncomfortable competitive uncompetitive +comfortable uncomfortable consistent inconsistent +comfortable uncomfortable convincing unconvincing +comfortable uncomfortable convenient inconvenient +comfortable uncomfortable decided undecided +comfortable uncomfortable efficient inefficient +comfortable uncomfortable ethical unethical +comfortable uncomfortable fortunate unfortunate +comfortable uncomfortable honest dishonest +comfortable uncomfortable impressive unimpressive +comfortable uncomfortable informative uninformative +comfortable uncomfortable informed uninformed +comfortable uncomfortable known unknown +comfortable uncomfortable likely unlikely +comfortable uncomfortable logical illogical +comfortable uncomfortable pleasant unpleasant +comfortable uncomfortable possible impossible +comfortable uncomfortable possibly impossibly +comfortable uncomfortable productive unproductive +comfortable uncomfortable rational irrational +comfortable uncomfortable reasonable unreasonable +comfortable uncomfortable responsible irresponsible +comfortable uncomfortable sure unsure +comfortable uncomfortable tasteful distasteful +comfortable uncomfortable acceptable unacceptable +comfortable uncomfortable aware unaware +comfortable uncomfortable certain uncertain +comfortable uncomfortable clear unclear +competitive uncompetitive consistent inconsistent +competitive uncompetitive convincing unconvincing +competitive uncompetitive convenient inconvenient +competitive uncompetitive decided undecided +competitive uncompetitive efficient inefficient +competitive uncompetitive ethical unethical +competitive uncompetitive fortunate unfortunate +competitive uncompetitive honest dishonest +competitive uncompetitive impressive unimpressive +competitive uncompetitive informative uninformative +competitive uncompetitive informed uninformed +competitive uncompetitive known unknown +competitive uncompetitive likely unlikely +competitive uncompetitive logical illogical +competitive uncompetitive pleasant unpleasant +competitive uncompetitive possible impossible +competitive uncompetitive possibly impossibly +competitive uncompetitive productive unproductive +competitive uncompetitive rational irrational +competitive uncompetitive reasonable unreasonable +competitive uncompetitive responsible irresponsible +competitive uncompetitive sure unsure +competitive uncompetitive tasteful distasteful +competitive uncompetitive acceptable unacceptable +competitive uncompetitive aware unaware +competitive uncompetitive certain uncertain +competitive uncompetitive clear unclear +competitive uncompetitive comfortable uncomfortable +consistent inconsistent convincing unconvincing +consistent inconsistent convenient inconvenient +consistent inconsistent decided undecided +consistent inconsistent efficient inefficient +consistent inconsistent ethical unethical +consistent inconsistent fortunate unfortunate +consistent inconsistent honest dishonest +consistent inconsistent impressive unimpressive +consistent inconsistent informative uninformative +consistent inconsistent informed uninformed +consistent inconsistent known unknown +consistent inconsistent likely unlikely +consistent inconsistent logical illogical +consistent inconsistent pleasant unpleasant +consistent inconsistent possible impossible +consistent inconsistent possibly impossibly +consistent inconsistent productive unproductive +consistent inconsistent rational irrational +consistent inconsistent reasonable unreasonable +consistent inconsistent responsible irresponsible +consistent inconsistent sure unsure +consistent inconsistent tasteful distasteful +consistent inconsistent acceptable unacceptable +consistent inconsistent aware unaware +consistent inconsistent certain uncertain +consistent inconsistent clear unclear +consistent inconsistent comfortable uncomfortable +consistent inconsistent competitive uncompetitive +convincing unconvincing convenient inconvenient +convincing unconvincing decided undecided +convincing unconvincing efficient inefficient +convincing unconvincing ethical unethical +convincing unconvincing fortunate unfortunate +convincing unconvincing honest dishonest +convincing unconvincing impressive unimpressive +convincing unconvincing informative uninformative +convincing unconvincing informed uninformed +convincing unconvincing known unknown +convincing unconvincing likely unlikely +convincing unconvincing logical illogical +convincing unconvincing pleasant unpleasant +convincing unconvincing possible impossible +convincing unconvincing possibly impossibly +convincing unconvincing productive unproductive +convincing unconvincing rational irrational +convincing unconvincing reasonable unreasonable +convincing unconvincing responsible irresponsible +convincing unconvincing sure unsure +convincing unconvincing tasteful distasteful +convincing unconvincing acceptable unacceptable +convincing unconvincing aware unaware +convincing unconvincing certain uncertain +convincing unconvincing clear unclear +convincing unconvincing comfortable uncomfortable +convincing unconvincing competitive uncompetitive +convincing unconvincing consistent inconsistent +convenient inconvenient decided undecided +convenient inconvenient efficient inefficient +convenient inconvenient ethical unethical +convenient inconvenient fortunate unfortunate +convenient inconvenient honest dishonest +convenient inconvenient impressive unimpressive +convenient inconvenient informative uninformative +convenient inconvenient informed uninformed +convenient inconvenient known unknown +convenient inconvenient likely unlikely +convenient inconvenient logical illogical +convenient inconvenient pleasant unpleasant +convenient inconvenient possible impossible +convenient inconvenient possibly impossibly +convenient inconvenient productive unproductive +convenient inconvenient rational irrational +convenient inconvenient reasonable unreasonable +convenient inconvenient responsible irresponsible +convenient inconvenient sure unsure +convenient inconvenient tasteful distasteful +convenient inconvenient acceptable unacceptable +convenient inconvenient aware unaware +convenient inconvenient certain uncertain +convenient inconvenient clear unclear +convenient inconvenient comfortable uncomfortable +convenient inconvenient competitive uncompetitive +convenient inconvenient consistent inconsistent +convenient inconvenient convincing unconvincing +decided undecided efficient inefficient +decided undecided ethical unethical +decided undecided fortunate unfortunate +decided undecided honest dishonest +decided undecided impressive unimpressive +decided undecided informative uninformative +decided undecided informed uninformed +decided undecided known unknown +decided undecided likely unlikely +decided undecided logical illogical +decided undecided pleasant unpleasant +decided undecided possible impossible +decided undecided possibly impossibly +decided undecided productive unproductive +decided undecided rational irrational +decided undecided reasonable unreasonable +decided undecided responsible irresponsible +decided undecided sure unsure +decided undecided tasteful distasteful +decided undecided acceptable unacceptable +decided undecided aware unaware +decided undecided certain uncertain +decided undecided clear unclear +decided undecided comfortable uncomfortable +decided undecided competitive uncompetitive +decided undecided consistent inconsistent +decided undecided convincing unconvincing +decided undecided convenient inconvenient +efficient inefficient ethical unethical +efficient inefficient fortunate unfortunate +efficient inefficient honest dishonest +efficient inefficient impressive unimpressive +efficient inefficient informative uninformative +efficient inefficient informed uninformed +efficient inefficient known unknown +efficient inefficient likely unlikely +efficient inefficient logical illogical +efficient inefficient pleasant unpleasant +efficient inefficient possible impossible +efficient inefficient possibly impossibly +efficient inefficient productive unproductive +efficient inefficient rational irrational +efficient inefficient reasonable unreasonable +efficient inefficient responsible irresponsible +efficient inefficient sure unsure +efficient inefficient tasteful distasteful +efficient inefficient acceptable unacceptable +efficient inefficient aware unaware +efficient inefficient certain uncertain +efficient inefficient clear unclear +efficient inefficient comfortable uncomfortable +efficient inefficient competitive uncompetitive +efficient inefficient consistent inconsistent +efficient inefficient convincing unconvincing +efficient inefficient convenient inconvenient +efficient inefficient decided undecided +ethical unethical fortunate unfortunate +ethical unethical honest dishonest +ethical unethical impressive unimpressive +ethical unethical informative uninformative +ethical unethical informed uninformed +ethical unethical known unknown +ethical unethical likely unlikely +ethical unethical logical illogical +ethical unethical pleasant unpleasant +ethical unethical possible impossible +ethical unethical possibly impossibly +ethical unethical productive unproductive +ethical unethical rational irrational +ethical unethical reasonable unreasonable +ethical unethical responsible irresponsible +ethical unethical sure unsure +ethical unethical tasteful distasteful +ethical unethical acceptable unacceptable +ethical unethical aware unaware +ethical unethical certain uncertain +ethical unethical clear unclear +ethical unethical comfortable uncomfortable +ethical unethical competitive uncompetitive +ethical unethical consistent inconsistent +ethical unethical convincing unconvincing +ethical unethical convenient inconvenient +ethical unethical decided undecided +ethical unethical efficient inefficient +fortunate unfortunate honest dishonest +fortunate unfortunate impressive unimpressive +fortunate unfortunate informative uninformative +fortunate unfortunate informed uninformed +fortunate unfortunate known unknown +fortunate unfortunate likely unlikely +fortunate unfortunate logical illogical +fortunate unfortunate pleasant unpleasant +fortunate unfortunate possible impossible +fortunate unfortunate possibly impossibly +fortunate unfortunate productive unproductive +fortunate unfortunate rational irrational +fortunate unfortunate reasonable unreasonable +fortunate unfortunate responsible irresponsible +fortunate unfortunate sure unsure +fortunate unfortunate tasteful distasteful +fortunate unfortunate acceptable unacceptable +fortunate unfortunate aware unaware +fortunate unfortunate certain uncertain +fortunate unfortunate clear unclear +fortunate unfortunate comfortable uncomfortable +fortunate unfortunate competitive uncompetitive +fortunate unfortunate consistent inconsistent +fortunate unfortunate convincing unconvincing +fortunate unfortunate convenient inconvenient +fortunate unfortunate decided undecided +fortunate unfortunate efficient inefficient +fortunate unfortunate ethical unethical +honest dishonest impressive unimpressive +honest dishonest informative uninformative +honest dishonest informed uninformed +honest dishonest known unknown +honest dishonest likely unlikely +honest dishonest logical illogical +honest dishonest pleasant unpleasant +honest dishonest possible impossible +honest dishonest possibly impossibly +honest dishonest productive unproductive +honest dishonest rational irrational +honest dishonest reasonable unreasonable +honest dishonest responsible irresponsible +honest dishonest sure unsure +honest dishonest tasteful distasteful +honest dishonest acceptable unacceptable +honest dishonest aware unaware +honest dishonest certain uncertain +honest dishonest clear unclear +honest dishonest comfortable uncomfortable +honest dishonest competitive uncompetitive +honest dishonest consistent inconsistent +honest dishonest convincing unconvincing +honest dishonest convenient inconvenient +honest dishonest decided undecided +honest dishonest efficient inefficient +honest dishonest ethical unethical +honest dishonest fortunate unfortunate +impressive unimpressive informative uninformative +impressive unimpressive informed uninformed +impressive unimpressive known unknown +impressive unimpressive likely unlikely +impressive unimpressive logical illogical +impressive unimpressive pleasant unpleasant +impressive unimpressive possible impossible +impressive unimpressive possibly impossibly +impressive unimpressive productive unproductive +impressive unimpressive rational irrational +impressive unimpressive reasonable unreasonable +impressive unimpressive responsible irresponsible +impressive unimpressive sure unsure +impressive unimpressive tasteful distasteful +impressive unimpressive acceptable unacceptable +impressive unimpressive aware unaware +impressive unimpressive certain uncertain +impressive unimpressive clear unclear +impressive unimpressive comfortable uncomfortable +impressive unimpressive competitive uncompetitive +impressive unimpressive consistent inconsistent +impressive unimpressive convincing unconvincing +impressive unimpressive convenient inconvenient +impressive unimpressive decided undecided +impressive unimpressive efficient inefficient +impressive unimpressive ethical unethical +impressive unimpressive fortunate unfortunate +impressive unimpressive honest dishonest +informative uninformative informed uninformed +informative uninformative known unknown +informative uninformative likely unlikely +informative uninformative logical illogical +informative uninformative pleasant unpleasant +informative uninformative possible impossible +informative uninformative possibly impossibly +informative uninformative productive unproductive +informative uninformative rational irrational +informative uninformative reasonable unreasonable +informative uninformative responsible irresponsible +informative uninformative sure unsure +informative uninformative tasteful distasteful +informative uninformative acceptable unacceptable +informative uninformative aware unaware +informative uninformative certain uncertain +informative uninformative clear unclear +informative uninformative comfortable uncomfortable +informative uninformative competitive uncompetitive +informative uninformative consistent inconsistent +informative uninformative convincing unconvincing +informative uninformative convenient inconvenient +informative uninformative decided undecided +informative uninformative efficient inefficient +informative uninformative ethical unethical +informative uninformative fortunate unfortunate +informative uninformative honest dishonest +informative uninformative impressive unimpressive +informed uninformed known unknown +informed uninformed likely unlikely +informed uninformed logical illogical +informed uninformed pleasant unpleasant +informed uninformed possible impossible +informed uninformed possibly impossibly +informed uninformed productive unproductive +informed uninformed rational irrational +informed uninformed reasonable unreasonable +informed uninformed responsible irresponsible +informed uninformed sure unsure +informed uninformed tasteful distasteful +informed uninformed acceptable unacceptable +informed uninformed aware unaware +informed uninformed certain uncertain +informed uninformed clear unclear +informed uninformed comfortable uncomfortable +informed uninformed competitive uncompetitive +informed uninformed consistent inconsistent +informed uninformed convincing unconvincing +informed uninformed convenient inconvenient +informed uninformed decided undecided +informed uninformed efficient inefficient +informed uninformed ethical unethical +informed uninformed fortunate unfortunate +informed uninformed honest dishonest +informed uninformed impressive unimpressive +informed uninformed informative uninformative +known unknown likely unlikely +known unknown logical illogical +known unknown pleasant unpleasant +known unknown possible impossible +known unknown possibly impossibly +known unknown productive unproductive +known unknown rational irrational +known unknown reasonable unreasonable +known unknown responsible irresponsible +known unknown sure unsure +known unknown tasteful distasteful +known unknown acceptable unacceptable +known unknown aware unaware +known unknown certain uncertain +known unknown clear unclear +known unknown comfortable uncomfortable +known unknown competitive uncompetitive +known unknown consistent inconsistent +known unknown convincing unconvincing +known unknown convenient inconvenient +known unknown decided undecided +known unknown efficient inefficient +known unknown ethical unethical +known unknown fortunate unfortunate +known unknown honest dishonest +known unknown impressive unimpressive +known unknown informative uninformative +known unknown informed uninformed +likely unlikely logical illogical +likely unlikely pleasant unpleasant +likely unlikely possible impossible +likely unlikely possibly impossibly +likely unlikely productive unproductive +likely unlikely rational irrational +likely unlikely reasonable unreasonable +likely unlikely responsible irresponsible +likely unlikely sure unsure +likely unlikely tasteful distasteful +likely unlikely acceptable unacceptable +likely unlikely aware unaware +likely unlikely certain uncertain +likely unlikely clear unclear +likely unlikely comfortable uncomfortable +likely unlikely competitive uncompetitive +likely unlikely consistent inconsistent +likely unlikely convincing unconvincing +likely unlikely convenient inconvenient +likely unlikely decided undecided +likely unlikely efficient inefficient +likely unlikely ethical unethical +likely unlikely fortunate unfortunate +likely unlikely honest dishonest +likely unlikely impressive unimpressive +likely unlikely informative uninformative +likely unlikely informed uninformed +likely unlikely known unknown +logical illogical pleasant unpleasant +logical illogical possible impossible +logical illogical possibly impossibly +logical illogical productive unproductive +logical illogical rational irrational +logical illogical reasonable unreasonable +logical illogical responsible irresponsible +logical illogical sure unsure +logical illogical tasteful distasteful +logical illogical acceptable unacceptable +logical illogical aware unaware +logical illogical certain uncertain +logical illogical clear unclear +logical illogical comfortable uncomfortable +logical illogical competitive uncompetitive +logical illogical consistent inconsistent +logical illogical convincing unconvincing +logical illogical convenient inconvenient +logical illogical decided undecided +logical illogical efficient inefficient +logical illogical ethical unethical +logical illogical fortunate unfortunate +logical illogical honest dishonest +logical illogical impressive unimpressive +logical illogical informative uninformative +logical illogical informed uninformed +logical illogical known unknown +logical illogical likely unlikely +pleasant unpleasant possible impossible +pleasant unpleasant possibly impossibly +pleasant unpleasant productive unproductive +pleasant unpleasant rational irrational +pleasant unpleasant reasonable unreasonable +pleasant unpleasant responsible irresponsible +pleasant unpleasant sure unsure +pleasant unpleasant tasteful distasteful +pleasant unpleasant acceptable unacceptable +pleasant unpleasant aware unaware +pleasant unpleasant certain uncertain +pleasant unpleasant clear unclear +pleasant unpleasant comfortable uncomfortable +pleasant unpleasant competitive uncompetitive +pleasant unpleasant consistent inconsistent +pleasant unpleasant convincing unconvincing +pleasant unpleasant convenient inconvenient +pleasant unpleasant decided undecided +pleasant unpleasant efficient inefficient +pleasant unpleasant ethical unethical +pleasant unpleasant fortunate unfortunate +pleasant unpleasant honest dishonest +pleasant unpleasant impressive unimpressive +pleasant unpleasant informative uninformative +pleasant unpleasant informed uninformed +pleasant unpleasant known unknown +pleasant unpleasant likely unlikely +pleasant unpleasant logical illogical +possible impossible possibly impossibly +possible impossible productive unproductive +possible impossible rational irrational +possible impossible reasonable unreasonable +possible impossible responsible irresponsible +possible impossible sure unsure +possible impossible tasteful distasteful +possible impossible acceptable unacceptable +possible impossible aware unaware +possible impossible certain uncertain +possible impossible clear unclear +possible impossible comfortable uncomfortable +possible impossible competitive uncompetitive +possible impossible consistent inconsistent +possible impossible convincing unconvincing +possible impossible convenient inconvenient +possible impossible decided undecided +possible impossible efficient inefficient +possible impossible ethical unethical +possible impossible fortunate unfortunate +possible impossible honest dishonest +possible impossible impressive unimpressive +possible impossible informative uninformative +possible impossible informed uninformed +possible impossible known unknown +possible impossible likely unlikely +possible impossible logical illogical +possible impossible pleasant unpleasant +possibly impossibly productive unproductive +possibly impossibly rational irrational +possibly impossibly reasonable unreasonable +possibly impossibly responsible irresponsible +possibly impossibly sure unsure +possibly impossibly tasteful distasteful +possibly impossibly acceptable unacceptable +possibly impossibly aware unaware +possibly impossibly certain uncertain +possibly impossibly clear unclear +possibly impossibly comfortable uncomfortable +possibly impossibly competitive uncompetitive +possibly impossibly consistent inconsistent +possibly impossibly convincing unconvincing +possibly impossibly convenient inconvenient +possibly impossibly decided undecided +possibly impossibly efficient inefficient +possibly impossibly ethical unethical +possibly impossibly fortunate unfortunate +possibly impossibly honest dishonest +possibly impossibly impressive unimpressive +possibly impossibly informative uninformative +possibly impossibly informed uninformed +possibly impossibly known unknown +possibly impossibly likely unlikely +possibly impossibly logical illogical +possibly impossibly pleasant unpleasant +possibly impossibly possible impossible +productive unproductive rational irrational +productive unproductive reasonable unreasonable +productive unproductive responsible irresponsible +productive unproductive sure unsure +productive unproductive tasteful distasteful +productive unproductive acceptable unacceptable +productive unproductive aware unaware +productive unproductive certain uncertain +productive unproductive clear unclear +productive unproductive comfortable uncomfortable +productive unproductive competitive uncompetitive +productive unproductive consistent inconsistent +productive unproductive convincing unconvincing +productive unproductive convenient inconvenient +productive unproductive decided undecided +productive unproductive efficient inefficient +productive unproductive ethical unethical +productive unproductive fortunate unfortunate +productive unproductive honest dishonest +productive unproductive impressive unimpressive +productive unproductive informative uninformative +productive unproductive informed uninformed +productive unproductive known unknown +productive unproductive likely unlikely +productive unproductive logical illogical +productive unproductive pleasant unpleasant +productive unproductive possible impossible +productive unproductive possibly impossibly +rational irrational reasonable unreasonable +rational irrational responsible irresponsible +rational irrational sure unsure +rational irrational tasteful distasteful +rational irrational acceptable unacceptable +rational irrational aware unaware +rational irrational certain uncertain +rational irrational clear unclear +rational irrational comfortable uncomfortable +rational irrational competitive uncompetitive +rational irrational consistent inconsistent +rational irrational convincing unconvincing +rational irrational convenient inconvenient +rational irrational decided undecided +rational irrational efficient inefficient +rational irrational ethical unethical +rational irrational fortunate unfortunate +rational irrational honest dishonest +rational irrational impressive unimpressive +rational irrational informative uninformative +rational irrational informed uninformed +rational irrational known unknown +rational irrational likely unlikely +rational irrational logical illogical +rational irrational pleasant unpleasant +rational irrational possible impossible +rational irrational possibly impossibly +rational irrational productive unproductive +reasonable unreasonable responsible irresponsible +reasonable unreasonable sure unsure +reasonable unreasonable tasteful distasteful +reasonable unreasonable acceptable unacceptable +reasonable unreasonable aware unaware +reasonable unreasonable certain uncertain +reasonable unreasonable clear unclear +reasonable unreasonable comfortable uncomfortable +reasonable unreasonable competitive uncompetitive +reasonable unreasonable consistent inconsistent +reasonable unreasonable convincing unconvincing +reasonable unreasonable convenient inconvenient +reasonable unreasonable decided undecided +reasonable unreasonable efficient inefficient +reasonable unreasonable ethical unethical +reasonable unreasonable fortunate unfortunate +reasonable unreasonable honest dishonest +reasonable unreasonable impressive unimpressive +reasonable unreasonable informative uninformative +reasonable unreasonable informed uninformed +reasonable unreasonable known unknown +reasonable unreasonable likely unlikely +reasonable unreasonable logical illogical +reasonable unreasonable pleasant unpleasant +reasonable unreasonable possible impossible +reasonable unreasonable possibly impossibly +reasonable unreasonable productive unproductive +reasonable unreasonable rational irrational +responsible irresponsible sure unsure +responsible irresponsible tasteful distasteful +responsible irresponsible acceptable unacceptable +responsible irresponsible aware unaware +responsible irresponsible certain uncertain +responsible irresponsible clear unclear +responsible irresponsible comfortable uncomfortable +responsible irresponsible competitive uncompetitive +responsible irresponsible consistent inconsistent +responsible irresponsible convincing unconvincing +responsible irresponsible convenient inconvenient +responsible irresponsible decided undecided +responsible irresponsible efficient inefficient +responsible irresponsible ethical unethical +responsible irresponsible fortunate unfortunate +responsible irresponsible honest dishonest +responsible irresponsible impressive unimpressive +responsible irresponsible informative uninformative +responsible irresponsible informed uninformed +responsible irresponsible known unknown +responsible irresponsible likely unlikely +responsible irresponsible logical illogical +responsible irresponsible pleasant unpleasant +responsible irresponsible possible impossible +responsible irresponsible possibly impossibly +responsible irresponsible productive unproductive +responsible irresponsible rational irrational +responsible irresponsible reasonable unreasonable +sure unsure tasteful distasteful +sure unsure acceptable unacceptable +sure unsure aware unaware +sure unsure certain uncertain +sure unsure clear unclear +sure unsure comfortable uncomfortable +sure unsure competitive uncompetitive +sure unsure consistent inconsistent +sure unsure convincing unconvincing +sure unsure convenient inconvenient +sure unsure decided undecided +sure unsure efficient inefficient +sure unsure ethical unethical +sure unsure fortunate unfortunate +sure unsure honest dishonest +sure unsure impressive unimpressive +sure unsure informative uninformative +sure unsure informed uninformed +sure unsure known unknown +sure unsure likely unlikely +sure unsure logical illogical +sure unsure pleasant unpleasant +sure unsure possible impossible +sure unsure possibly impossibly +sure unsure productive unproductive +sure unsure rational irrational +sure unsure reasonable unreasonable +sure unsure responsible irresponsible +tasteful distasteful acceptable unacceptable +tasteful distasteful aware unaware +tasteful distasteful certain uncertain +tasteful distasteful clear unclear +tasteful distasteful comfortable uncomfortable +tasteful distasteful competitive uncompetitive +tasteful distasteful consistent inconsistent +tasteful distasteful convincing unconvincing +tasteful distasteful convenient inconvenient +tasteful distasteful decided undecided +tasteful distasteful efficient inefficient +tasteful distasteful ethical unethical +tasteful distasteful fortunate unfortunate +tasteful distasteful honest dishonest +tasteful distasteful impressive unimpressive +tasteful distasteful informative uninformative +tasteful distasteful informed uninformed +tasteful distasteful known unknown +tasteful distasteful likely unlikely +tasteful distasteful logical illogical +tasteful distasteful pleasant unpleasant +tasteful distasteful possible impossible +tasteful distasteful possibly impossibly +tasteful distasteful productive unproductive +tasteful distasteful rational irrational +tasteful distasteful reasonable unreasonable +tasteful distasteful responsible irresponsible +tasteful distasteful sure unsure +: gram3-comparative +bad worse big bigger +bad worse bright brighter +bad worse cheap cheaper +bad worse cold colder +bad worse cool cooler +bad worse deep deeper +bad worse easy easier +bad worse fast faster +bad worse good better +bad worse great greater +bad worse hard harder +bad worse heavy heavier +bad worse high higher +bad worse hot hotter +bad worse large larger +bad worse long longer +bad worse loud louder +bad worse low lower +bad worse new newer +bad worse old older +bad worse quick quicker +bad worse safe safer +bad worse sharp sharper +bad worse short shorter +bad worse simple simpler +bad worse slow slower +bad worse small smaller +bad worse smart smarter +bad worse strong stronger +bad worse tall taller +bad worse tight tighter +bad worse tough tougher +bad worse warm warmer +bad worse weak weaker +bad worse wide wider +bad worse young younger +big bigger bright brighter +big bigger cheap cheaper +big bigger cold colder +big bigger cool cooler +big bigger deep deeper +big bigger easy easier +big bigger fast faster +big bigger good better +big bigger great greater +big bigger hard harder +big bigger heavy heavier +big bigger high higher +big bigger hot hotter +big bigger large larger +big bigger long longer +big bigger loud louder +big bigger low lower +big bigger new newer +big bigger old older +big bigger quick quicker +big bigger safe safer +big bigger sharp sharper +big bigger short shorter +big bigger simple simpler +big bigger slow slower +big bigger small smaller +big bigger smart smarter +big bigger strong stronger +big bigger tall taller +big bigger tight tighter +big bigger tough tougher +big bigger warm warmer +big bigger weak weaker +big bigger wide wider +big bigger young younger +big bigger bad worse +bright brighter cheap cheaper +bright brighter cold colder +bright brighter cool cooler +bright brighter deep deeper +bright brighter easy easier +bright brighter fast faster +bright brighter good better +bright brighter great greater +bright brighter hard harder +bright brighter heavy heavier +bright brighter high higher +bright brighter hot hotter +bright brighter large larger +bright brighter long longer +bright brighter loud louder +bright brighter low lower +bright brighter new newer +bright brighter old older +bright brighter quick quicker +bright brighter safe safer +bright brighter sharp sharper +bright brighter short shorter +bright brighter simple simpler +bright brighter slow slower +bright brighter small smaller +bright brighter smart smarter +bright brighter strong stronger +bright brighter tall taller +bright brighter tight tighter +bright brighter tough tougher +bright brighter warm warmer +bright brighter weak weaker +bright brighter wide wider +bright brighter young younger +bright brighter bad worse +bright brighter big bigger +cheap cheaper cold colder +cheap cheaper cool cooler +cheap cheaper deep deeper +cheap cheaper easy easier +cheap cheaper fast faster +cheap cheaper good better +cheap cheaper great greater +cheap cheaper hard harder +cheap cheaper heavy heavier +cheap cheaper high higher +cheap cheaper hot hotter +cheap cheaper large larger +cheap cheaper long longer +cheap cheaper loud louder +cheap cheaper low lower +cheap cheaper new newer +cheap cheaper old older +cheap cheaper quick quicker +cheap cheaper safe safer +cheap cheaper sharp sharper +cheap cheaper short shorter +cheap cheaper simple simpler +cheap cheaper slow slower +cheap cheaper small smaller +cheap cheaper smart smarter +cheap cheaper strong stronger +cheap cheaper tall taller +cheap cheaper tight tighter +cheap cheaper tough tougher +cheap cheaper warm warmer +cheap cheaper weak weaker +cheap cheaper wide wider +cheap cheaper young younger +cheap cheaper bad worse +cheap cheaper big bigger +cheap cheaper bright brighter +cold colder cool cooler +cold colder deep deeper +cold colder easy easier +cold colder fast faster +cold colder good better +cold colder great greater +cold colder hard harder +cold colder heavy heavier +cold colder high higher +cold colder hot hotter +cold colder large larger +cold colder long longer +cold colder loud louder +cold colder low lower +cold colder new newer +cold colder old older +cold colder quick quicker +cold colder safe safer +cold colder sharp sharper +cold colder short shorter +cold colder simple simpler +cold colder slow slower +cold colder small smaller +cold colder smart smarter +cold colder strong stronger +cold colder tall taller +cold colder tight tighter +cold colder tough tougher +cold colder warm warmer +cold colder weak weaker +cold colder wide wider +cold colder young younger +cold colder bad worse +cold colder big bigger +cold colder bright brighter +cold colder cheap cheaper +cool cooler deep deeper +cool cooler easy easier +cool cooler fast faster +cool cooler good better +cool cooler great greater +cool cooler hard harder +cool cooler heavy heavier +cool cooler high higher +cool cooler hot hotter +cool cooler large larger +cool cooler long longer +cool cooler loud louder +cool cooler low lower +cool cooler new newer +cool cooler old older +cool cooler quick quicker +cool cooler safe safer +cool cooler sharp sharper +cool cooler short shorter +cool cooler simple simpler +cool cooler slow slower +cool cooler small smaller +cool cooler smart smarter +cool cooler strong stronger +cool cooler tall taller +cool cooler tight tighter +cool cooler tough tougher +cool cooler warm warmer +cool cooler weak weaker +cool cooler wide wider +cool cooler young younger +cool cooler bad worse +cool cooler big bigger +cool cooler bright brighter +cool cooler cheap cheaper +cool cooler cold colder +deep deeper easy easier +deep deeper fast faster +deep deeper good better +deep deeper great greater +deep deeper hard harder +deep deeper heavy heavier +deep deeper high higher +deep deeper hot hotter +deep deeper large larger +deep deeper long longer +deep deeper loud louder +deep deeper low lower +deep deeper new newer +deep deeper old older +deep deeper quick quicker +deep deeper safe safer +deep deeper sharp sharper +deep deeper short shorter +deep deeper simple simpler +deep deeper slow slower +deep deeper small smaller +deep deeper smart smarter +deep deeper strong stronger +deep deeper tall taller +deep deeper tight tighter +deep deeper tough tougher +deep deeper warm warmer +deep deeper weak weaker +deep deeper wide wider +deep deeper young younger +deep deeper bad worse +deep deeper big bigger +deep deeper bright brighter +deep deeper cheap cheaper +deep deeper cold colder +deep deeper cool cooler +easy easier fast faster +easy easier good better +easy easier great greater +easy easier hard harder +easy easier heavy heavier +easy easier high higher +easy easier hot hotter +easy easier large larger +easy easier long longer +easy easier loud louder +easy easier low lower +easy easier new newer +easy easier old older +easy easier quick quicker +easy easier safe safer +easy easier sharp sharper +easy easier short shorter +easy easier simple simpler +easy easier slow slower +easy easier small smaller +easy easier smart smarter +easy easier strong stronger +easy easier tall taller +easy easier tight tighter +easy easier tough tougher +easy easier warm warmer +easy easier weak weaker +easy easier wide wider +easy easier young younger +easy easier bad worse +easy easier big bigger +easy easier bright brighter +easy easier cheap cheaper +easy easier cold colder +easy easier cool cooler +easy easier deep deeper +fast faster good better +fast faster great greater +fast faster hard harder +fast faster heavy heavier +fast faster high higher +fast faster hot hotter +fast faster large larger +fast faster long longer +fast faster loud louder +fast faster low lower +fast faster new newer +fast faster old older +fast faster quick quicker +fast faster safe safer +fast faster sharp sharper +fast faster short shorter +fast faster simple simpler +fast faster slow slower +fast faster small smaller +fast faster smart smarter +fast faster strong stronger +fast faster tall taller +fast faster tight tighter +fast faster tough tougher +fast faster warm warmer +fast faster weak weaker +fast faster wide wider +fast faster young younger +fast faster bad worse +fast faster big bigger +fast faster bright brighter +fast faster cheap cheaper +fast faster cold colder +fast faster cool cooler +fast faster deep deeper +fast faster easy easier +good better great greater +good better hard harder +good better heavy heavier +good better high higher +good better hot hotter +good better large larger +good better long longer +good better loud louder +good better low lower +good better new newer +good better old older +good better quick quicker +good better safe safer +good better sharp sharper +good better short shorter +good better simple simpler +good better slow slower +good better small smaller +good better smart smarter +good better strong stronger +good better tall taller +good better tight tighter +good better tough tougher +good better warm warmer +good better weak weaker +good better wide wider +good better young younger +good better bad worse +good better big bigger +good better bright brighter +good better cheap cheaper +good better cold colder +good better cool cooler +good better deep deeper +good better easy easier +good better fast faster +great greater hard harder +great greater heavy heavier +great greater high higher +great greater hot hotter +great greater large larger +great greater long longer +great greater loud louder +great greater low lower +great greater new newer +great greater old older +great greater quick quicker +great greater safe safer +great greater sharp sharper +great greater short shorter +great greater simple simpler +great greater slow slower +great greater small smaller +great greater smart smarter +great greater strong stronger +great greater tall taller +great greater tight tighter +great greater tough tougher +great greater warm warmer +great greater weak weaker +great greater wide wider +great greater young younger +great greater bad worse +great greater big bigger +great greater bright brighter +great greater cheap cheaper +great greater cold colder +great greater cool cooler +great greater deep deeper +great greater easy easier +great greater fast faster +great greater good better +hard harder heavy heavier +hard harder high higher +hard harder hot hotter +hard harder large larger +hard harder long longer +hard harder loud louder +hard harder low lower +hard harder new newer +hard harder old older +hard harder quick quicker +hard harder safe safer +hard harder sharp sharper +hard harder short shorter +hard harder simple simpler +hard harder slow slower +hard harder small smaller +hard harder smart smarter +hard harder strong stronger +hard harder tall taller +hard harder tight tighter +hard harder tough tougher +hard harder warm warmer +hard harder weak weaker +hard harder wide wider +hard harder young younger +hard harder bad worse +hard harder big bigger +hard harder bright brighter +hard harder cheap cheaper +hard harder cold colder +hard harder cool cooler +hard harder deep deeper +hard harder easy easier +hard harder fast faster +hard harder good better +hard harder great greater +heavy heavier high higher +heavy heavier hot hotter +heavy heavier large larger +heavy heavier long longer +heavy heavier loud louder +heavy heavier low lower +heavy heavier new newer +heavy heavier old older +heavy heavier quick quicker +heavy heavier safe safer +heavy heavier sharp sharper +heavy heavier short shorter +heavy heavier simple simpler +heavy heavier slow slower +heavy heavier small smaller +heavy heavier smart smarter +heavy heavier strong stronger +heavy heavier tall taller +heavy heavier tight tighter +heavy heavier tough tougher +heavy heavier warm warmer +heavy heavier weak weaker +heavy heavier wide wider +heavy heavier young younger +heavy heavier bad worse +heavy heavier big bigger +heavy heavier bright brighter +heavy heavier cheap cheaper +heavy heavier cold colder +heavy heavier cool cooler +heavy heavier deep deeper +heavy heavier easy easier +heavy heavier fast faster +heavy heavier good better +heavy heavier great greater +heavy heavier hard harder +high higher hot hotter +high higher large larger +high higher long longer +high higher loud louder +high higher low lower +high higher new newer +high higher old older +high higher quick quicker +high higher safe safer +high higher sharp sharper +high higher short shorter +high higher simple simpler +high higher slow slower +high higher small smaller +high higher smart smarter +high higher strong stronger +high higher tall taller +high higher tight tighter +high higher tough tougher +high higher warm warmer +high higher weak weaker +high higher wide wider +high higher young younger +high higher bad worse +high higher big bigger +high higher bright brighter +high higher cheap cheaper +high higher cold colder +high higher cool cooler +high higher deep deeper +high higher easy easier +high higher fast faster +high higher good better +high higher great greater +high higher hard harder +high higher heavy heavier +hot hotter large larger +hot hotter long longer +hot hotter loud louder +hot hotter low lower +hot hotter new newer +hot hotter old older +hot hotter quick quicker +hot hotter safe safer +hot hotter sharp sharper +hot hotter short shorter +hot hotter simple simpler +hot hotter slow slower +hot hotter small smaller +hot hotter smart smarter +hot hotter strong stronger +hot hotter tall taller +hot hotter tight tighter +hot hotter tough tougher +hot hotter warm warmer +hot hotter weak weaker +hot hotter wide wider +hot hotter young younger +hot hotter bad worse +hot hotter big bigger +hot hotter bright brighter +hot hotter cheap cheaper +hot hotter cold colder +hot hotter cool cooler +hot hotter deep deeper +hot hotter easy easier +hot hotter fast faster +hot hotter good better +hot hotter great greater +hot hotter hard harder +hot hotter heavy heavier +hot hotter high higher +large larger long longer +large larger loud louder +large larger low lower +large larger new newer +large larger old older +large larger quick quicker +large larger safe safer +large larger sharp sharper +large larger short shorter +large larger simple simpler +large larger slow slower +large larger small smaller +large larger smart smarter +large larger strong stronger +large larger tall taller +large larger tight tighter +large larger tough tougher +large larger warm warmer +large larger weak weaker +large larger wide wider +large larger young younger +large larger bad worse +large larger big bigger +large larger bright brighter +large larger cheap cheaper +large larger cold colder +large larger cool cooler +large larger deep deeper +large larger easy easier +large larger fast faster +large larger good better +large larger great greater +large larger hard harder +large larger heavy heavier +large larger high higher +large larger hot hotter +long longer loud louder +long longer low lower +long longer new newer +long longer old older +long longer quick quicker +long longer safe safer +long longer sharp sharper +long longer short shorter +long longer simple simpler +long longer slow slower +long longer small smaller +long longer smart smarter +long longer strong stronger +long longer tall taller +long longer tight tighter +long longer tough tougher +long longer warm warmer +long longer weak weaker +long longer wide wider +long longer young younger +long longer bad worse +long longer big bigger +long longer bright brighter +long longer cheap cheaper +long longer cold colder +long longer cool cooler +long longer deep deeper +long longer easy easier +long longer fast faster +long longer good better +long longer great greater +long longer hard harder +long longer heavy heavier +long longer high higher +long longer hot hotter +long longer large larger +loud louder low lower +loud louder new newer +loud louder old older +loud louder quick quicker +loud louder safe safer +loud louder sharp sharper +loud louder short shorter +loud louder simple simpler +loud louder slow slower +loud louder small smaller +loud louder smart smarter +loud louder strong stronger +loud louder tall taller +loud louder tight tighter +loud louder tough tougher +loud louder warm warmer +loud louder weak weaker +loud louder wide wider +loud louder young younger +loud louder bad worse +loud louder big bigger +loud louder bright brighter +loud louder cheap cheaper +loud louder cold colder +loud louder cool cooler +loud louder deep deeper +loud louder easy easier +loud louder fast faster +loud louder good better +loud louder great greater +loud louder hard harder +loud louder heavy heavier +loud louder high higher +loud louder hot hotter +loud louder large larger +loud louder long longer +low lower new newer +low lower old older +low lower quick quicker +low lower safe safer +low lower sharp sharper +low lower short shorter +low lower simple simpler +low lower slow slower +low lower small smaller +low lower smart smarter +low lower strong stronger +low lower tall taller +low lower tight tighter +low lower tough tougher +low lower warm warmer +low lower weak weaker +low lower wide wider +low lower young younger +low lower bad worse +low lower big bigger +low lower bright brighter +low lower cheap cheaper +low lower cold colder +low lower cool cooler +low lower deep deeper +low lower easy easier +low lower fast faster +low lower good better +low lower great greater +low lower hard harder +low lower heavy heavier +low lower high higher +low lower hot hotter +low lower large larger +low lower long longer +low lower loud louder +new newer old older +new newer quick quicker +new newer safe safer +new newer sharp sharper +new newer short shorter +new newer simple simpler +new newer slow slower +new newer small smaller +new newer smart smarter +new newer strong stronger +new newer tall taller +new newer tight tighter +new newer tough tougher +new newer warm warmer +new newer weak weaker +new newer wide wider +new newer young younger +new newer bad worse +new newer big bigger +new newer bright brighter +new newer cheap cheaper +new newer cold colder +new newer cool cooler +new newer deep deeper +new newer easy easier +new newer fast faster +new newer good better +new newer great greater +new newer hard harder +new newer heavy heavier +new newer high higher +new newer hot hotter +new newer large larger +new newer long longer +new newer loud louder +new newer low lower +old older quick quicker +old older safe safer +old older sharp sharper +old older short shorter +old older simple simpler +old older slow slower +old older small smaller +old older smart smarter +old older strong stronger +old older tall taller +old older tight tighter +old older tough tougher +old older warm warmer +old older weak weaker +old older wide wider +old older young younger +old older bad worse +old older big bigger +old older bright brighter +old older cheap cheaper +old older cold colder +old older cool cooler +old older deep deeper +old older easy easier +old older fast faster +old older good better +old older great greater +old older hard harder +old older heavy heavier +old older high higher +old older hot hotter +old older large larger +old older long longer +old older loud louder +old older low lower +old older new newer +quick quicker safe safer +quick quicker sharp sharper +quick quicker short shorter +quick quicker simple simpler +quick quicker slow slower +quick quicker small smaller +quick quicker smart smarter +quick quicker strong stronger +quick quicker tall taller +quick quicker tight tighter +quick quicker tough tougher +quick quicker warm warmer +quick quicker weak weaker +quick quicker wide wider +quick quicker young younger +quick quicker bad worse +quick quicker big bigger +quick quicker bright brighter +quick quicker cheap cheaper +quick quicker cold colder +quick quicker cool cooler +quick quicker deep deeper +quick quicker easy easier +quick quicker fast faster +quick quicker good better +quick quicker great greater +quick quicker hard harder +quick quicker heavy heavier +quick quicker high higher +quick quicker hot hotter +quick quicker large larger +quick quicker long longer +quick quicker loud louder +quick quicker low lower +quick quicker new newer +quick quicker old older +safe safer sharp sharper +safe safer short shorter +safe safer simple simpler +safe safer slow slower +safe safer small smaller +safe safer smart smarter +safe safer strong stronger +safe safer tall taller +safe safer tight tighter +safe safer tough tougher +safe safer warm warmer +safe safer weak weaker +safe safer wide wider +safe safer young younger +safe safer bad worse +safe safer big bigger +safe safer bright brighter +safe safer cheap cheaper +safe safer cold colder +safe safer cool cooler +safe safer deep deeper +safe safer easy easier +safe safer fast faster +safe safer good better +safe safer great greater +safe safer hard harder +safe safer heavy heavier +safe safer high higher +safe safer hot hotter +safe safer large larger +safe safer long longer +safe safer loud louder +safe safer low lower +safe safer new newer +safe safer old older +safe safer quick quicker +sharp sharper short shorter +sharp sharper simple simpler +sharp sharper slow slower +sharp sharper small smaller +sharp sharper smart smarter +sharp sharper strong stronger +sharp sharper tall taller +sharp sharper tight tighter +sharp sharper tough tougher +sharp sharper warm warmer +sharp sharper weak weaker +sharp sharper wide wider +sharp sharper young younger +sharp sharper bad worse +sharp sharper big bigger +sharp sharper bright brighter +sharp sharper cheap cheaper +sharp sharper cold colder +sharp sharper cool cooler +sharp sharper deep deeper +sharp sharper easy easier +sharp sharper fast faster +sharp sharper good better +sharp sharper great greater +sharp sharper hard harder +sharp sharper heavy heavier +sharp sharper high higher +sharp sharper hot hotter +sharp sharper large larger +sharp sharper long longer +sharp sharper loud louder +sharp sharper low lower +sharp sharper new newer +sharp sharper old older +sharp sharper quick quicker +sharp sharper safe safer +short shorter simple simpler +short shorter slow slower +short shorter small smaller +short shorter smart smarter +short shorter strong stronger +short shorter tall taller +short shorter tight tighter +short shorter tough tougher +short shorter warm warmer +short shorter weak weaker +short shorter wide wider +short shorter young younger +short shorter bad worse +short shorter big bigger +short shorter bright brighter +short shorter cheap cheaper +short shorter cold colder +short shorter cool cooler +short shorter deep deeper +short shorter easy easier +short shorter fast faster +short shorter good better +short shorter great greater +short shorter hard harder +short shorter heavy heavier +short shorter high higher +short shorter hot hotter +short shorter large larger +short shorter long longer +short shorter loud louder +short shorter low lower +short shorter new newer +short shorter old older +short shorter quick quicker +short shorter safe safer +short shorter sharp sharper +simple simpler slow slower +simple simpler small smaller +simple simpler smart smarter +simple simpler strong stronger +simple simpler tall taller +simple simpler tight tighter +simple simpler tough tougher +simple simpler warm warmer +simple simpler weak weaker +simple simpler wide wider +simple simpler young younger +simple simpler bad worse +simple simpler big bigger +simple simpler bright brighter +simple simpler cheap cheaper +simple simpler cold colder +simple simpler cool cooler +simple simpler deep deeper +simple simpler easy easier +simple simpler fast faster +simple simpler good better +simple simpler great greater +simple simpler hard harder +simple simpler heavy heavier +simple simpler high higher +simple simpler hot hotter +simple simpler large larger +simple simpler long longer +simple simpler loud louder +simple simpler low lower +simple simpler new newer +simple simpler old older +simple simpler quick quicker +simple simpler safe safer +simple simpler sharp sharper +simple simpler short shorter +slow slower small smaller +slow slower smart smarter +slow slower strong stronger +slow slower tall taller +slow slower tight tighter +slow slower tough tougher +slow slower warm warmer +slow slower weak weaker +slow slower wide wider +slow slower young younger +slow slower bad worse +slow slower big bigger +slow slower bright brighter +slow slower cheap cheaper +slow slower cold colder +slow slower cool cooler +slow slower deep deeper +slow slower easy easier +slow slower fast faster +slow slower good better +slow slower great greater +slow slower hard harder +slow slower heavy heavier +slow slower high higher +slow slower hot hotter +slow slower large larger +slow slower long longer +slow slower loud louder +slow slower low lower +slow slower new newer +slow slower old older +slow slower quick quicker +slow slower safe safer +slow slower sharp sharper +slow slower short shorter +slow slower simple simpler +small smaller smart smarter +small smaller strong stronger +small smaller tall taller +small smaller tight tighter +small smaller tough tougher +small smaller warm warmer +small smaller weak weaker +small smaller wide wider +small smaller young younger +small smaller bad worse +small smaller big bigger +small smaller bright brighter +small smaller cheap cheaper +small smaller cold colder +small smaller cool cooler +small smaller deep deeper +small smaller easy easier +small smaller fast faster +small smaller good better +small smaller great greater +small smaller hard harder +small smaller heavy heavier +small smaller high higher +small smaller hot hotter +small smaller large larger +small smaller long longer +small smaller loud louder +small smaller low lower +small smaller new newer +small smaller old older +small smaller quick quicker +small smaller safe safer +small smaller sharp sharper +small smaller short shorter +small smaller simple simpler +small smaller slow slower +smart smarter strong stronger +smart smarter tall taller +smart smarter tight tighter +smart smarter tough tougher +smart smarter warm warmer +smart smarter weak weaker +smart smarter wide wider +smart smarter young younger +smart smarter bad worse +smart smarter big bigger +smart smarter bright brighter +smart smarter cheap cheaper +smart smarter cold colder +smart smarter cool cooler +smart smarter deep deeper +smart smarter easy easier +smart smarter fast faster +smart smarter good better +smart smarter great greater +smart smarter hard harder +smart smarter heavy heavier +smart smarter high higher +smart smarter hot hotter +smart smarter large larger +smart smarter long longer +smart smarter loud louder +smart smarter low lower +smart smarter new newer +smart smarter old older +smart smarter quick quicker +smart smarter safe safer +smart smarter sharp sharper +smart smarter short shorter +smart smarter simple simpler +smart smarter slow slower +smart smarter small smaller +strong stronger tall taller +strong stronger tight tighter +strong stronger tough tougher +strong stronger warm warmer +strong stronger weak weaker +strong stronger wide wider +strong stronger young younger +strong stronger bad worse +strong stronger big bigger +strong stronger bright brighter +strong stronger cheap cheaper +strong stronger cold colder +strong stronger cool cooler +strong stronger deep deeper +strong stronger easy easier +strong stronger fast faster +strong stronger good better +strong stronger great greater +strong stronger hard harder +strong stronger heavy heavier +strong stronger high higher +strong stronger hot hotter +strong stronger large larger +strong stronger long longer +strong stronger loud louder +strong stronger low lower +strong stronger new newer +strong stronger old older +strong stronger quick quicker +strong stronger safe safer +strong stronger sharp sharper +strong stronger short shorter +strong stronger simple simpler +strong stronger slow slower +strong stronger small smaller +strong stronger smart smarter +tall taller tight tighter +tall taller tough tougher +tall taller warm warmer +tall taller weak weaker +tall taller wide wider +tall taller young younger +tall taller bad worse +tall taller big bigger +tall taller bright brighter +tall taller cheap cheaper +tall taller cold colder +tall taller cool cooler +tall taller deep deeper +tall taller easy easier +tall taller fast faster +tall taller good better +tall taller great greater +tall taller hard harder +tall taller heavy heavier +tall taller high higher +tall taller hot hotter +tall taller large larger +tall taller long longer +tall taller loud louder +tall taller low lower +tall taller new newer +tall taller old older +tall taller quick quicker +tall taller safe safer +tall taller sharp sharper +tall taller short shorter +tall taller simple simpler +tall taller slow slower +tall taller small smaller +tall taller smart smarter +tall taller strong stronger +tight tighter tough tougher +tight tighter warm warmer +tight tighter weak weaker +tight tighter wide wider +tight tighter young younger +tight tighter bad worse +tight tighter big bigger +tight tighter bright brighter +tight tighter cheap cheaper +tight tighter cold colder +tight tighter cool cooler +tight tighter deep deeper +tight tighter easy easier +tight tighter fast faster +tight tighter good better +tight tighter great greater +tight tighter hard harder +tight tighter heavy heavier +tight tighter high higher +tight tighter hot hotter +tight tighter large larger +tight tighter long longer +tight tighter loud louder +tight tighter low lower +tight tighter new newer +tight tighter old older +tight tighter quick quicker +tight tighter safe safer +tight tighter sharp sharper +tight tighter short shorter +tight tighter simple simpler +tight tighter slow slower +tight tighter small smaller +tight tighter smart smarter +tight tighter strong stronger +tight tighter tall taller +tough tougher warm warmer +tough tougher weak weaker +tough tougher wide wider +tough tougher young younger +tough tougher bad worse +tough tougher big bigger +tough tougher bright brighter +tough tougher cheap cheaper +tough tougher cold colder +tough tougher cool cooler +tough tougher deep deeper +tough tougher easy easier +tough tougher fast faster +tough tougher good better +tough tougher great greater +tough tougher hard harder +tough tougher heavy heavier +tough tougher high higher +tough tougher hot hotter +tough tougher large larger +tough tougher long longer +tough tougher loud louder +tough tougher low lower +tough tougher new newer +tough tougher old older +tough tougher quick quicker +tough tougher safe safer +tough tougher sharp sharper +tough tougher short shorter +tough tougher simple simpler +tough tougher slow slower +tough tougher small smaller +tough tougher smart smarter +tough tougher strong stronger +tough tougher tall taller +tough tougher tight tighter +warm warmer weak weaker +warm warmer wide wider +warm warmer young younger +warm warmer bad worse +warm warmer big bigger +warm warmer bright brighter +warm warmer cheap cheaper +warm warmer cold colder +warm warmer cool cooler +warm warmer deep deeper +warm warmer easy easier +warm warmer fast faster +warm warmer good better +warm warmer great greater +warm warmer hard harder +warm warmer heavy heavier +warm warmer high higher +warm warmer hot hotter +warm warmer large larger +warm warmer long longer +warm warmer loud louder +warm warmer low lower +warm warmer new newer +warm warmer old older +warm warmer quick quicker +warm warmer safe safer +warm warmer sharp sharper +warm warmer short shorter +warm warmer simple simpler +warm warmer slow slower +warm warmer small smaller +warm warmer smart smarter +warm warmer strong stronger +warm warmer tall taller +warm warmer tight tighter +warm warmer tough tougher +weak weaker wide wider +weak weaker young younger +weak weaker bad worse +weak weaker big bigger +weak weaker bright brighter +weak weaker cheap cheaper +weak weaker cold colder +weak weaker cool cooler +weak weaker deep deeper +weak weaker easy easier +weak weaker fast faster +weak weaker good better +weak weaker great greater +weak weaker hard harder +weak weaker heavy heavier +weak weaker high higher +weak weaker hot hotter +weak weaker large larger +weak weaker long longer +weak weaker loud louder +weak weaker low lower +weak weaker new newer +weak weaker old older +weak weaker quick quicker +weak weaker safe safer +weak weaker sharp sharper +weak weaker short shorter +weak weaker simple simpler +weak weaker slow slower +weak weaker small smaller +weak weaker smart smarter +weak weaker strong stronger +weak weaker tall taller +weak weaker tight tighter +weak weaker tough tougher +weak weaker warm warmer +wide wider young younger +wide wider bad worse +wide wider big bigger +wide wider bright brighter +wide wider cheap cheaper +wide wider cold colder +wide wider cool cooler +wide wider deep deeper +wide wider easy easier +wide wider fast faster +wide wider good better +wide wider great greater +wide wider hard harder +wide wider heavy heavier +wide wider high higher +wide wider hot hotter +wide wider large larger +wide wider long longer +wide wider loud louder +wide wider low lower +wide wider new newer +wide wider old older +wide wider quick quicker +wide wider safe safer +wide wider sharp sharper +wide wider short shorter +wide wider simple simpler +wide wider slow slower +wide wider small smaller +wide wider smart smarter +wide wider strong stronger +wide wider tall taller +wide wider tight tighter +wide wider tough tougher +wide wider warm warmer +wide wider weak weaker +young younger bad worse +young younger big bigger +young younger bright brighter +young younger cheap cheaper +young younger cold colder +young younger cool cooler +young younger deep deeper +young younger easy easier +young younger fast faster +young younger good better +young younger great greater +young younger hard harder +young younger heavy heavier +young younger high higher +young younger hot hotter +young younger large larger +young younger long longer +young younger loud louder +young younger low lower +young younger new newer +young younger old older +young younger quick quicker +young younger safe safer +young younger sharp sharper +young younger short shorter +young younger simple simpler +young younger slow slower +young younger small smaller +young younger smart smarter +young younger strong stronger +young younger tall taller +young younger tight tighter +young younger tough tougher +young younger warm warmer +young younger weak weaker +young younger wide wider +: gram4-superlative +bad worst big biggest +bad worst bright brightest +bad worst cold coldest +bad worst cool coolest +bad worst dark darkest +bad worst easy easiest +bad worst fast fastest +bad worst good best +bad worst great greatest +bad worst high highest +bad worst hot hottest +bad worst large largest +bad worst long longest +bad worst low lowest +bad worst lucky luckiest +bad worst old oldest +bad worst quick quickest +bad worst sharp sharpest +bad worst simple simplest +bad worst short shortest +bad worst slow slowest +bad worst small smallest +bad worst smart smartest +bad worst strange strangest +bad worst strong strongest +bad worst sweet sweetest +bad worst tall tallest +bad worst tasty tastiest +bad worst warm warmest +bad worst weak weakest +bad worst weird weirdest +bad worst wide widest +bad worst young youngest +big biggest bright brightest +big biggest cold coldest +big biggest cool coolest +big biggest dark darkest +big biggest easy easiest +big biggest fast fastest +big biggest good best +big biggest great greatest +big biggest high highest +big biggest hot hottest +big biggest large largest +big biggest long longest +big biggest low lowest +big biggest lucky luckiest +big biggest old oldest +big biggest quick quickest +big biggest sharp sharpest +big biggest simple simplest +big biggest short shortest +big biggest slow slowest +big biggest small smallest +big biggest smart smartest +big biggest strange strangest +big biggest strong strongest +big biggest sweet sweetest +big biggest tall tallest +big biggest tasty tastiest +big biggest warm warmest +big biggest weak weakest +big biggest weird weirdest +big biggest wide widest +big biggest young youngest +big biggest bad worst +bright brightest cold coldest +bright brightest cool coolest +bright brightest dark darkest +bright brightest easy easiest +bright brightest fast fastest +bright brightest good best +bright brightest great greatest +bright brightest high highest +bright brightest hot hottest +bright brightest large largest +bright brightest long longest +bright brightest low lowest +bright brightest lucky luckiest +bright brightest old oldest +bright brightest quick quickest +bright brightest sharp sharpest +bright brightest simple simplest +bright brightest short shortest +bright brightest slow slowest +bright brightest small smallest +bright brightest smart smartest +bright brightest strange strangest +bright brightest strong strongest +bright brightest sweet sweetest +bright brightest tall tallest +bright brightest tasty tastiest +bright brightest warm warmest +bright brightest weak weakest +bright brightest weird weirdest +bright brightest wide widest +bright brightest young youngest +bright brightest bad worst +bright brightest big biggest +cold coldest cool coolest +cold coldest dark darkest +cold coldest easy easiest +cold coldest fast fastest +cold coldest good best +cold coldest great greatest +cold coldest high highest +cold coldest hot hottest +cold coldest large largest +cold coldest long longest +cold coldest low lowest +cold coldest lucky luckiest +cold coldest old oldest +cold coldest quick quickest +cold coldest sharp sharpest +cold coldest simple simplest +cold coldest short shortest +cold coldest slow slowest +cold coldest small smallest +cold coldest smart smartest +cold coldest strange strangest +cold coldest strong strongest +cold coldest sweet sweetest +cold coldest tall tallest +cold coldest tasty tastiest +cold coldest warm warmest +cold coldest weak weakest +cold coldest weird weirdest +cold coldest wide widest +cold coldest young youngest +cold coldest bad worst +cold coldest big biggest +cold coldest bright brightest +cool coolest dark darkest +cool coolest easy easiest +cool coolest fast fastest +cool coolest good best +cool coolest great greatest +cool coolest high highest +cool coolest hot hottest +cool coolest large largest +cool coolest long longest +cool coolest low lowest +cool coolest lucky luckiest +cool coolest old oldest +cool coolest quick quickest +cool coolest sharp sharpest +cool coolest simple simplest +cool coolest short shortest +cool coolest slow slowest +cool coolest small smallest +cool coolest smart smartest +cool coolest strange strangest +cool coolest strong strongest +cool coolest sweet sweetest +cool coolest tall tallest +cool coolest tasty tastiest +cool coolest warm warmest +cool coolest weak weakest +cool coolest weird weirdest +cool coolest wide widest +cool coolest young youngest +cool coolest bad worst +cool coolest big biggest +cool coolest bright brightest +cool coolest cold coldest +dark darkest easy easiest +dark darkest fast fastest +dark darkest good best +dark darkest great greatest +dark darkest high highest +dark darkest hot hottest +dark darkest large largest +dark darkest long longest +dark darkest low lowest +dark darkest lucky luckiest +dark darkest old oldest +dark darkest quick quickest +dark darkest sharp sharpest +dark darkest simple simplest +dark darkest short shortest +dark darkest slow slowest +dark darkest small smallest +dark darkest smart smartest +dark darkest strange strangest +dark darkest strong strongest +dark darkest sweet sweetest +dark darkest tall tallest +dark darkest tasty tastiest +dark darkest warm warmest +dark darkest weak weakest +dark darkest weird weirdest +dark darkest wide widest +dark darkest young youngest +dark darkest bad worst +dark darkest big biggest +dark darkest bright brightest +dark darkest cold coldest +dark darkest cool coolest +easy easiest fast fastest +easy easiest good best +easy easiest great greatest +easy easiest high highest +easy easiest hot hottest +easy easiest large largest +easy easiest long longest +easy easiest low lowest +easy easiest lucky luckiest +easy easiest old oldest +easy easiest quick quickest +easy easiest sharp sharpest +easy easiest simple simplest +easy easiest short shortest +easy easiest slow slowest +easy easiest small smallest +easy easiest smart smartest +easy easiest strange strangest +easy easiest strong strongest +easy easiest sweet sweetest +easy easiest tall tallest +easy easiest tasty tastiest +easy easiest warm warmest +easy easiest weak weakest +easy easiest weird weirdest +easy easiest wide widest +easy easiest young youngest +easy easiest bad worst +easy easiest big biggest +easy easiest bright brightest +easy easiest cold coldest +easy easiest cool coolest +easy easiest dark darkest +fast fastest good best +fast fastest great greatest +fast fastest high highest +fast fastest hot hottest +fast fastest large largest +fast fastest long longest +fast fastest low lowest +fast fastest lucky luckiest +fast fastest old oldest +fast fastest quick quickest +fast fastest sharp sharpest +fast fastest simple simplest +fast fastest short shortest +fast fastest slow slowest +fast fastest small smallest +fast fastest smart smartest +fast fastest strange strangest +fast fastest strong strongest +fast fastest sweet sweetest +fast fastest tall tallest +fast fastest tasty tastiest +fast fastest warm warmest +fast fastest weak weakest +fast fastest weird weirdest +fast fastest wide widest +fast fastest young youngest +fast fastest bad worst +fast fastest big biggest +fast fastest bright brightest +fast fastest cold coldest +fast fastest cool coolest +fast fastest dark darkest +fast fastest easy easiest +good best great greatest +good best high highest +good best hot hottest +good best large largest +good best long longest +good best low lowest +good best lucky luckiest +good best old oldest +good best quick quickest +good best sharp sharpest +good best simple simplest +good best short shortest +good best slow slowest +good best small smallest +good best smart smartest +good best strange strangest +good best strong strongest +good best sweet sweetest +good best tall tallest +good best tasty tastiest +good best warm warmest +good best weak weakest +good best weird weirdest +good best wide widest +good best young youngest +good best bad worst +good best big biggest +good best bright brightest +good best cold coldest +good best cool coolest +good best dark darkest +good best easy easiest +good best fast fastest +great greatest high highest +great greatest hot hottest +great greatest large largest +great greatest long longest +great greatest low lowest +great greatest lucky luckiest +great greatest old oldest +great greatest quick quickest +great greatest sharp sharpest +great greatest simple simplest +great greatest short shortest +great greatest slow slowest +great greatest small smallest +great greatest smart smartest +great greatest strange strangest +great greatest strong strongest +great greatest sweet sweetest +great greatest tall tallest +great greatest tasty tastiest +great greatest warm warmest +great greatest weak weakest +great greatest weird weirdest +great greatest wide widest +great greatest young youngest +great greatest bad worst +great greatest big biggest +great greatest bright brightest +great greatest cold coldest +great greatest cool coolest +great greatest dark darkest +great greatest easy easiest +great greatest fast fastest +great greatest good best +high highest hot hottest +high highest large largest +high highest long longest +high highest low lowest +high highest lucky luckiest +high highest old oldest +high highest quick quickest +high highest sharp sharpest +high highest simple simplest +high highest short shortest +high highest slow slowest +high highest small smallest +high highest smart smartest +high highest strange strangest +high highest strong strongest +high highest sweet sweetest +high highest tall tallest +high highest tasty tastiest +high highest warm warmest +high highest weak weakest +high highest weird weirdest +high highest wide widest +high highest young youngest +high highest bad worst +high highest big biggest +high highest bright brightest +high highest cold coldest +high highest cool coolest +high highest dark darkest +high highest easy easiest +high highest fast fastest +high highest good best +high highest great greatest +hot hottest large largest +hot hottest long longest +hot hottest low lowest +hot hottest lucky luckiest +hot hottest old oldest +hot hottest quick quickest +hot hottest sharp sharpest +hot hottest simple simplest +hot hottest short shortest +hot hottest slow slowest +hot hottest small smallest +hot hottest smart smartest +hot hottest strange strangest +hot hottest strong strongest +hot hottest sweet sweetest +hot hottest tall tallest +hot hottest tasty tastiest +hot hottest warm warmest +hot hottest weak weakest +hot hottest weird weirdest +hot hottest wide widest +hot hottest young youngest +hot hottest bad worst +hot hottest big biggest +hot hottest bright brightest +hot hottest cold coldest +hot hottest cool coolest +hot hottest dark darkest +hot hottest easy easiest +hot hottest fast fastest +hot hottest good best +hot hottest great greatest +hot hottest high highest +large largest long longest +large largest low lowest +large largest lucky luckiest +large largest old oldest +large largest quick quickest +large largest sharp sharpest +large largest simple simplest +large largest short shortest +large largest slow slowest +large largest small smallest +large largest smart smartest +large largest strange strangest +large largest strong strongest +large largest sweet sweetest +large largest tall tallest +large largest tasty tastiest +large largest warm warmest +large largest weak weakest +large largest weird weirdest +large largest wide widest +large largest young youngest +large largest bad worst +large largest big biggest +large largest bright brightest +large largest cold coldest +large largest cool coolest +large largest dark darkest +large largest easy easiest +large largest fast fastest +large largest good best +large largest great greatest +large largest high highest +large largest hot hottest +long longest low lowest +long longest lucky luckiest +long longest old oldest +long longest quick quickest +long longest sharp sharpest +long longest simple simplest +long longest short shortest +long longest slow slowest +long longest small smallest +long longest smart smartest +long longest strange strangest +long longest strong strongest +long longest sweet sweetest +long longest tall tallest +long longest tasty tastiest +long longest warm warmest +long longest weak weakest +long longest weird weirdest +long longest wide widest +long longest young youngest +long longest bad worst +long longest big biggest +long longest bright brightest +long longest cold coldest +long longest cool coolest +long longest dark darkest +long longest easy easiest +long longest fast fastest +long longest good best +long longest great greatest +long longest high highest +long longest hot hottest +long longest large largest +low lowest lucky luckiest +low lowest old oldest +low lowest quick quickest +low lowest sharp sharpest +low lowest simple simplest +low lowest short shortest +low lowest slow slowest +low lowest small smallest +low lowest smart smartest +low lowest strange strangest +low lowest strong strongest +low lowest sweet sweetest +low lowest tall tallest +low lowest tasty tastiest +low lowest warm warmest +low lowest weak weakest +low lowest weird weirdest +low lowest wide widest +low lowest young youngest +low lowest bad worst +low lowest big biggest +low lowest bright brightest +low lowest cold coldest +low lowest cool coolest +low lowest dark darkest +low lowest easy easiest +low lowest fast fastest +low lowest good best +low lowest great greatest +low lowest high highest +low lowest hot hottest +low lowest large largest +low lowest long longest +lucky luckiest old oldest +lucky luckiest quick quickest +lucky luckiest sharp sharpest +lucky luckiest simple simplest +lucky luckiest short shortest +lucky luckiest slow slowest +lucky luckiest small smallest +lucky luckiest smart smartest +lucky luckiest strange strangest +lucky luckiest strong strongest +lucky luckiest sweet sweetest +lucky luckiest tall tallest +lucky luckiest tasty tastiest +lucky luckiest warm warmest +lucky luckiest weak weakest +lucky luckiest weird weirdest +lucky luckiest wide widest +lucky luckiest young youngest +lucky luckiest bad worst +lucky luckiest big biggest +lucky luckiest bright brightest +lucky luckiest cold coldest +lucky luckiest cool coolest +lucky luckiest dark darkest +lucky luckiest easy easiest +lucky luckiest fast fastest +lucky luckiest good best +lucky luckiest great greatest +lucky luckiest high highest +lucky luckiest hot hottest +lucky luckiest large largest +lucky luckiest long longest +lucky luckiest low lowest +old oldest quick quickest +old oldest sharp sharpest +old oldest simple simplest +old oldest short shortest +old oldest slow slowest +old oldest small smallest +old oldest smart smartest +old oldest strange strangest +old oldest strong strongest +old oldest sweet sweetest +old oldest tall tallest +old oldest tasty tastiest +old oldest warm warmest +old oldest weak weakest +old oldest weird weirdest +old oldest wide widest +old oldest young youngest +old oldest bad worst +old oldest big biggest +old oldest bright brightest +old oldest cold coldest +old oldest cool coolest +old oldest dark darkest +old oldest easy easiest +old oldest fast fastest +old oldest good best +old oldest great greatest +old oldest high highest +old oldest hot hottest +old oldest large largest +old oldest long longest +old oldest low lowest +old oldest lucky luckiest +quick quickest sharp sharpest +quick quickest simple simplest +quick quickest short shortest +quick quickest slow slowest +quick quickest small smallest +quick quickest smart smartest +quick quickest strange strangest +quick quickest strong strongest +quick quickest sweet sweetest +quick quickest tall tallest +quick quickest tasty tastiest +quick quickest warm warmest +quick quickest weak weakest +quick quickest weird weirdest +quick quickest wide widest +quick quickest young youngest +quick quickest bad worst +quick quickest big biggest +quick quickest bright brightest +quick quickest cold coldest +quick quickest cool coolest +quick quickest dark darkest +quick quickest easy easiest +quick quickest fast fastest +quick quickest good best +quick quickest great greatest +quick quickest high highest +quick quickest hot hottest +quick quickest large largest +quick quickest long longest +quick quickest low lowest +quick quickest lucky luckiest +quick quickest old oldest +sharp sharpest simple simplest +sharp sharpest short shortest +sharp sharpest slow slowest +sharp sharpest small smallest +sharp sharpest smart smartest +sharp sharpest strange strangest +sharp sharpest strong strongest +sharp sharpest sweet sweetest +sharp sharpest tall tallest +sharp sharpest tasty tastiest +sharp sharpest warm warmest +sharp sharpest weak weakest +sharp sharpest weird weirdest +sharp sharpest wide widest +sharp sharpest young youngest +sharp sharpest bad worst +sharp sharpest big biggest +sharp sharpest bright brightest +sharp sharpest cold coldest +sharp sharpest cool coolest +sharp sharpest dark darkest +sharp sharpest easy easiest +sharp sharpest fast fastest +sharp sharpest good best +sharp sharpest great greatest +sharp sharpest high highest +sharp sharpest hot hottest +sharp sharpest large largest +sharp sharpest long longest +sharp sharpest low lowest +sharp sharpest lucky luckiest +sharp sharpest old oldest +sharp sharpest quick quickest +simple simplest short shortest +simple simplest slow slowest +simple simplest small smallest +simple simplest smart smartest +simple simplest strange strangest +simple simplest strong strongest +simple simplest sweet sweetest +simple simplest tall tallest +simple simplest tasty tastiest +simple simplest warm warmest +simple simplest weak weakest +simple simplest weird weirdest +simple simplest wide widest +simple simplest young youngest +simple simplest bad worst +simple simplest big biggest +simple simplest bright brightest +simple simplest cold coldest +simple simplest cool coolest +simple simplest dark darkest +simple simplest easy easiest +simple simplest fast fastest +simple simplest good best +simple simplest great greatest +simple simplest high highest +simple simplest hot hottest +simple simplest large largest +simple simplest long longest +simple simplest low lowest +simple simplest lucky luckiest +simple simplest old oldest +simple simplest quick quickest +simple simplest sharp sharpest +short shortest slow slowest +short shortest small smallest +short shortest smart smartest +short shortest strange strangest +short shortest strong strongest +short shortest sweet sweetest +short shortest tall tallest +short shortest tasty tastiest +short shortest warm warmest +short shortest weak weakest +short shortest weird weirdest +short shortest wide widest +short shortest young youngest +short shortest bad worst +short shortest big biggest +short shortest bright brightest +short shortest cold coldest +short shortest cool coolest +short shortest dark darkest +short shortest easy easiest +short shortest fast fastest +short shortest good best +short shortest great greatest +short shortest high highest +short shortest hot hottest +short shortest large largest +short shortest long longest +short shortest low lowest +short shortest lucky luckiest +short shortest old oldest +short shortest quick quickest +short shortest sharp sharpest +short shortest simple simplest +slow slowest small smallest +slow slowest smart smartest +slow slowest strange strangest +slow slowest strong strongest +slow slowest sweet sweetest +slow slowest tall tallest +slow slowest tasty tastiest +slow slowest warm warmest +slow slowest weak weakest +slow slowest weird weirdest +slow slowest wide widest +slow slowest young youngest +slow slowest bad worst +slow slowest big biggest +slow slowest bright brightest +slow slowest cold coldest +slow slowest cool coolest +slow slowest dark darkest +slow slowest easy easiest +slow slowest fast fastest +slow slowest good best +slow slowest great greatest +slow slowest high highest +slow slowest hot hottest +slow slowest large largest +slow slowest long longest +slow slowest low lowest +slow slowest lucky luckiest +slow slowest old oldest +slow slowest quick quickest +slow slowest sharp sharpest +slow slowest simple simplest +slow slowest short shortest +small smallest smart smartest +small smallest strange strangest +small smallest strong strongest +small smallest sweet sweetest +small smallest tall tallest +small smallest tasty tastiest +small smallest warm warmest +small smallest weak weakest +small smallest weird weirdest +small smallest wide widest +small smallest young youngest +small smallest bad worst +small smallest big biggest +small smallest bright brightest +small smallest cold coldest +small smallest cool coolest +small smallest dark darkest +small smallest easy easiest +small smallest fast fastest +small smallest good best +small smallest great greatest +small smallest high highest +small smallest hot hottest +small smallest large largest +small smallest long longest +small smallest low lowest +small smallest lucky luckiest +small smallest old oldest +small smallest quick quickest +small smallest sharp sharpest +small smallest simple simplest +small smallest short shortest +small smallest slow slowest +smart smartest strange strangest +smart smartest strong strongest +smart smartest sweet sweetest +smart smartest tall tallest +smart smartest tasty tastiest +smart smartest warm warmest +smart smartest weak weakest +smart smartest weird weirdest +smart smartest wide widest +smart smartest young youngest +smart smartest bad worst +smart smartest big biggest +smart smartest bright brightest +smart smartest cold coldest +smart smartest cool coolest +smart smartest dark darkest +smart smartest easy easiest +smart smartest fast fastest +smart smartest good best +smart smartest great greatest +smart smartest high highest +smart smartest hot hottest +smart smartest large largest +smart smartest long longest +smart smartest low lowest +smart smartest lucky luckiest +smart smartest old oldest +smart smartest quick quickest +smart smartest sharp sharpest +smart smartest simple simplest +smart smartest short shortest +smart smartest slow slowest +smart smartest small smallest +strange strangest strong strongest +strange strangest sweet sweetest +strange strangest tall tallest +strange strangest tasty tastiest +strange strangest warm warmest +strange strangest weak weakest +strange strangest weird weirdest +strange strangest wide widest +strange strangest young youngest +strange strangest bad worst +strange strangest big biggest +strange strangest bright brightest +strange strangest cold coldest +strange strangest cool coolest +strange strangest dark darkest +strange strangest easy easiest +strange strangest fast fastest +strange strangest good best +strange strangest great greatest +strange strangest high highest +strange strangest hot hottest +strange strangest large largest +strange strangest long longest +strange strangest low lowest +strange strangest lucky luckiest +strange strangest old oldest +strange strangest quick quickest +strange strangest sharp sharpest +strange strangest simple simplest +strange strangest short shortest +strange strangest slow slowest +strange strangest small smallest +strange strangest smart smartest +strong strongest sweet sweetest +strong strongest tall tallest +strong strongest tasty tastiest +strong strongest warm warmest +strong strongest weak weakest +strong strongest weird weirdest +strong strongest wide widest +strong strongest young youngest +strong strongest bad worst +strong strongest big biggest +strong strongest bright brightest +strong strongest cold coldest +strong strongest cool coolest +strong strongest dark darkest +strong strongest easy easiest +strong strongest fast fastest +strong strongest good best +strong strongest great greatest +strong strongest high highest +strong strongest hot hottest +strong strongest large largest +strong strongest long longest +strong strongest low lowest +strong strongest lucky luckiest +strong strongest old oldest +strong strongest quick quickest +strong strongest sharp sharpest +strong strongest simple simplest +strong strongest short shortest +strong strongest slow slowest +strong strongest small smallest +strong strongest smart smartest +strong strongest strange strangest +sweet sweetest tall tallest +sweet sweetest tasty tastiest +sweet sweetest warm warmest +sweet sweetest weak weakest +sweet sweetest weird weirdest +sweet sweetest wide widest +sweet sweetest young youngest +sweet sweetest bad worst +sweet sweetest big biggest +sweet sweetest bright brightest +sweet sweetest cold coldest +sweet sweetest cool coolest +sweet sweetest dark darkest +sweet sweetest easy easiest +sweet sweetest fast fastest +sweet sweetest good best +sweet sweetest great greatest +sweet sweetest high highest +sweet sweetest hot hottest +sweet sweetest large largest +sweet sweetest long longest +sweet sweetest low lowest +sweet sweetest lucky luckiest +sweet sweetest old oldest +sweet sweetest quick quickest +sweet sweetest sharp sharpest +sweet sweetest simple simplest +sweet sweetest short shortest +sweet sweetest slow slowest +sweet sweetest small smallest +sweet sweetest smart smartest +sweet sweetest strange strangest +sweet sweetest strong strongest +tall tallest tasty tastiest +tall tallest warm warmest +tall tallest weak weakest +tall tallest weird weirdest +tall tallest wide widest +tall tallest young youngest +tall tallest bad worst +tall tallest big biggest +tall tallest bright brightest +tall tallest cold coldest +tall tallest cool coolest +tall tallest dark darkest +tall tallest easy easiest +tall tallest fast fastest +tall tallest good best +tall tallest great greatest +tall tallest high highest +tall tallest hot hottest +tall tallest large largest +tall tallest long longest +tall tallest low lowest +tall tallest lucky luckiest +tall tallest old oldest +tall tallest quick quickest +tall tallest sharp sharpest +tall tallest simple simplest +tall tallest short shortest +tall tallest slow slowest +tall tallest small smallest +tall tallest smart smartest +tall tallest strange strangest +tall tallest strong strongest +tall tallest sweet sweetest +tasty tastiest warm warmest +tasty tastiest weak weakest +tasty tastiest weird weirdest +tasty tastiest wide widest +tasty tastiest young youngest +tasty tastiest bad worst +tasty tastiest big biggest +tasty tastiest bright brightest +tasty tastiest cold coldest +tasty tastiest cool coolest +tasty tastiest dark darkest +tasty tastiest easy easiest +tasty tastiest fast fastest +tasty tastiest good best +tasty tastiest great greatest +tasty tastiest high highest +tasty tastiest hot hottest +tasty tastiest large largest +tasty tastiest long longest +tasty tastiest low lowest +tasty tastiest lucky luckiest +tasty tastiest old oldest +tasty tastiest quick quickest +tasty tastiest sharp sharpest +tasty tastiest simple simplest +tasty tastiest short shortest +tasty tastiest slow slowest +tasty tastiest small smallest +tasty tastiest smart smartest +tasty tastiest strange strangest +tasty tastiest strong strongest +tasty tastiest sweet sweetest +tasty tastiest tall tallest +warm warmest weak weakest +warm warmest weird weirdest +warm warmest wide widest +warm warmest young youngest +warm warmest bad worst +warm warmest big biggest +warm warmest bright brightest +warm warmest cold coldest +warm warmest cool coolest +warm warmest dark darkest +warm warmest easy easiest +warm warmest fast fastest +warm warmest good best +warm warmest great greatest +warm warmest high highest +warm warmest hot hottest +warm warmest large largest +warm warmest long longest +warm warmest low lowest +warm warmest lucky luckiest +warm warmest old oldest +warm warmest quick quickest +warm warmest sharp sharpest +warm warmest simple simplest +warm warmest short shortest +warm warmest slow slowest +warm warmest small smallest +warm warmest smart smartest +warm warmest strange strangest +warm warmest strong strongest +warm warmest sweet sweetest +warm warmest tall tallest +warm warmest tasty tastiest +weak weakest weird weirdest +weak weakest wide widest +weak weakest young youngest +weak weakest bad worst +weak weakest big biggest +weak weakest bright brightest +weak weakest cold coldest +weak weakest cool coolest +weak weakest dark darkest +weak weakest easy easiest +weak weakest fast fastest +weak weakest good best +weak weakest great greatest +weak weakest high highest +weak weakest hot hottest +weak weakest large largest +weak weakest long longest +weak weakest low lowest +weak weakest lucky luckiest +weak weakest old oldest +weak weakest quick quickest +weak weakest sharp sharpest +weak weakest simple simplest +weak weakest short shortest +weak weakest slow slowest +weak weakest small smallest +weak weakest smart smartest +weak weakest strange strangest +weak weakest strong strongest +weak weakest sweet sweetest +weak weakest tall tallest +weak weakest tasty tastiest +weak weakest warm warmest +weird weirdest wide widest +weird weirdest young youngest +weird weirdest bad worst +weird weirdest big biggest +weird weirdest bright brightest +weird weirdest cold coldest +weird weirdest cool coolest +weird weirdest dark darkest +weird weirdest easy easiest +weird weirdest fast fastest +weird weirdest good best +weird weirdest great greatest +weird weirdest high highest +weird weirdest hot hottest +weird weirdest large largest +weird weirdest long longest +weird weirdest low lowest +weird weirdest lucky luckiest +weird weirdest old oldest +weird weirdest quick quickest +weird weirdest sharp sharpest +weird weirdest simple simplest +weird weirdest short shortest +weird weirdest slow slowest +weird weirdest small smallest +weird weirdest smart smartest +weird weirdest strange strangest +weird weirdest strong strongest +weird weirdest sweet sweetest +weird weirdest tall tallest +weird weirdest tasty tastiest +weird weirdest warm warmest +weird weirdest weak weakest +wide widest young youngest +wide widest bad worst +wide widest big biggest +wide widest bright brightest +wide widest cold coldest +wide widest cool coolest +wide widest dark darkest +wide widest easy easiest +wide widest fast fastest +wide widest good best +wide widest great greatest +wide widest high highest +wide widest hot hottest +wide widest large largest +wide widest long longest +wide widest low lowest +wide widest lucky luckiest +wide widest old oldest +wide widest quick quickest +wide widest sharp sharpest +wide widest simple simplest +wide widest short shortest +wide widest slow slowest +wide widest small smallest +wide widest smart smartest +wide widest strange strangest +wide widest strong strongest +wide widest sweet sweetest +wide widest tall tallest +wide widest tasty tastiest +wide widest warm warmest +wide widest weak weakest +wide widest weird weirdest +young youngest bad worst +young youngest big biggest +young youngest bright brightest +young youngest cold coldest +young youngest cool coolest +young youngest dark darkest +young youngest easy easiest +young youngest fast fastest +young youngest good best +young youngest great greatest +young youngest high highest +young youngest hot hottest +young youngest large largest +young youngest long longest +young youngest low lowest +young youngest lucky luckiest +young youngest old oldest +young youngest quick quickest +young youngest sharp sharpest +young youngest simple simplest +young youngest short shortest +young youngest slow slowest +young youngest small smallest +young youngest smart smartest +young youngest strange strangest +young youngest strong strongest +young youngest sweet sweetest +young youngest tall tallest +young youngest tasty tastiest +young youngest warm warmest +young youngest weak weakest +young youngest weird weirdest +young youngest wide widest +: gram5-present-participle +code coding dance dancing +code coding debug debugging +code coding decrease decreasing +code coding describe describing +code coding discover discovering +code coding enhance enhancing +code coding fly flying +code coding generate generating +code coding go going +code coding implement implementing +code coding increase increasing +code coding invent inventing +code coding jump jumping +code coding listen listening +code coding look looking +code coding move moving +code coding play playing +code coding predict predicting +code coding read reading +code coding run running +code coding say saying +code coding scream screaming +code coding see seeing +code coding shuffle shuffling +code coding sing singing +code coding sit sitting +code coding slow slowing +code coding swim swimming +code coding think thinking +code coding vanish vanishing +code coding walk walking +code coding write writing +dance dancing debug debugging +dance dancing decrease decreasing +dance dancing describe describing +dance dancing discover discovering +dance dancing enhance enhancing +dance dancing fly flying +dance dancing generate generating +dance dancing go going +dance dancing implement implementing +dance dancing increase increasing +dance dancing invent inventing +dance dancing jump jumping +dance dancing listen listening +dance dancing look looking +dance dancing move moving +dance dancing play playing +dance dancing predict predicting +dance dancing read reading +dance dancing run running +dance dancing say saying +dance dancing scream screaming +dance dancing see seeing +dance dancing shuffle shuffling +dance dancing sing singing +dance dancing sit sitting +dance dancing slow slowing +dance dancing swim swimming +dance dancing think thinking +dance dancing vanish vanishing +dance dancing walk walking +dance dancing write writing +dance dancing code coding +debug debugging decrease decreasing +debug debugging describe describing +debug debugging discover discovering +debug debugging enhance enhancing +debug debugging fly flying +debug debugging generate generating +debug debugging go going +debug debugging implement implementing +debug debugging increase increasing +debug debugging invent inventing +debug debugging jump jumping +debug debugging listen listening +debug debugging look looking +debug debugging move moving +debug debugging play playing +debug debugging predict predicting +debug debugging read reading +debug debugging run running +debug debugging say saying +debug debugging scream screaming +debug debugging see seeing +debug debugging shuffle shuffling +debug debugging sing singing +debug debugging sit sitting +debug debugging slow slowing +debug debugging swim swimming +debug debugging think thinking +debug debugging vanish vanishing +debug debugging walk walking +debug debugging write writing +debug debugging code coding +debug debugging dance dancing +decrease decreasing describe describing +decrease decreasing discover discovering +decrease decreasing enhance enhancing +decrease decreasing fly flying +decrease decreasing generate generating +decrease decreasing go going +decrease decreasing implement implementing +decrease decreasing increase increasing +decrease decreasing invent inventing +decrease decreasing jump jumping +decrease decreasing listen listening +decrease decreasing look looking +decrease decreasing move moving +decrease decreasing play playing +decrease decreasing predict predicting +decrease decreasing read reading +decrease decreasing run running +decrease decreasing say saying +decrease decreasing scream screaming +decrease decreasing see seeing +decrease decreasing shuffle shuffling +decrease decreasing sing singing +decrease decreasing sit sitting +decrease decreasing slow slowing +decrease decreasing swim swimming +decrease decreasing think thinking +decrease decreasing vanish vanishing +decrease decreasing walk walking +decrease decreasing write writing +decrease decreasing code coding +decrease decreasing dance dancing +decrease decreasing debug debugging +describe describing discover discovering +describe describing enhance enhancing +describe describing fly flying +describe describing generate generating +describe describing go going +describe describing implement implementing +describe describing increase increasing +describe describing invent inventing +describe describing jump jumping +describe describing listen listening +describe describing look looking +describe describing move moving +describe describing play playing +describe describing predict predicting +describe describing read reading +describe describing run running +describe describing say saying +describe describing scream screaming +describe describing see seeing +describe describing shuffle shuffling +describe describing sing singing +describe describing sit sitting +describe describing slow slowing +describe describing swim swimming +describe describing think thinking +describe describing vanish vanishing +describe describing walk walking +describe describing write writing +describe describing code coding +describe describing dance dancing +describe describing debug debugging +describe describing decrease decreasing +discover discovering enhance enhancing +discover discovering fly flying +discover discovering generate generating +discover discovering go going +discover discovering implement implementing +discover discovering increase increasing +discover discovering invent inventing +discover discovering jump jumping +discover discovering listen listening +discover discovering look looking +discover discovering move moving +discover discovering play playing +discover discovering predict predicting +discover discovering read reading +discover discovering run running +discover discovering say saying +discover discovering scream screaming +discover discovering see seeing +discover discovering shuffle shuffling +discover discovering sing singing +discover discovering sit sitting +discover discovering slow slowing +discover discovering swim swimming +discover discovering think thinking +discover discovering vanish vanishing +discover discovering walk walking +discover discovering write writing +discover discovering code coding +discover discovering dance dancing +discover discovering debug debugging +discover discovering decrease decreasing +discover discovering describe describing +enhance enhancing fly flying +enhance enhancing generate generating +enhance enhancing go going +enhance enhancing implement implementing +enhance enhancing increase increasing +enhance enhancing invent inventing +enhance enhancing jump jumping +enhance enhancing listen listening +enhance enhancing look looking +enhance enhancing move moving +enhance enhancing play playing +enhance enhancing predict predicting +enhance enhancing read reading +enhance enhancing run running +enhance enhancing say saying +enhance enhancing scream screaming +enhance enhancing see seeing +enhance enhancing shuffle shuffling +enhance enhancing sing singing +enhance enhancing sit sitting +enhance enhancing slow slowing +enhance enhancing swim swimming +enhance enhancing think thinking +enhance enhancing vanish vanishing +enhance enhancing walk walking +enhance enhancing write writing +enhance enhancing code coding +enhance enhancing dance dancing +enhance enhancing debug debugging +enhance enhancing decrease decreasing +enhance enhancing describe describing +enhance enhancing discover discovering +fly flying generate generating +fly flying go going +fly flying implement implementing +fly flying increase increasing +fly flying invent inventing +fly flying jump jumping +fly flying listen listening +fly flying look looking +fly flying move moving +fly flying play playing +fly flying predict predicting +fly flying read reading +fly flying run running +fly flying say saying +fly flying scream screaming +fly flying see seeing +fly flying shuffle shuffling +fly flying sing singing +fly flying sit sitting +fly flying slow slowing +fly flying swim swimming +fly flying think thinking +fly flying vanish vanishing +fly flying walk walking +fly flying write writing +fly flying code coding +fly flying dance dancing +fly flying debug debugging +fly flying decrease decreasing +fly flying describe describing +fly flying discover discovering +fly flying enhance enhancing +generate generating go going +generate generating implement implementing +generate generating increase increasing +generate generating invent inventing +generate generating jump jumping +generate generating listen listening +generate generating look looking +generate generating move moving +generate generating play playing +generate generating predict predicting +generate generating read reading +generate generating run running +generate generating say saying +generate generating scream screaming +generate generating see seeing +generate generating shuffle shuffling +generate generating sing singing +generate generating sit sitting +generate generating slow slowing +generate generating swim swimming +generate generating think thinking +generate generating vanish vanishing +generate generating walk walking +generate generating write writing +generate generating code coding +generate generating dance dancing +generate generating debug debugging +generate generating decrease decreasing +generate generating describe describing +generate generating discover discovering +generate generating enhance enhancing +generate generating fly flying +go going implement implementing +go going increase increasing +go going invent inventing +go going jump jumping +go going listen listening +go going look looking +go going move moving +go going play playing +go going predict predicting +go going read reading +go going run running +go going say saying +go going scream screaming +go going see seeing +go going shuffle shuffling +go going sing singing +go going sit sitting +go going slow slowing +go going swim swimming +go going think thinking +go going vanish vanishing +go going walk walking +go going write writing +go going code coding +go going dance dancing +go going debug debugging +go going decrease decreasing +go going describe describing +go going discover discovering +go going enhance enhancing +go going fly flying +go going generate generating +implement implementing increase increasing +implement implementing invent inventing +implement implementing jump jumping +implement implementing listen listening +implement implementing look looking +implement implementing move moving +implement implementing play playing +implement implementing predict predicting +implement implementing read reading +implement implementing run running +implement implementing say saying +implement implementing scream screaming +implement implementing see seeing +implement implementing shuffle shuffling +implement implementing sing singing +implement implementing sit sitting +implement implementing slow slowing +implement implementing swim swimming +implement implementing think thinking +implement implementing vanish vanishing +implement implementing walk walking +implement implementing write writing +implement implementing code coding +implement implementing dance dancing +implement implementing debug debugging +implement implementing decrease decreasing +implement implementing describe describing +implement implementing discover discovering +implement implementing enhance enhancing +implement implementing fly flying +implement implementing generate generating +implement implementing go going +increase increasing invent inventing +increase increasing jump jumping +increase increasing listen listening +increase increasing look looking +increase increasing move moving +increase increasing play playing +increase increasing predict predicting +increase increasing read reading +increase increasing run running +increase increasing say saying +increase increasing scream screaming +increase increasing see seeing +increase increasing shuffle shuffling +increase increasing sing singing +increase increasing sit sitting +increase increasing slow slowing +increase increasing swim swimming +increase increasing think thinking +increase increasing vanish vanishing +increase increasing walk walking +increase increasing write writing +increase increasing code coding +increase increasing dance dancing +increase increasing debug debugging +increase increasing decrease decreasing +increase increasing describe describing +increase increasing discover discovering +increase increasing enhance enhancing +increase increasing fly flying +increase increasing generate generating +increase increasing go going +increase increasing implement implementing +invent inventing jump jumping +invent inventing listen listening +invent inventing look looking +invent inventing move moving +invent inventing play playing +invent inventing predict predicting +invent inventing read reading +invent inventing run running +invent inventing say saying +invent inventing scream screaming +invent inventing see seeing +invent inventing shuffle shuffling +invent inventing sing singing +invent inventing sit sitting +invent inventing slow slowing +invent inventing swim swimming +invent inventing think thinking +invent inventing vanish vanishing +invent inventing walk walking +invent inventing write writing +invent inventing code coding +invent inventing dance dancing +invent inventing debug debugging +invent inventing decrease decreasing +invent inventing describe describing +invent inventing discover discovering +invent inventing enhance enhancing +invent inventing fly flying +invent inventing generate generating +invent inventing go going +invent inventing implement implementing +invent inventing increase increasing +jump jumping listen listening +jump jumping look looking +jump jumping move moving +jump jumping play playing +jump jumping predict predicting +jump jumping read reading +jump jumping run running +jump jumping say saying +jump jumping scream screaming +jump jumping see seeing +jump jumping shuffle shuffling +jump jumping sing singing +jump jumping sit sitting +jump jumping slow slowing +jump jumping swim swimming +jump jumping think thinking +jump jumping vanish vanishing +jump jumping walk walking +jump jumping write writing +jump jumping code coding +jump jumping dance dancing +jump jumping debug debugging +jump jumping decrease decreasing +jump jumping describe describing +jump jumping discover discovering +jump jumping enhance enhancing +jump jumping fly flying +jump jumping generate generating +jump jumping go going +jump jumping implement implementing +jump jumping increase increasing +jump jumping invent inventing +listen listening look looking +listen listening move moving +listen listening play playing +listen listening predict predicting +listen listening read reading +listen listening run running +listen listening say saying +listen listening scream screaming +listen listening see seeing +listen listening shuffle shuffling +listen listening sing singing +listen listening sit sitting +listen listening slow slowing +listen listening swim swimming +listen listening think thinking +listen listening vanish vanishing +listen listening walk walking +listen listening write writing +listen listening code coding +listen listening dance dancing +listen listening debug debugging +listen listening decrease decreasing +listen listening describe describing +listen listening discover discovering +listen listening enhance enhancing +listen listening fly flying +listen listening generate generating +listen listening go going +listen listening implement implementing +listen listening increase increasing +listen listening invent inventing +listen listening jump jumping +look looking move moving +look looking play playing +look looking predict predicting +look looking read reading +look looking run running +look looking say saying +look looking scream screaming +look looking see seeing +look looking shuffle shuffling +look looking sing singing +look looking sit sitting +look looking slow slowing +look looking swim swimming +look looking think thinking +look looking vanish vanishing +look looking walk walking +look looking write writing +look looking code coding +look looking dance dancing +look looking debug debugging +look looking decrease decreasing +look looking describe describing +look looking discover discovering +look looking enhance enhancing +look looking fly flying +look looking generate generating +look looking go going +look looking implement implementing +look looking increase increasing +look looking invent inventing +look looking jump jumping +look looking listen listening +move moving play playing +move moving predict predicting +move moving read reading +move moving run running +move moving say saying +move moving scream screaming +move moving see seeing +move moving shuffle shuffling +move moving sing singing +move moving sit sitting +move moving slow slowing +move moving swim swimming +move moving think thinking +move moving vanish vanishing +move moving walk walking +move moving write writing +move moving code coding +move moving dance dancing +move moving debug debugging +move moving decrease decreasing +move moving describe describing +move moving discover discovering +move moving enhance enhancing +move moving fly flying +move moving generate generating +move moving go going +move moving implement implementing +move moving increase increasing +move moving invent inventing +move moving jump jumping +move moving listen listening +move moving look looking +play playing predict predicting +play playing read reading +play playing run running +play playing say saying +play playing scream screaming +play playing see seeing +play playing shuffle shuffling +play playing sing singing +play playing sit sitting +play playing slow slowing +play playing swim swimming +play playing think thinking +play playing vanish vanishing +play playing walk walking +play playing write writing +play playing code coding +play playing dance dancing +play playing debug debugging +play playing decrease decreasing +play playing describe describing +play playing discover discovering +play playing enhance enhancing +play playing fly flying +play playing generate generating +play playing go going +play playing implement implementing +play playing increase increasing +play playing invent inventing +play playing jump jumping +play playing listen listening +play playing look looking +play playing move moving +predict predicting read reading +predict predicting run running +predict predicting say saying +predict predicting scream screaming +predict predicting see seeing +predict predicting shuffle shuffling +predict predicting sing singing +predict predicting sit sitting +predict predicting slow slowing +predict predicting swim swimming +predict predicting think thinking +predict predicting vanish vanishing +predict predicting walk walking +predict predicting write writing +predict predicting code coding +predict predicting dance dancing +predict predicting debug debugging +predict predicting decrease decreasing +predict predicting describe describing +predict predicting discover discovering +predict predicting enhance enhancing +predict predicting fly flying +predict predicting generate generating +predict predicting go going +predict predicting implement implementing +predict predicting increase increasing +predict predicting invent inventing +predict predicting jump jumping +predict predicting listen listening +predict predicting look looking +predict predicting move moving +predict predicting play playing +read reading run running +read reading say saying +read reading scream screaming +read reading see seeing +read reading shuffle shuffling +read reading sing singing +read reading sit sitting +read reading slow slowing +read reading swim swimming +read reading think thinking +read reading vanish vanishing +read reading walk walking +read reading write writing +read reading code coding +read reading dance dancing +read reading debug debugging +read reading decrease decreasing +read reading describe describing +read reading discover discovering +read reading enhance enhancing +read reading fly flying +read reading generate generating +read reading go going +read reading implement implementing +read reading increase increasing +read reading invent inventing +read reading jump jumping +read reading listen listening +read reading look looking +read reading move moving +read reading play playing +read reading predict predicting +run running say saying +run running scream screaming +run running see seeing +run running shuffle shuffling +run running sing singing +run running sit sitting +run running slow slowing +run running swim swimming +run running think thinking +run running vanish vanishing +run running walk walking +run running write writing +run running code coding +run running dance dancing +run running debug debugging +run running decrease decreasing +run running describe describing +run running discover discovering +run running enhance enhancing +run running fly flying +run running generate generating +run running go going +run running implement implementing +run running increase increasing +run running invent inventing +run running jump jumping +run running listen listening +run running look looking +run running move moving +run running play playing +run running predict predicting +run running read reading +say saying scream screaming +say saying see seeing +say saying shuffle shuffling +say saying sing singing +say saying sit sitting +say saying slow slowing +say saying swim swimming +say saying think thinking +say saying vanish vanishing +say saying walk walking +say saying write writing +say saying code coding +say saying dance dancing +say saying debug debugging +say saying decrease decreasing +say saying describe describing +say saying discover discovering +say saying enhance enhancing +say saying fly flying +say saying generate generating +say saying go going +say saying implement implementing +say saying increase increasing +say saying invent inventing +say saying jump jumping +say saying listen listening +say saying look looking +say saying move moving +say saying play playing +say saying predict predicting +say saying read reading +say saying run running +scream screaming see seeing +scream screaming shuffle shuffling +scream screaming sing singing +scream screaming sit sitting +scream screaming slow slowing +scream screaming swim swimming +scream screaming think thinking +scream screaming vanish vanishing +scream screaming walk walking +scream screaming write writing +scream screaming code coding +scream screaming dance dancing +scream screaming debug debugging +scream screaming decrease decreasing +scream screaming describe describing +scream screaming discover discovering +scream screaming enhance enhancing +scream screaming fly flying +scream screaming generate generating +scream screaming go going +scream screaming implement implementing +scream screaming increase increasing +scream screaming invent inventing +scream screaming jump jumping +scream screaming listen listening +scream screaming look looking +scream screaming move moving +scream screaming play playing +scream screaming predict predicting +scream screaming read reading +scream screaming run running +scream screaming say saying +see seeing shuffle shuffling +see seeing sing singing +see seeing sit sitting +see seeing slow slowing +see seeing swim swimming +see seeing think thinking +see seeing vanish vanishing +see seeing walk walking +see seeing write writing +see seeing code coding +see seeing dance dancing +see seeing debug debugging +see seeing decrease decreasing +see seeing describe describing +see seeing discover discovering +see seeing enhance enhancing +see seeing fly flying +see seeing generate generating +see seeing go going +see seeing implement implementing +see seeing increase increasing +see seeing invent inventing +see seeing jump jumping +see seeing listen listening +see seeing look looking +see seeing move moving +see seeing play playing +see seeing predict predicting +see seeing read reading +see seeing run running +see seeing say saying +see seeing scream screaming +shuffle shuffling sing singing +shuffle shuffling sit sitting +shuffle shuffling slow slowing +shuffle shuffling swim swimming +shuffle shuffling think thinking +shuffle shuffling vanish vanishing +shuffle shuffling walk walking +shuffle shuffling write writing +shuffle shuffling code coding +shuffle shuffling dance dancing +shuffle shuffling debug debugging +shuffle shuffling decrease decreasing +shuffle shuffling describe describing +shuffle shuffling discover discovering +shuffle shuffling enhance enhancing +shuffle shuffling fly flying +shuffle shuffling generate generating +shuffle shuffling go going +shuffle shuffling implement implementing +shuffle shuffling increase increasing +shuffle shuffling invent inventing +shuffle shuffling jump jumping +shuffle shuffling listen listening +shuffle shuffling look looking +shuffle shuffling move moving +shuffle shuffling play playing +shuffle shuffling predict predicting +shuffle shuffling read reading +shuffle shuffling run running +shuffle shuffling say saying +shuffle shuffling scream screaming +shuffle shuffling see seeing +sing singing sit sitting +sing singing slow slowing +sing singing swim swimming +sing singing think thinking +sing singing vanish vanishing +sing singing walk walking +sing singing write writing +sing singing code coding +sing singing dance dancing +sing singing debug debugging +sing singing decrease decreasing +sing singing describe describing +sing singing discover discovering +sing singing enhance enhancing +sing singing fly flying +sing singing generate generating +sing singing go going +sing singing implement implementing +sing singing increase increasing +sing singing invent inventing +sing singing jump jumping +sing singing listen listening +sing singing look looking +sing singing move moving +sing singing play playing +sing singing predict predicting +sing singing read reading +sing singing run running +sing singing say saying +sing singing scream screaming +sing singing see seeing +sing singing shuffle shuffling +sit sitting slow slowing +sit sitting swim swimming +sit sitting think thinking +sit sitting vanish vanishing +sit sitting walk walking +sit sitting write writing +sit sitting code coding +sit sitting dance dancing +sit sitting debug debugging +sit sitting decrease decreasing +sit sitting describe describing +sit sitting discover discovering +sit sitting enhance enhancing +sit sitting fly flying +sit sitting generate generating +sit sitting go going +sit sitting implement implementing +sit sitting increase increasing +sit sitting invent inventing +sit sitting jump jumping +sit sitting listen listening +sit sitting look looking +sit sitting move moving +sit sitting play playing +sit sitting predict predicting +sit sitting read reading +sit sitting run running +sit sitting say saying +sit sitting scream screaming +sit sitting see seeing +sit sitting shuffle shuffling +sit sitting sing singing +slow slowing swim swimming +slow slowing think thinking +slow slowing vanish vanishing +slow slowing walk walking +slow slowing write writing +slow slowing code coding +slow slowing dance dancing +slow slowing debug debugging +slow slowing decrease decreasing +slow slowing describe describing +slow slowing discover discovering +slow slowing enhance enhancing +slow slowing fly flying +slow slowing generate generating +slow slowing go going +slow slowing implement implementing +slow slowing increase increasing +slow slowing invent inventing +slow slowing jump jumping +slow slowing listen listening +slow slowing look looking +slow slowing move moving +slow slowing play playing +slow slowing predict predicting +slow slowing read reading +slow slowing run running +slow slowing say saying +slow slowing scream screaming +slow slowing see seeing +slow slowing shuffle shuffling +slow slowing sing singing +slow slowing sit sitting +swim swimming think thinking +swim swimming vanish vanishing +swim swimming walk walking +swim swimming write writing +swim swimming code coding +swim swimming dance dancing +swim swimming debug debugging +swim swimming decrease decreasing +swim swimming describe describing +swim swimming discover discovering +swim swimming enhance enhancing +swim swimming fly flying +swim swimming generate generating +swim swimming go going +swim swimming implement implementing +swim swimming increase increasing +swim swimming invent inventing +swim swimming jump jumping +swim swimming listen listening +swim swimming look looking +swim swimming move moving +swim swimming play playing +swim swimming predict predicting +swim swimming read reading +swim swimming run running +swim swimming say saying +swim swimming scream screaming +swim swimming see seeing +swim swimming shuffle shuffling +swim swimming sing singing +swim swimming sit sitting +swim swimming slow slowing +think thinking vanish vanishing +think thinking walk walking +think thinking write writing +think thinking code coding +think thinking dance dancing +think thinking debug debugging +think thinking decrease decreasing +think thinking describe describing +think thinking discover discovering +think thinking enhance enhancing +think thinking fly flying +think thinking generate generating +think thinking go going +think thinking implement implementing +think thinking increase increasing +think thinking invent inventing +think thinking jump jumping +think thinking listen listening +think thinking look looking +think thinking move moving +think thinking play playing +think thinking predict predicting +think thinking read reading +think thinking run running +think thinking say saying +think thinking scream screaming +think thinking see seeing +think thinking shuffle shuffling +think thinking sing singing +think thinking sit sitting +think thinking slow slowing +think thinking swim swimming +vanish vanishing walk walking +vanish vanishing write writing +vanish vanishing code coding +vanish vanishing dance dancing +vanish vanishing debug debugging +vanish vanishing decrease decreasing +vanish vanishing describe describing +vanish vanishing discover discovering +vanish vanishing enhance enhancing +vanish vanishing fly flying +vanish vanishing generate generating +vanish vanishing go going +vanish vanishing implement implementing +vanish vanishing increase increasing +vanish vanishing invent inventing +vanish vanishing jump jumping +vanish vanishing listen listening +vanish vanishing look looking +vanish vanishing move moving +vanish vanishing play playing +vanish vanishing predict predicting +vanish vanishing read reading +vanish vanishing run running +vanish vanishing say saying +vanish vanishing scream screaming +vanish vanishing see seeing +vanish vanishing shuffle shuffling +vanish vanishing sing singing +vanish vanishing sit sitting +vanish vanishing slow slowing +vanish vanishing swim swimming +vanish vanishing think thinking +walk walking write writing +walk walking code coding +walk walking dance dancing +walk walking debug debugging +walk walking decrease decreasing +walk walking describe describing +walk walking discover discovering +walk walking enhance enhancing +walk walking fly flying +walk walking generate generating +walk walking go going +walk walking implement implementing +walk walking increase increasing +walk walking invent inventing +walk walking jump jumping +walk walking listen listening +walk walking look looking +walk walking move moving +walk walking play playing +walk walking predict predicting +walk walking read reading +walk walking run running +walk walking say saying +walk walking scream screaming +walk walking see seeing +walk walking shuffle shuffling +walk walking sing singing +walk walking sit sitting +walk walking slow slowing +walk walking swim swimming +walk walking think thinking +walk walking vanish vanishing +write writing code coding +write writing dance dancing +write writing debug debugging +write writing decrease decreasing +write writing describe describing +write writing discover discovering +write writing enhance enhancing +write writing fly flying +write writing generate generating +write writing go going +write writing implement implementing +write writing increase increasing +write writing invent inventing +write writing jump jumping +write writing listen listening +write writing look looking +write writing move moving +write writing play playing +write writing predict predicting +write writing read reading +write writing run running +write writing say saying +write writing scream screaming +write writing see seeing +write writing shuffle shuffling +write writing sing singing +write writing sit sitting +write writing slow slowing +write writing swim swimming +write writing think thinking +write writing vanish vanishing +write writing walk walking +: gram6-nationality-adjective +Albania Albanian Argentina Argentinean +Albania Albanian Australia Australian +Albania Albanian Austria Austrian +Albania Albanian Belarus Belorussian +Albania Albanian Brazil Brazilian +Albania Albanian Bulgaria Bulgarian +Albania Albanian Cambodia Cambodian +Albania Albanian Chile Chilean +Albania Albanian China Chinese +Albania Albanian Colombia Colombian +Albania Albanian Croatia Croatian +Albania Albanian Denmark Danish +Albania Albanian Egypt Egyptian +Albania Albanian England English +Albania Albanian France French +Albania Albanian Germany German +Albania Albanian Greece Greek +Albania Albanian Iceland Icelandic +Albania Albanian India Indian +Albania Albanian Ireland Irish +Albania Albanian Israel Israeli +Albania Albanian Italy Italian +Albania Albanian Japan Japanese +Albania Albanian Korea Korean +Albania Albanian Macedonia Macedonian +Albania Albanian Malta Maltese +Albania Albanian Mexico Mexican +Albania Albanian Moldova Moldovan +Albania Albanian Netherlands Dutch +Albania Albanian Norway Norwegian +Albania Albanian Peru Peruvian +Albania Albanian Poland Polish +Albania Albanian Portugal Portuguese +Albania Albanian Russia Russian +Albania Albanian Slovakia Slovakian +Albania Albanian Spain Spanish +Albania Albanian Sweden Swedish +Albania Albanian Switzerland Swiss +Albania Albanian Thailand Thai +Argentina Argentinean Australia Australian +Argentina Argentinean Austria Austrian +Argentina Argentinean Belarus Belorussian +Argentina Argentinean Brazil Brazilian +Argentina Argentinean Bulgaria Bulgarian +Argentina Argentinean Cambodia Cambodian +Argentina Argentinean Chile Chilean +Argentina Argentinean China Chinese +Argentina Argentinean Colombia Colombian +Argentina Argentinean Croatia Croatian +Argentina Argentinean Denmark Danish +Argentina Argentinean Egypt Egyptian +Argentina Argentinean England English +Argentina Argentinean France French +Argentina Argentinean Germany German +Argentina Argentinean Greece Greek +Argentina Argentinean Iceland Icelandic +Argentina Argentinean India Indian +Argentina Argentinean Ireland Irish +Argentina Argentinean Israel Israeli +Argentina Argentinean Italy Italian +Argentina Argentinean Japan Japanese +Argentina Argentinean Korea Korean +Argentina Argentinean Macedonia Macedonian +Argentina Argentinean Malta Maltese +Argentina Argentinean Mexico Mexican +Argentina Argentinean Moldova Moldovan +Argentina Argentinean Netherlands Dutch +Argentina Argentinean Norway Norwegian +Argentina Argentinean Peru Peruvian +Argentina Argentinean Poland Polish +Argentina Argentinean Portugal Portuguese +Argentina Argentinean Russia Russian +Argentina Argentinean Slovakia Slovakian +Argentina Argentinean Spain Spanish +Argentina Argentinean Sweden Swedish +Argentina Argentinean Switzerland Swiss +Argentina Argentinean Thailand Thai +Argentina Argentinean Ukraine Ukrainian +Australia Australian Austria Austrian +Australia Australian Belarus Belorussian +Australia Australian Brazil Brazilian +Australia Australian Bulgaria Bulgarian +Australia Australian Cambodia Cambodian +Australia Australian Chile Chilean +Australia Australian China Chinese +Australia Australian Colombia Colombian +Australia Australian Croatia Croatian +Australia Australian Denmark Danish +Australia Australian Egypt Egyptian +Australia Australian England English +Australia Australian France French +Australia Australian Germany German +Australia Australian Greece Greek +Australia Australian Iceland Icelandic +Australia Australian India Indian +Australia Australian Ireland Irish +Australia Australian Israel Israeli +Australia Australian Italy Italian +Australia Australian Japan Japanese +Australia Australian Korea Korean +Australia Australian Macedonia Macedonian +Australia Australian Malta Maltese +Australia Australian Mexico Mexican +Australia Australian Moldova Moldovan +Australia Australian Netherlands Dutch +Australia Australian Norway Norwegian +Australia Australian Peru Peruvian +Australia Australian Poland Polish +Australia Australian Portugal Portuguese +Australia Australian Russia Russian +Australia Australian Slovakia Slovakian +Australia Australian Spain Spanish +Australia Australian Sweden Swedish +Australia Australian Switzerland Swiss +Australia Australian Thailand Thai +Australia Australian Ukraine Ukrainian +Australia Australian Albania Albanian +Austria Austrian Belarus Belorussian +Austria Austrian Brazil Brazilian +Austria Austrian Bulgaria Bulgarian +Austria Austrian Cambodia Cambodian +Austria Austrian Chile Chilean +Austria Austrian China Chinese +Austria Austrian Colombia Colombian +Austria Austrian Croatia Croatian +Austria Austrian Denmark Danish +Austria Austrian Egypt Egyptian +Austria Austrian England English +Austria Austrian France French +Austria Austrian Germany German +Austria Austrian Greece Greek +Austria Austrian Iceland Icelandic +Austria Austrian India Indian +Austria Austrian Ireland Irish +Austria Austrian Israel Israeli +Austria Austrian Italy Italian +Austria Austrian Japan Japanese +Austria Austrian Korea Korean +Austria Austrian Macedonia Macedonian +Austria Austrian Malta Maltese +Austria Austrian Mexico Mexican +Austria Austrian Moldova Moldovan +Austria Austrian Netherlands Dutch +Austria Austrian Norway Norwegian +Austria Austrian Peru Peruvian +Austria Austrian Poland Polish +Austria Austrian Portugal Portuguese +Austria Austrian Russia Russian +Austria Austrian Slovakia Slovakian +Austria Austrian Spain Spanish +Austria Austrian Sweden Swedish +Austria Austrian Switzerland Swiss +Austria Austrian Thailand Thai +Austria Austrian Ukraine Ukrainian +Austria Austrian Albania Albanian +Austria Austrian Argentina Argentinean +Belarus Belorussian Brazil Brazilian +Belarus Belorussian Bulgaria Bulgarian +Belarus Belorussian Cambodia Cambodian +Belarus Belorussian Chile Chilean +Belarus Belorussian China Chinese +Belarus Belorussian Colombia Colombian +Belarus Belorussian Croatia Croatian +Belarus Belorussian Denmark Danish +Belarus Belorussian Egypt Egyptian +Belarus Belorussian England English +Belarus Belorussian France French +Belarus Belorussian Germany German +Belarus Belorussian Greece Greek +Belarus Belorussian Iceland Icelandic +Belarus Belorussian India Indian +Belarus Belorussian Ireland Irish +Belarus Belorussian Israel Israeli +Belarus Belorussian Italy Italian +Belarus Belorussian Japan Japanese +Belarus Belorussian Korea Korean +Belarus Belorussian Macedonia Macedonian +Belarus Belorussian Malta Maltese +Belarus Belorussian Mexico Mexican +Belarus Belorussian Moldova Moldovan +Belarus Belorussian Netherlands Dutch +Belarus Belorussian Norway Norwegian +Belarus Belorussian Peru Peruvian +Belarus Belorussian Poland Polish +Belarus Belorussian Portugal Portuguese +Belarus Belorussian Russia Russian +Belarus Belorussian Slovakia Slovakian +Belarus Belorussian Spain Spanish +Belarus Belorussian Sweden Swedish +Belarus Belorussian Switzerland Swiss +Belarus Belorussian Thailand Thai +Belarus Belorussian Ukraine Ukrainian +Belarus Belorussian Albania Albanian +Belarus Belorussian Argentina Argentinean +Belarus Belorussian Australia Australian +Brazil Brazilian Bulgaria Bulgarian +Brazil Brazilian Cambodia Cambodian +Brazil Brazilian Chile Chilean +Brazil Brazilian China Chinese +Brazil Brazilian Colombia Colombian +Brazil Brazilian Croatia Croatian +Brazil Brazilian Denmark Danish +Brazil Brazilian Egypt Egyptian +Brazil Brazilian England English +Brazil Brazilian France French +Brazil Brazilian Germany German +Brazil Brazilian Greece Greek +Brazil Brazilian Iceland Icelandic +Brazil Brazilian India Indian +Brazil Brazilian Ireland Irish +Brazil Brazilian Israel Israeli +Brazil Brazilian Italy Italian +Brazil Brazilian Japan Japanese +Brazil Brazilian Korea Korean +Brazil Brazilian Macedonia Macedonian +Brazil Brazilian Malta Maltese +Brazil Brazilian Mexico Mexican +Brazil Brazilian Moldova Moldovan +Brazil Brazilian Netherlands Dutch +Brazil Brazilian Norway Norwegian +Brazil Brazilian Peru Peruvian +Brazil Brazilian Poland Polish +Brazil Brazilian Portugal Portuguese +Brazil Brazilian Russia Russian +Brazil Brazilian Slovakia Slovakian +Brazil Brazilian Spain Spanish +Brazil Brazilian Sweden Swedish +Brazil Brazilian Switzerland Swiss +Brazil Brazilian Thailand Thai +Brazil Brazilian Ukraine Ukrainian +Brazil Brazilian Albania Albanian +Brazil Brazilian Argentina Argentinean +Brazil Brazilian Australia Australian +Brazil Brazilian Austria Austrian +Bulgaria Bulgarian Cambodia Cambodian +Bulgaria Bulgarian Chile Chilean +Bulgaria Bulgarian China Chinese +Bulgaria Bulgarian Colombia Colombian +Bulgaria Bulgarian Croatia Croatian +Bulgaria Bulgarian Denmark Danish +Bulgaria Bulgarian Egypt Egyptian +Bulgaria Bulgarian England English +Bulgaria Bulgarian France French +Bulgaria Bulgarian Germany German +Bulgaria Bulgarian Greece Greek +Bulgaria Bulgarian Iceland Icelandic +Bulgaria Bulgarian India Indian +Bulgaria Bulgarian Ireland Irish +Bulgaria Bulgarian Israel Israeli +Bulgaria Bulgarian Italy Italian +Bulgaria Bulgarian Japan Japanese +Bulgaria Bulgarian Korea Korean +Bulgaria Bulgarian Macedonia Macedonian +Bulgaria Bulgarian Malta Maltese +Bulgaria Bulgarian Mexico Mexican +Bulgaria Bulgarian Moldova Moldovan +Bulgaria Bulgarian Netherlands Dutch +Bulgaria Bulgarian Norway Norwegian +Bulgaria Bulgarian Peru Peruvian +Bulgaria Bulgarian Poland Polish +Bulgaria Bulgarian Portugal Portuguese +Bulgaria Bulgarian Russia Russian +Bulgaria Bulgarian Slovakia Slovakian +Bulgaria Bulgarian Spain Spanish +Bulgaria Bulgarian Sweden Swedish +Bulgaria Bulgarian Switzerland Swiss +Bulgaria Bulgarian Thailand Thai +Bulgaria Bulgarian Ukraine Ukrainian +Bulgaria Bulgarian Albania Albanian +Bulgaria Bulgarian Argentina Argentinean +Bulgaria Bulgarian Australia Australian +Bulgaria Bulgarian Austria Austrian +Bulgaria Bulgarian Belarus Belorussian +Cambodia Cambodian Chile Chilean +Cambodia Cambodian China Chinese +Cambodia Cambodian Colombia Colombian +Cambodia Cambodian Croatia Croatian +Cambodia Cambodian Denmark Danish +Cambodia Cambodian Egypt Egyptian +Cambodia Cambodian England English +Cambodia Cambodian France French +Cambodia Cambodian Germany German +Cambodia Cambodian Greece Greek +Cambodia Cambodian Iceland Icelandic +Cambodia Cambodian India Indian +Cambodia Cambodian Ireland Irish +Cambodia Cambodian Israel Israeli +Cambodia Cambodian Italy Italian +Cambodia Cambodian Japan Japanese +Cambodia Cambodian Korea Korean +Cambodia Cambodian Macedonia Macedonian +Cambodia Cambodian Malta Maltese +Cambodia Cambodian Mexico Mexican +Cambodia Cambodian Moldova Moldovan +Cambodia Cambodian Netherlands Dutch +Cambodia Cambodian Norway Norwegian +Cambodia Cambodian Peru Peruvian +Cambodia Cambodian Poland Polish +Cambodia Cambodian Portugal Portuguese +Cambodia Cambodian Russia Russian +Cambodia Cambodian Slovakia Slovakian +Cambodia Cambodian Spain Spanish +Cambodia Cambodian Sweden Swedish +Cambodia Cambodian Switzerland Swiss +Cambodia Cambodian Thailand Thai +Cambodia Cambodian Ukraine Ukrainian +Cambodia Cambodian Albania Albanian +Cambodia Cambodian Argentina Argentinean +Cambodia Cambodian Australia Australian +Cambodia Cambodian Austria Austrian +Cambodia Cambodian Belarus Belorussian +Cambodia Cambodian Brazil Brazilian +Chile Chilean China Chinese +Chile Chilean Colombia Colombian +Chile Chilean Croatia Croatian +Chile Chilean Denmark Danish +Chile Chilean Egypt Egyptian +Chile Chilean England English +Chile Chilean France French +Chile Chilean Germany German +Chile Chilean Greece Greek +Chile Chilean Iceland Icelandic +Chile Chilean India Indian +Chile Chilean Ireland Irish +Chile Chilean Israel Israeli +Chile Chilean Italy Italian +Chile Chilean Japan Japanese +Chile Chilean Korea Korean +Chile Chilean Macedonia Macedonian +Chile Chilean Malta Maltese +Chile Chilean Mexico Mexican +Chile Chilean Moldova Moldovan +Chile Chilean Netherlands Dutch +Chile Chilean Norway Norwegian +Chile Chilean Peru Peruvian +Chile Chilean Poland Polish +Chile Chilean Portugal Portuguese +Chile Chilean Russia Russian +Chile Chilean Slovakia Slovakian +Chile Chilean Spain Spanish +Chile Chilean Sweden Swedish +Chile Chilean Switzerland Swiss +Chile Chilean Thailand Thai +Chile Chilean Ukraine Ukrainian +Chile Chilean Albania Albanian +Chile Chilean Argentina Argentinean +Chile Chilean Australia Australian +Chile Chilean Austria Austrian +Chile Chilean Belarus Belorussian +Chile Chilean Brazil Brazilian +Chile Chilean Bulgaria Bulgarian +China Chinese Colombia Colombian +China Chinese Croatia Croatian +China Chinese Denmark Danish +China Chinese Egypt Egyptian +China Chinese England English +China Chinese France French +China Chinese Germany German +China Chinese Greece Greek +China Chinese Iceland Icelandic +China Chinese India Indian +China Chinese Ireland Irish +China Chinese Israel Israeli +China Chinese Italy Italian +China Chinese Japan Japanese +China Chinese Korea Korean +China Chinese Macedonia Macedonian +China Chinese Malta Maltese +China Chinese Mexico Mexican +China Chinese Moldova Moldovan +China Chinese Netherlands Dutch +China Chinese Norway Norwegian +China Chinese Peru Peruvian +China Chinese Poland Polish +China Chinese Portugal Portuguese +China Chinese Russia Russian +China Chinese Slovakia Slovakian +China Chinese Spain Spanish +China Chinese Sweden Swedish +China Chinese Switzerland Swiss +China Chinese Thailand Thai +China Chinese Ukraine Ukrainian +China Chinese Albania Albanian +China Chinese Argentina Argentinean +China Chinese Australia Australian +China Chinese Austria Austrian +China Chinese Belarus Belorussian +China Chinese Brazil Brazilian +China Chinese Bulgaria Bulgarian +China Chinese Cambodia Cambodian +Colombia Colombian Croatia Croatian +Colombia Colombian Denmark Danish +Colombia Colombian Egypt Egyptian +Colombia Colombian England English +Colombia Colombian France French +Colombia Colombian Germany German +Colombia Colombian Greece Greek +Colombia Colombian Iceland Icelandic +Colombia Colombian India Indian +Colombia Colombian Ireland Irish +Colombia Colombian Israel Israeli +Colombia Colombian Italy Italian +Colombia Colombian Japan Japanese +Colombia Colombian Korea Korean +Colombia Colombian Macedonia Macedonian +Colombia Colombian Malta Maltese +Colombia Colombian Mexico Mexican +Colombia Colombian Moldova Moldovan +Colombia Colombian Netherlands Dutch +Colombia Colombian Norway Norwegian +Colombia Colombian Peru Peruvian +Colombia Colombian Poland Polish +Colombia Colombian Portugal Portuguese +Colombia Colombian Russia Russian +Colombia Colombian Slovakia Slovakian +Colombia Colombian Spain Spanish +Colombia Colombian Sweden Swedish +Colombia Colombian Switzerland Swiss +Colombia Colombian Thailand Thai +Colombia Colombian Ukraine Ukrainian +Colombia Colombian Albania Albanian +Colombia Colombian Argentina Argentinean +Colombia Colombian Australia Australian +Colombia Colombian Austria Austrian +Colombia Colombian Belarus Belorussian +Colombia Colombian Brazil Brazilian +Colombia Colombian Bulgaria Bulgarian +Colombia Colombian Cambodia Cambodian +Colombia Colombian Chile Chilean +Croatia Croatian Denmark Danish +Croatia Croatian Egypt Egyptian +Croatia Croatian England English +Croatia Croatian France French +Croatia Croatian Germany German +Croatia Croatian Greece Greek +Croatia Croatian Iceland Icelandic +Croatia Croatian India Indian +Croatia Croatian Ireland Irish +Croatia Croatian Israel Israeli +Croatia Croatian Italy Italian +Croatia Croatian Japan Japanese +Croatia Croatian Korea Korean +Croatia Croatian Macedonia Macedonian +Croatia Croatian Malta Maltese +Croatia Croatian Mexico Mexican +Croatia Croatian Moldova Moldovan +Croatia Croatian Netherlands Dutch +Croatia Croatian Norway Norwegian +Croatia Croatian Peru Peruvian +Croatia Croatian Poland Polish +Croatia Croatian Portugal Portuguese +Croatia Croatian Russia Russian +Croatia Croatian Slovakia Slovakian +Croatia Croatian Spain Spanish +Croatia Croatian Sweden Swedish +Croatia Croatian Switzerland Swiss +Croatia Croatian Thailand Thai +Croatia Croatian Ukraine Ukrainian +Croatia Croatian Albania Albanian +Croatia Croatian Argentina Argentinean +Croatia Croatian Australia Australian +Croatia Croatian Austria Austrian +Croatia Croatian Belarus Belorussian +Croatia Croatian Brazil Brazilian +Croatia Croatian Bulgaria Bulgarian +Croatia Croatian Cambodia Cambodian +Croatia Croatian Chile Chilean +Croatia Croatian China Chinese +Denmark Danish Egypt Egyptian +Denmark Danish England English +Denmark Danish France French +Denmark Danish Germany German +Denmark Danish Greece Greek +Denmark Danish Iceland Icelandic +Denmark Danish India Indian +Denmark Danish Ireland Irish +Denmark Danish Israel Israeli +Denmark Danish Italy Italian +Denmark Danish Japan Japanese +Denmark Danish Korea Korean +Denmark Danish Macedonia Macedonian +Denmark Danish Malta Maltese +Denmark Danish Mexico Mexican +Denmark Danish Moldova Moldovan +Denmark Danish Netherlands Dutch +Denmark Danish Norway Norwegian +Denmark Danish Peru Peruvian +Denmark Danish Poland Polish +Denmark Danish Portugal Portuguese +Denmark Danish Russia Russian +Denmark Danish Slovakia Slovakian +Denmark Danish Spain Spanish +Denmark Danish Sweden Swedish +Denmark Danish Switzerland Swiss +Denmark Danish Thailand Thai +Denmark Danish Ukraine Ukrainian +Denmark Danish Albania Albanian +Denmark Danish Argentina Argentinean +Denmark Danish Australia Australian +Denmark Danish Austria Austrian +Denmark Danish Belarus Belorussian +Denmark Danish Brazil Brazilian +Denmark Danish Bulgaria Bulgarian +Denmark Danish Cambodia Cambodian +Denmark Danish Chile Chilean +Denmark Danish China Chinese +Denmark Danish Colombia Colombian +Egypt Egyptian England English +Egypt Egyptian France French +Egypt Egyptian Germany German +Egypt Egyptian Greece Greek +Egypt Egyptian Iceland Icelandic +Egypt Egyptian India Indian +Egypt Egyptian Ireland Irish +Egypt Egyptian Israel Israeli +Egypt Egyptian Italy Italian +Egypt Egyptian Japan Japanese +Egypt Egyptian Korea Korean +Egypt Egyptian Macedonia Macedonian +Egypt Egyptian Malta Maltese +Egypt Egyptian Mexico Mexican +Egypt Egyptian Moldova Moldovan +Egypt Egyptian Netherlands Dutch +Egypt Egyptian Norway Norwegian +Egypt Egyptian Peru Peruvian +Egypt Egyptian Poland Polish +Egypt Egyptian Portugal Portuguese +Egypt Egyptian Russia Russian +Egypt Egyptian Slovakia Slovakian +Egypt Egyptian Spain Spanish +Egypt Egyptian Sweden Swedish +Egypt Egyptian Switzerland Swiss +Egypt Egyptian Thailand Thai +Egypt Egyptian Ukraine Ukrainian +Egypt Egyptian Albania Albanian +Egypt Egyptian Argentina Argentinean +Egypt Egyptian Australia Australian +Egypt Egyptian Austria Austrian +Egypt Egyptian Belarus Belorussian +Egypt Egyptian Brazil Brazilian +Egypt Egyptian Bulgaria Bulgarian +Egypt Egyptian Cambodia Cambodian +Egypt Egyptian Chile Chilean +Egypt Egyptian China Chinese +Egypt Egyptian Colombia Colombian +Egypt Egyptian Croatia Croatian +England English France French +England English Germany German +England English Greece Greek +England English Iceland Icelandic +England English India Indian +England English Ireland Irish +England English Israel Israeli +England English Italy Italian +England English Japan Japanese +England English Korea Korean +England English Macedonia Macedonian +England English Malta Maltese +England English Mexico Mexican +England English Moldova Moldovan +England English Netherlands Dutch +England English Norway Norwegian +England English Peru Peruvian +England English Poland Polish +England English Portugal Portuguese +England English Russia Russian +England English Slovakia Slovakian +England English Spain Spanish +England English Sweden Swedish +England English Switzerland Swiss +England English Thailand Thai +England English Ukraine Ukrainian +England English Albania Albanian +England English Argentina Argentinean +England English Australia Australian +England English Austria Austrian +England English Belarus Belorussian +England English Brazil Brazilian +England English Bulgaria Bulgarian +England English Cambodia Cambodian +England English Chile Chilean +England English China Chinese +England English Colombia Colombian +England English Croatia Croatian +England English Denmark Danish +France French Germany German +France French Greece Greek +France French Iceland Icelandic +France French India Indian +France French Ireland Irish +France French Israel Israeli +France French Italy Italian +France French Japan Japanese +France French Korea Korean +France French Macedonia Macedonian +France French Malta Maltese +France French Mexico Mexican +France French Moldova Moldovan +France French Netherlands Dutch +France French Norway Norwegian +France French Peru Peruvian +France French Poland Polish +France French Portugal Portuguese +France French Russia Russian +France French Slovakia Slovakian +France French Spain Spanish +France French Sweden Swedish +France French Switzerland Swiss +France French Thailand Thai +France French Ukraine Ukrainian +France French Albania Albanian +France French Argentina Argentinean +France French Australia Australian +France French Austria Austrian +France French Belarus Belorussian +France French Brazil Brazilian +France French Bulgaria Bulgarian +France French Cambodia Cambodian +France French Chile Chilean +France French China Chinese +France French Colombia Colombian +France French Croatia Croatian +France French Denmark Danish +France French Egypt Egyptian +Germany German Greece Greek +Germany German Iceland Icelandic +Germany German India Indian +Germany German Ireland Irish +Germany German Israel Israeli +Germany German Italy Italian +Germany German Japan Japanese +Germany German Korea Korean +Germany German Macedonia Macedonian +Germany German Malta Maltese +Germany German Mexico Mexican +Germany German Moldova Moldovan +Germany German Netherlands Dutch +Germany German Norway Norwegian +Germany German Peru Peruvian +Germany German Poland Polish +Germany German Portugal Portuguese +Germany German Russia Russian +Germany German Slovakia Slovakian +Germany German Spain Spanish +Germany German Sweden Swedish +Germany German Switzerland Swiss +Germany German Thailand Thai +Germany German Ukraine Ukrainian +Germany German Albania Albanian +Germany German Argentina Argentinean +Germany German Australia Australian +Germany German Austria Austrian +Germany German Belarus Belorussian +Germany German Brazil Brazilian +Germany German Bulgaria Bulgarian +Germany German Cambodia Cambodian +Germany German Chile Chilean +Germany German China Chinese +Germany German Colombia Colombian +Germany German Croatia Croatian +Germany German Denmark Danish +Germany German Egypt Egyptian +Germany German England English +Greece Greek Iceland Icelandic +Greece Greek India Indian +Greece Greek Ireland Irish +Greece Greek Israel Israeli +Greece Greek Italy Italian +Greece Greek Japan Japanese +Greece Greek Korea Korean +Greece Greek Macedonia Macedonian +Greece Greek Malta Maltese +Greece Greek Mexico Mexican +Greece Greek Moldova Moldovan +Greece Greek Netherlands Dutch +Greece Greek Norway Norwegian +Greece Greek Peru Peruvian +Greece Greek Poland Polish +Greece Greek Portugal Portuguese +Greece Greek Russia Russian +Greece Greek Slovakia Slovakian +Greece Greek Spain Spanish +Greece Greek Sweden Swedish +Greece Greek Switzerland Swiss +Greece Greek Thailand Thai +Greece Greek Ukraine Ukrainian +Greece Greek Albania Albanian +Greece Greek Argentina Argentinean +Greece Greek Australia Australian +Greece Greek Austria Austrian +Greece Greek Belarus Belorussian +Greece Greek Brazil Brazilian +Greece Greek Bulgaria Bulgarian +Greece Greek Cambodia Cambodian +Greece Greek Chile Chilean +Greece Greek China Chinese +Greece Greek Colombia Colombian +Greece Greek Croatia Croatian +Greece Greek Denmark Danish +Greece Greek Egypt Egyptian +Greece Greek England English +Greece Greek France French +Iceland Icelandic India Indian +Iceland Icelandic Ireland Irish +Iceland Icelandic Israel Israeli +Iceland Icelandic Italy Italian +Iceland Icelandic Japan Japanese +Iceland Icelandic Korea Korean +Iceland Icelandic Macedonia Macedonian +Iceland Icelandic Malta Maltese +Iceland Icelandic Mexico Mexican +Iceland Icelandic Moldova Moldovan +Iceland Icelandic Netherlands Dutch +Iceland Icelandic Norway Norwegian +Iceland Icelandic Peru Peruvian +Iceland Icelandic Poland Polish +Iceland Icelandic Portugal Portuguese +Iceland Icelandic Russia Russian +Iceland Icelandic Slovakia Slovakian +Iceland Icelandic Spain Spanish +Iceland Icelandic Sweden Swedish +Iceland Icelandic Switzerland Swiss +Iceland Icelandic Thailand Thai +Iceland Icelandic Ukraine Ukrainian +Iceland Icelandic Albania Albanian +Iceland Icelandic Argentina Argentinean +Iceland Icelandic Australia Australian +Iceland Icelandic Austria Austrian +Iceland Icelandic Belarus Belorussian +Iceland Icelandic Brazil Brazilian +Iceland Icelandic Bulgaria Bulgarian +Iceland Icelandic Cambodia Cambodian +Iceland Icelandic Chile Chilean +Iceland Icelandic China Chinese +Iceland Icelandic Colombia Colombian +Iceland Icelandic Croatia Croatian +Iceland Icelandic Denmark Danish +Iceland Icelandic Egypt Egyptian +Iceland Icelandic England English +Iceland Icelandic France French +Iceland Icelandic Germany German +India Indian Ireland Irish +India Indian Israel Israeli +India Indian Italy Italian +India Indian Japan Japanese +India Indian Korea Korean +India Indian Macedonia Macedonian +India Indian Malta Maltese +India Indian Mexico Mexican +India Indian Moldova Moldovan +India Indian Netherlands Dutch +India Indian Norway Norwegian +India Indian Peru Peruvian +India Indian Poland Polish +India Indian Portugal Portuguese +India Indian Russia Russian +India Indian Slovakia Slovakian +India Indian Spain Spanish +India Indian Sweden Swedish +India Indian Switzerland Swiss +India Indian Thailand Thai +India Indian Ukraine Ukrainian +India Indian Albania Albanian +India Indian Argentina Argentinean +India Indian Australia Australian +India Indian Austria Austrian +India Indian Belarus Belorussian +India Indian Brazil Brazilian +India Indian Bulgaria Bulgarian +India Indian Cambodia Cambodian +India Indian Chile Chilean +India Indian China Chinese +India Indian Colombia Colombian +India Indian Croatia Croatian +India Indian Denmark Danish +India Indian Egypt Egyptian +India Indian England English +India Indian France French +India Indian Germany German +India Indian Greece Greek +Ireland Irish Israel Israeli +Ireland Irish Italy Italian +Ireland Irish Japan Japanese +Ireland Irish Korea Korean +Ireland Irish Macedonia Macedonian +Ireland Irish Malta Maltese +Ireland Irish Mexico Mexican +Ireland Irish Moldova Moldovan +Ireland Irish Netherlands Dutch +Ireland Irish Norway Norwegian +Ireland Irish Peru Peruvian +Ireland Irish Poland Polish +Ireland Irish Portugal Portuguese +Ireland Irish Russia Russian +Ireland Irish Slovakia Slovakian +Ireland Irish Spain Spanish +Ireland Irish Sweden Swedish +Ireland Irish Switzerland Swiss +Ireland Irish Thailand Thai +Ireland Irish Ukraine Ukrainian +Ireland Irish Albania Albanian +Ireland Irish Argentina Argentinean +Ireland Irish Australia Australian +Ireland Irish Austria Austrian +Ireland Irish Belarus Belorussian +Ireland Irish Brazil Brazilian +Ireland Irish Bulgaria Bulgarian +Ireland Irish Cambodia Cambodian +Ireland Irish Chile Chilean +Ireland Irish China Chinese +Ireland Irish Colombia Colombian +Ireland Irish Croatia Croatian +Ireland Irish Denmark Danish +Ireland Irish Egypt Egyptian +Ireland Irish England English +Ireland Irish France French +Ireland Irish Germany German +Ireland Irish Greece Greek +Ireland Irish Iceland Icelandic +Israel Israeli Italy Italian +Israel Israeli Japan Japanese +Israel Israeli Korea Korean +Israel Israeli Macedonia Macedonian +Israel Israeli Malta Maltese +Israel Israeli Mexico Mexican +Israel Israeli Moldova Moldovan +Israel Israeli Netherlands Dutch +Israel Israeli Norway Norwegian +Israel Israeli Peru Peruvian +Israel Israeli Poland Polish +Israel Israeli Portugal Portuguese +Israel Israeli Russia Russian +Israel Israeli Slovakia Slovakian +Israel Israeli Spain Spanish +Israel Israeli Sweden Swedish +Israel Israeli Switzerland Swiss +Israel Israeli Thailand Thai +Israel Israeli Ukraine Ukrainian +Israel Israeli Albania Albanian +Israel Israeli Argentina Argentinean +Israel Israeli Australia Australian +Israel Israeli Austria Austrian +Israel Israeli Belarus Belorussian +Israel Israeli Brazil Brazilian +Israel Israeli Bulgaria Bulgarian +Israel Israeli Cambodia Cambodian +Israel Israeli Chile Chilean +Israel Israeli China Chinese +Israel Israeli Colombia Colombian +Israel Israeli Croatia Croatian +Israel Israeli Denmark Danish +Israel Israeli Egypt Egyptian +Israel Israeli England English +Israel Israeli France French +Israel Israeli Germany German +Israel Israeli Greece Greek +Israel Israeli Iceland Icelandic +Israel Israeli India Indian +Italy Italian Japan Japanese +Italy Italian Korea Korean +Italy Italian Macedonia Macedonian +Italy Italian Malta Maltese +Italy Italian Mexico Mexican +Italy Italian Moldova Moldovan +Italy Italian Netherlands Dutch +Italy Italian Norway Norwegian +Italy Italian Peru Peruvian +Italy Italian Poland Polish +Italy Italian Portugal Portuguese +Italy Italian Russia Russian +Italy Italian Slovakia Slovakian +Italy Italian Spain Spanish +Italy Italian Sweden Swedish +Italy Italian Switzerland Swiss +Italy Italian Thailand Thai +Italy Italian Ukraine Ukrainian +Italy Italian Albania Albanian +Italy Italian Argentina Argentinean +Italy Italian Australia Australian +Italy Italian Austria Austrian +Italy Italian Belarus Belorussian +Italy Italian Brazil Brazilian +Italy Italian Bulgaria Bulgarian +Italy Italian Cambodia Cambodian +Italy Italian Chile Chilean +Italy Italian China Chinese +Italy Italian Colombia Colombian +Italy Italian Croatia Croatian +Italy Italian Denmark Danish +Italy Italian Egypt Egyptian +Italy Italian England English +Italy Italian France French +Italy Italian Germany German +Italy Italian Greece Greek +Italy Italian Iceland Icelandic +Italy Italian India Indian +Italy Italian Ireland Irish +Japan Japanese Korea Korean +Japan Japanese Macedonia Macedonian +Japan Japanese Malta Maltese +Japan Japanese Mexico Mexican +Japan Japanese Moldova Moldovan +Japan Japanese Netherlands Dutch +Japan Japanese Norway Norwegian +Japan Japanese Peru Peruvian +Japan Japanese Poland Polish +Japan Japanese Portugal Portuguese +Japan Japanese Russia Russian +Japan Japanese Slovakia Slovakian +Japan Japanese Spain Spanish +Japan Japanese Sweden Swedish +Japan Japanese Switzerland Swiss +Japan Japanese Thailand Thai +Japan Japanese Ukraine Ukrainian +Japan Japanese Albania Albanian +Japan Japanese Argentina Argentinean +Japan Japanese Australia Australian +Japan Japanese Austria Austrian +Japan Japanese Belarus Belorussian +Japan Japanese Brazil Brazilian +Japan Japanese Bulgaria Bulgarian +Japan Japanese Cambodia Cambodian +Japan Japanese Chile Chilean +Japan Japanese China Chinese +Japan Japanese Colombia Colombian +Japan Japanese Croatia Croatian +Japan Japanese Denmark Danish +Japan Japanese Egypt Egyptian +Japan Japanese England English +Japan Japanese France French +Japan Japanese Germany German +Japan Japanese Greece Greek +Japan Japanese Iceland Icelandic +Japan Japanese India Indian +Japan Japanese Ireland Irish +Japan Japanese Israel Israeli +Korea Korean Macedonia Macedonian +Korea Korean Malta Maltese +Korea Korean Mexico Mexican +Korea Korean Moldova Moldovan +Korea Korean Netherlands Dutch +Korea Korean Norway Norwegian +Korea Korean Peru Peruvian +Korea Korean Poland Polish +Korea Korean Portugal Portuguese +Korea Korean Russia Russian +Korea Korean Slovakia Slovakian +Korea Korean Spain Spanish +Korea Korean Sweden Swedish +Korea Korean Switzerland Swiss +Korea Korean Thailand Thai +Korea Korean Ukraine Ukrainian +Korea Korean Albania Albanian +Korea Korean Argentina Argentinean +Korea Korean Australia Australian +Korea Korean Austria Austrian +Korea Korean Belarus Belorussian +Korea Korean Brazil Brazilian +Korea Korean Bulgaria Bulgarian +Korea Korean Cambodia Cambodian +Korea Korean Chile Chilean +Korea Korean China Chinese +Korea Korean Colombia Colombian +Korea Korean Croatia Croatian +Korea Korean Denmark Danish +Korea Korean Egypt Egyptian +Korea Korean England English +Korea Korean France French +Korea Korean Germany German +Korea Korean Greece Greek +Korea Korean Iceland Icelandic +Korea Korean India Indian +Korea Korean Ireland Irish +Korea Korean Israel Israeli +Korea Korean Italy Italian +Macedonia Macedonian Malta Maltese +Macedonia Macedonian Mexico Mexican +Macedonia Macedonian Moldova Moldovan +Macedonia Macedonian Netherlands Dutch +Macedonia Macedonian Norway Norwegian +Macedonia Macedonian Peru Peruvian +Macedonia Macedonian Poland Polish +Macedonia Macedonian Portugal Portuguese +Macedonia Macedonian Russia Russian +Macedonia Macedonian Slovakia Slovakian +Macedonia Macedonian Spain Spanish +Macedonia Macedonian Sweden Swedish +Macedonia Macedonian Switzerland Swiss +Macedonia Macedonian Thailand Thai +Macedonia Macedonian Ukraine Ukrainian +Macedonia Macedonian Albania Albanian +Macedonia Macedonian Argentina Argentinean +Macedonia Macedonian Australia Australian +Macedonia Macedonian Austria Austrian +Macedonia Macedonian Belarus Belorussian +Macedonia Macedonian Brazil Brazilian +Macedonia Macedonian Bulgaria Bulgarian +Macedonia Macedonian Cambodia Cambodian +Macedonia Macedonian Chile Chilean +Macedonia Macedonian China Chinese +Macedonia Macedonian Colombia Colombian +Macedonia Macedonian Croatia Croatian +Macedonia Macedonian Denmark Danish +Macedonia Macedonian Egypt Egyptian +Macedonia Macedonian England English +Macedonia Macedonian France French +Macedonia Macedonian Germany German +Macedonia Macedonian Greece Greek +Macedonia Macedonian Iceland Icelandic +Macedonia Macedonian India Indian +Macedonia Macedonian Ireland Irish +Macedonia Macedonian Israel Israeli +Macedonia Macedonian Italy Italian +Macedonia Macedonian Japan Japanese +Malta Maltese Mexico Mexican +Malta Maltese Moldova Moldovan +Malta Maltese Netherlands Dutch +Malta Maltese Norway Norwegian +Malta Maltese Peru Peruvian +Malta Maltese Poland Polish +Malta Maltese Portugal Portuguese +Malta Maltese Russia Russian +Malta Maltese Slovakia Slovakian +Malta Maltese Spain Spanish +Malta Maltese Sweden Swedish +Malta Maltese Switzerland Swiss +Malta Maltese Thailand Thai +Malta Maltese Ukraine Ukrainian +Malta Maltese Albania Albanian +Malta Maltese Argentina Argentinean +Malta Maltese Australia Australian +Malta Maltese Austria Austrian +Malta Maltese Belarus Belorussian +Malta Maltese Brazil Brazilian +Malta Maltese Bulgaria Bulgarian +Malta Maltese Cambodia Cambodian +Malta Maltese Chile Chilean +Malta Maltese China Chinese +Malta Maltese Colombia Colombian +Malta Maltese Croatia Croatian +Malta Maltese Denmark Danish +Malta Maltese Egypt Egyptian +Malta Maltese England English +Malta Maltese France French +Malta Maltese Germany German +Malta Maltese Greece Greek +Malta Maltese Iceland Icelandic +Malta Maltese India Indian +Malta Maltese Ireland Irish +Malta Maltese Israel Israeli +Malta Maltese Italy Italian +Malta Maltese Japan Japanese +Malta Maltese Korea Korean +Mexico Mexican Moldova Moldovan +Mexico Mexican Netherlands Dutch +Mexico Mexican Norway Norwegian +Mexico Mexican Peru Peruvian +Mexico Mexican Poland Polish +Mexico Mexican Portugal Portuguese +Mexico Mexican Russia Russian +Mexico Mexican Slovakia Slovakian +Mexico Mexican Spain Spanish +Mexico Mexican Sweden Swedish +Mexico Mexican Switzerland Swiss +Mexico Mexican Thailand Thai +Mexico Mexican Ukraine Ukrainian +Mexico Mexican Albania Albanian +Mexico Mexican Argentina Argentinean +Mexico Mexican Australia Australian +Mexico Mexican Austria Austrian +Mexico Mexican Belarus Belorussian +Mexico Mexican Brazil Brazilian +Mexico Mexican Bulgaria Bulgarian +Mexico Mexican Cambodia Cambodian +Mexico Mexican Chile Chilean +Mexico Mexican China Chinese +Mexico Mexican Colombia Colombian +Mexico Mexican Croatia Croatian +Mexico Mexican Denmark Danish +Mexico Mexican Egypt Egyptian +Mexico Mexican England English +Mexico Mexican France French +Mexico Mexican Germany German +Mexico Mexican Greece Greek +Mexico Mexican Iceland Icelandic +Mexico Mexican India Indian +Mexico Mexican Ireland Irish +Mexico Mexican Israel Israeli +Mexico Mexican Italy Italian +Mexico Mexican Japan Japanese +Mexico Mexican Korea Korean +Mexico Mexican Macedonia Macedonian +Moldova Moldovan Netherlands Dutch +Moldova Moldovan Norway Norwegian +Moldova Moldovan Peru Peruvian +Moldova Moldovan Poland Polish +Moldova Moldovan Portugal Portuguese +Moldova Moldovan Russia Russian +Moldova Moldovan Slovakia Slovakian +Moldova Moldovan Spain Spanish +Moldova Moldovan Sweden Swedish +Moldova Moldovan Switzerland Swiss +Moldova Moldovan Thailand Thai +Moldova Moldovan Ukraine Ukrainian +Moldova Moldovan Albania Albanian +Moldova Moldovan Argentina Argentinean +Moldova Moldovan Australia Australian +Moldova Moldovan Austria Austrian +Moldova Moldovan Belarus Belorussian +Moldova Moldovan Brazil Brazilian +Moldova Moldovan Bulgaria Bulgarian +Moldova Moldovan Cambodia Cambodian +Moldova Moldovan Chile Chilean +Moldova Moldovan China Chinese +Moldova Moldovan Colombia Colombian +Moldova Moldovan Croatia Croatian +Moldova Moldovan Denmark Danish +Moldova Moldovan Egypt Egyptian +Moldova Moldovan England English +Moldova Moldovan France French +Moldova Moldovan Germany German +Moldova Moldovan Greece Greek +Moldova Moldovan Iceland Icelandic +Moldova Moldovan India Indian +Moldova Moldovan Ireland Irish +Moldova Moldovan Israel Israeli +Moldova Moldovan Italy Italian +Moldova Moldovan Japan Japanese +Moldova Moldovan Korea Korean +Moldova Moldovan Macedonia Macedonian +Moldova Moldovan Malta Maltese +Netherlands Dutch Norway Norwegian +Netherlands Dutch Peru Peruvian +Netherlands Dutch Poland Polish +Netherlands Dutch Portugal Portuguese +Netherlands Dutch Russia Russian +Netherlands Dutch Slovakia Slovakian +Netherlands Dutch Spain Spanish +Netherlands Dutch Sweden Swedish +Netherlands Dutch Switzerland Swiss +Netherlands Dutch Thailand Thai +Netherlands Dutch Ukraine Ukrainian +Netherlands Dutch Albania Albanian +Netherlands Dutch Argentina Argentinean +Netherlands Dutch Australia Australian +Netherlands Dutch Austria Austrian +Netherlands Dutch Belarus Belorussian +Netherlands Dutch Brazil Brazilian +Netherlands Dutch Bulgaria Bulgarian +Netherlands Dutch Cambodia Cambodian +Netherlands Dutch Chile Chilean +Netherlands Dutch China Chinese +Netherlands Dutch Colombia Colombian +Netherlands Dutch Croatia Croatian +Netherlands Dutch Denmark Danish +Netherlands Dutch Egypt Egyptian +Netherlands Dutch England English +Netherlands Dutch France French +Netherlands Dutch Germany German +Netherlands Dutch Greece Greek +Netherlands Dutch Iceland Icelandic +Netherlands Dutch India Indian +Netherlands Dutch Ireland Irish +Netherlands Dutch Israel Israeli +Netherlands Dutch Italy Italian +Netherlands Dutch Japan Japanese +Netherlands Dutch Korea Korean +Netherlands Dutch Macedonia Macedonian +Netherlands Dutch Malta Maltese +Netherlands Dutch Mexico Mexican +Norway Norwegian Peru Peruvian +Norway Norwegian Poland Polish +Norway Norwegian Portugal Portuguese +Norway Norwegian Russia Russian +Norway Norwegian Slovakia Slovakian +Norway Norwegian Spain Spanish +Norway Norwegian Sweden Swedish +Norway Norwegian Switzerland Swiss +Norway Norwegian Thailand Thai +Norway Norwegian Ukraine Ukrainian +Norway Norwegian Albania Albanian +Norway Norwegian Argentina Argentinean +Norway Norwegian Australia Australian +Norway Norwegian Austria Austrian +Norway Norwegian Belarus Belorussian +Norway Norwegian Brazil Brazilian +Norway Norwegian Bulgaria Bulgarian +Norway Norwegian Cambodia Cambodian +Norway Norwegian Chile Chilean +Norway Norwegian China Chinese +Norway Norwegian Colombia Colombian +Norway Norwegian Croatia Croatian +Norway Norwegian Denmark Danish +Norway Norwegian Egypt Egyptian +Norway Norwegian England English +Norway Norwegian France French +Norway Norwegian Germany German +Norway Norwegian Greece Greek +Norway Norwegian Iceland Icelandic +Norway Norwegian India Indian +Norway Norwegian Ireland Irish +Norway Norwegian Israel Israeli +Norway Norwegian Italy Italian +Norway Norwegian Japan Japanese +Norway Norwegian Korea Korean +Norway Norwegian Macedonia Macedonian +Norway Norwegian Malta Maltese +Norway Norwegian Mexico Mexican +Norway Norwegian Moldova Moldovan +Peru Peruvian Poland Polish +Peru Peruvian Portugal Portuguese +Peru Peruvian Russia Russian +Peru Peruvian Slovakia Slovakian +Peru Peruvian Spain Spanish +Peru Peruvian Sweden Swedish +Peru Peruvian Switzerland Swiss +Peru Peruvian Thailand Thai +Peru Peruvian Ukraine Ukrainian +Peru Peruvian Albania Albanian +Peru Peruvian Argentina Argentinean +Peru Peruvian Australia Australian +Peru Peruvian Austria Austrian +Peru Peruvian Belarus Belorussian +Peru Peruvian Brazil Brazilian +Peru Peruvian Bulgaria Bulgarian +Peru Peruvian Cambodia Cambodian +Peru Peruvian Chile Chilean +Peru Peruvian China Chinese +Peru Peruvian Colombia Colombian +Peru Peruvian Croatia Croatian +Peru Peruvian Denmark Danish +Peru Peruvian Egypt Egyptian +Peru Peruvian England English +Peru Peruvian France French +Peru Peruvian Germany German +Peru Peruvian Greece Greek +Peru Peruvian Iceland Icelandic +Peru Peruvian India Indian +Peru Peruvian Ireland Irish +Peru Peruvian Israel Israeli +Peru Peruvian Italy Italian +Peru Peruvian Japan Japanese +Peru Peruvian Korea Korean +Peru Peruvian Macedonia Macedonian +Peru Peruvian Malta Maltese +Peru Peruvian Mexico Mexican +Peru Peruvian Moldova Moldovan +Peru Peruvian Netherlands Dutch +Poland Polish Portugal Portuguese +Poland Polish Russia Russian +Poland Polish Slovakia Slovakian +Poland Polish Spain Spanish +Poland Polish Sweden Swedish +Poland Polish Switzerland Swiss +Poland Polish Thailand Thai +Poland Polish Ukraine Ukrainian +Poland Polish Albania Albanian +Poland Polish Argentina Argentinean +Poland Polish Australia Australian +Poland Polish Austria Austrian +Poland Polish Belarus Belorussian +Poland Polish Brazil Brazilian +Poland Polish Bulgaria Bulgarian +Poland Polish Cambodia Cambodian +Poland Polish Chile Chilean +Poland Polish China Chinese +Poland Polish Colombia Colombian +Poland Polish Croatia Croatian +Poland Polish Denmark Danish +Poland Polish Egypt Egyptian +Poland Polish England English +Poland Polish France French +Poland Polish Germany German +Poland Polish Greece Greek +Poland Polish Iceland Icelandic +Poland Polish India Indian +Poland Polish Ireland Irish +Poland Polish Israel Israeli +Poland Polish Italy Italian +Poland Polish Japan Japanese +Poland Polish Korea Korean +Poland Polish Macedonia Macedonian +Poland Polish Malta Maltese +Poland Polish Mexico Mexican +Poland Polish Moldova Moldovan +Poland Polish Netherlands Dutch +Poland Polish Norway Norwegian +Portugal Portuguese Russia Russian +Portugal Portuguese Slovakia Slovakian +Portugal Portuguese Spain Spanish +Portugal Portuguese Sweden Swedish +Portugal Portuguese Switzerland Swiss +Portugal Portuguese Thailand Thai +Portugal Portuguese Ukraine Ukrainian +Portugal Portuguese Albania Albanian +Portugal Portuguese Argentina Argentinean +Portugal Portuguese Australia Australian +Portugal Portuguese Austria Austrian +Portugal Portuguese Belarus Belorussian +Portugal Portuguese Brazil Brazilian +Portugal Portuguese Bulgaria Bulgarian +Portugal Portuguese Cambodia Cambodian +Portugal Portuguese Chile Chilean +Portugal Portuguese China Chinese +Portugal Portuguese Colombia Colombian +Portugal Portuguese Croatia Croatian +Portugal Portuguese Denmark Danish +Portugal Portuguese Egypt Egyptian +Portugal Portuguese England English +Portugal Portuguese France French +Portugal Portuguese Germany German +Portugal Portuguese Greece Greek +Portugal Portuguese Iceland Icelandic +Portugal Portuguese India Indian +Portugal Portuguese Ireland Irish +Portugal Portuguese Israel Israeli +Portugal Portuguese Italy Italian +Portugal Portuguese Japan Japanese +Portugal Portuguese Korea Korean +Portugal Portuguese Macedonia Macedonian +Portugal Portuguese Malta Maltese +Portugal Portuguese Mexico Mexican +Portugal Portuguese Moldova Moldovan +Portugal Portuguese Netherlands Dutch +Portugal Portuguese Norway Norwegian +Portugal Portuguese Peru Peruvian +Russia Russian Slovakia Slovakian +Russia Russian Spain Spanish +Russia Russian Sweden Swedish +Russia Russian Switzerland Swiss +Russia Russian Thailand Thai +Russia Russian Ukraine Ukrainian +Russia Russian Albania Albanian +Russia Russian Argentina Argentinean +Russia Russian Australia Australian +Russia Russian Austria Austrian +Russia Russian Belarus Belorussian +Russia Russian Brazil Brazilian +Russia Russian Bulgaria Bulgarian +Russia Russian Cambodia Cambodian +Russia Russian Chile Chilean +Russia Russian China Chinese +Russia Russian Colombia Colombian +Russia Russian Croatia Croatian +Russia Russian Denmark Danish +Russia Russian Egypt Egyptian +Russia Russian England English +Russia Russian France French +Russia Russian Germany German +Russia Russian Greece Greek +Russia Russian Iceland Icelandic +Russia Russian India Indian +Russia Russian Ireland Irish +Russia Russian Israel Israeli +Russia Russian Italy Italian +Russia Russian Japan Japanese +Russia Russian Korea Korean +Russia Russian Macedonia Macedonian +Russia Russian Malta Maltese +Russia Russian Mexico Mexican +Russia Russian Moldova Moldovan +Russia Russian Netherlands Dutch +Russia Russian Norway Norwegian +Russia Russian Peru Peruvian +Russia Russian Poland Polish +Slovakia Slovakian Spain Spanish +Slovakia Slovakian Sweden Swedish +Slovakia Slovakian Switzerland Swiss +Slovakia Slovakian Thailand Thai +Slovakia Slovakian Ukraine Ukrainian +Slovakia Slovakian Albania Albanian +Slovakia Slovakian Argentina Argentinean +Slovakia Slovakian Australia Australian +Slovakia Slovakian Austria Austrian +Slovakia Slovakian Belarus Belorussian +Slovakia Slovakian Brazil Brazilian +Slovakia Slovakian Bulgaria Bulgarian +Slovakia Slovakian Cambodia Cambodian +Slovakia Slovakian Chile Chilean +Slovakia Slovakian China Chinese +Slovakia Slovakian Colombia Colombian +Slovakia Slovakian Croatia Croatian +Slovakia Slovakian Denmark Danish +Slovakia Slovakian Egypt Egyptian +Slovakia Slovakian England English +Slovakia Slovakian France French +Slovakia Slovakian Germany German +Slovakia Slovakian Greece Greek +Slovakia Slovakian Iceland Icelandic +Slovakia Slovakian India Indian +Slovakia Slovakian Ireland Irish +Slovakia Slovakian Israel Israeli +Slovakia Slovakian Italy Italian +Slovakia Slovakian Japan Japanese +Slovakia Slovakian Korea Korean +Slovakia Slovakian Macedonia Macedonian +Slovakia Slovakian Malta Maltese +Slovakia Slovakian Mexico Mexican +Slovakia Slovakian Moldova Moldovan +Slovakia Slovakian Netherlands Dutch +Slovakia Slovakian Norway Norwegian +Slovakia Slovakian Peru Peruvian +Slovakia Slovakian Poland Polish +Slovakia Slovakian Portugal Portuguese +Spain Spanish Sweden Swedish +Spain Spanish Switzerland Swiss +Spain Spanish Thailand Thai +Spain Spanish Ukraine Ukrainian +Spain Spanish Albania Albanian +Spain Spanish Argentina Argentinean +Spain Spanish Australia Australian +Spain Spanish Austria Austrian +Spain Spanish Belarus Belorussian +Spain Spanish Brazil Brazilian +Spain Spanish Bulgaria Bulgarian +Spain Spanish Cambodia Cambodian +Spain Spanish Chile Chilean +Spain Spanish China Chinese +Spain Spanish Colombia Colombian +Spain Spanish Croatia Croatian +Spain Spanish Denmark Danish +Spain Spanish Egypt Egyptian +Spain Spanish England English +Spain Spanish France French +Spain Spanish Germany German +Spain Spanish Greece Greek +Spain Spanish Iceland Icelandic +Spain Spanish India Indian +Spain Spanish Ireland Irish +Spain Spanish Israel Israeli +Spain Spanish Italy Italian +Spain Spanish Japan Japanese +Spain Spanish Korea Korean +Spain Spanish Macedonia Macedonian +Spain Spanish Malta Maltese +Spain Spanish Mexico Mexican +Spain Spanish Moldova Moldovan +Spain Spanish Netherlands Dutch +Spain Spanish Norway Norwegian +Spain Spanish Peru Peruvian +Spain Spanish Poland Polish +Spain Spanish Portugal Portuguese +Spain Spanish Russia Russian +Sweden Swedish Switzerland Swiss +Sweden Swedish Thailand Thai +Sweden Swedish Ukraine Ukrainian +Sweden Swedish Albania Albanian +Sweden Swedish Argentina Argentinean +Sweden Swedish Australia Australian +Sweden Swedish Austria Austrian +Sweden Swedish Belarus Belorussian +Sweden Swedish Brazil Brazilian +Sweden Swedish Bulgaria Bulgarian +Sweden Swedish Cambodia Cambodian +Sweden Swedish Chile Chilean +Sweden Swedish China Chinese +Sweden Swedish Colombia Colombian +Sweden Swedish Croatia Croatian +Sweden Swedish Denmark Danish +Sweden Swedish Egypt Egyptian +Sweden Swedish England English +Sweden Swedish France French +Sweden Swedish Germany German +Sweden Swedish Greece Greek +Sweden Swedish Iceland Icelandic +Sweden Swedish India Indian +Sweden Swedish Ireland Irish +Sweden Swedish Israel Israeli +Sweden Swedish Italy Italian +Sweden Swedish Japan Japanese +Sweden Swedish Korea Korean +Sweden Swedish Macedonia Macedonian +Sweden Swedish Malta Maltese +Sweden Swedish Mexico Mexican +Sweden Swedish Moldova Moldovan +Sweden Swedish Netherlands Dutch +Sweden Swedish Norway Norwegian +Sweden Swedish Peru Peruvian +Sweden Swedish Poland Polish +Sweden Swedish Portugal Portuguese +Sweden Swedish Russia Russian +Sweden Swedish Slovakia Slovakian +Switzerland Swiss Thailand Thai +Switzerland Swiss Ukraine Ukrainian +Switzerland Swiss Albania Albanian +Switzerland Swiss Argentina Argentinean +Switzerland Swiss Australia Australian +Switzerland Swiss Austria Austrian +Switzerland Swiss Belarus Belorussian +Switzerland Swiss Brazil Brazilian +Switzerland Swiss Bulgaria Bulgarian +Switzerland Swiss Cambodia Cambodian +Switzerland Swiss Chile Chilean +Switzerland Swiss China Chinese +Switzerland Swiss Colombia Colombian +Switzerland Swiss Croatia Croatian +Switzerland Swiss Denmark Danish +Switzerland Swiss Egypt Egyptian +Switzerland Swiss England English +Switzerland Swiss France French +Switzerland Swiss Germany German +Switzerland Swiss Greece Greek +Switzerland Swiss Iceland Icelandic +Switzerland Swiss India Indian +Switzerland Swiss Ireland Irish +Switzerland Swiss Israel Israeli +Switzerland Swiss Italy Italian +Switzerland Swiss Japan Japanese +Switzerland Swiss Korea Korean +Switzerland Swiss Macedonia Macedonian +Switzerland Swiss Malta Maltese +Switzerland Swiss Mexico Mexican +Switzerland Swiss Moldova Moldovan +Switzerland Swiss Netherlands Dutch +Switzerland Swiss Norway Norwegian +Switzerland Swiss Peru Peruvian +Switzerland Swiss Poland Polish +Switzerland Swiss Portugal Portuguese +Switzerland Swiss Russia Russian +Switzerland Swiss Slovakia Slovakian +Switzerland Swiss Spain Spanish +Thailand Thai Ukraine Ukrainian +Thailand Thai Albania Albanian +Thailand Thai Argentina Argentinean +Thailand Thai Australia Australian +Thailand Thai Austria Austrian +Thailand Thai Belarus Belorussian +Thailand Thai Brazil Brazilian +Thailand Thai Bulgaria Bulgarian +Thailand Thai Cambodia Cambodian +Thailand Thai Chile Chilean +Thailand Thai China Chinese +Thailand Thai Colombia Colombian +Thailand Thai Croatia Croatian +Thailand Thai Denmark Danish +Thailand Thai Egypt Egyptian +Thailand Thai England English +Thailand Thai France French +Thailand Thai Germany German +Thailand Thai Greece Greek +Thailand Thai Iceland Icelandic +Thailand Thai India Indian +Thailand Thai Ireland Irish +Thailand Thai Israel Israeli +Thailand Thai Italy Italian +Thailand Thai Japan Japanese +Thailand Thai Korea Korean +Thailand Thai Macedonia Macedonian +Thailand Thai Malta Maltese +Thailand Thai Mexico Mexican +Thailand Thai Moldova Moldovan +Thailand Thai Netherlands Dutch +Thailand Thai Norway Norwegian +Thailand Thai Peru Peruvian +Thailand Thai Poland Polish +Thailand Thai Portugal Portuguese +Thailand Thai Russia Russian +Thailand Thai Slovakia Slovakian +Thailand Thai Spain Spanish +Thailand Thai Sweden Swedish +Ukraine Ukrainian Albania Albanian +Ukraine Ukrainian Argentina Argentinean +Ukraine Ukrainian Australia Australian +Ukraine Ukrainian Austria Austrian +Ukraine Ukrainian Belarus Belorussian +Ukraine Ukrainian Brazil Brazilian +Ukraine Ukrainian Bulgaria Bulgarian +Ukraine Ukrainian Cambodia Cambodian +Ukraine Ukrainian Chile Chilean +Ukraine Ukrainian China Chinese +Ukraine Ukrainian Colombia Colombian +Ukraine Ukrainian Croatia Croatian +Ukraine Ukrainian Denmark Danish +Ukraine Ukrainian Egypt Egyptian +Ukraine Ukrainian England English +Ukraine Ukrainian France French +Ukraine Ukrainian Germany German +Ukraine Ukrainian Greece Greek +Ukraine Ukrainian Iceland Icelandic +Ukraine Ukrainian India Indian +Ukraine Ukrainian Ireland Irish +Ukraine Ukrainian Israel Israeli +Ukraine Ukrainian Italy Italian +Ukraine Ukrainian Japan Japanese +Ukraine Ukrainian Korea Korean +Ukraine Ukrainian Macedonia Macedonian +Ukraine Ukrainian Malta Maltese +Ukraine Ukrainian Mexico Mexican +Ukraine Ukrainian Moldova Moldovan +Ukraine Ukrainian Netherlands Dutch +Ukraine Ukrainian Norway Norwegian +Ukraine Ukrainian Peru Peruvian +Ukraine Ukrainian Poland Polish +Ukraine Ukrainian Portugal Portuguese +Ukraine Ukrainian Russia Russian +Ukraine Ukrainian Slovakia Slovakian +Ukraine Ukrainian Spain Spanish +Ukraine Ukrainian Sweden Swedish +Ukraine Ukrainian Switzerland Swiss +: gram7-past-tense +dancing danced decreasing decreased +dancing danced describing described +dancing danced enhancing enhanced +dancing danced falling fell +dancing danced feeding fed +dancing danced flying flew +dancing danced generating generated +dancing danced going went +dancing danced hiding hid +dancing danced hitting hit +dancing danced implementing implemented +dancing danced increasing increased +dancing danced jumping jumped +dancing danced knowing knew +dancing danced listening listened +dancing danced looking looked +dancing danced moving moved +dancing danced paying paid +dancing danced playing played +dancing danced predicting predicted +dancing danced reading read +dancing danced running ran +dancing danced saying said +dancing danced screaming screamed +dancing danced seeing saw +dancing danced selling sold +dancing danced shrinking shrank +dancing danced singing sang +dancing danced sitting sat +dancing danced sleeping slept +dancing danced slowing slowed +dancing danced spending spent +dancing danced striking struck +dancing danced swimming swam +dancing danced taking took +dancing danced thinking thought +dancing danced vanishing vanished +dancing danced walking walked +dancing danced writing wrote +decreasing decreased describing described +decreasing decreased enhancing enhanced +decreasing decreased falling fell +decreasing decreased feeding fed +decreasing decreased flying flew +decreasing decreased generating generated +decreasing decreased going went +decreasing decreased hiding hid +decreasing decreased hitting hit +decreasing decreased implementing implemented +decreasing decreased increasing increased +decreasing decreased jumping jumped +decreasing decreased knowing knew +decreasing decreased listening listened +decreasing decreased looking looked +decreasing decreased moving moved +decreasing decreased paying paid +decreasing decreased playing played +decreasing decreased predicting predicted +decreasing decreased reading read +decreasing decreased running ran +decreasing decreased saying said +decreasing decreased screaming screamed +decreasing decreased seeing saw +decreasing decreased selling sold +decreasing decreased shrinking shrank +decreasing decreased singing sang +decreasing decreased sitting sat +decreasing decreased sleeping slept +decreasing decreased slowing slowed +decreasing decreased spending spent +decreasing decreased striking struck +decreasing decreased swimming swam +decreasing decreased taking took +decreasing decreased thinking thought +decreasing decreased vanishing vanished +decreasing decreased walking walked +decreasing decreased writing wrote +decreasing decreased dancing danced +describing described enhancing enhanced +describing described falling fell +describing described feeding fed +describing described flying flew +describing described generating generated +describing described going went +describing described hiding hid +describing described hitting hit +describing described implementing implemented +describing described increasing increased +describing described jumping jumped +describing described knowing knew +describing described listening listened +describing described looking looked +describing described moving moved +describing described paying paid +describing described playing played +describing described predicting predicted +describing described reading read +describing described running ran +describing described saying said +describing described screaming screamed +describing described seeing saw +describing described selling sold +describing described shrinking shrank +describing described singing sang +describing described sitting sat +describing described sleeping slept +describing described slowing slowed +describing described spending spent +describing described striking struck +describing described swimming swam +describing described taking took +describing described thinking thought +describing described vanishing vanished +describing described walking walked +describing described writing wrote +describing described dancing danced +describing described decreasing decreased +enhancing enhanced falling fell +enhancing enhanced feeding fed +enhancing enhanced flying flew +enhancing enhanced generating generated +enhancing enhanced going went +enhancing enhanced hiding hid +enhancing enhanced hitting hit +enhancing enhanced implementing implemented +enhancing enhanced increasing increased +enhancing enhanced jumping jumped +enhancing enhanced knowing knew +enhancing enhanced listening listened +enhancing enhanced looking looked +enhancing enhanced moving moved +enhancing enhanced paying paid +enhancing enhanced playing played +enhancing enhanced predicting predicted +enhancing enhanced reading read +enhancing enhanced running ran +enhancing enhanced saying said +enhancing enhanced screaming screamed +enhancing enhanced seeing saw +enhancing enhanced selling sold +enhancing enhanced shrinking shrank +enhancing enhanced singing sang +enhancing enhanced sitting sat +enhancing enhanced sleeping slept +enhancing enhanced slowing slowed +enhancing enhanced spending spent +enhancing enhanced striking struck +enhancing enhanced swimming swam +enhancing enhanced taking took +enhancing enhanced thinking thought +enhancing enhanced vanishing vanished +enhancing enhanced walking walked +enhancing enhanced writing wrote +enhancing enhanced dancing danced +enhancing enhanced decreasing decreased +enhancing enhanced describing described +falling fell feeding fed +falling fell flying flew +falling fell generating generated +falling fell going went +falling fell hiding hid +falling fell hitting hit +falling fell implementing implemented +falling fell increasing increased +falling fell jumping jumped +falling fell knowing knew +falling fell listening listened +falling fell looking looked +falling fell moving moved +falling fell paying paid +falling fell playing played +falling fell predicting predicted +falling fell reading read +falling fell running ran +falling fell saying said +falling fell screaming screamed +falling fell seeing saw +falling fell selling sold +falling fell shrinking shrank +falling fell singing sang +falling fell sitting sat +falling fell sleeping slept +falling fell slowing slowed +falling fell spending spent +falling fell striking struck +falling fell swimming swam +falling fell taking took +falling fell thinking thought +falling fell vanishing vanished +falling fell walking walked +falling fell writing wrote +falling fell dancing danced +falling fell decreasing decreased +falling fell describing described +falling fell enhancing enhanced +feeding fed flying flew +feeding fed generating generated +feeding fed going went +feeding fed hiding hid +feeding fed hitting hit +feeding fed implementing implemented +feeding fed increasing increased +feeding fed jumping jumped +feeding fed knowing knew +feeding fed listening listened +feeding fed looking looked +feeding fed moving moved +feeding fed paying paid +feeding fed playing played +feeding fed predicting predicted +feeding fed reading read +feeding fed running ran +feeding fed saying said +feeding fed screaming screamed +feeding fed seeing saw +feeding fed selling sold +feeding fed shrinking shrank +feeding fed singing sang +feeding fed sitting sat +feeding fed sleeping slept +feeding fed slowing slowed +feeding fed spending spent +feeding fed striking struck +feeding fed swimming swam +feeding fed taking took +feeding fed thinking thought +feeding fed vanishing vanished +feeding fed walking walked +feeding fed writing wrote +feeding fed dancing danced +feeding fed decreasing decreased +feeding fed describing described +feeding fed enhancing enhanced +feeding fed falling fell +flying flew generating generated +flying flew going went +flying flew hiding hid +flying flew hitting hit +flying flew implementing implemented +flying flew increasing increased +flying flew jumping jumped +flying flew knowing knew +flying flew listening listened +flying flew looking looked +flying flew moving moved +flying flew paying paid +flying flew playing played +flying flew predicting predicted +flying flew reading read +flying flew running ran +flying flew saying said +flying flew screaming screamed +flying flew seeing saw +flying flew selling sold +flying flew shrinking shrank +flying flew singing sang +flying flew sitting sat +flying flew sleeping slept +flying flew slowing slowed +flying flew spending spent +flying flew striking struck +flying flew swimming swam +flying flew taking took +flying flew thinking thought +flying flew vanishing vanished +flying flew walking walked +flying flew writing wrote +flying flew dancing danced +flying flew decreasing decreased +flying flew describing described +flying flew enhancing enhanced +flying flew falling fell +flying flew feeding fed +generating generated going went +generating generated hiding hid +generating generated hitting hit +generating generated implementing implemented +generating generated increasing increased +generating generated jumping jumped +generating generated knowing knew +generating generated listening listened +generating generated looking looked +generating generated moving moved +generating generated paying paid +generating generated playing played +generating generated predicting predicted +generating generated reading read +generating generated running ran +generating generated saying said +generating generated screaming screamed +generating generated seeing saw +generating generated selling sold +generating generated shrinking shrank +generating generated singing sang +generating generated sitting sat +generating generated sleeping slept +generating generated slowing slowed +generating generated spending spent +generating generated striking struck +generating generated swimming swam +generating generated taking took +generating generated thinking thought +generating generated vanishing vanished +generating generated walking walked +generating generated writing wrote +generating generated dancing danced +generating generated decreasing decreased +generating generated describing described +generating generated enhancing enhanced +generating generated falling fell +generating generated feeding fed +generating generated flying flew +going went hiding hid +going went hitting hit +going went implementing implemented +going went increasing increased +going went jumping jumped +going went knowing knew +going went listening listened +going went looking looked +going went moving moved +going went paying paid +going went playing played +going went predicting predicted +going went reading read +going went running ran +going went saying said +going went screaming screamed +going went seeing saw +going went selling sold +going went shrinking shrank +going went singing sang +going went sitting sat +going went sleeping slept +going went slowing slowed +going went spending spent +going went striking struck +going went swimming swam +going went taking took +going went thinking thought +going went vanishing vanished +going went walking walked +going went writing wrote +going went dancing danced +going went decreasing decreased +going went describing described +going went enhancing enhanced +going went falling fell +going went feeding fed +going went flying flew +going went generating generated +hiding hid hitting hit +hiding hid implementing implemented +hiding hid increasing increased +hiding hid jumping jumped +hiding hid knowing knew +hiding hid listening listened +hiding hid looking looked +hiding hid moving moved +hiding hid paying paid +hiding hid playing played +hiding hid predicting predicted +hiding hid reading read +hiding hid running ran +hiding hid saying said +hiding hid screaming screamed +hiding hid seeing saw +hiding hid selling sold +hiding hid shrinking shrank +hiding hid singing sang +hiding hid sitting sat +hiding hid sleeping slept +hiding hid slowing slowed +hiding hid spending spent +hiding hid striking struck +hiding hid swimming swam +hiding hid taking took +hiding hid thinking thought +hiding hid vanishing vanished +hiding hid walking walked +hiding hid writing wrote +hiding hid dancing danced +hiding hid decreasing decreased +hiding hid describing described +hiding hid enhancing enhanced +hiding hid falling fell +hiding hid feeding fed +hiding hid flying flew +hiding hid generating generated +hiding hid going went +hitting hit implementing implemented +hitting hit increasing increased +hitting hit jumping jumped +hitting hit knowing knew +hitting hit listening listened +hitting hit looking looked +hitting hit moving moved +hitting hit paying paid +hitting hit playing played +hitting hit predicting predicted +hitting hit reading read +hitting hit running ran +hitting hit saying said +hitting hit screaming screamed +hitting hit seeing saw +hitting hit selling sold +hitting hit shrinking shrank +hitting hit singing sang +hitting hit sitting sat +hitting hit sleeping slept +hitting hit slowing slowed +hitting hit spending spent +hitting hit striking struck +hitting hit swimming swam +hitting hit taking took +hitting hit thinking thought +hitting hit vanishing vanished +hitting hit walking walked +hitting hit writing wrote +hitting hit dancing danced +hitting hit decreasing decreased +hitting hit describing described +hitting hit enhancing enhanced +hitting hit falling fell +hitting hit feeding fed +hitting hit flying flew +hitting hit generating generated +hitting hit going went +hitting hit hiding hid +implementing implemented increasing increased +implementing implemented jumping jumped +implementing implemented knowing knew +implementing implemented listening listened +implementing implemented looking looked +implementing implemented moving moved +implementing implemented paying paid +implementing implemented playing played +implementing implemented predicting predicted +implementing implemented reading read +implementing implemented running ran +implementing implemented saying said +implementing implemented screaming screamed +implementing implemented seeing saw +implementing implemented selling sold +implementing implemented shrinking shrank +implementing implemented singing sang +implementing implemented sitting sat +implementing implemented sleeping slept +implementing implemented slowing slowed +implementing implemented spending spent +implementing implemented striking struck +implementing implemented swimming swam +implementing implemented taking took +implementing implemented thinking thought +implementing implemented vanishing vanished +implementing implemented walking walked +implementing implemented writing wrote +implementing implemented dancing danced +implementing implemented decreasing decreased +implementing implemented describing described +implementing implemented enhancing enhanced +implementing implemented falling fell +implementing implemented feeding fed +implementing implemented flying flew +implementing implemented generating generated +implementing implemented going went +implementing implemented hiding hid +implementing implemented hitting hit +increasing increased jumping jumped +increasing increased knowing knew +increasing increased listening listened +increasing increased looking looked +increasing increased moving moved +increasing increased paying paid +increasing increased playing played +increasing increased predicting predicted +increasing increased reading read +increasing increased running ran +increasing increased saying said +increasing increased screaming screamed +increasing increased seeing saw +increasing increased selling sold +increasing increased shrinking shrank +increasing increased singing sang +increasing increased sitting sat +increasing increased sleeping slept +increasing increased slowing slowed +increasing increased spending spent +increasing increased striking struck +increasing increased swimming swam +increasing increased taking took +increasing increased thinking thought +increasing increased vanishing vanished +increasing increased walking walked +increasing increased writing wrote +increasing increased dancing danced +increasing increased decreasing decreased +increasing increased describing described +increasing increased enhancing enhanced +increasing increased falling fell +increasing increased feeding fed +increasing increased flying flew +increasing increased generating generated +increasing increased going went +increasing increased hiding hid +increasing increased hitting hit +increasing increased implementing implemented +jumping jumped knowing knew +jumping jumped listening listened +jumping jumped looking looked +jumping jumped moving moved +jumping jumped paying paid +jumping jumped playing played +jumping jumped predicting predicted +jumping jumped reading read +jumping jumped running ran +jumping jumped saying said +jumping jumped screaming screamed +jumping jumped seeing saw +jumping jumped selling sold +jumping jumped shrinking shrank +jumping jumped singing sang +jumping jumped sitting sat +jumping jumped sleeping slept +jumping jumped slowing slowed +jumping jumped spending spent +jumping jumped striking struck +jumping jumped swimming swam +jumping jumped taking took +jumping jumped thinking thought +jumping jumped vanishing vanished +jumping jumped walking walked +jumping jumped writing wrote +jumping jumped dancing danced +jumping jumped decreasing decreased +jumping jumped describing described +jumping jumped enhancing enhanced +jumping jumped falling fell +jumping jumped feeding fed +jumping jumped flying flew +jumping jumped generating generated +jumping jumped going went +jumping jumped hiding hid +jumping jumped hitting hit +jumping jumped implementing implemented +jumping jumped increasing increased +knowing knew listening listened +knowing knew looking looked +knowing knew moving moved +knowing knew paying paid +knowing knew playing played +knowing knew predicting predicted +knowing knew reading read +knowing knew running ran +knowing knew saying said +knowing knew screaming screamed +knowing knew seeing saw +knowing knew selling sold +knowing knew shrinking shrank +knowing knew singing sang +knowing knew sitting sat +knowing knew sleeping slept +knowing knew slowing slowed +knowing knew spending spent +knowing knew striking struck +knowing knew swimming swam +knowing knew taking took +knowing knew thinking thought +knowing knew vanishing vanished +knowing knew walking walked +knowing knew writing wrote +knowing knew dancing danced +knowing knew decreasing decreased +knowing knew describing described +knowing knew enhancing enhanced +knowing knew falling fell +knowing knew feeding fed +knowing knew flying flew +knowing knew generating generated +knowing knew going went +knowing knew hiding hid +knowing knew hitting hit +knowing knew implementing implemented +knowing knew increasing increased +knowing knew jumping jumped +listening listened looking looked +listening listened moving moved +listening listened paying paid +listening listened playing played +listening listened predicting predicted +listening listened reading read +listening listened running ran +listening listened saying said +listening listened screaming screamed +listening listened seeing saw +listening listened selling sold +listening listened shrinking shrank +listening listened singing sang +listening listened sitting sat +listening listened sleeping slept +listening listened slowing slowed +listening listened spending spent +listening listened striking struck +listening listened swimming swam +listening listened taking took +listening listened thinking thought +listening listened vanishing vanished +listening listened walking walked +listening listened writing wrote +listening listened dancing danced +listening listened decreasing decreased +listening listened describing described +listening listened enhancing enhanced +listening listened falling fell +listening listened feeding fed +listening listened flying flew +listening listened generating generated +listening listened going went +listening listened hiding hid +listening listened hitting hit +listening listened implementing implemented +listening listened increasing increased +listening listened jumping jumped +listening listened knowing knew +looking looked moving moved +looking looked paying paid +looking looked playing played +looking looked predicting predicted +looking looked reading read +looking looked running ran +looking looked saying said +looking looked screaming screamed +looking looked seeing saw +looking looked selling sold +looking looked shrinking shrank +looking looked singing sang +looking looked sitting sat +looking looked sleeping slept +looking looked slowing slowed +looking looked spending spent +looking looked striking struck +looking looked swimming swam +looking looked taking took +looking looked thinking thought +looking looked vanishing vanished +looking looked walking walked +looking looked writing wrote +looking looked dancing danced +looking looked decreasing decreased +looking looked describing described +looking looked enhancing enhanced +looking looked falling fell +looking looked feeding fed +looking looked flying flew +looking looked generating generated +looking looked going went +looking looked hiding hid +looking looked hitting hit +looking looked implementing implemented +looking looked increasing increased +looking looked jumping jumped +looking looked knowing knew +looking looked listening listened +moving moved paying paid +moving moved playing played +moving moved predicting predicted +moving moved reading read +moving moved running ran +moving moved saying said +moving moved screaming screamed +moving moved seeing saw +moving moved selling sold +moving moved shrinking shrank +moving moved singing sang +moving moved sitting sat +moving moved sleeping slept +moving moved slowing slowed +moving moved spending spent +moving moved striking struck +moving moved swimming swam +moving moved taking took +moving moved thinking thought +moving moved vanishing vanished +moving moved walking walked +moving moved writing wrote +moving moved dancing danced +moving moved decreasing decreased +moving moved describing described +moving moved enhancing enhanced +moving moved falling fell +moving moved feeding fed +moving moved flying flew +moving moved generating generated +moving moved going went +moving moved hiding hid +moving moved hitting hit +moving moved implementing implemented +moving moved increasing increased +moving moved jumping jumped +moving moved knowing knew +moving moved listening listened +moving moved looking looked +paying paid playing played +paying paid predicting predicted +paying paid reading read +paying paid running ran +paying paid saying said +paying paid screaming screamed +paying paid seeing saw +paying paid selling sold +paying paid shrinking shrank +paying paid singing sang +paying paid sitting sat +paying paid sleeping slept +paying paid slowing slowed +paying paid spending spent +paying paid striking struck +paying paid swimming swam +paying paid taking took +paying paid thinking thought +paying paid vanishing vanished +paying paid walking walked +paying paid writing wrote +paying paid dancing danced +paying paid decreasing decreased +paying paid describing described +paying paid enhancing enhanced +paying paid falling fell +paying paid feeding fed +paying paid flying flew +paying paid generating generated +paying paid going went +paying paid hiding hid +paying paid hitting hit +paying paid implementing implemented +paying paid increasing increased +paying paid jumping jumped +paying paid knowing knew +paying paid listening listened +paying paid looking looked +paying paid moving moved +playing played predicting predicted +playing played reading read +playing played running ran +playing played saying said +playing played screaming screamed +playing played seeing saw +playing played selling sold +playing played shrinking shrank +playing played singing sang +playing played sitting sat +playing played sleeping slept +playing played slowing slowed +playing played spending spent +playing played striking struck +playing played swimming swam +playing played taking took +playing played thinking thought +playing played vanishing vanished +playing played walking walked +playing played writing wrote +playing played dancing danced +playing played decreasing decreased +playing played describing described +playing played enhancing enhanced +playing played falling fell +playing played feeding fed +playing played flying flew +playing played generating generated +playing played going went +playing played hiding hid +playing played hitting hit +playing played implementing implemented +playing played increasing increased +playing played jumping jumped +playing played knowing knew +playing played listening listened +playing played looking looked +playing played moving moved +playing played paying paid +predicting predicted reading read +predicting predicted running ran +predicting predicted saying said +predicting predicted screaming screamed +predicting predicted seeing saw +predicting predicted selling sold +predicting predicted shrinking shrank +predicting predicted singing sang +predicting predicted sitting sat +predicting predicted sleeping slept +predicting predicted slowing slowed +predicting predicted spending spent +predicting predicted striking struck +predicting predicted swimming swam +predicting predicted taking took +predicting predicted thinking thought +predicting predicted vanishing vanished +predicting predicted walking walked +predicting predicted writing wrote +predicting predicted dancing danced +predicting predicted decreasing decreased +predicting predicted describing described +predicting predicted enhancing enhanced +predicting predicted falling fell +predicting predicted feeding fed +predicting predicted flying flew +predicting predicted generating generated +predicting predicted going went +predicting predicted hiding hid +predicting predicted hitting hit +predicting predicted implementing implemented +predicting predicted increasing increased +predicting predicted jumping jumped +predicting predicted knowing knew +predicting predicted listening listened +predicting predicted looking looked +predicting predicted moving moved +predicting predicted paying paid +predicting predicted playing played +reading read running ran +reading read saying said +reading read screaming screamed +reading read seeing saw +reading read selling sold +reading read shrinking shrank +reading read singing sang +reading read sitting sat +reading read sleeping slept +reading read slowing slowed +reading read spending spent +reading read striking struck +reading read swimming swam +reading read taking took +reading read thinking thought +reading read vanishing vanished +reading read walking walked +reading read writing wrote +reading read dancing danced +reading read decreasing decreased +reading read describing described +reading read enhancing enhanced +reading read falling fell +reading read feeding fed +reading read flying flew +reading read generating generated +reading read going went +reading read hiding hid +reading read hitting hit +reading read implementing implemented +reading read increasing increased +reading read jumping jumped +reading read knowing knew +reading read listening listened +reading read looking looked +reading read moving moved +reading read paying paid +reading read playing played +reading read predicting predicted +running ran saying said +running ran screaming screamed +running ran seeing saw +running ran selling sold +running ran shrinking shrank +running ran singing sang +running ran sitting sat +running ran sleeping slept +running ran slowing slowed +running ran spending spent +running ran striking struck +running ran swimming swam +running ran taking took +running ran thinking thought +running ran vanishing vanished +running ran walking walked +running ran writing wrote +running ran dancing danced +running ran decreasing decreased +running ran describing described +running ran enhancing enhanced +running ran falling fell +running ran feeding fed +running ran flying flew +running ran generating generated +running ran going went +running ran hiding hid +running ran hitting hit +running ran implementing implemented +running ran increasing increased +running ran jumping jumped +running ran knowing knew +running ran listening listened +running ran looking looked +running ran moving moved +running ran paying paid +running ran playing played +running ran predicting predicted +running ran reading read +saying said screaming screamed +saying said seeing saw +saying said selling sold +saying said shrinking shrank +saying said singing sang +saying said sitting sat +saying said sleeping slept +saying said slowing slowed +saying said spending spent +saying said striking struck +saying said swimming swam +saying said taking took +saying said thinking thought +saying said vanishing vanished +saying said walking walked +saying said writing wrote +saying said dancing danced +saying said decreasing decreased +saying said describing described +saying said enhancing enhanced +saying said falling fell +saying said feeding fed +saying said flying flew +saying said generating generated +saying said going went +saying said hiding hid +saying said hitting hit +saying said implementing implemented +saying said increasing increased +saying said jumping jumped +saying said knowing knew +saying said listening listened +saying said looking looked +saying said moving moved +saying said paying paid +saying said playing played +saying said predicting predicted +saying said reading read +saying said running ran +screaming screamed seeing saw +screaming screamed selling sold +screaming screamed shrinking shrank +screaming screamed singing sang +screaming screamed sitting sat +screaming screamed sleeping slept +screaming screamed slowing slowed +screaming screamed spending spent +screaming screamed striking struck +screaming screamed swimming swam +screaming screamed taking took +screaming screamed thinking thought +screaming screamed vanishing vanished +screaming screamed walking walked +screaming screamed writing wrote +screaming screamed dancing danced +screaming screamed decreasing decreased +screaming screamed describing described +screaming screamed enhancing enhanced +screaming screamed falling fell +screaming screamed feeding fed +screaming screamed flying flew +screaming screamed generating generated +screaming screamed going went +screaming screamed hiding hid +screaming screamed hitting hit +screaming screamed implementing implemented +screaming screamed increasing increased +screaming screamed jumping jumped +screaming screamed knowing knew +screaming screamed listening listened +screaming screamed looking looked +screaming screamed moving moved +screaming screamed paying paid +screaming screamed playing played +screaming screamed predicting predicted +screaming screamed reading read +screaming screamed running ran +screaming screamed saying said +seeing saw selling sold +seeing saw shrinking shrank +seeing saw singing sang +seeing saw sitting sat +seeing saw sleeping slept +seeing saw slowing slowed +seeing saw spending spent +seeing saw striking struck +seeing saw swimming swam +seeing saw taking took +seeing saw thinking thought +seeing saw vanishing vanished +seeing saw walking walked +seeing saw writing wrote +seeing saw dancing danced +seeing saw decreasing decreased +seeing saw describing described +seeing saw enhancing enhanced +seeing saw falling fell +seeing saw feeding fed +seeing saw flying flew +seeing saw generating generated +seeing saw going went +seeing saw hiding hid +seeing saw hitting hit +seeing saw implementing implemented +seeing saw increasing increased +seeing saw jumping jumped +seeing saw knowing knew +seeing saw listening listened +seeing saw looking looked +seeing saw moving moved +seeing saw paying paid +seeing saw playing played +seeing saw predicting predicted +seeing saw reading read +seeing saw running ran +seeing saw saying said +seeing saw screaming screamed +selling sold shrinking shrank +selling sold singing sang +selling sold sitting sat +selling sold sleeping slept +selling sold slowing slowed +selling sold spending spent +selling sold striking struck +selling sold swimming swam +selling sold taking took +selling sold thinking thought +selling sold vanishing vanished +selling sold walking walked +selling sold writing wrote +selling sold dancing danced +selling sold decreasing decreased +selling sold describing described +selling sold enhancing enhanced +selling sold falling fell +selling sold feeding fed +selling sold flying flew +selling sold generating generated +selling sold going went +selling sold hiding hid +selling sold hitting hit +selling sold implementing implemented +selling sold increasing increased +selling sold jumping jumped +selling sold knowing knew +selling sold listening listened +selling sold looking looked +selling sold moving moved +selling sold paying paid +selling sold playing played +selling sold predicting predicted +selling sold reading read +selling sold running ran +selling sold saying said +selling sold screaming screamed +selling sold seeing saw +shrinking shrank singing sang +shrinking shrank sitting sat +shrinking shrank sleeping slept +shrinking shrank slowing slowed +shrinking shrank spending spent +shrinking shrank striking struck +shrinking shrank swimming swam +shrinking shrank taking took +shrinking shrank thinking thought +shrinking shrank vanishing vanished +shrinking shrank walking walked +shrinking shrank writing wrote +shrinking shrank dancing danced +shrinking shrank decreasing decreased +shrinking shrank describing described +shrinking shrank enhancing enhanced +shrinking shrank falling fell +shrinking shrank feeding fed +shrinking shrank flying flew +shrinking shrank generating generated +shrinking shrank going went +shrinking shrank hiding hid +shrinking shrank hitting hit +shrinking shrank implementing implemented +shrinking shrank increasing increased +shrinking shrank jumping jumped +shrinking shrank knowing knew +shrinking shrank listening listened +shrinking shrank looking looked +shrinking shrank moving moved +shrinking shrank paying paid +shrinking shrank playing played +shrinking shrank predicting predicted +shrinking shrank reading read +shrinking shrank running ran +shrinking shrank saying said +shrinking shrank screaming screamed +shrinking shrank seeing saw +shrinking shrank selling sold +singing sang sitting sat +singing sang sleeping slept +singing sang slowing slowed +singing sang spending spent +singing sang striking struck +singing sang swimming swam +singing sang taking took +singing sang thinking thought +singing sang vanishing vanished +singing sang walking walked +singing sang writing wrote +singing sang dancing danced +singing sang decreasing decreased +singing sang describing described +singing sang enhancing enhanced +singing sang falling fell +singing sang feeding fed +singing sang flying flew +singing sang generating generated +singing sang going went +singing sang hiding hid +singing sang hitting hit +singing sang implementing implemented +singing sang increasing increased +singing sang jumping jumped +singing sang knowing knew +singing sang listening listened +singing sang looking looked +singing sang moving moved +singing sang paying paid +singing sang playing played +singing sang predicting predicted +singing sang reading read +singing sang running ran +singing sang saying said +singing sang screaming screamed +singing sang seeing saw +singing sang selling sold +singing sang shrinking shrank +sitting sat sleeping slept +sitting sat slowing slowed +sitting sat spending spent +sitting sat striking struck +sitting sat swimming swam +sitting sat taking took +sitting sat thinking thought +sitting sat vanishing vanished +sitting sat walking walked +sitting sat writing wrote +sitting sat dancing danced +sitting sat decreasing decreased +sitting sat describing described +sitting sat enhancing enhanced +sitting sat falling fell +sitting sat feeding fed +sitting sat flying flew +sitting sat generating generated +sitting sat going went +sitting sat hiding hid +sitting sat hitting hit +sitting sat implementing implemented +sitting sat increasing increased +sitting sat jumping jumped +sitting sat knowing knew +sitting sat listening listened +sitting sat looking looked +sitting sat moving moved +sitting sat paying paid +sitting sat playing played +sitting sat predicting predicted +sitting sat reading read +sitting sat running ran +sitting sat saying said +sitting sat screaming screamed +sitting sat seeing saw +sitting sat selling sold +sitting sat shrinking shrank +sitting sat singing sang +sleeping slept slowing slowed +sleeping slept spending spent +sleeping slept striking struck +sleeping slept swimming swam +sleeping slept taking took +sleeping slept thinking thought +sleeping slept vanishing vanished +sleeping slept walking walked +sleeping slept writing wrote +sleeping slept dancing danced +sleeping slept decreasing decreased +sleeping slept describing described +sleeping slept enhancing enhanced +sleeping slept falling fell +sleeping slept feeding fed +sleeping slept flying flew +sleeping slept generating generated +sleeping slept going went +sleeping slept hiding hid +sleeping slept hitting hit +sleeping slept implementing implemented +sleeping slept increasing increased +sleeping slept jumping jumped +sleeping slept knowing knew +sleeping slept listening listened +sleeping slept looking looked +sleeping slept moving moved +sleeping slept paying paid +sleeping slept playing played +sleeping slept predicting predicted +sleeping slept reading read +sleeping slept running ran +sleeping slept saying said +sleeping slept screaming screamed +sleeping slept seeing saw +sleeping slept selling sold +sleeping slept shrinking shrank +sleeping slept singing sang +sleeping slept sitting sat +slowing slowed spending spent +slowing slowed striking struck +slowing slowed swimming swam +slowing slowed taking took +slowing slowed thinking thought +slowing slowed vanishing vanished +slowing slowed walking walked +slowing slowed writing wrote +slowing slowed dancing danced +slowing slowed decreasing decreased +slowing slowed describing described +slowing slowed enhancing enhanced +slowing slowed falling fell +slowing slowed feeding fed +slowing slowed flying flew +slowing slowed generating generated +slowing slowed going went +slowing slowed hiding hid +slowing slowed hitting hit +slowing slowed implementing implemented +slowing slowed increasing increased +slowing slowed jumping jumped +slowing slowed knowing knew +slowing slowed listening listened +slowing slowed looking looked +slowing slowed moving moved +slowing slowed paying paid +slowing slowed playing played +slowing slowed predicting predicted +slowing slowed reading read +slowing slowed running ran +slowing slowed saying said +slowing slowed screaming screamed +slowing slowed seeing saw +slowing slowed selling sold +slowing slowed shrinking shrank +slowing slowed singing sang +slowing slowed sitting sat +slowing slowed sleeping slept +spending spent striking struck +spending spent swimming swam +spending spent taking took +spending spent thinking thought +spending spent vanishing vanished +spending spent walking walked +spending spent writing wrote +spending spent dancing danced +spending spent decreasing decreased +spending spent describing described +spending spent enhancing enhanced +spending spent falling fell +spending spent feeding fed +spending spent flying flew +spending spent generating generated +spending spent going went +spending spent hiding hid +spending spent hitting hit +spending spent implementing implemented +spending spent increasing increased +spending spent jumping jumped +spending spent knowing knew +spending spent listening listened +spending spent looking looked +spending spent moving moved +spending spent paying paid +spending spent playing played +spending spent predicting predicted +spending spent reading read +spending spent running ran +spending spent saying said +spending spent screaming screamed +spending spent seeing saw +spending spent selling sold +spending spent shrinking shrank +spending spent singing sang +spending spent sitting sat +spending spent sleeping slept +spending spent slowing slowed +striking struck swimming swam +striking struck taking took +striking struck thinking thought +striking struck vanishing vanished +striking struck walking walked +striking struck writing wrote +striking struck dancing danced +striking struck decreasing decreased +striking struck describing described +striking struck enhancing enhanced +striking struck falling fell +striking struck feeding fed +striking struck flying flew +striking struck generating generated +striking struck going went +striking struck hiding hid +striking struck hitting hit +striking struck implementing implemented +striking struck increasing increased +striking struck jumping jumped +striking struck knowing knew +striking struck listening listened +striking struck looking looked +striking struck moving moved +striking struck paying paid +striking struck playing played +striking struck predicting predicted +striking struck reading read +striking struck running ran +striking struck saying said +striking struck screaming screamed +striking struck seeing saw +striking struck selling sold +striking struck shrinking shrank +striking struck singing sang +striking struck sitting sat +striking struck sleeping slept +striking struck slowing slowed +striking struck spending spent +swimming swam taking took +swimming swam thinking thought +swimming swam vanishing vanished +swimming swam walking walked +swimming swam writing wrote +swimming swam dancing danced +swimming swam decreasing decreased +swimming swam describing described +swimming swam enhancing enhanced +swimming swam falling fell +swimming swam feeding fed +swimming swam flying flew +swimming swam generating generated +swimming swam going went +swimming swam hiding hid +swimming swam hitting hit +swimming swam implementing implemented +swimming swam increasing increased +swimming swam jumping jumped +swimming swam knowing knew +swimming swam listening listened +swimming swam looking looked +swimming swam moving moved +swimming swam paying paid +swimming swam playing played +swimming swam predicting predicted +swimming swam reading read +swimming swam running ran +swimming swam saying said +swimming swam screaming screamed +swimming swam seeing saw +swimming swam selling sold +swimming swam shrinking shrank +swimming swam singing sang +swimming swam sitting sat +swimming swam sleeping slept +swimming swam slowing slowed +swimming swam spending spent +swimming swam striking struck +taking took thinking thought +taking took vanishing vanished +taking took walking walked +taking took writing wrote +taking took dancing danced +taking took decreasing decreased +taking took describing described +taking took enhancing enhanced +taking took falling fell +taking took feeding fed +taking took flying flew +taking took generating generated +taking took going went +taking took hiding hid +taking took hitting hit +taking took implementing implemented +taking took increasing increased +taking took jumping jumped +taking took knowing knew +taking took listening listened +taking took looking looked +taking took moving moved +taking took paying paid +taking took playing played +taking took predicting predicted +taking took reading read +taking took running ran +taking took saying said +taking took screaming screamed +taking took seeing saw +taking took selling sold +taking took shrinking shrank +taking took singing sang +taking took sitting sat +taking took sleeping slept +taking took slowing slowed +taking took spending spent +taking took striking struck +taking took swimming swam +thinking thought vanishing vanished +thinking thought walking walked +thinking thought writing wrote +thinking thought dancing danced +thinking thought decreasing decreased +thinking thought describing described +thinking thought enhancing enhanced +thinking thought falling fell +thinking thought feeding fed +thinking thought flying flew +thinking thought generating generated +thinking thought going went +thinking thought hiding hid +thinking thought hitting hit +thinking thought implementing implemented +thinking thought increasing increased +thinking thought jumping jumped +thinking thought knowing knew +thinking thought listening listened +thinking thought looking looked +thinking thought moving moved +thinking thought paying paid +thinking thought playing played +thinking thought predicting predicted +thinking thought reading read +thinking thought running ran +thinking thought saying said +thinking thought screaming screamed +thinking thought seeing saw +thinking thought selling sold +thinking thought shrinking shrank +thinking thought singing sang +thinking thought sitting sat +thinking thought sleeping slept +thinking thought slowing slowed +thinking thought spending spent +thinking thought striking struck +thinking thought swimming swam +thinking thought taking took +vanishing vanished walking walked +vanishing vanished writing wrote +vanishing vanished dancing danced +vanishing vanished decreasing decreased +vanishing vanished describing described +vanishing vanished enhancing enhanced +vanishing vanished falling fell +vanishing vanished feeding fed +vanishing vanished flying flew +vanishing vanished generating generated +vanishing vanished going went +vanishing vanished hiding hid +vanishing vanished hitting hit +vanishing vanished implementing implemented +vanishing vanished increasing increased +vanishing vanished jumping jumped +vanishing vanished knowing knew +vanishing vanished listening listened +vanishing vanished looking looked +vanishing vanished moving moved +vanishing vanished paying paid +vanishing vanished playing played +vanishing vanished predicting predicted +vanishing vanished reading read +vanishing vanished running ran +vanishing vanished saying said +vanishing vanished screaming screamed +vanishing vanished seeing saw +vanishing vanished selling sold +vanishing vanished shrinking shrank +vanishing vanished singing sang +vanishing vanished sitting sat +vanishing vanished sleeping slept +vanishing vanished slowing slowed +vanishing vanished spending spent +vanishing vanished striking struck +vanishing vanished swimming swam +vanishing vanished taking took +vanishing vanished thinking thought +walking walked writing wrote +walking walked dancing danced +walking walked decreasing decreased +walking walked describing described +walking walked enhancing enhanced +walking walked falling fell +walking walked feeding fed +walking walked flying flew +walking walked generating generated +walking walked going went +walking walked hiding hid +walking walked hitting hit +walking walked implementing implemented +walking walked increasing increased +walking walked jumping jumped +walking walked knowing knew +walking walked listening listened +walking walked looking looked +walking walked moving moved +walking walked paying paid +walking walked playing played +walking walked predicting predicted +walking walked reading read +walking walked running ran +walking walked saying said +walking walked screaming screamed +walking walked seeing saw +walking walked selling sold +walking walked shrinking shrank +walking walked singing sang +walking walked sitting sat +walking walked sleeping slept +walking walked slowing slowed +walking walked spending spent +walking walked striking struck +walking walked swimming swam +walking walked taking took +walking walked thinking thought +walking walked vanishing vanished +writing wrote dancing danced +writing wrote decreasing decreased +writing wrote describing described +writing wrote enhancing enhanced +writing wrote falling fell +writing wrote feeding fed +writing wrote flying flew +writing wrote generating generated +writing wrote going went +writing wrote hiding hid +writing wrote hitting hit +writing wrote implementing implemented +writing wrote increasing increased +writing wrote jumping jumped +writing wrote knowing knew +writing wrote listening listened +writing wrote looking looked +writing wrote moving moved +writing wrote paying paid +writing wrote playing played +writing wrote predicting predicted +writing wrote reading read +writing wrote running ran +writing wrote saying said +writing wrote screaming screamed +writing wrote seeing saw +writing wrote selling sold +writing wrote shrinking shrank +writing wrote singing sang +writing wrote sitting sat +writing wrote sleeping slept +writing wrote slowing slowed +writing wrote spending spent +writing wrote striking struck +writing wrote swimming swam +writing wrote taking took +writing wrote thinking thought +writing wrote vanishing vanished +writing wrote walking walked +: gram8-plural +banana bananas bird birds +banana bananas bottle bottles +banana bananas building buildings +banana bananas car cars +banana bananas cat cats +banana bananas child children +banana bananas cloud clouds +banana bananas color colors +banana bananas computer computers +banana bananas cow cows +banana bananas dog dogs +banana bananas dollar dollars +banana bananas donkey donkeys +banana bananas dream dreams +banana bananas eagle eagles +banana bananas elephant elephants +banana bananas eye eyes +banana bananas finger fingers +banana bananas goat goats +banana bananas hand hands +banana bananas horse horses +banana bananas lion lions +banana bananas machine machines +banana bananas mango mangoes +banana bananas man men +banana bananas melon melons +banana bananas monkey monkeys +banana bananas mouse mice +banana bananas onion onions +banana bananas pear pears +banana bananas pig pigs +banana bananas pineapple pineapples +banana bananas rat rats +banana bananas road roads +banana bananas snake snakes +banana bananas woman women +bird birds bottle bottles +bird birds building buildings +bird birds car cars +bird birds cat cats +bird birds child children +bird birds cloud clouds +bird birds color colors +bird birds computer computers +bird birds cow cows +bird birds dog dogs +bird birds dollar dollars +bird birds donkey donkeys +bird birds dream dreams +bird birds eagle eagles +bird birds elephant elephants +bird birds eye eyes +bird birds finger fingers +bird birds goat goats +bird birds hand hands +bird birds horse horses +bird birds lion lions +bird birds machine machines +bird birds mango mangoes +bird birds man men +bird birds melon melons +bird birds monkey monkeys +bird birds mouse mice +bird birds onion onions +bird birds pear pears +bird birds pig pigs +bird birds pineapple pineapples +bird birds rat rats +bird birds road roads +bird birds snake snakes +bird birds woman women +bird birds banana bananas +bottle bottles building buildings +bottle bottles car cars +bottle bottles cat cats +bottle bottles child children +bottle bottles cloud clouds +bottle bottles color colors +bottle bottles computer computers +bottle bottles cow cows +bottle bottles dog dogs +bottle bottles dollar dollars +bottle bottles donkey donkeys +bottle bottles dream dreams +bottle bottles eagle eagles +bottle bottles elephant elephants +bottle bottles eye eyes +bottle bottles finger fingers +bottle bottles goat goats +bottle bottles hand hands +bottle bottles horse horses +bottle bottles lion lions +bottle bottles machine machines +bottle bottles mango mangoes +bottle bottles man men +bottle bottles melon melons +bottle bottles monkey monkeys +bottle bottles mouse mice +bottle bottles onion onions +bottle bottles pear pears +bottle bottles pig pigs +bottle bottles pineapple pineapples +bottle bottles rat rats +bottle bottles road roads +bottle bottles snake snakes +bottle bottles woman women +bottle bottles banana bananas +bottle bottles bird birds +building buildings car cars +building buildings cat cats +building buildings child children +building buildings cloud clouds +building buildings color colors +building buildings computer computers +building buildings cow cows +building buildings dog dogs +building buildings dollar dollars +building buildings donkey donkeys +building buildings dream dreams +building buildings eagle eagles +building buildings elephant elephants +building buildings eye eyes +building buildings finger fingers +building buildings goat goats +building buildings hand hands +building buildings horse horses +building buildings lion lions +building buildings machine machines +building buildings mango mangoes +building buildings man men +building buildings melon melons +building buildings monkey monkeys +building buildings mouse mice +building buildings onion onions +building buildings pear pears +building buildings pig pigs +building buildings pineapple pineapples +building buildings rat rats +building buildings road roads +building buildings snake snakes +building buildings woman women +building buildings banana bananas +building buildings bird birds +building buildings bottle bottles +car cars cat cats +car cars child children +car cars cloud clouds +car cars color colors +car cars computer computers +car cars cow cows +car cars dog dogs +car cars dollar dollars +car cars donkey donkeys +car cars dream dreams +car cars eagle eagles +car cars elephant elephants +car cars eye eyes +car cars finger fingers +car cars goat goats +car cars hand hands +car cars horse horses +car cars lion lions +car cars machine machines +car cars mango mangoes +car cars man men +car cars melon melons +car cars monkey monkeys +car cars mouse mice +car cars onion onions +car cars pear pears +car cars pig pigs +car cars pineapple pineapples +car cars rat rats +car cars road roads +car cars snake snakes +car cars woman women +car cars banana bananas +car cars bird birds +car cars bottle bottles +car cars building buildings +cat cats child children +cat cats cloud clouds +cat cats color colors +cat cats computer computers +cat cats cow cows +cat cats dog dogs +cat cats dollar dollars +cat cats donkey donkeys +cat cats dream dreams +cat cats eagle eagles +cat cats elephant elephants +cat cats eye eyes +cat cats finger fingers +cat cats goat goats +cat cats hand hands +cat cats horse horses +cat cats lion lions +cat cats machine machines +cat cats mango mangoes +cat cats man men +cat cats melon melons +cat cats monkey monkeys +cat cats mouse mice +cat cats onion onions +cat cats pear pears +cat cats pig pigs +cat cats pineapple pineapples +cat cats rat rats +cat cats road roads +cat cats snake snakes +cat cats woman women +cat cats banana bananas +cat cats bird birds +cat cats bottle bottles +cat cats building buildings +cat cats car cars +child children cloud clouds +child children color colors +child children computer computers +child children cow cows +child children dog dogs +child children dollar dollars +child children donkey donkeys +child children dream dreams +child children eagle eagles +child children elephant elephants +child children eye eyes +child children finger fingers +child children goat goats +child children hand hands +child children horse horses +child children lion lions +child children machine machines +child children mango mangoes +child children man men +child children melon melons +child children monkey monkeys +child children mouse mice +child children onion onions +child children pear pears +child children pig pigs +child children pineapple pineapples +child children rat rats +child children road roads +child children snake snakes +child children woman women +child children banana bananas +child children bird birds +child children bottle bottles +child children building buildings +child children car cars +child children cat cats +cloud clouds color colors +cloud clouds computer computers +cloud clouds cow cows +cloud clouds dog dogs +cloud clouds dollar dollars +cloud clouds donkey donkeys +cloud clouds dream dreams +cloud clouds eagle eagles +cloud clouds elephant elephants +cloud clouds eye eyes +cloud clouds finger fingers +cloud clouds goat goats +cloud clouds hand hands +cloud clouds horse horses +cloud clouds lion lions +cloud clouds machine machines +cloud clouds mango mangoes +cloud clouds man men +cloud clouds melon melons +cloud clouds monkey monkeys +cloud clouds mouse mice +cloud clouds onion onions +cloud clouds pear pears +cloud clouds pig pigs +cloud clouds pineapple pineapples +cloud clouds rat rats +cloud clouds road roads +cloud clouds snake snakes +cloud clouds woman women +cloud clouds banana bananas +cloud clouds bird birds +cloud clouds bottle bottles +cloud clouds building buildings +cloud clouds car cars +cloud clouds cat cats +cloud clouds child children +color colors computer computers +color colors cow cows +color colors dog dogs +color colors dollar dollars +color colors donkey donkeys +color colors dream dreams +color colors eagle eagles +color colors elephant elephants +color colors eye eyes +color colors finger fingers +color colors goat goats +color colors hand hands +color colors horse horses +color colors lion lions +color colors machine machines +color colors mango mangoes +color colors man men +color colors melon melons +color colors monkey monkeys +color colors mouse mice +color colors onion onions +color colors pear pears +color colors pig pigs +color colors pineapple pineapples +color colors rat rats +color colors road roads +color colors snake snakes +color colors woman women +color colors banana bananas +color colors bird birds +color colors bottle bottles +color colors building buildings +color colors car cars +color colors cat cats +color colors child children +color colors cloud clouds +computer computers cow cows +computer computers dog dogs +computer computers dollar dollars +computer computers donkey donkeys +computer computers dream dreams +computer computers eagle eagles +computer computers elephant elephants +computer computers eye eyes +computer computers finger fingers +computer computers goat goats +computer computers hand hands +computer computers horse horses +computer computers lion lions +computer computers machine machines +computer computers mango mangoes +computer computers man men +computer computers melon melons +computer computers monkey monkeys +computer computers mouse mice +computer computers onion onions +computer computers pear pears +computer computers pig pigs +computer computers pineapple pineapples +computer computers rat rats +computer computers road roads +computer computers snake snakes +computer computers woman women +computer computers banana bananas +computer computers bird birds +computer computers bottle bottles +computer computers building buildings +computer computers car cars +computer computers cat cats +computer computers child children +computer computers cloud clouds +computer computers color colors +cow cows dog dogs +cow cows dollar dollars +cow cows donkey donkeys +cow cows dream dreams +cow cows eagle eagles +cow cows elephant elephants +cow cows eye eyes +cow cows finger fingers +cow cows goat goats +cow cows hand hands +cow cows horse horses +cow cows lion lions +cow cows machine machines +cow cows mango mangoes +cow cows man men +cow cows melon melons +cow cows monkey monkeys +cow cows mouse mice +cow cows onion onions +cow cows pear pears +cow cows pig pigs +cow cows pineapple pineapples +cow cows rat rats +cow cows road roads +cow cows snake snakes +cow cows woman women +cow cows banana bananas +cow cows bird birds +cow cows bottle bottles +cow cows building buildings +cow cows car cars +cow cows cat cats +cow cows child children +cow cows cloud clouds +cow cows color colors +cow cows computer computers +dog dogs dollar dollars +dog dogs donkey donkeys +dog dogs dream dreams +dog dogs eagle eagles +dog dogs elephant elephants +dog dogs eye eyes +dog dogs finger fingers +dog dogs goat goats +dog dogs hand hands +dog dogs horse horses +dog dogs lion lions +dog dogs machine machines +dog dogs mango mangoes +dog dogs man men +dog dogs melon melons +dog dogs monkey monkeys +dog dogs mouse mice +dog dogs onion onions +dog dogs pear pears +dog dogs pig pigs +dog dogs pineapple pineapples +dog dogs rat rats +dog dogs road roads +dog dogs snake snakes +dog dogs woman women +dog dogs banana bananas +dog dogs bird birds +dog dogs bottle bottles +dog dogs building buildings +dog dogs car cars +dog dogs cat cats +dog dogs child children +dog dogs cloud clouds +dog dogs color colors +dog dogs computer computers +dog dogs cow cows +dollar dollars donkey donkeys +dollar dollars dream dreams +dollar dollars eagle eagles +dollar dollars elephant elephants +dollar dollars eye eyes +dollar dollars finger fingers +dollar dollars goat goats +dollar dollars hand hands +dollar dollars horse horses +dollar dollars lion lions +dollar dollars machine machines +dollar dollars mango mangoes +dollar dollars man men +dollar dollars melon melons +dollar dollars monkey monkeys +dollar dollars mouse mice +dollar dollars onion onions +dollar dollars pear pears +dollar dollars pig pigs +dollar dollars pineapple pineapples +dollar dollars rat rats +dollar dollars road roads +dollar dollars snake snakes +dollar dollars woman women +dollar dollars banana bananas +dollar dollars bird birds +dollar dollars bottle bottles +dollar dollars building buildings +dollar dollars car cars +dollar dollars cat cats +dollar dollars child children +dollar dollars cloud clouds +dollar dollars color colors +dollar dollars computer computers +dollar dollars cow cows +dollar dollars dog dogs +donkey donkeys dream dreams +donkey donkeys eagle eagles +donkey donkeys elephant elephants +donkey donkeys eye eyes +donkey donkeys finger fingers +donkey donkeys goat goats +donkey donkeys hand hands +donkey donkeys horse horses +donkey donkeys lion lions +donkey donkeys machine machines +donkey donkeys mango mangoes +donkey donkeys man men +donkey donkeys melon melons +donkey donkeys monkey monkeys +donkey donkeys mouse mice +donkey donkeys onion onions +donkey donkeys pear pears +donkey donkeys pig pigs +donkey donkeys pineapple pineapples +donkey donkeys rat rats +donkey donkeys road roads +donkey donkeys snake snakes +donkey donkeys woman women +donkey donkeys banana bananas +donkey donkeys bird birds +donkey donkeys bottle bottles +donkey donkeys building buildings +donkey donkeys car cars +donkey donkeys cat cats +donkey donkeys child children +donkey donkeys cloud clouds +donkey donkeys color colors +donkey donkeys computer computers +donkey donkeys cow cows +donkey donkeys dog dogs +donkey donkeys dollar dollars +dream dreams eagle eagles +dream dreams elephant elephants +dream dreams eye eyes +dream dreams finger fingers +dream dreams goat goats +dream dreams hand hands +dream dreams horse horses +dream dreams lion lions +dream dreams machine machines +dream dreams mango mangoes +dream dreams man men +dream dreams melon melons +dream dreams monkey monkeys +dream dreams mouse mice +dream dreams onion onions +dream dreams pear pears +dream dreams pig pigs +dream dreams pineapple pineapples +dream dreams rat rats +dream dreams road roads +dream dreams snake snakes +dream dreams woman women +dream dreams banana bananas +dream dreams bird birds +dream dreams bottle bottles +dream dreams building buildings +dream dreams car cars +dream dreams cat cats +dream dreams child children +dream dreams cloud clouds +dream dreams color colors +dream dreams computer computers +dream dreams cow cows +dream dreams dog dogs +dream dreams dollar dollars +dream dreams donkey donkeys +eagle eagles elephant elephants +eagle eagles eye eyes +eagle eagles finger fingers +eagle eagles goat goats +eagle eagles hand hands +eagle eagles horse horses +eagle eagles lion lions +eagle eagles machine machines +eagle eagles mango mangoes +eagle eagles man men +eagle eagles melon melons +eagle eagles monkey monkeys +eagle eagles mouse mice +eagle eagles onion onions +eagle eagles pear pears +eagle eagles pig pigs +eagle eagles pineapple pineapples +eagle eagles rat rats +eagle eagles road roads +eagle eagles snake snakes +eagle eagles woman women +eagle eagles banana bananas +eagle eagles bird birds +eagle eagles bottle bottles +eagle eagles building buildings +eagle eagles car cars +eagle eagles cat cats +eagle eagles child children +eagle eagles cloud clouds +eagle eagles color colors +eagle eagles computer computers +eagle eagles cow cows +eagle eagles dog dogs +eagle eagles dollar dollars +eagle eagles donkey donkeys +eagle eagles dream dreams +elephant elephants eye eyes +elephant elephants finger fingers +elephant elephants goat goats +elephant elephants hand hands +elephant elephants horse horses +elephant elephants lion lions +elephant elephants machine machines +elephant elephants mango mangoes +elephant elephants man men +elephant elephants melon melons +elephant elephants monkey monkeys +elephant elephants mouse mice +elephant elephants onion onions +elephant elephants pear pears +elephant elephants pig pigs +elephant elephants pineapple pineapples +elephant elephants rat rats +elephant elephants road roads +elephant elephants snake snakes +elephant elephants woman women +elephant elephants banana bananas +elephant elephants bird birds +elephant elephants bottle bottles +elephant elephants building buildings +elephant elephants car cars +elephant elephants cat cats +elephant elephants child children +elephant elephants cloud clouds +elephant elephants color colors +elephant elephants computer computers +elephant elephants cow cows +elephant elephants dog dogs +elephant elephants dollar dollars +elephant elephants donkey donkeys +elephant elephants dream dreams +elephant elephants eagle eagles +eye eyes finger fingers +eye eyes goat goats +eye eyes hand hands +eye eyes horse horses +eye eyes lion lions +eye eyes machine machines +eye eyes mango mangoes +eye eyes man men +eye eyes melon melons +eye eyes monkey monkeys +eye eyes mouse mice +eye eyes onion onions +eye eyes pear pears +eye eyes pig pigs +eye eyes pineapple pineapples +eye eyes rat rats +eye eyes road roads +eye eyes snake snakes +eye eyes woman women +eye eyes banana bananas +eye eyes bird birds +eye eyes bottle bottles +eye eyes building buildings +eye eyes car cars +eye eyes cat cats +eye eyes child children +eye eyes cloud clouds +eye eyes color colors +eye eyes computer computers +eye eyes cow cows +eye eyes dog dogs +eye eyes dollar dollars +eye eyes donkey donkeys +eye eyes dream dreams +eye eyes eagle eagles +eye eyes elephant elephants +finger fingers goat goats +finger fingers hand hands +finger fingers horse horses +finger fingers lion lions +finger fingers machine machines +finger fingers mango mangoes +finger fingers man men +finger fingers melon melons +finger fingers monkey monkeys +finger fingers mouse mice +finger fingers onion onions +finger fingers pear pears +finger fingers pig pigs +finger fingers pineapple pineapples +finger fingers rat rats +finger fingers road roads +finger fingers snake snakes +finger fingers woman women +finger fingers banana bananas +finger fingers bird birds +finger fingers bottle bottles +finger fingers building buildings +finger fingers car cars +finger fingers cat cats +finger fingers child children +finger fingers cloud clouds +finger fingers color colors +finger fingers computer computers +finger fingers cow cows +finger fingers dog dogs +finger fingers dollar dollars +finger fingers donkey donkeys +finger fingers dream dreams +finger fingers eagle eagles +finger fingers elephant elephants +finger fingers eye eyes +goat goats hand hands +goat goats horse horses +goat goats lion lions +goat goats machine machines +goat goats mango mangoes +goat goats man men +goat goats melon melons +goat goats monkey monkeys +goat goats mouse mice +goat goats onion onions +goat goats pear pears +goat goats pig pigs +goat goats pineapple pineapples +goat goats rat rats +goat goats road roads +goat goats snake snakes +goat goats woman women +goat goats banana bananas +goat goats bird birds +goat goats bottle bottles +goat goats building buildings +goat goats car cars +goat goats cat cats +goat goats child children +goat goats cloud clouds +goat goats color colors +goat goats computer computers +goat goats cow cows +goat goats dog dogs +goat goats dollar dollars +goat goats donkey donkeys +goat goats dream dreams +goat goats eagle eagles +goat goats elephant elephants +goat goats eye eyes +goat goats finger fingers +hand hands horse horses +hand hands lion lions +hand hands machine machines +hand hands mango mangoes +hand hands man men +hand hands melon melons +hand hands monkey monkeys +hand hands mouse mice +hand hands onion onions +hand hands pear pears +hand hands pig pigs +hand hands pineapple pineapples +hand hands rat rats +hand hands road roads +hand hands snake snakes +hand hands woman women +hand hands banana bananas +hand hands bird birds +hand hands bottle bottles +hand hands building buildings +hand hands car cars +hand hands cat cats +hand hands child children +hand hands cloud clouds +hand hands color colors +hand hands computer computers +hand hands cow cows +hand hands dog dogs +hand hands dollar dollars +hand hands donkey donkeys +hand hands dream dreams +hand hands eagle eagles +hand hands elephant elephants +hand hands eye eyes +hand hands finger fingers +hand hands goat goats +horse horses lion lions +horse horses machine machines +horse horses mango mangoes +horse horses man men +horse horses melon melons +horse horses monkey monkeys +horse horses mouse mice +horse horses onion onions +horse horses pear pears +horse horses pig pigs +horse horses pineapple pineapples +horse horses rat rats +horse horses road roads +horse horses snake snakes +horse horses woman women +horse horses banana bananas +horse horses bird birds +horse horses bottle bottles +horse horses building buildings +horse horses car cars +horse horses cat cats +horse horses child children +horse horses cloud clouds +horse horses color colors +horse horses computer computers +horse horses cow cows +horse horses dog dogs +horse horses dollar dollars +horse horses donkey donkeys +horse horses dream dreams +horse horses eagle eagles +horse horses elephant elephants +horse horses eye eyes +horse horses finger fingers +horse horses goat goats +horse horses hand hands +lion lions machine machines +lion lions mango mangoes +lion lions man men +lion lions melon melons +lion lions monkey monkeys +lion lions mouse mice +lion lions onion onions +lion lions pear pears +lion lions pig pigs +lion lions pineapple pineapples +lion lions rat rats +lion lions road roads +lion lions snake snakes +lion lions woman women +lion lions banana bananas +lion lions bird birds +lion lions bottle bottles +lion lions building buildings +lion lions car cars +lion lions cat cats +lion lions child children +lion lions cloud clouds +lion lions color colors +lion lions computer computers +lion lions cow cows +lion lions dog dogs +lion lions dollar dollars +lion lions donkey donkeys +lion lions dream dreams +lion lions eagle eagles +lion lions elephant elephants +lion lions eye eyes +lion lions finger fingers +lion lions goat goats +lion lions hand hands +lion lions horse horses +machine machines mango mangoes +machine machines man men +machine machines melon melons +machine machines monkey monkeys +machine machines mouse mice +machine machines onion onions +machine machines pear pears +machine machines pig pigs +machine machines pineapple pineapples +machine machines rat rats +machine machines road roads +machine machines snake snakes +machine machines woman women +machine machines banana bananas +machine machines bird birds +machine machines bottle bottles +machine machines building buildings +machine machines car cars +machine machines cat cats +machine machines child children +machine machines cloud clouds +machine machines color colors +machine machines computer computers +machine machines cow cows +machine machines dog dogs +machine machines dollar dollars +machine machines donkey donkeys +machine machines dream dreams +machine machines eagle eagles +machine machines elephant elephants +machine machines eye eyes +machine machines finger fingers +machine machines goat goats +machine machines hand hands +machine machines horse horses +machine machines lion lions +mango mangoes man men +mango mangoes melon melons +mango mangoes monkey monkeys +mango mangoes mouse mice +mango mangoes onion onions +mango mangoes pear pears +mango mangoes pig pigs +mango mangoes pineapple pineapples +mango mangoes rat rats +mango mangoes road roads +mango mangoes snake snakes +mango mangoes woman women +mango mangoes banana bananas +mango mangoes bird birds +mango mangoes bottle bottles +mango mangoes building buildings +mango mangoes car cars +mango mangoes cat cats +mango mangoes child children +mango mangoes cloud clouds +mango mangoes color colors +mango mangoes computer computers +mango mangoes cow cows +mango mangoes dog dogs +mango mangoes dollar dollars +mango mangoes donkey donkeys +mango mangoes dream dreams +mango mangoes eagle eagles +mango mangoes elephant elephants +mango mangoes eye eyes +mango mangoes finger fingers +mango mangoes goat goats +mango mangoes hand hands +mango mangoes horse horses +mango mangoes lion lions +mango mangoes machine machines +man men melon melons +man men monkey monkeys +man men mouse mice +man men onion onions +man men pear pears +man men pig pigs +man men pineapple pineapples +man men rat rats +man men road roads +man men snake snakes +man men woman women +man men banana bananas +man men bird birds +man men bottle bottles +man men building buildings +man men car cars +man men cat cats +man men child children +man men cloud clouds +man men color colors +man men computer computers +man men cow cows +man men dog dogs +man men dollar dollars +man men donkey donkeys +man men dream dreams +man men eagle eagles +man men elephant elephants +man men eye eyes +man men finger fingers +man men goat goats +man men hand hands +man men horse horses +man men lion lions +man men machine machines +man men mango mangoes +melon melons monkey monkeys +melon melons mouse mice +melon melons onion onions +melon melons pear pears +melon melons pig pigs +melon melons pineapple pineapples +melon melons rat rats +melon melons road roads +melon melons snake snakes +melon melons woman women +melon melons banana bananas +melon melons bird birds +melon melons bottle bottles +melon melons building buildings +melon melons car cars +melon melons cat cats +melon melons child children +melon melons cloud clouds +melon melons color colors +melon melons computer computers +melon melons cow cows +melon melons dog dogs +melon melons dollar dollars +melon melons donkey donkeys +melon melons dream dreams +melon melons eagle eagles +melon melons elephant elephants +melon melons eye eyes +melon melons finger fingers +melon melons goat goats +melon melons hand hands +melon melons horse horses +melon melons lion lions +melon melons machine machines +melon melons mango mangoes +melon melons man men +monkey monkeys mouse mice +monkey monkeys onion onions +monkey monkeys pear pears +monkey monkeys pig pigs +monkey monkeys pineapple pineapples +monkey monkeys rat rats +monkey monkeys road roads +monkey monkeys snake snakes +monkey monkeys woman women +monkey monkeys banana bananas +monkey monkeys bird birds +monkey monkeys bottle bottles +monkey monkeys building buildings +monkey monkeys car cars +monkey monkeys cat cats +monkey monkeys child children +monkey monkeys cloud clouds +monkey monkeys color colors +monkey monkeys computer computers +monkey monkeys cow cows +monkey monkeys dog dogs +monkey monkeys dollar dollars +monkey monkeys donkey donkeys +monkey monkeys dream dreams +monkey monkeys eagle eagles +monkey monkeys elephant elephants +monkey monkeys eye eyes +monkey monkeys finger fingers +monkey monkeys goat goats +monkey monkeys hand hands +monkey monkeys horse horses +monkey monkeys lion lions +monkey monkeys machine machines +monkey monkeys mango mangoes +monkey monkeys man men +monkey monkeys melon melons +mouse mice onion onions +mouse mice pear pears +mouse mice pig pigs +mouse mice pineapple pineapples +mouse mice rat rats +mouse mice road roads +mouse mice snake snakes +mouse mice woman women +mouse mice banana bananas +mouse mice bird birds +mouse mice bottle bottles +mouse mice building buildings +mouse mice car cars +mouse mice cat cats +mouse mice child children +mouse mice cloud clouds +mouse mice color colors +mouse mice computer computers +mouse mice cow cows +mouse mice dog dogs +mouse mice dollar dollars +mouse mice donkey donkeys +mouse mice dream dreams +mouse mice eagle eagles +mouse mice elephant elephants +mouse mice eye eyes +mouse mice finger fingers +mouse mice goat goats +mouse mice hand hands +mouse mice horse horses +mouse mice lion lions +mouse mice machine machines +mouse mice mango mangoes +mouse mice man men +mouse mice melon melons +mouse mice monkey monkeys +onion onions pear pears +onion onions pig pigs +onion onions pineapple pineapples +onion onions rat rats +onion onions road roads +onion onions snake snakes +onion onions woman women +onion onions banana bananas +onion onions bird birds +onion onions bottle bottles +onion onions building buildings +onion onions car cars +onion onions cat cats +onion onions child children +onion onions cloud clouds +onion onions color colors +onion onions computer computers +onion onions cow cows +onion onions dog dogs +onion onions dollar dollars +onion onions donkey donkeys +onion onions dream dreams +onion onions eagle eagles +onion onions elephant elephants +onion onions eye eyes +onion onions finger fingers +onion onions goat goats +onion onions hand hands +onion onions horse horses +onion onions lion lions +onion onions machine machines +onion onions mango mangoes +onion onions man men +onion onions melon melons +onion onions monkey monkeys +onion onions mouse mice +pear pears pig pigs +pear pears pineapple pineapples +pear pears rat rats +pear pears road roads +pear pears snake snakes +pear pears woman women +pear pears banana bananas +pear pears bird birds +pear pears bottle bottles +pear pears building buildings +pear pears car cars +pear pears cat cats +pear pears child children +pear pears cloud clouds +pear pears color colors +pear pears computer computers +pear pears cow cows +pear pears dog dogs +pear pears dollar dollars +pear pears donkey donkeys +pear pears dream dreams +pear pears eagle eagles +pear pears elephant elephants +pear pears eye eyes +pear pears finger fingers +pear pears goat goats +pear pears hand hands +pear pears horse horses +pear pears lion lions +pear pears machine machines +pear pears mango mangoes +pear pears man men +pear pears melon melons +pear pears monkey monkeys +pear pears mouse mice +pear pears onion onions +pig pigs pineapple pineapples +pig pigs rat rats +pig pigs road roads +pig pigs snake snakes +pig pigs woman women +pig pigs banana bananas +pig pigs bird birds +pig pigs bottle bottles +pig pigs building buildings +pig pigs car cars +pig pigs cat cats +pig pigs child children +pig pigs cloud clouds +pig pigs color colors +pig pigs computer computers +pig pigs cow cows +pig pigs dog dogs +pig pigs dollar dollars +pig pigs donkey donkeys +pig pigs dream dreams +pig pigs eagle eagles +pig pigs elephant elephants +pig pigs eye eyes +pig pigs finger fingers +pig pigs goat goats +pig pigs hand hands +pig pigs horse horses +pig pigs lion lions +pig pigs machine machines +pig pigs mango mangoes +pig pigs man men +pig pigs melon melons +pig pigs monkey monkeys +pig pigs mouse mice +pig pigs onion onions +pig pigs pear pears +pineapple pineapples rat rats +pineapple pineapples road roads +pineapple pineapples snake snakes +pineapple pineapples woman women +pineapple pineapples banana bananas +pineapple pineapples bird birds +pineapple pineapples bottle bottles +pineapple pineapples building buildings +pineapple pineapples car cars +pineapple pineapples cat cats +pineapple pineapples child children +pineapple pineapples cloud clouds +pineapple pineapples color colors +pineapple pineapples computer computers +pineapple pineapples cow cows +pineapple pineapples dog dogs +pineapple pineapples dollar dollars +pineapple pineapples donkey donkeys +pineapple pineapples dream dreams +pineapple pineapples eagle eagles +pineapple pineapples elephant elephants +pineapple pineapples eye eyes +pineapple pineapples finger fingers +pineapple pineapples goat goats +pineapple pineapples hand hands +pineapple pineapples horse horses +pineapple pineapples lion lions +pineapple pineapples machine machines +pineapple pineapples mango mangoes +pineapple pineapples man men +pineapple pineapples melon melons +pineapple pineapples monkey monkeys +pineapple pineapples mouse mice +pineapple pineapples onion onions +pineapple pineapples pear pears +pineapple pineapples pig pigs +rat rats road roads +rat rats snake snakes +rat rats woman women +rat rats banana bananas +rat rats bird birds +rat rats bottle bottles +rat rats building buildings +rat rats car cars +rat rats cat cats +rat rats child children +rat rats cloud clouds +rat rats color colors +rat rats computer computers +rat rats cow cows +rat rats dog dogs +rat rats dollar dollars +rat rats donkey donkeys +rat rats dream dreams +rat rats eagle eagles +rat rats elephant elephants +rat rats eye eyes +rat rats finger fingers +rat rats goat goats +rat rats hand hands +rat rats horse horses +rat rats lion lions +rat rats machine machines +rat rats mango mangoes +rat rats man men +rat rats melon melons +rat rats monkey monkeys +rat rats mouse mice +rat rats onion onions +rat rats pear pears +rat rats pig pigs +rat rats pineapple pineapples +road roads snake snakes +road roads woman women +road roads banana bananas +road roads bird birds +road roads bottle bottles +road roads building buildings +road roads car cars +road roads cat cats +road roads child children +road roads cloud clouds +road roads color colors +road roads computer computers +road roads cow cows +road roads dog dogs +road roads dollar dollars +road roads donkey donkeys +road roads dream dreams +road roads eagle eagles +road roads elephant elephants +road roads eye eyes +road roads finger fingers +road roads goat goats +road roads hand hands +road roads horse horses +road roads lion lions +road roads machine machines +road roads mango mangoes +road roads man men +road roads melon melons +road roads monkey monkeys +road roads mouse mice +road roads onion onions +road roads pear pears +road roads pig pigs +road roads pineapple pineapples +road roads rat rats +snake snakes woman women +snake snakes banana bananas +snake snakes bird birds +snake snakes bottle bottles +snake snakes building buildings +snake snakes car cars +snake snakes cat cats +snake snakes child children +snake snakes cloud clouds +snake snakes color colors +snake snakes computer computers +snake snakes cow cows +snake snakes dog dogs +snake snakes dollar dollars +snake snakes donkey donkeys +snake snakes dream dreams +snake snakes eagle eagles +snake snakes elephant elephants +snake snakes eye eyes +snake snakes finger fingers +snake snakes goat goats +snake snakes hand hands +snake snakes horse horses +snake snakes lion lions +snake snakes machine machines +snake snakes mango mangoes +snake snakes man men +snake snakes melon melons +snake snakes monkey monkeys +snake snakes mouse mice +snake snakes onion onions +snake snakes pear pears +snake snakes pig pigs +snake snakes pineapple pineapples +snake snakes rat rats +snake snakes road roads +woman women banana bananas +woman women bird birds +woman women bottle bottles +woman women building buildings +woman women car cars +woman women cat cats +woman women child children +woman women cloud clouds +woman women color colors +woman women computer computers +woman women cow cows +woman women dog dogs +woman women dollar dollars +woman women donkey donkeys +woman women dream dreams +woman women eagle eagles +woman women elephant elephants +woman women eye eyes +woman women finger fingers +woman women goat goats +woman women hand hands +woman women horse horses +woman women lion lions +woman women machine machines +woman women mango mangoes +woman women man men +woman women melon melons +woman women monkey monkeys +woman women mouse mice +woman women onion onions +woman women pear pears +woman women pig pigs +woman women pineapple pineapples +woman women rat rats +woman women road roads +woman women snake snakes +: gram9-plural-verbs +decrease decreases describe describes +decrease decreases eat eats +decrease decreases enhance enhances +decrease decreases estimate estimates +decrease decreases find finds +decrease decreases generate generates +decrease decreases go goes +decrease decreases implement implements +decrease decreases increase increases +decrease decreases listen listens +decrease decreases play plays +decrease decreases predict predicts +decrease decreases provide provides +decrease decreases say says +decrease decreases scream screams +decrease decreases search searches +decrease decreases see sees +decrease decreases shuffle shuffles +decrease decreases sing sings +decrease decreases sit sits +decrease decreases slow slows +decrease decreases speak speaks +decrease decreases swim swims +decrease decreases talk talks +decrease decreases think thinks +decrease decreases vanish vanishes +decrease decreases walk walks +decrease decreases work works +decrease decreases write writes +describe describes eat eats +describe describes enhance enhances +describe describes estimate estimates +describe describes find finds +describe describes generate generates +describe describes go goes +describe describes implement implements +describe describes increase increases +describe describes listen listens +describe describes play plays +describe describes predict predicts +describe describes provide provides +describe describes say says +describe describes scream screams +describe describes search searches +describe describes see sees +describe describes shuffle shuffles +describe describes sing sings +describe describes sit sits +describe describes slow slows +describe describes speak speaks +describe describes swim swims +describe describes talk talks +describe describes think thinks +describe describes vanish vanishes +describe describes walk walks +describe describes work works +describe describes write writes +describe describes decrease decreases +eat eats enhance enhances +eat eats estimate estimates +eat eats find finds +eat eats generate generates +eat eats go goes +eat eats implement implements +eat eats increase increases +eat eats listen listens +eat eats play plays +eat eats predict predicts +eat eats provide provides +eat eats say says +eat eats scream screams +eat eats search searches +eat eats see sees +eat eats shuffle shuffles +eat eats sing sings +eat eats sit sits +eat eats slow slows +eat eats speak speaks +eat eats swim swims +eat eats talk talks +eat eats think thinks +eat eats vanish vanishes +eat eats walk walks +eat eats work works +eat eats write writes +eat eats decrease decreases +eat eats describe describes +enhance enhances estimate estimates +enhance enhances find finds +enhance enhances generate generates +enhance enhances go goes +enhance enhances implement implements +enhance enhances increase increases +enhance enhances listen listens +enhance enhances play plays +enhance enhances predict predicts +enhance enhances provide provides +enhance enhances say says +enhance enhances scream screams +enhance enhances search searches +enhance enhances see sees +enhance enhances shuffle shuffles +enhance enhances sing sings +enhance enhances sit sits +enhance enhances slow slows +enhance enhances speak speaks +enhance enhances swim swims +enhance enhances talk talks +enhance enhances think thinks +enhance enhances vanish vanishes +enhance enhances walk walks +enhance enhances work works +enhance enhances write writes +enhance enhances decrease decreases +enhance enhances describe describes +enhance enhances eat eats +estimate estimates find finds +estimate estimates generate generates +estimate estimates go goes +estimate estimates implement implements +estimate estimates increase increases +estimate estimates listen listens +estimate estimates play plays +estimate estimates predict predicts +estimate estimates provide provides +estimate estimates say says +estimate estimates scream screams +estimate estimates search searches +estimate estimates see sees +estimate estimates shuffle shuffles +estimate estimates sing sings +estimate estimates sit sits +estimate estimates slow slows +estimate estimates speak speaks +estimate estimates swim swims +estimate estimates talk talks +estimate estimates think thinks +estimate estimates vanish vanishes +estimate estimates walk walks +estimate estimates work works +estimate estimates write writes +estimate estimates decrease decreases +estimate estimates describe describes +estimate estimates eat eats +estimate estimates enhance enhances +find finds generate generates +find finds go goes +find finds implement implements +find finds increase increases +find finds listen listens +find finds play plays +find finds predict predicts +find finds provide provides +find finds say says +find finds scream screams +find finds search searches +find finds see sees +find finds shuffle shuffles +find finds sing sings +find finds sit sits +find finds slow slows +find finds speak speaks +find finds swim swims +find finds talk talks +find finds think thinks +find finds vanish vanishes +find finds walk walks +find finds work works +find finds write writes +find finds decrease decreases +find finds describe describes +find finds eat eats +find finds enhance enhances +find finds estimate estimates +generate generates go goes +generate generates implement implements +generate generates increase increases +generate generates listen listens +generate generates play plays +generate generates predict predicts +generate generates provide provides +generate generates say says +generate generates scream screams +generate generates search searches +generate generates see sees +generate generates shuffle shuffles +generate generates sing sings +generate generates sit sits +generate generates slow slows +generate generates speak speaks +generate generates swim swims +generate generates talk talks +generate generates think thinks +generate generates vanish vanishes +generate generates walk walks +generate generates work works +generate generates write writes +generate generates decrease decreases +generate generates describe describes +generate generates eat eats +generate generates enhance enhances +generate generates estimate estimates +generate generates find finds +go goes implement implements +go goes increase increases +go goes listen listens +go goes play plays +go goes predict predicts +go goes provide provides +go goes say says +go goes scream screams +go goes search searches +go goes see sees +go goes shuffle shuffles +go goes sing sings +go goes sit sits +go goes slow slows +go goes speak speaks +go goes swim swims +go goes talk talks +go goes think thinks +go goes vanish vanishes +go goes walk walks +go goes work works +go goes write writes +go goes decrease decreases +go goes describe describes +go goes eat eats +go goes enhance enhances +go goes estimate estimates +go goes find finds +go goes generate generates +implement implements increase increases +implement implements listen listens +implement implements play plays +implement implements predict predicts +implement implements provide provides +implement implements say says +implement implements scream screams +implement implements search searches +implement implements see sees +implement implements shuffle shuffles +implement implements sing sings +implement implements sit sits +implement implements slow slows +implement implements speak speaks +implement implements swim swims +implement implements talk talks +implement implements think thinks +implement implements vanish vanishes +implement implements walk walks +implement implements work works +implement implements write writes +implement implements decrease decreases +implement implements describe describes +implement implements eat eats +implement implements enhance enhances +implement implements estimate estimates +implement implements find finds +implement implements generate generates +implement implements go goes +increase increases listen listens +increase increases play plays +increase increases predict predicts +increase increases provide provides +increase increases say says +increase increases scream screams +increase increases search searches +increase increases see sees +increase increases shuffle shuffles +increase increases sing sings +increase increases sit sits +increase increases slow slows +increase increases speak speaks +increase increases swim swims +increase increases talk talks +increase increases think thinks +increase increases vanish vanishes +increase increases walk walks +increase increases work works +increase increases write writes +increase increases decrease decreases +increase increases describe describes +increase increases eat eats +increase increases enhance enhances +increase increases estimate estimates +increase increases find finds +increase increases generate generates +increase increases go goes +increase increases implement implements +listen listens play plays +listen listens predict predicts +listen listens provide provides +listen listens say says +listen listens scream screams +listen listens search searches +listen listens see sees +listen listens shuffle shuffles +listen listens sing sings +listen listens sit sits +listen listens slow slows +listen listens speak speaks +listen listens swim swims +listen listens talk talks +listen listens think thinks +listen listens vanish vanishes +listen listens walk walks +listen listens work works +listen listens write writes +listen listens decrease decreases +listen listens describe describes +listen listens eat eats +listen listens enhance enhances +listen listens estimate estimates +listen listens find finds +listen listens generate generates +listen listens go goes +listen listens implement implements +listen listens increase increases +play plays predict predicts +play plays provide provides +play plays say says +play plays scream screams +play plays search searches +play plays see sees +play plays shuffle shuffles +play plays sing sings +play plays sit sits +play plays slow slows +play plays speak speaks +play plays swim swims +play plays talk talks +play plays think thinks +play plays vanish vanishes +play plays walk walks +play plays work works +play plays write writes +play plays decrease decreases +play plays describe describes +play plays eat eats +play plays enhance enhances +play plays estimate estimates +play plays find finds +play plays generate generates +play plays go goes +play plays implement implements +play plays increase increases +play plays listen listens +predict predicts provide provides +predict predicts say says +predict predicts scream screams +predict predicts search searches +predict predicts see sees +predict predicts shuffle shuffles +predict predicts sing sings +predict predicts sit sits +predict predicts slow slows +predict predicts speak speaks +predict predicts swim swims +predict predicts talk talks +predict predicts think thinks +predict predicts vanish vanishes +predict predicts walk walks +predict predicts work works +predict predicts write writes +predict predicts decrease decreases +predict predicts describe describes +predict predicts eat eats +predict predicts enhance enhances +predict predicts estimate estimates +predict predicts find finds +predict predicts generate generates +predict predicts go goes +predict predicts implement implements +predict predicts increase increases +predict predicts listen listens +predict predicts play plays +provide provides say says +provide provides scream screams +provide provides search searches +provide provides see sees +provide provides shuffle shuffles +provide provides sing sings +provide provides sit sits +provide provides slow slows +provide provides speak speaks +provide provides swim swims +provide provides talk talks +provide provides think thinks +provide provides vanish vanishes +provide provides walk walks +provide provides work works +provide provides write writes +provide provides decrease decreases +provide provides describe describes +provide provides eat eats +provide provides enhance enhances +provide provides estimate estimates +provide provides find finds +provide provides generate generates +provide provides go goes +provide provides implement implements +provide provides increase increases +provide provides listen listens +provide provides play plays +provide provides predict predicts +say says scream screams +say says search searches +say says see sees +say says shuffle shuffles +say says sing sings +say says sit sits +say says slow slows +say says speak speaks +say says swim swims +say says talk talks +say says think thinks +say says vanish vanishes +say says walk walks +say says work works +say says write writes +say says decrease decreases +say says describe describes +say says eat eats +say says enhance enhances +say says estimate estimates +say says find finds +say says generate generates +say says go goes +say says implement implements +say says increase increases +say says listen listens +say says play plays +say says predict predicts +say says provide provides +scream screams search searches +scream screams see sees +scream screams shuffle shuffles +scream screams sing sings +scream screams sit sits +scream screams slow slows +scream screams speak speaks +scream screams swim swims +scream screams talk talks +scream screams think thinks +scream screams vanish vanishes +scream screams walk walks +scream screams work works +scream screams write writes +scream screams decrease decreases +scream screams describe describes +scream screams eat eats +scream screams enhance enhances +scream screams estimate estimates +scream screams find finds +scream screams generate generates +scream screams go goes +scream screams implement implements +scream screams increase increases +scream screams listen listens +scream screams play plays +scream screams predict predicts +scream screams provide provides +scream screams say says +search searches see sees +search searches shuffle shuffles +search searches sing sings +search searches sit sits +search searches slow slows +search searches speak speaks +search searches swim swims +search searches talk talks +search searches think thinks +search searches vanish vanishes +search searches walk walks +search searches work works +search searches write writes +search searches decrease decreases +search searches describe describes +search searches eat eats +search searches enhance enhances +search searches estimate estimates +search searches find finds +search searches generate generates +search searches go goes +search searches implement implements +search searches increase increases +search searches listen listens +search searches play plays +search searches predict predicts +search searches provide provides +search searches say says +search searches scream screams +see sees shuffle shuffles +see sees sing sings +see sees sit sits +see sees slow slows +see sees speak speaks +see sees swim swims +see sees talk talks +see sees think thinks +see sees vanish vanishes +see sees walk walks +see sees work works +see sees write writes +see sees decrease decreases +see sees describe describes +see sees eat eats +see sees enhance enhances +see sees estimate estimates +see sees find finds +see sees generate generates +see sees go goes +see sees implement implements +see sees increase increases +see sees listen listens +see sees play plays +see sees predict predicts +see sees provide provides +see sees say says +see sees scream screams +see sees search searches +shuffle shuffles sing sings +shuffle shuffles sit sits +shuffle shuffles slow slows +shuffle shuffles speak speaks +shuffle shuffles swim swims +shuffle shuffles talk talks +shuffle shuffles think thinks +shuffle shuffles vanish vanishes +shuffle shuffles walk walks +shuffle shuffles work works +shuffle shuffles write writes +shuffle shuffles decrease decreases +shuffle shuffles describe describes +shuffle shuffles eat eats +shuffle shuffles enhance enhances +shuffle shuffles estimate estimates +shuffle shuffles find finds +shuffle shuffles generate generates +shuffle shuffles go goes +shuffle shuffles implement implements +shuffle shuffles increase increases +shuffle shuffles listen listens +shuffle shuffles play plays +shuffle shuffles predict predicts +shuffle shuffles provide provides +shuffle shuffles say says +shuffle shuffles scream screams +shuffle shuffles search searches +shuffle shuffles see sees +sing sings sit sits +sing sings slow slows +sing sings speak speaks +sing sings swim swims +sing sings talk talks +sing sings think thinks +sing sings vanish vanishes +sing sings walk walks +sing sings work works +sing sings write writes +sing sings decrease decreases +sing sings describe describes +sing sings eat eats +sing sings enhance enhances +sing sings estimate estimates +sing sings find finds +sing sings generate generates +sing sings go goes +sing sings implement implements +sing sings increase increases +sing sings listen listens +sing sings play plays +sing sings predict predicts +sing sings provide provides +sing sings say says +sing sings scream screams +sing sings search searches +sing sings see sees +sing sings shuffle shuffles +sit sits slow slows +sit sits speak speaks +sit sits swim swims +sit sits talk talks +sit sits think thinks +sit sits vanish vanishes +sit sits walk walks +sit sits work works +sit sits write writes +sit sits decrease decreases +sit sits describe describes +sit sits eat eats +sit sits enhance enhances +sit sits estimate estimates +sit sits find finds +sit sits generate generates +sit sits go goes +sit sits implement implements +sit sits increase increases +sit sits listen listens +sit sits play plays +sit sits predict predicts +sit sits provide provides +sit sits say says +sit sits scream screams +sit sits search searches +sit sits see sees +sit sits shuffle shuffles +sit sits sing sings +slow slows speak speaks +slow slows swim swims +slow slows talk talks +slow slows think thinks +slow slows vanish vanishes +slow slows walk walks +slow slows work works +slow slows write writes +slow slows decrease decreases +slow slows describe describes +slow slows eat eats +slow slows enhance enhances +slow slows estimate estimates +slow slows find finds +slow slows generate generates +slow slows go goes +slow slows implement implements +slow slows increase increases +slow slows listen listens +slow slows play plays +slow slows predict predicts +slow slows provide provides +slow slows say says +slow slows scream screams +slow slows search searches +slow slows see sees +slow slows shuffle shuffles +slow slows sing sings +slow slows sit sits +speak speaks swim swims +speak speaks talk talks +speak speaks think thinks +speak speaks vanish vanishes +speak speaks walk walks +speak speaks work works +speak speaks write writes +speak speaks decrease decreases +speak speaks describe describes +speak speaks eat eats +speak speaks enhance enhances +speak speaks estimate estimates +speak speaks find finds +speak speaks generate generates +speak speaks go goes +speak speaks implement implements +speak speaks increase increases +speak speaks listen listens +speak speaks play plays +speak speaks predict predicts +speak speaks provide provides +speak speaks say says +speak speaks scream screams +speak speaks search searches +speak speaks see sees +speak speaks shuffle shuffles +speak speaks sing sings +speak speaks sit sits +speak speaks slow slows +swim swims talk talks +swim swims think thinks +swim swims vanish vanishes +swim swims walk walks +swim swims work works +swim swims write writes +swim swims decrease decreases +swim swims describe describes +swim swims eat eats +swim swims enhance enhances +swim swims estimate estimates +swim swims find finds +swim swims generate generates +swim swims go goes +swim swims implement implements +swim swims increase increases +swim swims listen listens +swim swims play plays +swim swims predict predicts +swim swims provide provides +swim swims say says +swim swims scream screams +swim swims search searches +swim swims see sees +swim swims shuffle shuffles +swim swims sing sings +swim swims sit sits +swim swims slow slows +swim swims speak speaks +talk talks think thinks +talk talks vanish vanishes +talk talks walk walks +talk talks work works +talk talks write writes +talk talks decrease decreases +talk talks describe describes +talk talks eat eats +talk talks enhance enhances +talk talks estimate estimates +talk talks find finds +talk talks generate generates +talk talks go goes +talk talks implement implements +talk talks increase increases +talk talks listen listens +talk talks play plays +talk talks predict predicts +talk talks provide provides +talk talks say says +talk talks scream screams +talk talks search searches +talk talks see sees +talk talks shuffle shuffles +talk talks sing sings +talk talks sit sits +talk talks slow slows +talk talks speak speaks +talk talks swim swims +think thinks vanish vanishes +think thinks walk walks +think thinks work works +think thinks write writes +think thinks decrease decreases +think thinks describe describes +think thinks eat eats +think thinks enhance enhances +think thinks estimate estimates +think thinks find finds +think thinks generate generates +think thinks go goes +think thinks implement implements +think thinks increase increases +think thinks listen listens +think thinks play plays +think thinks predict predicts +think thinks provide provides +think thinks say says +think thinks scream screams +think thinks search searches +think thinks see sees +think thinks shuffle shuffles +think thinks sing sings +think thinks sit sits +think thinks slow slows +think thinks speak speaks +think thinks swim swims +think thinks talk talks +vanish vanishes walk walks +vanish vanishes work works +vanish vanishes write writes +vanish vanishes decrease decreases +vanish vanishes describe describes +vanish vanishes eat eats +vanish vanishes enhance enhances +vanish vanishes estimate estimates +vanish vanishes find finds +vanish vanishes generate generates +vanish vanishes go goes +vanish vanishes implement implements +vanish vanishes increase increases +vanish vanishes listen listens +vanish vanishes play plays +vanish vanishes predict predicts +vanish vanishes provide provides +vanish vanishes say says +vanish vanishes scream screams +vanish vanishes search searches +vanish vanishes see sees +vanish vanishes shuffle shuffles +vanish vanishes sing sings +vanish vanishes sit sits +vanish vanishes slow slows +vanish vanishes speak speaks +vanish vanishes swim swims +vanish vanishes talk talks +vanish vanishes think thinks +walk walks work works +walk walks write writes +walk walks decrease decreases +walk walks describe describes +walk walks eat eats +walk walks enhance enhances +walk walks estimate estimates +walk walks find finds +walk walks generate generates +walk walks go goes +walk walks implement implements +walk walks increase increases +walk walks listen listens +walk walks play plays +walk walks predict predicts +walk walks provide provides +walk walks say says +walk walks scream screams +walk walks search searches +walk walks see sees +walk walks shuffle shuffles +walk walks sing sings +walk walks sit sits +walk walks slow slows +walk walks speak speaks +walk walks swim swims +walk walks talk talks +walk walks think thinks +walk walks vanish vanishes +work works write writes +work works decrease decreases +work works describe describes +work works eat eats +work works enhance enhances +work works estimate estimates +work works find finds +work works generate generates +work works go goes +work works implement implements +work works increase increases +work works listen listens +work works play plays +work works predict predicts +work works provide provides +work works say says +work works scream screams +work works search searches +work works see sees +work works shuffle shuffles +work works sing sings +work works sit sits +work works slow slows +work works speak speaks +work works swim swims +work works talk talks +work works think thinks +work works vanish vanishes +work works walk walks +write writes decrease decreases +write writes describe describes +write writes eat eats +write writes enhance enhances +write writes estimate estimates +write writes find finds +write writes generate generates +write writes go goes +write writes implement implements +write writes increase increases +write writes listen listens +write writes play plays +write writes predict predicts +write writes provide provides +write writes say says +write writes scream screams +write writes search searches +write writes see sees +write writes shuffle shuffles +write writes sing sings +write writes sit sits +write writes slow slows +write writes speak speaks +write writes swim swims +write writes talk talks +write writes think thinks +write writes vanish vanishes +write writes walk walks +write writes work works diff --git a/docs/src/gallery/tutorials/fasttext-logo-color-web.png b/docs/src/gallery/tutorials/fasttext-logo-color-web.png new file mode 100644 index 0000000000..d456fcac9b Binary files /dev/null and b/docs/src/gallery/tutorials/fasttext-logo-color-web.png differ diff --git a/docs/src/gallery/tutorials/nips12raw_str602.tgz b/docs/src/gallery/tutorials/nips12raw_str602.tgz new file mode 100644 index 0000000000..a5ea17c66e Binary files /dev/null and b/docs/src/gallery/tutorials/nips12raw_str602.tgz differ diff --git a/docs/src/gallery/tutorials/run_annoy.py b/docs/src/gallery/tutorials/run_annoy.py new file mode 100644 index 0000000000..76aef05788 --- /dev/null +++ b/docs/src/gallery/tutorials/run_annoy.py @@ -0,0 +1,398 @@ +r""" +Similarity Queries with Annoy and Word2Vec +========================================== + +Introduces the annoy library for similarity queries using a Word2Vec model. +""" + +LOGS = False +if LOGS: + import logging + logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# The `Annoy Approximate Nearest Neighbors Oh Yeah +# `_ library enables similarity queries with +# a Word2Vec model. The current implementation for finding k nearest neighbors +# in a vector space in gensim has linear complexity via brute force in the +# number of indexed documents, although with extremely low constant factors. +# The retrieved results are exact, which is an overkill in many applications: +# approximate results retrieved in sub-linear time may be enough. Annoy can +# find approximate nearest neighbors much faster. +# +# Outline +# ------- +# +# 1. Download Text8 Corpus +# 2. Train the Word2Vec model +# 3. Construct AnnoyIndex with model & make a similarity query +# 4. Compare to the traditional indexer +# 5. Persist indices to disk +# 6. Save memory by via memory-mapping indices saved to disk +# 7. Evaluate relationship of ``num_trees`` to initialization time and accuracy +# 8. Work with Google's word2vec C formats +# + +############################################################################### +# 1. Download Text8 corpus +# ------------------------ +import gensim.downloader as api +text8_path = api.load('text8', return_path=True) +text8_path + +############################################################################### +# 2. Train the Word2Vec model +# --------------------------- +# +# For more details, see :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py`. +from gensim.models import Word2Vec, KeyedVectors +from gensim.models.word2vec import Text8Corpus + +# Using params from Word2Vec_FastText_Comparison +params = { + 'alpha': 0.05, + 'size': 100, + 'window': 5, + 'iter': 5, + 'min_count': 5, + 'sample': 1e-4, + 'sg': 1, + 'hs': 0, + 'negative': 5 +} +model = Word2Vec(Text8Corpus(text8_path), **params) +print(model) + +############################################################################### +# 3. Construct AnnoyIndex with model & make a similarity query +# ------------------------------------------------------------ +# +# An instance of ``AnnoyIndexer`` needs to be created in order to use Annoy in gensim. The ``AnnoyIndexer`` class is located in ``gensim.similarities.index`` +# +# ``AnnoyIndexer()`` takes two parameters: +# +# * **model**: A ``Word2Vec`` or ``Doc2Vec`` model +# * **num_trees**: A positive integer. ``num_trees`` effects the build +# time and the index size. **A larger value will give more accurate results, +# but larger indexes**. More information on what trees in Annoy do can be found +# `here `__. The relationship +# between ``num_trees``\ , build time, and accuracy will be investigated later +# in the tutorial. +# +# Now that we are ready to make a query, lets find the top 5 most similar words +# to "science" in the Text8 corpus. To make a similarity query we call +# ``Word2Vec.most_similar`` like we would traditionally, but with an added +# parameter, ``indexer``. The only supported indexer in gensim as of now is +# Annoy. +# +from gensim.similarities.index import AnnoyIndexer + +# 100 trees are being used in this example +annoy_index = AnnoyIndexer(model, 100) +# Derive the vector for the word "science" in our model +vector = model.wv["science"] +# The instance of AnnoyIndexer we just created is passed +approximate_neighbors = model.wv.most_similar([vector], topn=11, indexer=annoy_index) +# Neatly print the approximate_neighbors and their corresponding cosine similarity values +print("Approximate Neighbors") +for neighbor in approximate_neighbors: + print(neighbor) + +normal_neighbors = model.wv.most_similar([vector], topn=11) +print("\nNormal (not Annoy-indexed) Neighbors") +for neighbor in normal_neighbors: + print(neighbor) + +############################################################################### +# The closer the cosine similarity of a vector is to 1, the more similar that +# word is to our query, which was the vector for "science". There are some +# differences in the ranking of similar words and the set of words included +# within the 10 most similar words. + +############################################################################### +# 4. Compare to the traditional indexer +# ------------------------------------- + +# Set up the model and vector that we are using in the comparison +model.init_sims() +annoy_index = AnnoyIndexer(model, 100) + +# Dry run to make sure both indices are fully in RAM +vector = model.wv.vectors_norm[0] +model.wv.most_similar([vector], topn=5, indexer=annoy_index) +model.wv.most_similar([vector], topn=5) + +import time +import numpy as np + +def avg_query_time(annoy_index=None, queries=1000): + """ + Average query time of a most_similar method over 1000 random queries, + uses annoy if given an indexer + """ + total_time = 0 + for _ in range(queries): + rand_vec = model.wv.vectors_norm[np.random.randint(0, len(model.wv.vocab))] + start_time = time.process_time() + model.wv.most_similar([rand_vec], topn=5, indexer=annoy_index) + total_time += time.process_time() - start_time + return total_time / queries + +queries = 10000 + +gensim_time = avg_query_time(queries=queries) +annoy_time = avg_query_time(annoy_index, queries=queries) +print("Gensim (s/query):\t{0:.5f}".format(gensim_time)) +print("Annoy (s/query):\t{0:.5f}".format(annoy_time)) +speed_improvement = gensim_time / annoy_time +print ("\nAnnoy is {0:.2f} times faster on average on this particular run".format(speed_improvement)) + +############################################################################### +# **This speedup factor is by no means constant** and will vary greatly from +# run to run and is particular to this data set, BLAS setup, Annoy +# parameters(as tree size increases speedup factor decreases), machine +# specifications, among other factors. +# +# .. Important:: +# Initialization time for the annoy indexer was not included in the times. +# The optimal knn algorithm for you to use will depend on how many queries +# you need to make and the size of the corpus. If you are making very few +# similarity queries, the time taken to initialize the annoy indexer will be +# longer than the time it would take the brute force method to retrieve +# results. If you are making many queries however, the time it takes to +# initialize the annoy indexer will be made up for by the incredibly fast +# retrieval times for queries once the indexer has been initialized +# +# .. Important:: +# Gensim's 'most_similar' method is using numpy operations in the form of +# dot product whereas Annoy's method isnt. If 'numpy' on your machine is +# using one of the BLAS libraries like ATLAS or LAPACK, it'll run on +# multiple cores (only if your machine has multicore support ). Check `SciPy +# Cookbook +# `_ +# for more details. +# + +############################################################################### +# 5. Persisting indices to disk +# ----------------------------- +# +# You can save and load your indexes from/to disk to prevent having to +# construct them each time. This will create two files on disk, *fname* and +# *fname.d*. Both files are needed to correctly restore all attributes. Before +# loading an index, you will have to create an empty AnnoyIndexer object. +# +fname = '/tmp/mymodel.index' + +# Persist index to disk +annoy_index.save(fname) + +# Load index back +import os.path +if os.path.exists(fname): + annoy_index2 = AnnoyIndexer() + annoy_index2.load(fname) + annoy_index2.model = model + +# Results should be identical to above +vector = model.wv["science"] +approximate_neighbors2 = model.wv.most_similar([vector], topn=11, indexer=annoy_index2) +for neighbor in approximate_neighbors2: + print(neighbor) + +assert approximate_neighbors == approximate_neighbors2 + +############################################################################### +# Be sure to use the same model at load that was used originally, otherwise you +# will get unexpected behaviors. +# + +############################################################################### +# 6. Save memory via memory-mapping indices saved to disk +# ------------------------------------------------------- +# +# Annoy library has a useful feature that indices can be memory-mapped from +# disk. It saves memory when the same index is used by several processes. +# +# Below are two snippets of code. First one has a separate index for each +# process. The second snipped shares the index between two processes via +# memory-mapping. The second example uses less total RAM as it is shared. +# + +# Remove verbosity from code below (if logging active) +if LOGS: + logging.disable(logging.CRITICAL) + +from multiprocessing import Process +import os +import psutil + +############################################################################### +# Bad example: two processes load the Word2vec model from disk and create there +# own Annoy indices from that model. +# + +model.save('/tmp/mymodel.pkl') + +def f(process_id): + print('Process Id: {}'.format(os.getpid())) + process = psutil.Process(os.getpid()) + new_model = Word2Vec.load('/tmp/mymodel.pkl') + vector = new_model.wv["science"] + annoy_index = AnnoyIndexer(new_model,100) + approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index) + print('\nMemory used by process {}: {}\n---'.format(os.getpid(), process.memory_info())) + +# Creating and running two parallel process to share the same index file. +p1 = Process(target=f, args=('1',)) +p1.start() +p1.join() +p2 = Process(target=f, args=('2',)) +p2.start() +p2.join() + +############################################################################### +# Good example: two processes load both the Word2vec model and index from disk +# and memory-map the index +# + +model.save('/tmp/mymodel.pkl') + +def f(process_id): + print('Process Id: {}'.format(os.getpid())) + process = psutil.Process(os.getpid()) + new_model = Word2Vec.load('/tmp/mymodel.pkl') + vector = new_model.wv["science"] + annoy_index = AnnoyIndexer() + annoy_index.load('/tmp/mymodel.index') + annoy_index.model = new_model + approximate_neighbors = new_model.wv.most_similar([vector], topn=5, indexer=annoy_index) + print('\nMemory used by process {}: {}\n---'.format(os.getpid(), process.memory_info())) + +# Creating and running two parallel process to share the same index file. +p1 = Process(target=f, args=('1',)) +p1.start() +p1.join() +p2 = Process(target=f, args=('2',)) +p2.start() +p2.join() + +############################################################################### +# 7. Evaluate relationship of ``num_trees`` to initialization time and accuracy +# ----------------------------------------------------------------------------- +# +import matplotlib.pyplot as plt + +############################################################################### +# Build dataset of Initialization times and accuracy measures: +# + +exact_results = [element[0] for element in model.wv.most_similar([model.wv.vectors_norm[0]], topn=100)] + +x_values = [] +y_values_init = [] +y_values_accuracy = [] + +for x in range(1, 300, 10): + x_values.append(x) + start_time = time.time() + annoy_index = AnnoyIndexer(model, x) + y_values_init.append(time.time() - start_time) + approximate_results = model.wv.most_similar([model.wv.vectors_norm[0]], topn=100, indexer=annoy_index) + top_words = [result[0] for result in approximate_results] + y_values_accuracy.append(len(set(top_words).intersection(exact_results))) + +############################################################################### +# Plot results: + +plt.figure(1, figsize=(12, 6)) +plt.subplot(121) +plt.plot(x_values, y_values_init) +plt.title("num_trees vs initalization time") +plt.ylabel("Initialization time (s)") +plt.xlabel("num_trees") +plt.subplot(122) +plt.plot(x_values, y_values_accuracy) +plt.title("num_trees vs accuracy") +plt.ylabel("% accuracy") +plt.xlabel("num_trees") +plt.tight_layout() +plt.show() + +############################################################################### +# From the above, we can see that the initialization time of the annoy indexer +# increases in a linear fashion with num_trees. Initialization time will vary +# from corpus to corpus, in the graph above the lee corpus was used +# +# Furthermore, in this dataset, the accuracy seems logarithmically related to +# the number of trees. We see an improvement in accuracy with more trees, but +# the relationship is nonlinear. +# + +############################################################################### +# 7. Work with Google word2vec files +# ---------------------------------- +# +# Our model can be exported to a word2vec C format. There is a binary and a +# plain text word2vec format. Both can be read with a variety of other +# software, or imported back into gensim as a ``KeyedVectors`` object. +# + +# To export our model as text +model.wv.save_word2vec_format('/tmp/vectors.txt', binary=False) + +from smart_open import open +# View the first 3 lines of the exported file + +# The first line has the total number of entries and the vector dimension count. +# The next lines have a key (a string) followed by its vector. +with open('/tmp/vectors.txt') as myfile: + for i in range(3): + print(myfile.readline().strip()) + +# To import a word2vec text model +wv = KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False) + +# To export our model as binary +model.wv.save_word2vec_format('/tmp/vectors.bin', binary=True) + +# To import a word2vec binary model +wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True) + +# To create and save Annoy Index from a loaded `KeyedVectors` object (with 100 trees) +annoy_index = AnnoyIndexer(wv, 100) +annoy_index.save('/tmp/mymodel.index') + +# Load and test the saved word vectors and saved annoy index +wv = KeyedVectors.load_word2vec_format('/tmp/vectors.bin', binary=True) +annoy_index = AnnoyIndexer() +annoy_index.load('/tmp/mymodel.index') +annoy_index.model = wv + +vector = wv["cat"] +approximate_neighbors = wv.most_similar([vector], topn=11, indexer=annoy_index) +# Neatly print the approximate_neighbors and their corresponding cosine similarity values +print("Approximate Neighbors") +for neighbor in approximate_neighbors: + print(neighbor) + +normal_neighbors = wv.most_similar([vector], topn=11) +print("\nNormal (not Annoy-indexed) Neighbors") +for neighbor in normal_neighbors: + print(neighbor) + +############################################################################### +# Recap +# ----- +# +# In this notebook we used the Annoy module to build an indexed approximation +# of our word embeddings. To do so, we did the following steps: +# +# 1. Download Text8 Corpus +# 2. Train Word2Vec Model +# 3. Construct AnnoyIndex with model & make a similarity query +# 4. Persist indices to disk +# 5. Save memory by via memory-mapping indices saved to disk +# 6. Evaluate relationship of ``num_trees`` to initialization time and accuracy +# 7. Work with Google's word2vec C formats +# diff --git a/docs/src/gallery/tutorials/run_distance_metrics.py b/docs/src/gallery/tutorials/run_distance_metrics.py new file mode 100644 index 0000000000..06a46c1227 --- /dev/null +++ b/docs/src/gallery/tutorials/run_distance_metrics.py @@ -0,0 +1,436 @@ +r""" +Distance Metrics +================ + +Introduces the concept of distance between two bags of words or distributions, and demonstrates its calculation using gensim. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# If you simply want to calculate the similarity between documents, then you +# may want to check out the `Similarity Queries Tutorial +# `_ and the `API reference +# `_. The current +# tutorial shows the building block of these larger methods, which are a small +# suite of distance metrics, including: +# +# Here's a brief summary of this tutorial: +# +# 1. Set up a small corpus consisting of documents belonging to one of two topics +# 2. Train an LDA model to distinguish between the two topics +# 3. Use the model to obtain distributions for some sample words +# 4. Compare the distributions to each other using a variety of distance metrics: +# +# * Hellinger +# * Kullback-Leibler +# * Jaccard +# +# 5. Discuss the concept of distance metrics in slightly more detail +# +from gensim.corpora import Dictionary + +# you can use any corpus, this is just illustratory +texts = [ + ['bank','river','shore','water'], + ['river','water','flow','fast','tree'], + ['bank','water','fall','flow'], + ['bank','bank','water','rain','river'], + ['river','water','mud','tree'], + ['money','transaction','bank','finance'], + ['bank','borrow','money'], + ['bank','finance'], + ['finance','money','sell','bank'], + ['borrow','sell'], + ['bank','loan','sell'], +] + +dictionary = Dictionary(texts) +corpus = [dictionary.doc2bow(text) for text in texts] + +import numpy +numpy.random.seed(1) # setting random seed to get the same results each time. + +from gensim.models import ldamodel +model = ldamodel.LdaModel(corpus, id2word=dictionary, num_topics=2, minimum_probability=1e-8) +model.show_topics() + +############################################################################### +# Let's call the 1st topic the **water** topic and the second topic the **finance** topic. +# +# Let's take a few sample documents and get them ready to test our distance functions. +# +doc_water = ['river', 'water', 'shore'] +doc_finance = ['finance', 'money', 'sell'] +doc_bank = ['finance', 'bank', 'tree', 'water'] + +# now let's make these into a bag of words format +bow_water = model.id2word.doc2bow(doc_water) +bow_finance = model.id2word.doc2bow(doc_finance) +bow_bank = model.id2word.doc2bow(doc_bank) + +# we can now get the LDA topic distributions for these +lda_bow_water = model[bow_water] +lda_bow_finance = model[bow_finance] +lda_bow_bank = model[bow_bank] + +############################################################################### +# Hellinger +# --------- +# +# We're now ready to apply our distance metrics. These metrics return a value between 0 and 1, where values closer to 0 indicate a smaller 'distance' and therefore a larger similarity. +# +# Let's start with the popular Hellinger distance. +# +# The Hellinger distance metric gives an output in the range [0,1] for two probability distributions, with values closer to 0 meaning they are more similar. +# +from gensim.matutils import hellinger +print(hellinger(lda_bow_water, lda_bow_finance)) +print(hellinger(lda_bow_finance, lda_bow_bank)) + +############################################################################### +# Makes sense, right? In the first example, Document 1 and Document 2 are hardly similar, so we get a value of roughly 0.5. +# +# In the second case, the documents are a lot more similar, semantically. Trained with the model, they give a much less distance value. +# + +############################################################################### +# Kullback–Leibler +# ---------------- +# +# Let's run similar examples down with Kullback Leibler. +# +from gensim.matutils import kullback_leibler + +print(kullback_leibler(lda_bow_water, lda_bow_bank)) +print(kullback_leibler(lda_bow_finance, lda_bow_bank)) + +############################################################################### +# .. important:: +# KL is not a Distance Metric in the mathematical sense, and hence is not +# symmetrical. This means that ``kullback_leibler(lda_bow_finance, +# lda_bow_bank)`` is not equal to ``kullback_leibler(lda_bow_bank, +# lda_bow_finance)``. +# +# As you can see, the values are not equal. We'll get more into the details of +# this later on in the notebook. +# +print(kullback_leibler(lda_bow_bank, lda_bow_finance)) + +############################################################################### +# +# In our previous examples we saw that there were lower distance values between +# bank and finance than for bank and water, even if it wasn't by a huge margin. +# What does this mean? +# +# The ``bank`` document is a combination of both water and finance related +# terms - but as bank in this context is likely to belong to the finance topic, +# the distance values are less between the finance and bank bows. +# + +# just to confirm our suspicion that the bank bow is more to do with finance: +model.get_document_topics(bow_bank) + +############################################################################### +# +# It's evident that while it isn't too skewed, it it more towards the finance topic. +# + +############################################################################### +# Distance metrics (also referred to as similarity metrics), as suggested in +# the examples above, are mainly for probability distributions, but the methods +# can accept a bunch of formats for input. You can do some further reading on +# `Kullback Leibler `_ and `Hellinger +# `_ to figure out what suits +# your needs. +# + +############################################################################### +# Jaccard +# ------- +# +# Let us now look at the `Jaccard Distance +# `_ metric for similarity between +# bags of words (i.e, documents) +# +from gensim.matutils import jaccard + +print(jaccard(bow_water, bow_bank)) +print(jaccard(doc_water, doc_bank)) +print(jaccard(['word'], ['word'])) + +############################################################################### +# The three examples above feature 2 different input methods. +# +# In the first case, we present to jaccard document vectors already in bag of +# words format. The distance can be defined as 1 minus the size of the +# intersection upon the size of the union of the vectors. +# +# We can see (on manual inspection as well), that the distance is likely to be +# high - and it is. +# +# The last two examples illustrate the ability for jaccard to accept even lists +# (i.e, documents) as inputs. +# +# In the last case, because they are the same vectors, the value returned is 0 +# - this means the distance is 0 and the two documents are identical. +# + +############################################################################### +# +# Distance Metrics for Topic Distributions +# ---------------------------------------- +# +# While there are already standard methods to identify similarity of documents, +# our distance metrics has one more interesting use-case: topic distributions. +# +# Let's say we want to find out how similar our two topics are, water and finance. +# +topic_water, topic_finance = model.show_topics() + +# some pre processing to get the topics in a format acceptable to our distance metrics + +def parse_topic_string(topic): + # takes the string returned by model.show_topics() + # split on strings to get topics and the probabilities + topic = topic.split('+') + # list to store topic bows + topic_bow = [] + for word in topic: + # split probability and word + prob, word = word.split('*') + # get rid of spaces and quote marks + word = word.replace(" ","").replace('"', '') + # convert to word_type + word = model.id2word.doc2bow([word])[0][0] + topic_bow.append((word, float(prob))) + return topic_bow + +finance_distribution = parse_topic_string(topic_finance[1]) +water_distribution = parse_topic_string(topic_water[1]) + +# the finance topic in bag of words format looks like this: +print(finance_distribution) + +############################################################################### +# Now that we've got our topics in a format more acceptable by our functions, +# let's use a Distance metric to see how similar the word distributions in the +# topics are. +# +print(hellinger(water_distribution, finance_distribution)) + +############################################################################### +# Our value of roughly 0.36 means that the topics are not TOO distant with +# respect to their word distributions. +# +# This makes sense again, because of overlapping words like ``bank`` and a +# small size dictionary. +# + +############################################################################### +# Kullback-Leibler Gotchas +# ------------------------ +# +# In our previous example we didn't use Kullback Leibler to test for similarity +# for a reason - KL is not a Distance 'Metric' in the technical sense (you can +# see what a metric is `here +# `_\ ). The nature of it, +# mathematically also means we must be a little careful before using it, +# because since it involves the log function, a zero can mess things up. For +# example: +# + +# 16 here is the number of features the probability distribution draws from +print(kullback_leibler(water_distribution, finance_distribution, 16)) + +############################################################################### +# That wasn't very helpful, right? This just means that we have to be a bit +# careful about our inputs. Our old example didn't work out because they were +# some missing values for some words (because ``show_topics()`` only returned +# the top 10 topics). +# +# This can be remedied, though. +# + +# return ALL the words in the dictionary for the topic-word distribution. +topic_water, topic_finance = model.show_topics(num_words=len(model.id2word)) + +# do our bag of words transformation again +finance_distribution = parse_topic_string(topic_finance[1]) +water_distribution = parse_topic_string(topic_water[1]) + +# and voila! +print(kullback_leibler(water_distribution, finance_distribution)) + +############################################################################### +# You may notice that the distance for this is quite less, indicating a high +# similarity. This may be a bit off because of the small size of the corpus, +# where all topics are likely to contain a decent overlap of word +# probabilities. You will likely get a better value for a bigger corpus. +# +# So, just remember, if you intend to use KL as a metric to measure similarity +# or distance between two distributions, avoid zeros by returning the ENTIRE +# distribution. Since it's unlikely any probability distribution will ever have +# absolute zeros for any feature/word, returning all the values like we did +# will make you good to go. +# + +############################################################################### +# What are Distance Metrics? +# -------------------------- +# +# Having seen the practical usages of these measures (i.e, to find similarity), +# let's learn a little about what exactly Distance Measures and Metrics are. +# +# I mentioned in the previous section that KL was not a distance metric. There +# are 4 conditons for for a distance measure to be a metric: +# +# 1. d(x,y) >= 0 +# 2. d(x,y) = 0 <=> x = y +# 3. d(x,y) = d(y,x) +# 4. d(x,z) <= d(x,y) + d(y,z) +# +# That is: it must be non-negative; if x and y are the same, distance must be +# zero; it must be symmetric; and it must obey the triangle inequality law. +# +# Simple enough, right? +# +# Let's test these out for our measures. +# + +# normal Hellinger +a = hellinger(water_distribution, finance_distribution) +b = hellinger(finance_distribution, water_distribution) +print(a) +print(b) +print(a == b) + +# if we pass the same values, it is zero. +print(hellinger(water_distribution, water_distribution)) + +# for triangle inequality let's use LDA document distributions +print(hellinger(lda_bow_finance, lda_bow_bank)) + +# Triangle inequality works too! +print(hellinger(lda_bow_finance, lda_bow_water) + hellinger(lda_bow_water, lda_bow_bank)) + +############################################################################### +# So Hellinger is indeed a metric. Let's check out KL. +# +a = kullback_leibler(finance_distribution, water_distribution) +b = kullback_leibler(water_distribution, finance_distribution) +print(a) +print(b) +print(a == b) + +############################################################################### +# We immediately notice that when we swap the values they aren't equal! One of +# the four conditions not fitting is enough for it to not be a metric. +# +# However, just because it is not a metric, (strictly in the mathematical +# sense) does not mean that it is not useful to figure out the distance between +# two probability distributions. KL Divergence is widely used for this purpose, +# and is probably the most 'famous' distance measure in fields like Information +# Theory. +# +# For a nice review of the mathematical differences between Hellinger and KL, +# `this +# `__ +# link does a very good job. +# + + +############################################################################### +# Visualizing Distance Metrics +# ---------------------------- +# +# Let's plot a graph of our toy dataset using the popular `networkx +# `_ library. +# +# Each node will be a document, where the color of the node will be its topic +# according to the LDA model. Edges will connect documents to each other, where +# the *weight* of the edge will be inversely proportional to the Jaccard +# similarity between two documents. We will also annotate the edges to further +# aid visualization: **strong** edges will connect similar documents, and +# **weak (dashed)** edges will connect dissimilar documents. +# +# In summary, similar documents will be closer together, different documents +# will be further apart. +# +import itertools +import networkx as nx + +def get_most_likely_topic(doc): + bow = model.id2word.doc2bow(doc) + topics, probabilities = zip(*model.get_document_topics(bow)) + max_p = max(probabilities) + topic = topics[probabilities.index(max_p)] + return topic + +def get_node_color(i): + return 'skyblue' if get_most_likely_topic(texts[i]) == 0 else 'pink' + +G = nx.Graph() +for i, _ in enumerate(texts): + G.add_node(i) + +for (i1, i2) in itertools.combinations(range(len(texts)), 2): + bow1, bow2 = texts[i1], texts[i2] + distance = jaccard(bow1, bow2) + G.add_edge(i1, i2, weight=1/distance) + +# +# https://networkx.github.io/documentation/networkx-1.9/examples/drawing/weighted_graph.html +# +pos = nx.spring_layout(G) + +threshold = 1.25 +elarge=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] > threshold] +esmall=[(u,v) for (u,v,d) in G.edges(data=True) if d['weight'] <= threshold] + +node_colors = [get_node_color(i) for (i, _) in enumerate(texts)] +nx.draw_networkx_nodes(G, pos, node_size=700, node_color=node_colors) +nx.draw_networkx_edges(G,pos,edgelist=elarge, width=2) +nx.draw_networkx_edges(G,pos,edgelist=esmall, width=2, alpha=0.2, edge_color='b', style='dashed') +nx.draw_networkx_labels(G, pos, font_size=20, font_family='sans-serif') + +############################################################################### +# We can make several observations from this graph. +# +# First, the graph consists of two connected components (if you ignore the weak edges). +# Nodes 0, 1, 2, 3, 4 (which all belong to the water topic) form the first connected component. +# The other nodes, which all belong to the finance topic, form the second connected component. +# +# Second, the LDA model didn't do a very good job of classifying our documents into topics. +# There were many misclassifications, as you can confirm in the summary below: +# +print('id\ttopic\tdoc') +for i, t in enumerate(texts): + print('%d\t%d\t%s' % (i, get_most_likely_topic(t), ' '.join(t))) + +############################################################################### +# This is mostly because the corpus used to train the LDA model is so small. +# Using a larger corpus should give you much better results, but that is beyond +# the scope of this tutorial. +# +# Conclusion +# ---------- +# +# That brings us to the end of this small tutorial. +# To recap, here's what we covered: +# +# 1. Set up a small corpus consisting of documents belonging to one of two topics +# 2. Train an LDA model to distinguish between the two topics +# 3. Use the model to obtain distributions for some sample words +# 4. Compare the distributions to each other using a variety of distance metrics: Hellinger, Kullback-Leibler, Jaccard +# 5. Discuss the concept of distance metrics in slightly more detail +# +# The scope for adding new similarity metrics is large, as there exist an even +# larger suite of metrics and methods to add to the matutils.py file. +# For more details, see `Similarity Measures for Text Document Clustering +# `_ +# by A. Huang. + diff --git a/docs/src/gallery/tutorials/run_doc2vec_lee.py b/docs/src/gallery/tutorials/run_doc2vec_lee.py new file mode 100644 index 0000000000..84f8df4f96 --- /dev/null +++ b/docs/src/gallery/tutorials/run_doc2vec_lee.py @@ -0,0 +1,350 @@ +r""" +Doc2Vec Model +============= + +Introduces Gensim's Doc2Vec model and demonstrates its use on the Lee Corpus. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# Doc2Vec is a :ref:`core_concepts_model` that represents each +# :ref:`core_concepts_document` as a :ref:`core_concepts_vector`. This +# tutorial introduces the model and demonstrates how to train and assess it. +# +# Here's a list of what we'll be doing: +# +# 0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec +# 1. Load and preprocess the training and test corpora (see :ref:`core_concepts_corpus`) +# 2. Train a Doc2Vec :ref:`core_concepts_model` model using the training corpus +# 3. Demonstrate how the trained model can be used to infer a :ref:`core_concepts_vector` +# 4. Assess the model +# 5. Test the model on the test corpus +# +# Review: Bag-of-words +# -------------------- +# +# .. Note:: Feel free to skip these review sections if you're already familiar with the models. +# +# You may be familiar with the `bag-of-words model +# `_ from the +# :ref:`core_concepts_vector` section. +# This model transforms each document to a fixed-length vector of integers. +# For example, given the sentences: +# +# - ``John likes to watch movies. Mary likes movies too.`` +# - ``John also likes to watch football games. Mary hates football.`` +# +# The model outputs the vectors: +# +# - ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]`` +# - ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]`` +# +# Each vector has 10 elements, where each element counts the number of times a +# particular word occurred in the document. +# The order of elements is arbitrary. +# In the example above, the order of the elements corresponds to the words: +# ``["John", "likes", "to", "watch", "movies", "Mary", "too", "also", "football", "games", "hates"]``. +# +# Bag-of-words models are surprisingly effective, but have several weaknesses. +# +# First, they lose all information about word order: "John likes Mary" and +# "Mary likes John" correspond to identical vectors. There is a solution: bag +# of `n-grams `__ +# models consider word phrases of length n to represent documents as +# fixed-length vectors to capture local word order but suffer from data +# sparsity and high dimensionality. +# +# Second, the model does not attempt to learn the meaning of the underlying +# words, and as a consequence, the distance between vectors doesn't always +# reflect the difference in meaning. The ``Word2Vec`` model addresses this +# second problem. +# +# Review: ``Word2Vec`` Model +# -------------------------- +# +# ``Word2Vec`` is a more recent model that embeds words in a lower-dimensional +# vector space using a shallow neural network. The result is a set of +# word-vectors where vectors close together in vector space have similar +# meanings based on context, and word-vectors distant to each other have +# differing meanings. For example, ``strong`` and ``powerful`` would be close +# together and ``strong`` and ``Paris`` would be relatively far. +# +# Gensim's :py:class:`~gensim.models.word2vec.Word2Vec` class implements this model. +# +# With the ``Word2Vec`` model, we can calculate the vectors for each **word** in a document. +# But what if we want to calculate a vector for the **entire document**\ ? +# We could average the vectors for each word in the document - while this is quick and crude, it can often be useful. +# However, there is a better way... +# +# Introducing: Paragraph Vector +# ----------------------------- +# +# .. Important:: In Gensim, we refer to the Paragraph Vector model as ``Doc2Vec``. +# +# Le and Mikolov in 2014 introduced the `Doc2Vec algorithm `__, which usually outperforms such simple-averaging of ``Word2Vec`` vectors. +# +# The basic idea is: act as if a document has another floating word-like +# vector, which contributes to all training predictions, and is updated like +# other word-vectors, but we will call it a doc-vector. Gensim's +# :py:class:`~gensim.models.doc2vec.Doc2Vec` class implements this algorithm. +# +# There are two implementations: +# +# 1. Paragraph Vector - Distributed Memory (PV-DM) +# 2. Paragraph Vector - Distributed Bag of Words (PV-DBOW) +# +# .. Important:: +# Don't let the implementation details below scare you. +# They're advanced material: if it's too much, then move on to the next section. +# +# PV-DM is analogous to Word2Vec CBOW. The doc-vectors are obtained by training +# a neural network on the synthetic task of predicting a center word based an +# average of both context word-vectors and the full document's doc-vector. +# +# PV-DBOW is analogous to Word2Vec SG. The doc-vectors are obtained by training +# a neural network on the synthetic task of predicting a target word just from +# the full document's doc-vector. (It is also common to combine this with +# skip-gram testing, using both the doc-vector and nearby word-vectors to +# predict a single target word, but only one at a time.) +# +# Prepare the Training and Test Data +# ---------------------------------- +# +# For this tutorial, we'll be training our model using the `Lee Background +# Corpus +# `_ +# included in gensim. This corpus contains 314 documents selected from the +# Australian Broadcasting Corporation’s news mail service, which provides text +# e-mails of headline stories and covers a number of broad topics. +# +# And we'll test our model by eye using the much shorter `Lee Corpus +# `_ +# which contains 50 documents. +# + +import os +import gensim +# Set file names for train and test data +test_data_dir = os.path.join(gensim.__path__[0], 'test', 'test_data') +lee_train_file = os.path.join(test_data_dir, 'lee_background.cor') +lee_test_file = os.path.join(test_data_dir, 'lee.cor') + +############################################################################### +# Define a Function to Read and Preprocess Text +# --------------------------------------------- +# +# Below, we define a function to: +# +# - open the train/test file (with latin encoding) +# - read the file line-by-line +# - pre-process each line (tokenize text into individual words, remove punctuation, set to lowercase, etc) +# +# The file we're reading is a **corpus**. +# Each line of the file is a **document**. +# +# .. Important:: +# To train the model, we'll need to associate a tag/number with each document +# of the training corpus. In our case, the tag is simply the zero-based line +# number. +# +import smart_open + +def read_corpus(fname, tokens_only=False): + with smart_open.open(fname, encoding="iso-8859-1") as f: + for i, line in enumerate(f): + tokens = gensim.utils.simple_preprocess(line) + if tokens_only: + yield tokens + else: + # For training data, add tags + yield gensim.models.doc2vec.TaggedDocument(tokens, [i]) + +train_corpus = list(read_corpus(lee_train_file)) +test_corpus = list(read_corpus(lee_test_file, tokens_only=True)) + +############################################################################### +# Let's take a look at the training corpus +# +print(train_corpus[:2]) + +############################################################################### +# And the testing corpus looks like this: +# +print(test_corpus[:2]) + +############################################################################### +# Notice that the testing corpus is just a list of lists and does not contain +# any tags. +# + +############################################################################### +# Training the Model +# ------------------ +# +# Now, we'll instantiate a Doc2Vec model with a vector size with 50 dimensions and +# iterating over the training corpus 40 times. We set the minimum word count to +# 2 in order to discard words with very few occurrences. (Without a variety of +# representative examples, retaining such infrequent words can often make a +# model worse!) Typical iteration counts in the published `Paragraph Vector paper `__ +# results, using 10s-of-thousands to millions of docs, are 10-20. More +# iterations take more time and eventually reach a point of diminishing +# returns. +# +# However, this is a very very small dataset (300 documents) with shortish +# documents (a few hundred words). Adding training passes can sometimes help +# with such small datasets. +# +model = gensim.models.doc2vec.Doc2Vec(vector_size=50, min_count=2, epochs=40) + +############################################################################### +# Build a vocabulary +model.build_vocab(train_corpus) + +############################################################################### +# Essentially, the vocabulary is a dictionary (accessible via +# ``model.wv.vocab``\ ) of all of the unique words extracted from the training +# corpus along with the count (e.g., ``model.wv.vocab['penalty'].count`` for +# counts for the word ``penalty``\ ). +# + +############################################################################### +# Next, train the model on the corpus. +# If the BLAS library is being used, this should take no more than 3 seconds. +# If the BLAS library is not being used, this should take no more than 2 +# minutes, so use BLAS if you value your time. +# +model.train(train_corpus, total_examples=model.corpus_count, epochs=model.epochs) + +############################################################################### +# Now, we can use the trained model to infer a vector for any piece of text +# by passing a list of words to the ``model.infer_vector`` function. This +# vector can then be compared with other vectors via cosine similarity. +# +vector = model.infer_vector(['only', 'you', 'can', 'prevent', 'forest', 'fires']) +print(vector) + +############################################################################### +# Note that ``infer_vector()`` does *not* take a string, but rather a list of +# string tokens, which should have already been tokenized the same way as the +# ``words`` property of original training document objects. +# +# Also note that because the underlying training/inference algorithms are an +# iterative approximation problem that makes use of internal randomization, +# repeated inferences of the same text will return slightly different vectors. +# + +############################################################################### +# Assessing the Model +# ------------------- +# +# To assess our new model, we'll first infer new vectors for each document of +# the training corpus, compare the inferred vectors with the training corpus, +# and then returning the rank of the document based on self-similarity. +# Basically, we're pretending as if the training corpus is some new unseen data +# and then seeing how they compare with the trained model. The expectation is +# that we've likely overfit our model (i.e., all of the ranks will be less than +# 2) and so we should be able to find similar documents very easily. +# Additionally, we'll keep track of the second ranks for a comparison of less +# similar documents. +# +ranks = [] +second_ranks = [] +for doc_id in range(len(train_corpus)): + inferred_vector = model.infer_vector(train_corpus[doc_id].words) + sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs)) + rank = [docid for docid, sim in sims].index(doc_id) + ranks.append(rank) + + second_ranks.append(sims[1]) + +############################################################################### +# Let's count how each document ranks with respect to the training corpus +# +# NB. Results vary between runs due to random seeding and very small corpus +import collections + +counter = collections.Counter(ranks) +print(counter) + +############################################################################### +# Basically, greater than 95% of the inferred documents are found to be most +# similar to itself and about 5% of the time it is mistakenly most similar to +# another document. Checking the inferred-vector against a +# training-vector is a sort of 'sanity check' as to whether the model is +# behaving in a usefully consistent manner, though not a real 'accuracy' value. +# +# This is great and not entirely surprising. We can take a look at an example: +# +print('Document ({}): «{}»\n'.format(doc_id, ' '.join(train_corpus[doc_id].words))) +print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) +for label, index in [('MOST', 0), ('SECOND-MOST', 1), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + print(u'%s %s: «%s»\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words))) + +############################################################################### +# Notice above that the most similar document (usually the same text) is has a +# similarity score approaching 1.0. However, the similarity score for the +# second-ranked documents should be significantly lower (assuming the documents +# are in fact different) and the reasoning becomes obvious when we examine the +# text itself. +# +# We can run the next cell repeatedly to see a sampling other target-document +# comparisons. +# + +# Pick a random document from the corpus and infer a vector from the model +import random +doc_id = random.randint(0, len(train_corpus) - 1) + +# Compare and print the second-most-similar document +print('Train Document ({}): «{}»\n'.format(doc_id, ' '.join(train_corpus[doc_id].words))) +sim_id = second_ranks[doc_id] +print('Similar Document {}: «{}»\n'.format(sim_id, ' '.join(train_corpus[sim_id[0]].words))) + +############################################################################### +# Testing the Model +# ----------------- +# +# Using the same approach above, we'll infer the vector for a randomly chosen +# test document, and compare the document to our model by eye. +# + +# Pick a random document from the test corpus and infer a vector from the model +doc_id = random.randint(0, len(test_corpus) - 1) +inferred_vector = model.infer_vector(test_corpus[doc_id]) +sims = model.docvecs.most_similar([inferred_vector], topn=len(model.docvecs)) + +# Compare and print the most/median/least similar documents from the train corpus +print('Test Document ({}): «{}»\n'.format(doc_id, ' '.join(test_corpus[doc_id]))) +print(u'SIMILAR/DISSIMILAR DOCS PER MODEL %s:\n' % model) +for label, index in [('MOST', 0), ('MEDIAN', len(sims)//2), ('LEAST', len(sims) - 1)]: + print(u'%s %s: «%s»\n' % (label, sims[index], ' '.join(train_corpus[sims[index][0]].words))) + +############################################################################### +# Conclusion +# ---------- +# +# Let's review what we've seen in this tutorial: +# +# 0. Review the relevant models: bag-of-words, Word2Vec, Doc2Vec +# 1. Load and preprocess the training and test corpora (see :ref:`core_concepts_corpus`) +# 2. Train a Doc2Vec :ref:`core_concepts_model` model using the training corpus +# 3. Demonstrate how the trained model can be used to infer a :ref:`core_concepts_vector` +# 4. Assess the model +# 5. Test the model on the test corpus +# +# That's it! Doc2Vec is a great way to explore relationships between documents. +# +# Additional Resources +# -------------------- +# +# If you'd like to know more about the subject matter of this tutorial, check out the links below. +# +# * `Word2Vec Paper `_ +# * `Doc2Vec Paper `_ +# * `Dr. Michael D. Lee's Website `_ +# * `Lee Corpus `__ +# * `IMDB Doc2Vec Tutorial `_ +# diff --git a/docs/src/gallery/tutorials/run_fasttext.py b/docs/src/gallery/tutorials/run_fasttext.py new file mode 100644 index 0000000000..ecb149255f --- /dev/null +++ b/docs/src/gallery/tutorials/run_fasttext.py @@ -0,0 +1,270 @@ +r""" +FastText Model +============== + +Introduces Gensim's fastText model and demonstrates its use on the Lee Corpus. +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# Here, we'll learn to work with fastText library for training word-embedding +# models, saving & loading them and performing similarity operations & vector +# lookups analogous to Word2Vec. + + +############################################################################### +# +# When to use FastText? +# --------------------- +# +# The main principle behind `fastText `_ is that the morphological structure of a word carries important information about the meaning of the word, which is not taken into account by traditional word embeddings, which train a unique word embedding for every individual word. This is especially significant for morphologically rich languages (German, Turkish) in which a single word can have a large number of morphological forms, each of which might occur rarely, thus making it hard to train good word embeddings. +# +# +# fastText attempts to solve this by treating each word as the aggregation of its subwords. For the sake of simplicity and language-independence, subwords are taken to be the character ngrams of the word. The vector for a word is simply taken to be the sum of all vectors of its component char-ngrams. +# +# +# According to a detailed comparison of Word2Vec and FastText in `this notebook `__, fastText does significantly better on syntactic tasks as compared to the original Word2Vec, especially when the size of the training corpus is small. Word2Vec slightly outperforms FastText on semantic tasks though. The differences grow smaller as the size of training corpus increases. +# +# +# Training time for fastText is significantly higher than the Gensim version of Word2Vec (\ ``15min 42s`` vs ``6min 42s`` on text8, 17 mil tokens, 5 epochs, and a vector size of 100). +# +# +# fastText can be used to obtain vectors for out-of-vocabulary (OOV) words, by summing up vectors for its component char-ngrams, provided at least one of the char-ngrams was present in the training data. +# + + +############################################################################### +# +# Training models +# --------------- +# + + +############################################################################### +# +# For the following examples, we'll use the Lee Corpus (which you already have if you've installed gensim) for training our model. +# +# +# +from pprint import pprint as print +from gensim.models.fasttext import FastText as FT_gensim +from gensim.test.utils import datapath + +# Set file names for train and test data +corpus_file = datapath('lee_background.cor') + +model = FT_gensim(size=100) + +# build the vocabulary +model.build_vocab(corpus_file=corpus_file) + +# train the model +model.train( + corpus_file=corpus_file, epochs=model.epochs, + total_examples=model.corpus_count, total_words=model.corpus_total_words +) + +print(model) + + +############################################################################### +# +# Training hyperparameters +# ^^^^^^^^^^^^^^^^^^^^^^^^ +# + + +############################################################################### +# +# Hyperparameters for training the model follow the same pattern as Word2Vec. FastText supports the following parameters from the original word2vec: +# +# - model: Training architecture. Allowed values: `cbow`, `skipgram` (Default `cbow`) +# - size: Size of embeddings to be learnt (Default 100) +# - alpha: Initial learning rate (Default 0.025) +# - window: Context window size (Default 5) +# - min_count: Ignore words with number of occurrences below this (Default 5) +# - loss: Training objective. Allowed values: `ns`, `hs`, `softmax` (Default `ns`) +# - sample: Threshold for downsampling higher-frequency words (Default 0.001) +# - negative: Number of negative words to sample, for `ns` (Default 5) +# - iter: Number of epochs (Default 5) +# - sorted_vocab: Sort vocab by descending frequency (Default 1) +# - threads: Number of threads to use (Default 12) +# +# +# In addition, FastText has three additional parameters: +# +# - min_n: min length of char ngrams (Default 3) +# - max_n: max length of char ngrams (Default 6) +# - bucket: number of buckets used for hashing ngrams (Default 2000000) +# +# +# Parameters ``min_n`` and ``max_n`` control the lengths of character ngrams that each word is broken down into while training and looking up embeddings. If ``max_n`` is set to 0, or to be lesser than ``min_n``\ , no character ngrams are used, and the model effectively reduces to Word2Vec. +# +# +# +# To bound the memory requirements of the model being trained, a hashing function is used that maps ngrams to integers in 1 to K. For hashing these character sequences, the `Fowler-Noll-Vo hashing function `_ (FNV-1a variant) is employed. +# + + +############################################################################### +# +# **Note:** As in the case of Word2Vec, you can continue to train your model while using Gensim's native implementation of fastText. +# + + +############################################################################### +# +# Saving/loading models +# --------------------- +# + + +############################################################################### +# +# Models can be saved and loaded via the ``load`` and ``save`` methods. +# + + +# saving a model trained via Gensim's fastText implementation +import tempfile +import os +with tempfile.NamedTemporaryFile(prefix='saved_model_gensim-', delete=False) as tmp: + model.save(tmp.name, separately=[]) + +loaded_model = FT_gensim.load(tmp.name) +print(loaded_model) + +os.unlink(tmp.name) + +############################################################################### +# +# The ``save_word2vec_method`` causes the vectors for ngrams to be lost. As a result, a model loaded in this way will behave as a regular word2vec model. +# + + +############################################################################### +# +# Word vector lookup +# ------------------ +# +# +# **Note:** Operations like word vector lookups and similarity queries can be performed in exactly the same manner for both the implementations of fastText so they have been demonstrated using only the native fastText implementation here. +# +# +# +# FastText models support vector lookups for out-of-vocabulary words by summing up character ngrams belonging to the word. +# +print('night' in model.wv.vocab) + +############################################################################### +# +print('nights' in model.wv.vocab) + +############################################################################### +# +print(model['night']) + +############################################################################### +# +print(model['nights']) + +############################################################################### +# +# The ``in`` operation works slightly differently from the original word2vec. It tests whether a vector for the given word exists or not, not whether the word is present in the word vocabulary. To test whether a word is present in the training word vocabulary - +# + + +############################################################################### +# Tests if word present in vocab +print("word" in model.wv.vocab) + +############################################################################### +# Tests if vector present for word +print("word" in model) + +############################################################################### +# +# Similarity operations +# --------------------- +# + + +############################################################################### +# +# Similarity operations work the same way as word2vec. **Out-of-vocabulary words can also be used, provided they have at least one character ngram present in the training data.** +# + + +print("nights" in model.wv.vocab) + +############################################################################### +# +print("night" in model.wv.vocab) + +############################################################################### +# +print(model.similarity("night", "nights")) + +############################################################################### +# +# Syntactically similar words generally have high similarity in fastText models, since a large number of the component char-ngrams will be the same. As a result, fastText generally does better at syntactic tasks than Word2Vec. A detailed comparison is provided `here `_. +# + + +############################################################################### +# +# Other similarity operations +# ^^^^^^^^^^^^^^^^^^^^^^^^^^^ +# +# The example training corpus is a toy corpus, results are not expected to be good, for proof-of-concept only +print(model.most_similar("nights")) + +############################################################################### +# +print(model.n_similarity(['sushi', 'shop'], ['japanese', 'restaurant'])) + +############################################################################### +# +print(model.doesnt_match("breakfast cereal dinner lunch".split())) + +############################################################################### +# +print(model.most_similar(positive=['baghdad', 'england'], negative=['london'])) + +############################################################################### +# +print(model.accuracy(questions=datapath('questions-words.txt'))) + +############################################################################### +# Word Movers distance +# ^^^^^^^^^^^^^^^^^^^^ +# +# Let's start with two sentences: +sentence_obama = 'Obama speaks to the media in Illinois'.lower().split() +sentence_president = 'The president greets the press in Chicago'.lower().split() + + +############################################################################### +# Remove their stopwords. +# +from nltk.corpus import stopwords +stopwords = stopwords.words('english') +sentence_obama = [w for w in sentence_obama if w not in stopwords] +sentence_president = [w for w in sentence_president if w not in stopwords] + +############################################################################### +# Compute WMD. +distance = model.wmdistance(sentence_obama, sentence_president) +print(distance) + +############################################################################### +# That's all! You've made it to the end of this tutorial. +# +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('fasttext-logo-color-web.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() diff --git a/docs/src/gallery/tutorials/run_lda.py b/docs/src/gallery/tutorials/run_lda.py new file mode 100644 index 0000000000..8bbd47bb77 --- /dev/null +++ b/docs/src/gallery/tutorials/run_lda.py @@ -0,0 +1,330 @@ +r""" +LDA Model +========= + +Introduces Gensim's LDA model and demonstrates its use on the NIPS corpus. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# The purpose of this tutorial is to demonstrate training an LDA model and +# obtaining good results. +# +# In this tutorial we will: +# +# * Load data. +# * Pre-process data. +# * Transform documents to a vectorized form. +# * Train an LDA model. +# +# This tutorial will **not**: +# +# * Explain how Latent Dirichlet Allocation works +# * Explain how the LDA model performs inference +# * Teach you how to use Gensim's LDA implementation in its entirety +# +# If you are not familiar with the LDA model or how to use it in Gensim, I +# suggest you read up on that before continuing with this tutorial. Basic +# understanding of the LDA model should suffice. Examples: +# +# * `Introduction to Latent Dirichlet Allocation `_ +# * Gensim tutorial: :ref:`sphx_glr_auto_examples_core_run_topics_and_transformations.py` +# * Gensim's LDA model API docs: :py:class:`gensim.models.LdaModel` +# +# I would also encourage you to consider each step when applying the model to +# your data, instead of just blindly applying my solution. The different steps +# will depend on your data and possibly your goal with the model. +# +# Data +# ---- +# +# I have used a corpus of NIPS papers in this tutorial, but if you're following +# this tutorial just to learn about LDA I encourage you to consider picking a +# corpus on a subject that you are familiar with. Qualitatively evaluating the +# output of an LDA model is challenging and can require you to understand the +# subject matter of your corpus (depending on your goal with the model). +# +# NIPS (Neural Information Processing Systems) is a machine learning conference +# so the subject matter should be well suited for most of the target audience +# of this tutorial. You can download the original data from Sam Roweis' +# `website `_. The code below will +# also do that for you. +# +# .. Important:: +# The corpus contains 1740 documents, and not particularly long ones. +# So keep in mind that this tutorial is not geared towards efficiency, and be +# careful before applying the code to a large dataset. +# + +import io +import os.path +import re +import tarfile + +import smart_open + +def extract_documents(url='https://cs.nyu.edu/~roweis/data/nips12raw_str602.tgz'): + fname = url.split('/')[-1] + + # Download the file to local storage first. + # We can't read it on the fly because of + # https://github.com/RaRe-Technologies/smart_open/issues/331 + if not os.path.isfile(fname): + with smart_open.open(url, "rb") as fin: + with smart_open.open(fname, 'wb') as fout: + while True: + buf = fin.read(io.DEFAULT_BUFFER_SIZE) + if not buf: + break + fout.write(buf) + + with tarfile.open(fname, mode='r:gz') as tar: + # Ignore directory entries, as well as files like README, etc. + files = [ + m for m in tar.getmembers() + if m.isfile() and re.search(r'nipstxt/nips\d+/\d+\.txt', m.name) + ] + for member in sorted(files, key=lambda x: x.name): + member_bytes = tar.extractfile(member).read() + yield member_bytes.decode('utf-8', errors='replace') + +docs = list(extract_documents()) + +############################################################################### +# So we have a list of 1740 documents, where each document is a Unicode string. +# If you're thinking about using your own corpus, then you need to make sure +# that it's in the same format (list of Unicode strings) before proceeding +# with the rest of this tutorial. +# +print(len(docs)) +print(docs[0][:500]) + +############################################################################### +# Pre-process and vectorize the documents +# --------------------------------------- +# +# As part of preprocessing, we will: +# +# * Tokenize (split the documents into tokens). +# * Lemmatize the tokens. +# * Compute bigrams. +# * Compute a bag-of-words representation of the data. +# +# First we tokenize the text using a regular expression tokenizer from NLTK. We +# remove numeric tokens and tokens that are only a single character, as they +# don't tend to be useful, and the dataset contains a lot of them. +# +# .. Important:: +# +# This tutorial uses the nltk library for preprocessing, although you can +# replace it with something else if you want. +# + +# Tokenize the documents. +from nltk.tokenize import RegexpTokenizer + +# Split the documents into tokens. +tokenizer = RegexpTokenizer(r'\w+') +for idx in range(len(docs)): + docs[idx] = docs[idx].lower() # Convert to lowercase. + docs[idx] = tokenizer.tokenize(docs[idx]) # Split into words. + +# Remove numbers, but not words that contain numbers. +docs = [[token for token in doc if not token.isnumeric()] for doc in docs] + +# Remove words that are only one character. +docs = [[token for token in doc if len(token) > 1] for doc in docs] + +############################################################################### +# We use the WordNet lemmatizer from NLTK. A lemmatizer is preferred over a +# stemmer in this case because it produces more readable words. Output that is +# easy to read is very desirable in topic modelling. +# + +# Lemmatize the documents. +from nltk.stem.wordnet import WordNetLemmatizer + +lemmatizer = WordNetLemmatizer() +docs = [[lemmatizer.lemmatize(token) for token in doc] for doc in docs] + +############################################################################### +# We find bigrams in the documents. Bigrams are sets of two adjacent words. +# Using bigrams we can get phrases like "machine_learning" in our output +# (spaces are replaced with underscores); without bigrams we would only get +# "machine" and "learning". +# +# Note that in the code below, we find bigrams and then add them to the +# original data, because we would like to keep the words "machine" and +# "learning" as well as the bigram "machine_learning". +# +# .. Important:: +# Computing n-grams of large dataset can be very computationally +# and memory intensive. +# + + +# Compute bigrams. +from gensim.models import Phrases + +# Add bigrams and trigrams to docs (only ones that appear 20 times or more). +bigram = Phrases(docs, min_count=20) +for idx in range(len(docs)): + for token in bigram[docs[idx]]: + if '_' in token: + # Token is a bigram, add to document. + docs[idx].append(token) + +############################################################################### +# We remove rare words and common words based on their *document frequency*. +# Below we remove words that appear in less than 20 documents or in more than +# 50% of the documents. Consider trying to remove words only based on their +# frequency, or maybe combining that with this approach. +# + +# Remove rare and common tokens. +from gensim.corpora import Dictionary + +# Create a dictionary representation of the documents. +dictionary = Dictionary(docs) + +# Filter out words that occur less than 20 documents, or more than 50% of the documents. +dictionary.filter_extremes(no_below=20, no_above=0.5) + +############################################################################### +# Finally, we transform the documents to a vectorized form. We simply compute +# the frequency of each word, including the bigrams. +# + +# Bag-of-words representation of the documents. +corpus = [dictionary.doc2bow(doc) for doc in docs] + +############################################################################### +# Let's see how many tokens and documents we have to train on. +# + +print('Number of unique tokens: %d' % len(dictionary)) +print('Number of documents: %d' % len(corpus)) + +############################################################################### +# Training +# -------- +# +# We are ready to train the LDA model. We will first discuss how to set some of +# the training parameters. +# +# First of all, the elephant in the room: how many topics do I need? There is +# really no easy answer for this, it will depend on both your data and your +# application. I have used 10 topics here because I wanted to have a few topics +# that I could interpret and "label", and because that turned out to give me +# reasonably good results. You might not need to interpret all your topics, so +# you could use a large number of topics, for example 100. +# +# ``chunksize`` controls how many documents are processed at a time in the +# training algorithm. Increasing chunksize will speed up training, at least as +# long as the chunk of documents easily fit into memory. I've set ``chunksize = +# 2000``, which is more than the amount of documents, so I process all the +# data in one go. Chunksize can however influence the quality of the model, as +# discussed in Hoffman and co-authors [2], but the difference was not +# substantial in this case. +# +# ``passes`` controls how often we train the model on the entire corpus. +# Another word for passes might be "epochs". ``iterations`` is somewhat +# technical, but essentially it controls how often we repeat a particular loop +# over each document. It is important to set the number of "passes" and +# "iterations" high enough. +# +# I suggest the following way to choose iterations and passes. First, enable +# logging (as described in many Gensim tutorials), and set ``eval_every = 1`` +# in ``LdaModel``. When training the model look for a line in the log that +# looks something like this:: +# +# 2016-06-21 15:40:06,753 - gensim.models.ldamodel - DEBUG - 68/1566 documents converged within 400 iterations +# +# If you set ``passes = 20`` you will see this line 20 times. Make sure that by +# the final passes, most of the documents have converged. So you want to choose +# both passes and iterations to be high enough for this to happen. +# +# We set ``alpha = 'auto'`` and ``eta = 'auto'``. Again this is somewhat +# technical, but essentially we are automatically learning two parameters in +# the model that we usually would have to specify explicitly. +# + + +# Train LDA model. +from gensim.models import LdaModel + +# Set training parameters. +num_topics = 10 +chunksize = 2000 +passes = 20 +iterations = 400 +eval_every = None # Don't evaluate model perplexity, takes too much time. + +# Make a index to word dictionary. +temp = dictionary[0] # This is only to "load" the dictionary. +id2word = dictionary.id2token + +model = LdaModel( + corpus=corpus, + id2word=id2word, + chunksize=chunksize, + alpha='auto', + eta='auto', + iterations=iterations, + num_topics=num_topics, + passes=passes, + eval_every=eval_every +) + +############################################################################### +# We can compute the topic coherence of each topic. Below we display the +# average topic coherence and print the topics in order of topic coherence. +# +# Note that we use the "Umass" topic coherence measure here (see +# :py:func:`gensim.models.ldamodel.LdaModel.top_topics`), Gensim has recently +# obtained an implementation of the "AKSW" topic coherence measure (see +# accompanying blog post, http://rare-technologies.com/what-is-topic-coherence/). +# +# If you are familiar with the subject of the articles in this dataset, you can +# see that the topics below make a lot of sense. However, they are not without +# flaws. We can see that there is substantial overlap between some topics, +# others are hard to interpret, and most of them have at least some terms that +# seem out of place. If you were able to do better, feel free to share your +# methods on the blog at http://rare-technologies.com/lda-training-tips/ ! +# + +top_topics = model.top_topics(corpus) #, num_words=20) + +# Average topic coherence is the sum of topic coherences of all topics, divided by the number of topics. +avg_topic_coherence = sum([t[1] for t in top_topics]) / num_topics +print('Average topic coherence: %.4f.' % avg_topic_coherence) + +from pprint import pprint +pprint(top_topics) + +############################################################################### +# Things to experiment with +# ------------------------- +# +# * ``no_above`` and ``no_below`` parameters in ``filter_extremes`` method. +# * Adding trigrams or even higher order n-grams. +# * Consider whether using a hold-out set or cross-validation is the way to go for you. +# * Try other datasets. +# +# Where to go from here +# --------------------- +# +# * Check out a RaRe blog post on the AKSW topic coherence measure (http://rare-technologies.com/what-is-topic-coherence/). +# * pyLDAvis (https://pyldavis.readthedocs.io/en/latest/index.html). +# * Read some more Gensim tutorials (https://github.com/RaRe-Technologies/gensim/blob/develop/tutorials.md#tutorials). +# * If you haven't already, read [1] and [2] (see references). +# +# References +# ---------- +# +# 1. "Latent Dirichlet Allocation", Blei et al. 2003. +# 2. "Online Learning for Latent Dirichlet Allocation", Hoffman et al. 2010. +# diff --git a/docs/src/gallery/tutorials/run_pivoted_doc_norm.py b/docs/src/gallery/tutorials/run_pivoted_doc_norm.py new file mode 100644 index 0000000000..4e7b3e8c48 --- /dev/null +++ b/docs/src/gallery/tutorials/run_pivoted_doc_norm.py @@ -0,0 +1,243 @@ +r""" +Pivoted Document Length Normalization +===================================== + +This tutorial demonstrates using Pivoted Document Length Normalization to +counter the effect of short document bias when working with TfIdf, thereby +increasing the classification accuracy. +""" + +############################################################################### +# In many cases, normalizing the tfidf weights for each term favors weight of terms of the documents with shorter length. The *pivoted document length normalization* scheme counters the effect of this bias for short documents by making tfidf independent of the document length. +# +# This is achieved by *tilting* the normalization curve along the pivot point defined by user with some slope. +# +# Roughly following the equation: +# +# ``pivoted_norm = (1 - slope) * pivot + slope * old_norm`` +# +# This scheme is proposed in the paper `Pivoted Document Length Normalization `_ by Singhal, Buckley and Mitra. +# +# Overall this approach can increase the accuracy of the model where the document lengths are hugely varying in the entire corpus. +# +# Introduction +# ------------ +# +# This guide demonstrates how to perform pivoted document length normalization. +# +# We will train a logistic regression to distinguish between text from two different newsgroups. +# +# Our results will show that using pivoted document length normalization yields a better model (higher classification accuracy). +# + +# +# Download our dataset +# +import gensim.downloader as api +nws = api.load("20-newsgroups") + +# +# Pick texts from relevant newsgroups, split into training and test set. +# +cat1, cat2 = ('sci.electronics', 'sci.space') + +# +# X_* contain the actual texts as strings. +# Y_* contain labels, 0 for cat1 (sci.electronics) and 1 for cat2 (sci.space) +# +X_train = [] +X_test = [] +y_train = [] +y_test = [] + +for i in nws: + if i["set"] == "train" and i["topic"] == cat1: + X_train.append(i["data"]) + y_train.append(0) + elif i["set"] == "train" and i["topic"] == cat2: + X_train.append(i["data"]) + y_train.append(1) + elif i["set"] == "test" and i["topic"] == cat1: + X_test.append(i["data"]) + y_test.append(0) + elif i["set"] == "test" and i["topic"] == cat2: + X_test.append(i["data"]) + y_test.append(1) + +############################################################################### +# Preprocess the data +# +from gensim.parsing.preprocessing import preprocess_string +from gensim.corpora import Dictionary + +id2word = Dictionary([preprocess_string(doc) for doc in X_train]) +train_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_train] +test_corpus = [id2word.doc2bow(preprocess_string(doc)) for doc in X_test] + +print(len(X_train), len(X_test)) + +# We perform our analysis on top k documents which is almost top 10% most scored documents +k = len(X_test) // 10 + +############################################################################### +# Prepare our evaluation function +# +from gensim.sklearn_api.tfidf import TfIdfTransformer +from sklearn.linear_model import LogisticRegression +from gensim.matutils import corpus2csc + +# This function returns the model accuracy and indivitual document prob values using +# gensim's TfIdfTransformer and sklearn's LogisticRegression +def get_tfidf_scores(kwargs): + tfidf_transformer = TfIdfTransformer(**kwargs).fit(train_corpus) + + X_train_tfidf = corpus2csc(tfidf_transformer.transform(train_corpus), num_terms=len(id2word)).T + X_test_tfidf = corpus2csc(tfidf_transformer.transform(test_corpus), num_terms=len(id2word)).T + + clf = LogisticRegression().fit(X_train_tfidf, y_train) + + model_accuracy = clf.score(X_test_tfidf, y_test) + doc_scores = clf.decision_function(X_test_tfidf) + + return model_accuracy, doc_scores + +############################################################################### +# Get TFIDF scores for corpus without pivoted document length normalisation +# ------------------------------------------------------------------------- +# +params = {} +model_accuracy, doc_scores = get_tfidf_scores(params) +print(model_accuracy) + +############################################################################### +# Examine the bias towards shorter documents +import numpy as np + +# Sort the document scores by their scores and return a sorted list +# of document score and corresponding document lengths. +def sort_length_by_score(doc_scores, X_test): + doc_scores = sorted(enumerate(doc_scores), key=lambda x: x[1]) + doc_leng = np.empty(len(doc_scores)) + + ds = np.empty(len(doc_scores)) + + for i, _ in enumerate(doc_scores): + doc_leng[i] = len(X_test[_[0]]) + ds[i] = _[1] + + return ds, doc_leng + + +print( + "Normal cosine normalisation favors short documents as our top {} " + "docs have a smaller mean doc length of {:.3f} compared to the corpus mean doc length of {:.3f}" + .format( + k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), + sort_length_by_score(doc_scores, X_test)[1].mean() + ) +) + +############################################################################### +# Get TFIDF scores for corpus with pivoted document length normalisation +# ---------------------------------------------------------------------- +# +# Test various values of alpha (slope) and pick the best one. +best_model_accuracy = 0 +optimum_slope = 0 +for slope in np.arange(0, 1.1, 0.1): + params = {"pivot": 10, "slope": slope} + + model_accuracy, doc_scores = get_tfidf_scores(params) + + if model_accuracy > best_model_accuracy: + best_model_accuracy = model_accuracy + optimum_slope = slope + + print("Score for slope {} is {}".format(slope, model_accuracy)) + +print("We get best score of {} at slope {}".format(best_model_accuracy, optimum_slope)) + +############################################################################### +# Evaluate the model with optimum slope +# +params = {"pivot": 10, "slope": optimum_slope} +model_accuracy, doc_scores = get_tfidf_scores(params) +print(model_accuracy) + +print( + "With pivoted normalisation top {} docs have mean length of {:.3f} " + "which is much closer to the corpus mean doc length of {:.3f}" + .format( + k, sort_length_by_score(doc_scores, X_test)[1][:k].mean(), + sort_length_by_score(doc_scores, X_test)[1].mean() + ) +) + +############################################################################### +# +# Visualizing the pivoted normalization +# ------------------------------------- +# +# Since cosine normalization favors retrieval of short documents from the plot +# we can see that when slope was 1 (when pivoted normalisation was not applied) +# short documents with length of around 500 had very good score hence the bias +# for short documents can be seen. As we varied the value of slope from 1 to 0 +# we introdcued a new bias for long documents to counter the bias caused by +# cosine normalisation. Therefore at a certain point we got an optimum value of +# slope which is 0.5 where the overall accuracy of the model is increased. +# +import matplotlib.pyplot as py + +best_model_accuracy = 0 +optimum_slope = 0 + +w = 2 +h = 2 +f, axarr = py.subplots(h, w, figsize=(15, 7)) + +it = 0 +for slope in [1, 0.2]: + params = {"pivot": 10, "slope": slope} + + model_accuracy, doc_scores = get_tfidf_scores(params) + + if model_accuracy > best_model_accuracy: + best_model_accuracy = model_accuracy + optimum_slope = slope + + doc_scores, doc_leng = sort_length_by_score(doc_scores, X_test) + + y = abs(doc_scores[:k, np.newaxis]) + x = doc_leng[:k, np.newaxis] + + py.subplot(1, 2, it+1).bar(x, y, width=20, linewidth=0) + py.title("slope = " + str(slope) + " Model accuracy = " + str(model_accuracy)) + py.ylim([0, 4.5]) + py.xlim([0, 3200]) + py.xlabel("document length") + py.ylabel("confidence score") + + it += 1 + +py.tight_layout() +py.show() + +############################################################################### +# The above histogram plot helps us visualize the effect of ``slope``. For top +# k documents we have document length on the x axis and their respective scores +# of belonging to a specific class on y axis. +# +# As we decrease the slope the density of bins is shifted from low document +# length (around ~250-500) to over ~500 document length. This suggests that the +# positive biasness which was seen at ``slope=1`` (or when regular tfidf was +# used) for short documents is now reduced. We get the optimum slope or the max +# model accuracy when slope is 0.2. +# +# Conclusion +# ========== +# +# Using pivoted document normalization improved the classification accuracy significantly: +# +# * Before (slope=1, identical to default cosine normalization): 0.9682 +# * After (slope=0.2): 0.9771 +# diff --git a/docs/src/gallery/tutorials/run_summarization.py b/docs/src/gallery/tutorials/run_summarization.py new file mode 100644 index 0000000000..e5281e1a9b --- /dev/null +++ b/docs/src/gallery/tutorials/run_summarization.py @@ -0,0 +1,243 @@ +r""" +Text Summarization +================== + +Demonstrates summarizing text by extracting the most important sentences from it. + +""" +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# This module automatically summarizes the given text, by extracting one or +# more important sentences from the text. In a similar way, it can also extract +# keywords. This tutorial will teach you to use this summarization module via +# some examples. First, we will try a small example, then we will try two +# larger ones, and then we will review the performance of the summarizer in +# terms of speed. +# +# This summarizer is based on the , from an `"TextRank" algorithm by Mihalcea +# et al `_. +# This algorithm was later improved upon by `Barrios et al. +# `_, +# by introducing something called a "BM25 ranking function". +# +# .. important:: +# Gensim's summarization only works for English for now, because the text +# is pre-processed so that stopwords are removed and the words are stemmed, +# and these processes are language-dependent. +# +# Small example +# ------------- +# +# First of all, we import the :py:func:`gensim.summarization.summarize` function. + + +from pprint import pprint as print +from gensim.summarization import summarize + +############################################################################### +# We will try summarizing a small toy example; later we will use a larger piece of text. In reality, the text is too small, but it suffices as an illustrative example. +# + + +text = ( + "Thomas A. Anderson is a man living two lives. By day he is an " + "average computer programmer and by night a hacker known as " + "Neo. Neo has always questioned his reality, but the truth is " + "far beyond his imagination. Neo finds himself targeted by the " + "police when he is contacted by Morpheus, a legendary computer " + "hacker branded a terrorist by the government. Morpheus awakens " + "Neo to the real world, a ravaged wasteland where most of " + "humanity have been captured by a race of machines that live " + "off of the humans' body heat and electrochemical energy and " + "who imprison their minds within an artificial reality known as " + "the Matrix. As a rebel against the machines, Neo must return to " + "the Matrix and confront the agents: super-powerful computer " + "programs devoted to snuffing out Neo and the entire human " + "rebellion. " +) +print(text) + +############################################################################### +# To summarize this text, we pass the **raw string data** as input to the +# function "summarize", and it will return a summary. +# +# Note: make sure that the string does not contain any newlines where the line +# breaks in a sentence. A sentence with a newline in it (i.e. a carriage +# return, "\n") will be treated as two sentences. +# + +print(summarize(text)) + +############################################################################### +# +# Use the "split" option if you want a list of strings instead of a single string. +# +print(summarize(text, split=True)) + +############################################################################### +# +# You can adjust how much text the summarizer outputs via the "ratio" parameter +# or the "word_count" parameter. Using the "ratio" parameter, you specify what +# fraction of sentences in the original text should be returned as output. +# Below we specify that we want 50% of the original text (the default is 20%). +# + +print(summarize(text, ratio=0.5)) + +############################################################################### +# +# Using the "word_count" parameter, we specify the maximum amount of words we +# want in the summary. Below we have specified that we want no more than 50 +# words. +# +print(summarize(text, word_count=50)) + +############################################################################### +# As mentioned earlier, this module also supports **keyword** extraction. +# Keyword extraction works in the same way as summary generation (i.e. sentence +# extraction), in that the algorithm tries to find words that are important or +# seem representative of the entire text. They keywords are not always single +# words; in the case of multi-word keywords, they are typically all nouns. +# + +from gensim.summarization import keywords +print(keywords(text)) + +############################################################################### +# Larger example +# -------------- +# +# Let us try an example with a larger piece of text. We will be using a +# synopsis of the movie "The Matrix", which we have taken from `this +# `_ IMDb page. +# +# In the code below, we read the text file directly from a web-page using +# "requests". Then we produce a summary and some keywords. +# + + +import requests + +text = requests.get('http://rare-technologies.com/the_matrix_synopsis.txt').text +print(text) + +############################################################################### +# First, the summary +# +print(summarize(text, ratio=0.01)) + + +############################################################################### +# And now, the keywords: +# +print(keywords(text, ratio=0.01)) + +############################################################################### +# If you know this movie, you see that this summary is actually quite good. We +# also see that some of the most important characters (Neo, Morpheus, Trinity) +# were extracted as keywords. +# +# Another example +# --------------- +# +# Let's try an example similar to the one above. This time, we will use the IMDb synopsis +# `The Big Lebowski `_. +# +# Again, we download the text and produce a summary and some keywords. +# + + +text = requests.get('http://rare-technologies.com/the_big_lebowski_synopsis.txt').text +print(text) +print(summarize(text, ratio=0.01)) +print(keywords(text, ratio=0.01)) + +############################################################################### +# This time around, the summary is not of high quality, as it does not tell us +# much about the movie. In a way, this might not be the algorithms fault, +# rather this text simply doesn't contain one or two sentences that capture the +# essence of the text as in "The Matrix" synopsis. +# +# The keywords, however, managed to find some of the main characters. +# +# Performance +# ----------- +# +# We will test how the speed of the summarizer scales with the size of the +# dataset. These tests were run on an Intel Core i5 4210U CPU @ 1.70 GHz x 4 +# processor. Note that the summarizer does **not** support multithreading +# (parallel processing). +# +# The tests were run on the book "Honest Abe" by Alonzo Rothschild. Download +# the book in plain-text `here `__. +# +# In the **plot below** , we see the running times together with the sizes of +# the datasets. To create datasets of different sizes, we have simply taken +# prefixes of text; in other words we take the first **n** characters of the +# book. The algorithm seems to be **quadratic in time** , so one needs to be +# careful before plugging a large dataset into the summarizer. + +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('summarization_tutorial_plot.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() + +############################################################################### +# Text-content dependent running times +# ------------------------------------ +# +# The running time is not only dependent on the size of the dataset. For +# example, summarizing "The Matrix" synopsis (about 36,000 characters) takes +# about 3.1 seconds, while summarizing 35,000 characters of this book takes +# about 8.5 seconds. So the former is **more than twice as fast**. +# +# One reason for this difference in running times is the data structure that is +# used. The algorithm represents the data using a graph, where vertices (nodes) +# are sentences, and then constructs weighted edges between the vertices that +# represent how the sentences relate to each other. This means that every piece +# of text will have a different graph, thus making the running times different. +# The size of this data structure is **quadratic in the worst case** (the worst +# case is when each vertex has an edge to every other vertex). +# +# Another possible reason for the difference in running times is that the +# problems converge at different rates, meaning that the error drops slower for +# some datasets than for others. +# +# Montemurro and Zanette's entropy based keyword extraction algorithm +# ------------------------------------------------------------------- +# +# `This paper `__ describes a technique to +# identify words that play a significant role in the large-scale structure of a +# text. These typically correspond to the major themes of the text. The text is +# divided into blocks of ~1000 words, and the entropy of each word's +# distribution amongst the blocks is caclulated and compared with the expected +# entropy if the word were distributed randomly. +# + + +import requests +from gensim.summarization import mz_keywords + +text=requests.get("http://www.gutenberg.org/files/49679/49679-0.txt").text +print(mz_keywords(text,scores=True,threshold=0.001)) + +############################################################################### +# By default, the algorithm weights the entropy by the overall frequency of the +# word in the document. We can remove this weighting by setting weighted=False +# +print(mz_keywords(text,scores=True,weighted=False,threshold=1.0)) + +############################################################################### +# When this option is used, it is possible to calculate a threshold +# automatically from the number of blocks +# +print(mz_keywords(text,scores=True,weighted=False,threshold="auto")) + +############################################################################### +# The complexity of the algorithm is **O**\ (\ *Nw*\ ), where *N* is the number +# of words in the document and *w* is the number of unique words. +# diff --git a/docs/src/gallery/tutorials/run_wmd.py b/docs/src/gallery/tutorials/run_wmd.py new file mode 100644 index 0000000000..678703b922 --- /dev/null +++ b/docs/src/gallery/tutorials/run_wmd.py @@ -0,0 +1,154 @@ +r""" +Word Movers' Distance +===================== + +Demonstrates using Gensim's implemenation of the WMD. + +""" + +############################################################################### +# Word Mover's Distance (WMD) is a promising new tool in machine learning that +# allows us to submit a query and return the most relevant documents. This +# tutorial introduces WMD and shows how you can compute the WMD distance +# between two documents using ``wmdistance``. +# +# WMD Basics +# ---------- +# +# WMD enables us to assess the "distance" between two documents in a meaningful +# way, even when they have no words in common. It uses `word2vec +# `_ [4] vector embeddings of +# words. It been shown to outperform many of the state-of-the-art methods in +# *k*\ -nearest neighbors classification [3]. +# +# WMD is illustrated below for two very similar sentences (illustration taken +# from `Vlad Niculae's blog +# `_\ ). The sentences +# have no words in common, but by matching the relevant words, WMD is able to +# accurately measure the (dis)similarity between the two sentences. The method +# also uses the bag-of-words representation of the documents (simply put, the +# word's frequencies in the documents), noted as $d$ in the figure below. The +# intuition behind the method is that we find the minimum "traveling distance" +# between documents, in other words the most efficient way to "move" the +# distribution of document 1 to the distribution of document 2. +# + +# Image from https://vene.ro/images/wmd-obama.png +import matplotlib.pyplot as plt +import matplotlib.image as mpimg +img = mpimg.imread('wmd-obama.png') +imgplot = plt.imshow(img) +plt.axis('off') +plt.show() + +############################################################################### +# This method was introduced in the article "From Word Embeddings To Document +# Distances" by Matt Kusner et al. (\ `link to PDF +# `_\ ). It is inspired +# by the "Earth Mover's Distance", and employs a solver of the "transportation +# problem". +# +# In this tutorial, we will learn how to use Gensim's WMD functionality, which +# consists of the ``wmdistance`` method for distance computation, and the +# ``WmdSimilarity`` class for corpus based similarity queries. +# +# .. Important:: +# If you use Gensim's WMD functionality, please consider citing [1], [2] and [3]. +# +# Computing the Word Mover's Distance +# ----------------------------------- +# +# To use WMD, you need some existing word embeddings. +# You could train your own Word2Vec model, but that is beyond the scope of this tutorial +# (check out :ref:`sphx_glr_auto_examples_tutorials_run_word2vec.py` if you're interested). +# For this tutorial, we'll be using an existing Word2Vec model. +# +# Let's take some sentences to compute the distance between. +# + +# Initialize logging. +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +sentence_obama = 'Obama speaks to the media in Illinois' +sentence_president = 'The president greets the press in Chicago' + +############################################################################### +# These sentences have very similar content, and as such the WMD should be low. +# Before we compute the WMD, we want to remove stopwords ("the", "to", etc.), +# as these do not contribute a lot to the information in the sentences. +# + +# Import and download stopwords from NLTK. +from nltk.corpus import stopwords +from nltk import download +download('stopwords') # Download stopwords list. +stop_words = stopwords.words('english') + +def preprocess(sentence): + return [w for w in sentence.lower().split() if w not in stop_words] + +sentence_obama = preprocess(sentence_obama) +sentence_president = preprocess(sentence_president) + +############################################################################### +# Now, as mentioned earlier, we will be using some downloaded pre-trained +# embeddings. We load these into a Gensim Word2Vec model class. +# +# .. Important:: +# The embeddings we have chosen here require a lot of memory. +# +import gensim.downloader as api +model = api.load('word2vec-google-news-300') + +############################################################################### +# So let's compute WMD using the ``wmdistance`` method. +# +distance = model.wmdistance(sentence_obama, sentence_president) +print('distance = %.4f' % distance) + +############################################################################### +# Let's try the same thing with two completely unrelated sentences. Notice that the distance is larger. +# +sentence_orange = preprocess('Oranges are my favorite fruit') +distance = model.wmdistance(sentence_obama, sentence_orange) +print('distance = %.4f' % distance) + +############################################################################### +# Normalizing word2vec vectors +# ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +# +# When using the ``wmdistance`` method, it is beneficial to normalize the +# word2vec vectors first, so they all have equal length. To do this, simply +# call ``model.init_sims(replace=True)`` and Gensim will take care of that for +# you. +# +# Usually, one measures the distance between two word2vec vectors using the +# cosine distance (see `cosine similarity +# `_\ ), which measures the +# angle between vectors. WMD, on the other hand, uses the Euclidean distance. +# The Euclidean distance between two vectors might be large because their +# lengths differ, but the cosine distance is small because the angle between +# them is small; we can mitigate some of this by normalizing the vectors. +# +# .. Important:: +# Note that normalizing the vectors can take some time, especially if you have +# a large vocabulary and/or large vectors. +# +model.init_sims(replace=True) # Normalizes the vectors in the word2vec class. + +distance = model.wmdistance(sentence_obama, sentence_president) # Compute WMD as normal. +print('distance: %r' % distance) + +distance = model.wmdistance(sentence_obama, sentence_orange) +print('distance = %.4f' % distance) + +############################################################################### +# References +# ---------- +# +# 1. Ofir Pele and Michael Werman, *A linear time histogram metric for improved SIFT matching*\ , 2008. +# 2. Ofir Pele and Michael Werman, *Fast and robust earth mover's distances*\ , 2009. +# 3. Matt Kusner et al. *From Embeddings To Document Distances*\ , 2015. +# 4. Thomas Mikolov et al. *Efficient Estimation of Word Representations in Vector Space*\ , 2013. +# diff --git a/docs/src/gallery/tutorials/run_word2vec.py b/docs/src/gallery/tutorials/run_word2vec.py new file mode 100644 index 0000000000..20d06822ec --- /dev/null +++ b/docs/src/gallery/tutorials/run_word2vec.py @@ -0,0 +1,716 @@ +r""" +Word2Vec Model +============== + +Introduces Gensim's Word2Vec model and demonstrates its use on the Lee Corpus. + +""" + +import logging +logging.basicConfig(format='%(asctime)s : %(levelname)s : %(message)s', level=logging.INFO) + +############################################################################### +# In case you missed the buzz, word2vec is a widely featured as a member of the +# “new wave” of machine learning algorithms based on neural networks, commonly +# referred to as "deep learning" (though word2vec itself is rather shallow). +# Using large amounts of unannotated plain text, word2vec learns relationships +# between words automatically. The output are vectors, one vector per word, +# with remarkable linear relationships that allow us to do things like: +# +# * vec("king") - vec("man") + vec("woman") =~ vec("queen") +# * vec("Montreal Canadiens") – vec("Montreal") + vec("Toronto") =~ vec("Toronto Maple Leafs"). +# +# Word2vec is very useful in `automatic text tagging +# `_\ , recommender +# systems and machine translation. +# +# This tutorial: +# +# #. Introduces ``Word2Vec`` as an improvement over traditional bag-of-words +# #. Shows off a demo of ``Word2Vec`` using a pre-trained model +# #. Demonstrates training a new model from your own data +# #. Demonstrates loading and saving models +# #. Introduces several training parameters and demonstrates their effect +# #. Discusses memory requirements +# #. Visualizes Word2Vec embeddings by applying dimensionality reduction +# +# Review: Bag-of-words +# -------------------- +# +# .. Note:: Feel free to skip these review sections if you're already familiar with the models. +# +# You may be familiar with the `bag-of-words model +# `_ from the +# :ref:`core_concepts_vector` section. +# This model transforms each document to a fixed-length vector of integers. +# For example, given the sentences: +# +# - ``John likes to watch movies. Mary likes movies too.`` +# - ``John also likes to watch football games. Mary hates football.`` +# +# The model outputs the vectors: +# +# - ``[1, 2, 1, 1, 2, 1, 1, 0, 0, 0, 0]`` +# - ``[1, 1, 1, 1, 0, 1, 0, 1, 2, 1, 1]`` +# +# Each vector has 10 elements, where each element counts the number of times a +# particular word occurred in the document. +# The order of elements is arbitrary. +# In the example above, the order of the elements corresponds to the words: +# ``["John", "likes", "to", "watch", "movies", "Mary", "too", "also", "football", "games", "hates"]``. +# +# Bag-of-words models are surprisingly effective, but have several weaknesses. +# +# First, they lose all information about word order: "John likes Mary" and +# "Mary likes John" correspond to identical vectors. There is a solution: bag +# of `n-grams `__ +# models consider word phrases of length n to represent documents as +# fixed-length vectors to capture local word order but suffer from data +# sparsity and high dimensionality. +# +# Second, the model does not attempt to learn the meaning of the underlying +# words, and as a consequence, the distance between vectors doesn't always +# reflect the difference in meaning. The ``Word2Vec`` model addresses this +# second problem. +# +# Introducing: the ``Word2Vec`` Model +# ----------------------------------- +# +# ``Word2Vec`` is a more recent model that embeds words in a lower-dimensional +# vector space using a shallow neural network. The result is a set of +# word-vectors where vectors close together in vector space have similar +# meanings based on context, and word-vectors distant to each other have +# differing meanings. For example, ``strong`` and ``powerful`` would be close +# together and ``strong`` and ``Paris`` would be relatively far. +# +# The are two versions of this model and :py:class:`~gensim.models.word2vec.Word2Vec` +# class implements them both: +# +# 1. Skip-grams (SG) +# 2. Continuous-bag-of-words (CBOW) +# +# .. Important:: +# Don't let the implementation details below scare you. +# They're advanced material: if it's too much, then move on to the next section. +# +# The `Word2Vec Skip-gram `__ +# model, for example, takes in pairs (word1, word2) generated by moving a +# window across text data, and trains a 1-hidden-layer neural network based on +# the synthetic task of given an input word, giving us a predicted probability +# distribution of nearby words to the input. A virtual `one-hot +# `__ encoding of words +# goes through a 'projection layer' to the hidden layer; these projection +# weights are later interpreted as the word embeddings. So if the hidden layer +# has 300 neurons, this network will give us 300-dimensional word embeddings. +# +# Continuous-bag-of-words Word2vec is very similar to the skip-gram model. It +# is also a 1-hidden-layer neural network. The synthetic training task now uses +# the average of multiple input context words, rather than a single word as in +# skip-gram, to predict the center word. Again, the projection weights that +# turn one-hot words into averageable vectors, of the same width as the hidden +# layer, are interpreted as the word embeddings. +# + +############################################################################### +# Word2Vec Demo +# ------------- +# +# To see what ``Word2Vec`` can do, let's download a pre-trained model and play +# around with it. We will fetch the Word2Vec model trained on part of the +# Google News dataset, covering approximately 3 million words and phrases. Such +# a model can take hours to train, but since it's already available, +# downloading and loading it with Gensim takes minutes. +# +# .. Important:: +# The model is approximately 2GB, so you'll need a decent network connection +# to proceed. Otherwise, skip ahead to the "Training Your Own Model" section +# below. +# +# You may also check out an `online word2vec demo +# `_ where you can try +# this vector algebra for yourself. That demo runs ``word2vec`` on the +# **entire** Google News dataset, of **about 100 billion words**. +# +import gensim.downloader as api +wv = api.load('word2vec-google-news-300') + +############################################################################### +# We can easily obtain vectors for terms the model is familiar with: +# +vec_king = wv['king'] + +############################################################################### +# Unfortunately, the model is unable to infer vectors for unfamiliar words. +# This is one limitation of Word2Vec: if this limitation matters to you, check +# out the FastText model. +# +try: + vec_weapon = wv['cameroon'] +except KeyError: + print("The word 'cameroon' does not appear in this model") + +############################################################################### +# Moving on, ``Word2Vec`` supports several word similarity tasks out of the +# box. You can see how the similarity intuitively decreases as the words get +# less and less similar. +# +pairs = [ + ('car', 'minivan'), # a minivan is a kind of car + ('car', 'bicycle'), # still a wheeled vehicle + ('car', 'airplane'), # ok, no wheels, but still a vehicle + ('car', 'cereal'), # ... and so on + ('car', 'communism'), +] +for w1, w2 in pairs: + print('%r\t%r\t%.2f' % (w1, w2, wv.similarity(w1, w2))) + +############################################################################### +# Print the 5 most similar words to "car" or "minivan" +print(wv.most_similar(positive=['car', 'minivan'], topn=5)) + +############################################################################### +# Which of the below does not belong in the sequence? +print(wv.doesnt_match(['fire', 'water', 'land', 'sea', 'air', 'car'])) + +############################################################################### +# Training Your Own Model +# ----------------------- +# +# To start, you'll need some data for training the model. For the following +# examples, we'll use the `Lee Corpus +# `_ +# (which you already have if you've installed gensim). +# +# This corpus is small enough to fit entirely in memory, but we'll implement a +# memory-friendly iterator that reads it line-by-line to demonstrate how you +# would handle a larger corpus. +# + +from gensim.test.utils import datapath +from gensim import utils + +class MyCorpus(object): + """An interator that yields sentences (lists of str).""" + + def __iter__(self): + corpus_path = datapath('lee_background.cor') + for line in open(corpus_path): + # assume there's one document per line, tokens separated by whitespace + yield utils.simple_preprocess(line) + +############################################################################### +# If we wanted to do any custom preprocessing, e.g. decode a non-standard +# encoding, lowercase, remove numbers, extract named entities... All of this can +# be done inside the ``MyCorpus`` iterator and ``word2vec`` doesn’t need to +# know. All that is required is that the input yields one sentence (list of +# utf8 words) after another. +# +# Let's go ahead and train a model on our corpus. Don't worry about the +# training parameters much for now, we'll revisit them later. +# +import gensim.models + +sentences = MyCorpus() +model = gensim.models.Word2Vec(sentences=sentences) + +############################################################################### +# Once we have our model, we can use it in the same way as in the demo above. +# +# The main part of the model is ``model.wv``\ , where "wv" stands for "word vectors". +# +vec_king = model.wv['king'] + +############################################################################### +# Storing and loading models +# -------------------------- +# +# You'll notice that training non-trivial models can take time. Once you've +# trained your model and it works as expected, you can save it to disk. That +# way, you don't have to spend time training it all over again later. +# +# You can store/load models using the standard gensim methods: +# +import tempfile + +with tempfile.NamedTemporaryFile(prefix='gensim-model-', delete=False) as tmp: + temporary_filepath = tmp.name + model.save(temporary_filepath) + # + # The model is now safely stored in the filepath. + # You can copy it to other machines, share it with others, etc. + # + # To load a saved model: + # + new_model = gensim.models.Word2Vec.load(temporary_filepath) + +############################################################################### +# which uses pickle internally, optionally ``mmap``\ ‘ing the model’s internal +# large NumPy matrices into virtual memory directly from disk files, for +# inter-process memory sharing. +# +# In addition, you can load models created by the original C tool, both using +# its text and binary formats:: +# +# model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.txt', binary=False) +# # using gzipped/bz2 input works too, no need to unzip +# model = gensim.models.KeyedVectors.load_word2vec_format('/tmp/vectors.bin.gz', binary=True) +# + + +############################################################################### +# Training Parameters +# ------------------- +# +# ``Word2Vec`` accepts several parameters that affect both training speed and quality. +# +# min_count +# --------- +# +# ``min_count`` is for pruning the internal dictionary. Words that appear only +# once or twice in a billion-word corpus are probably uninteresting typos and +# garbage. In addition, there’s not enough data to make any meaningful training +# on those words, so it’s best to ignore them: +# +# default value of min_count=5 +model = gensim.models.Word2Vec(sentences, min_count=10) + +############################################################################### +# +# size +# ---- +# +# ``size`` is the number of dimensions (N) of the N-dimensional space that +# gensim Word2Vec maps the words onto. +# +# Bigger size values require more training data, but can lead to better (more +# accurate) models. Reasonable values are in the tens to hundreds. +# + +# default value of size=100 +model = gensim.models.Word2Vec(sentences, size=200) + +############################################################################### +# workers +# ------- +# +# ``workers`` , the last of the major parameters (full list `here +# `_) +# is for training parallelization, to speed up training: +# + +# default value of workers=3 (tutorial says 1...) +model = gensim.models.Word2Vec(sentences, workers=4) + +############################################################################### +# The ``workers`` parameter only has an effect if you have `Cython +# `_ installed. Without Cython, you’ll only be able to use +# one core because of the `GIL +# `_ (and ``word2vec`` +# training will be `miserably slow +# `_\ ). +# + +############################################################################### +# Memory +# ------ +# +# At its core, ``word2vec`` model parameters are stored as matrices (NumPy +# arrays). Each array is **#vocabulary** (controlled by min_count parameter) +# times **#size** (size parameter) of floats (single precision aka 4 bytes). +# +# Three such matrices are held in RAM (work is underway to reduce that number +# to two, or even one). So if your input contains 100,000 unique words, and you +# asked for layer ``size=200``\ , the model will require approx. +# ``100,000*200*4*3 bytes = ~229MB``. +# +# There’s a little extra memory needed for storing the vocabulary tree (100,000 words would take a few megabytes), but unless your words are extremely loooong strings, memory footprint will be dominated by the three matrices above. +# + + +############################################################################### +# Evaluating +# ---------- +# +# ``Word2Vec`` training is an unsupervised task, there’s no good way to +# objectively evaluate the result. Evaluation depends on your end application. +# +# Google has released their testing set of about 20,000 syntactic and semantic +# test examples, following the “A is to B as C is to D” task. It is provided in +# the 'datasets' folder. +# +# For example a syntactic analogy of comparative type is bad:worse;good:?. +# There are total of 9 types of syntactic comparisons in the dataset like +# plural nouns and nouns of opposite meaning. +# +# The semantic questions contain five types of semantic analogies, such as +# capital cities (Paris:France;Tokyo:?) or family members +# (brother:sister;dad:?). +# + +############################################################################### +# Gensim supports the same evaluation set, in exactly the same format: +# +model.accuracy('./datasets/questions-words.txt') + +############################################################################### +# +# This ``accuracy`` takes an `optional parameter +# `_ +# ``restrict_vocab`` which limits which test examples are to be considered. +# + + +############################################################################### +# In the December 2016 release of Gensim we added a better way to evaluate semantic similarity. +# +# By default it uses an academic dataset WS-353 but one can create a dataset +# specific to your business based on it. It contains word pairs together with +# human-assigned similarity judgments. It measures the relatedness or +# co-occurrence of two words. For example, 'coast' and 'shore' are very similar +# as they appear in the same context. At the same time 'clothes' and 'closet' +# are less similar because they are related but not interchangeable. +# +model.evaluate_word_pairs(datapath('wordsim353.tsv')) + +############################################################################### +# .. Important:: +# Good performance on Google's or WS-353 test set doesn’t mean word2vec will +# work well in your application, or vice versa. It’s always best to evaluate +# directly on your intended task. For an example of how to use word2vec in a +# classifier pipeline, see this `tutorial +# `_. +# + +############################################################################### +# Online training / Resuming training +# ----------------------------------- +# +# Advanced users can load a model and continue training it with more sentences +# and `new vocabulary words `_: +# +model = gensim.models.Word2Vec.load(temporary_filepath) +more_sentences = [ + ['Advanced', 'users', 'can', 'load', 'a', 'model', + 'and', 'continue', 'training', 'it', 'with', 'more', 'sentences'] +] +model.build_vocab(more_sentences, update=True) +model.train(more_sentences, total_examples=model.corpus_count, epochs=model.iter) + +# cleaning up temporary file +import os +os.remove(temporary_filepath) + +############################################################################### +# You may need to tweak the ``total_words`` parameter to ``train()``, +# depending on what learning rate decay you want to simulate. +# +# Note that it’s not possible to resume training with models generated by the C +# tool, ``KeyedVectors.load_word2vec_format()``. You can still use them for +# querying/similarity, but information vital for training (the vocab tree) is +# missing there. +# + +############################################################################### +# Training Loss Computation +# ------------------------- +# +# The parameter ``compute_loss`` can be used to toggle computation of loss +# while training the Word2Vec model. The computed loss is stored in the model +# attribute ``running_training_loss`` and can be retrieved using the function +# ``get_latest_training_loss`` as follows : +# + +# instantiating and training the Word2Vec model +model_with_loss = gensim.models.Word2Vec( + sentences, + min_count=1, + compute_loss=True, + hs=0, + sg=1, + seed=42 +) + +# getting the training loss value +training_loss = model_with_loss.get_latest_training_loss() +print(training_loss) + +############################################################################### +# Benchmarks +# ---------- +# +# Let's run some benchmarks to see effect of the training loss computation code +# on training time. +# +# We'll use the following data for the benchmarks: +# +# #. Lee Background corpus: included in gensim's test data +# #. Text8 corpus. To demonstrate the effect of corpus size, we'll look at the +# first 1MB, 10MB, 50MB of the corpus, as well as the entire thing. +# + +import io +import os + +import gensim.models.word2vec +import gensim.downloader as api +import smart_open + + +def head(path, size): + with smart_open.open(path) as fin: + return io.StringIO(fin.read(size)) + + +def generate_input_data(): + lee_path = datapath('lee_background.cor') + ls = gensim.models.word2vec.LineSentence(lee_path) + ls.name = '25kB' + yield ls + + text8_path = api.load('text8').fn + labels = ('1MB', '10MB', '50MB', '100MB') + sizes = (1024 ** 2, 10 * 1024 ** 2, 50 * 1024 ** 2, 100 * 1024 ** 2) + for l, s in zip(labels, sizes): + ls = gensim.models.word2vec.LineSentence(head(text8_path, s)) + ls.name = l + yield ls + + +input_data = list(generate_input_data()) + +############################################################################### +# We now compare the training time taken for different combinations of input +# data and model training parameters like ``hs`` and ``sg``. +# +# For each combination, we repeat the test several times to obtain the mean and +# standard deviation of the test duration. +# + +# Temporarily reduce logging verbosity +logging.root.level = logging.ERROR + +import time +import numpy as np +import pandas as pd + +train_time_values = [] +seed_val = 42 +sg_values = [0, 1] +hs_values = [0, 1] + +fast = True +if fast: + input_data_subset = input_data[:3] +else: + input_data_subset = input_data + + +for data in input_data_subset: + for sg_val in sg_values: + for hs_val in hs_values: + for loss_flag in [True, False]: + time_taken_list = [] + for i in range(3): + start_time = time.time() + w2v_model = gensim.models.Word2Vec( + data, + compute_loss=loss_flag, + sg=sg_val, + hs=hs_val, + seed=seed_val, + ) + time_taken_list.append(time.time() - start_time) + + time_taken_list = np.array(time_taken_list) + time_mean = np.mean(time_taken_list) + time_std = np.std(time_taken_list) + + model_result = { + 'train_data': data.name, + 'compute_loss': loss_flag, + 'sg': sg_val, + 'hs': hs_val, + 'train_time_mean': time_mean, + 'train_time_std': time_std, + } + print("Word2vec model #%i: %s" % (len(train_time_values), model_result)) + train_time_values.append(model_result) + +train_times_table = pd.DataFrame(train_time_values) +train_times_table = train_times_table.sort_values( + by=['train_data', 'sg', 'hs', 'compute_loss'], + ascending=[False, False, True, False], +) +print(train_times_table) + +############################################################################### +# Adding Word2Vec "model to dict" method to production pipeline +# ------------------------------------------------------------- +# +# Suppose, we still want more performance improvement in production. +# +# One good way is to cache all the similar words in a dictionary. +# +# So that next time when we get the similar query word, we'll search it first in the dict. +# +# And if it's a hit then we will show the result directly from the dictionary. +# +# otherwise we will query the word and then cache it so that it doesn't miss next time. +# + + +# re-enable logging +logging.root.level = logging.INFO + +most_similars_precalc = {word : model.wv.most_similar(word) for word in model.wv.index2word} +for i, (key, value) in enumerate(most_similars_precalc.items()): + if i == 3: + break + print(key, value) + +############################################################################### +# Comparison with and without caching +# ----------------------------------- +# +# for time being lets take 4 words randomly +# +import time +words = ['voted', 'few', 'their', 'around'] + +############################################################################### +# Without caching +# +start = time.time() +for word in words: + result = model.wv.most_similar(word) + print(result) +end = time.time() +print(end - start) + +############################################################################### +# Now with caching +# +start = time.time() +for word in words: + if 'voted' in most_similars_precalc: + result = most_similars_precalc[word] + print(result) + else: + result = model.wv.most_similar(word) + most_similars_precalc[word] = result + print(result) + +end = time.time() +print(end - start) + +############################################################################### +# Clearly you can see the improvement but this difference will be even larger +# when we take more words in the consideration. +# + +############################################################################### +# +# Visualising the Word Embeddings +# ------------------------------- +# +# The word embeddings made by the model can be visualised by reducing +# dimensionality of the words to 2 dimensions using tSNE. +# +# Visualisations can be used to notice semantic and syntactic trends in the data. +# +# Example: +# +# * Semantic: words like cat, dog, cow, etc. have a tendency to lie close by +# * Syntactic: words like run, running or cut, cutting lie close together. +# +# Vector relations like vKing - vMan = vQueen - vWoman can also be noticed. +# +# .. Important:: +# The model used for the visualisation is trained on a small corpus. Thus +# some of the relations might not be so clear. +# + +from sklearn.decomposition import IncrementalPCA # inital reduction +from sklearn.manifold import TSNE # final reduction +import numpy as np # array handling + + +def reduce_dimensions(model): + num_dimensions = 2 # final num dimensions (2D, 3D, etc) + + vectors = [] # positions in vector space + labels = [] # keep track of words to label our data again later + for word in model.wv.vocab: + vectors.append(model.wv[word]) + labels.append(word) + + # convert both lists into numpy vectors for reduction + vectors = np.asarray(vectors) + labels = np.asarray(labels) + + # reduce using t-SNE + vectors = np.asarray(vectors) + tsne = TSNE(n_components=num_dimensions, random_state=0) + vectors = tsne.fit_transform(vectors) + + x_vals = [v[0] for v in vectors] + y_vals = [v[1] for v in vectors] + return x_vals, y_vals, labels + + +x_vals, y_vals, labels = reduce_dimensions(model) + +def plot_with_plotly(x_vals, y_vals, labels, plot_in_notebook=True): + from plotly.offline import init_notebook_mode, iplot, plot + import plotly.graph_objs as go + + trace = go.Scatter(x=x_vals, y=y_vals, mode='text', text=labels) + data = [trace] + + if plot_in_notebook: + init_notebook_mode(connected=True) + iplot(data, filename='word-embedding-plot') + else: + plot(data, filename='word-embedding-plot.html') + + +def plot_with_matplotlib(x_vals, y_vals, labels): + import matplotlib.pyplot as plt + import random + + random.seed(0) + + plt.figure(figsize=(12, 12)) + plt.scatter(x_vals, y_vals) + + # + # Label randomly subsampled 25 data points + # + indices = list(range(len(labels))) + selected_indices = random.sample(indices, 25) + for i in selected_indices: + plt.annotate(labels[i], (x_vals[i], y_vals[i])) + +try: + get_ipython() +except Exception: + plot_function = plot_with_matplotlib +else: + plot_function = plot_with_plotly + +plot_function(x_vals, y_vals, labels) + +############################################################################### +# Conclusion +# ---------- +# +# In this tutorial we learned how to train word2vec models on your custom data +# and also how to evaluate it. Hope that you too will find this popular tool +# useful in your Machine Learning tasks! +# +# Links +# ----- +# +# - API docs: :py:mod:`gensim.models.word2vec` +# - `Original C toolkit and word2vec papers by Google `_. +# diff --git a/docs/src/gallery/tutorials/summarization_tutorial_plot.png b/docs/src/gallery/tutorials/summarization_tutorial_plot.png new file mode 100644 index 0000000000..831e5cf94c Binary files /dev/null and b/docs/src/gallery/tutorials/summarization_tutorial_plot.png differ diff --git a/docs/src/gallery/tutorials/wmd-obama.png b/docs/src/gallery/tutorials/wmd-obama.png new file mode 100644 index 0000000000..ad668b5108 Binary files /dev/null and b/docs/src/gallery/tutorials/wmd-obama.png differ diff --git a/docs/src/gensim_theme/layout.html b/docs/src/gensim_theme/layout.html index 4b4bd9fc43..a0ae4251f2 100644 --- a/docs/src/gensim_theme/layout.html +++ b/docs/src/gensim_theme/layout.html @@ -81,8 +81,7 @@

Get Expert Help From The Gensim Authors

Consulting in Machine Learning & NLP

-

• Commercial document similarity engine: ScaleText.ai

-

Corporate trainings in Python Data Science and Deep Learning

+

Corporate trainings in Data Science, NLP and Deep Learning

@@ -94,8 +93,7 @@

Get Expert Help From The Gensim Authors